# HG changeset patch
# User bgruening
# Date 1619830655 0
# Node ID 3b6ee54eb7e228fa17333285a98c51e22f963fde
"planemo upload for repository https://github.com/bgruening/galaxytools/tree/master/tools/sklearn commit ea12f973df4b97a2691d9e4ce6bf6fae59d57717"
diff -r 000000000000 -r 3b6ee54eb7e2 README.rst
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/README.rst	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,146 @@
+Galaxy wrapper for scikit-learn library
+***************************************
+
+Contents
+========
+
+- `What is scikit-learn?`_
+	- `Scikit-learn main package groups`_
+	- `Tools offered by this wrapper`_
+
+- `Machine learning workflows`_
+	- `Supervised learning workflows`_
+	- `Unsupervised learning workflows`_
+
+
+____________________________
+
+
+.. _What is scikit-learn?:
+
+What is scikit-learn?
+=====================
+
+Scikit-learn is an open-source machine learning library for the Python programming language. It offers various algorithms for performing supervised and unsupervised learning as well as data preprocessing and transformation, model selection and evaluation, and dataset utilities. It is built upon SciPy (Scientific Python) library.
+
+Scikit-learn source code can be accessed at https://github.com/scikit-learn/scikit-learn.
+Detailed installation instructions can be found at http://scikit-learn.org/stable/install.html
+
+
+.. _Scikit-learn main package groups:
+
+Scikit-learn main package groups
+================================
+
+Scikit-learn provides the users with several main groups of related operations.
+These are:
+
+- Classification
+    - Identifying to which category an object belongs.
+- Regression
+    - Predicting a continuous-valued attribute associated with an object.
+- Clustering
+    - Automatic grouping of similar objects into sets.
+- Preprocessing
+    - Feature extraction and normalization.
+- Model selection and evaluation
+    - Comparing, validating and choosing parameters and models.
+- Dimensionality reduction
+    - Reducing the number of random variables to consider.
+
+Each group consists of a number of well-known algorithms from the category. For example, one can find hierarchical, spectral, kmeans, and other clustering methods in sklearn.cluster package.
+
+
+.. _Tools offered by this wrapper:
+
+Available tools in the current wrapper
+======================================
+
+The current release of the wrapper offers a subset of the packages from scikit-learn library. You can find:
+
+- A subset of classification metric functions
+- Linear and quadratic discriminant classifiers
+- Random forest and Ada boost classifiers and regressors
+- All the clustering methods
+- All support vector machine classifiers
+- A subset of data preprocessing estimator classes
+- Pairwise metric measurement functions
+
+In addition, several tools for performing matrix operations, generating problem-specific datasets, and encoding text and extracting features have been prepared to help the user with more advanced operations.
+
+.. _Machine learning workflows:
+
+Machine learning workflows
+==========================
+
+Machine learning is about processes. No matter what machine learning algorithm we use, we can apply typical workflows and dataflows to produce more robust models and better predictions.
+Here we discuss supervised and unsupervised learning workflows.
+
+.. _Supervised learning workflows:
+
+Supervised machine learning workflows
+=====================================
+
+**What is supervised learning?**
+
+In this machine learning task, given sample data which are labeled, the aim is to build a model which can predict the labels for new observations.
+In practice, there are five steps which we can go through to start from raw input data and end up getting reasonable predictions for new samples:
+
+1. Preprocess the data::
+
+    * Change the collected data into the proper format and datatype.
+    * Adjust the data quality by filling the missing values, performing
+    required scaling and normalizations, etc.
+    * Extract features which are the most meaningfull for the learning task.
+    * Split the ready dataset into training and test samples.
+
+2. Choose an algorithm::
+
+    * These factors help one to choose a learning algorithm:
+        - Nature of the data (e.g. linear vs. nonlinear data)
+        - Structure of the predicted output (e.g. binary vs. multilabel classification)
+        - Memory and time usage of the training
+        - Predictive accuracy on new data
+        - Interpretability of the predictions
+
+3. Choose a validation method
+
+	Every machine learning model should be evaluated before being put into practicical use.
+	There are numerous performance metrics to evaluate machine learning models.
+	For supervised learning, usually classification or regression metrics are used.
+
+	A validation method helps to evaluate the performance metrics of a trained model in order
+	to optimize its performance or ultimately switch to a more efficient model.
+	Cross-validation is a known validation method.
+
+4. Fit a model
+
+   Given the learning algorithm, validation method, and performance metric(s)
+   repeat the following steps::
+
+    * Train the model.
+    * Evaluate based on metrics.
+    * Optimize unitl satisfied.
+
+5. Use fitted model for prediction::
+
+	This is a final evaluation in which, the optimized model is used to make predictions
+	on unseen (here test) samples. After this, the model is put into production.
+
+.. _Unsupervised learning workflows:
+
+Unsupervised machine learning workflows
+=======================================
+
+**What is unsupervised learning?**
+
+Unlike supervised learning and more liklely in real life, here the initial data is not labeled.
+The task is to extract the structure from the data and group the samples based on their similarities.
+Clustering and dimensionality reduction are two famous examples of unsupervised learning tasks.
+
+In this case, the workflow is as follows::
+
+    * Preprocess the data (without splitting to train and test).
+    * Train a model.
+    * Evaluate and tune parameters.
+    * Analyse the model and test on real data.
diff -r 000000000000 -r 3b6ee54eb7e2 association_rules.py
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/association_rules.py	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,116 @@
+import argparse
+import json
+import warnings
+
+import pandas as pd
+from mlxtend.frequent_patterns import association_rules, fpgrowth
+from mlxtend.preprocessing import TransactionEncoder
+
+
+def main(inputs, infile, outfile, min_support=0.5, min_confidence=0.5, min_lift=1.0, min_conviction=1.0, max_length=None):
+    """
+    Parameter
+    ---------
+    input : str
+        File path to galaxy tool parameter
+
+    infile : str
+        File paths of input vector
+
+    outfile : str
+        File path to output matrix
+
+    min_support: float
+        Minimum support
+
+    min_confidence: float
+        Minimum confidence
+
+    min_lift: float
+        Minimum lift
+
+    min_conviction: float
+        Minimum conviction
+
+    max_length: int
+        Maximum length
+
+    """
+    warnings.simplefilter('ignore')
+
+    with open(inputs, 'r') as param_handler:
+        params = json.load(param_handler)
+
+    input_header = params['header0']
+    header = 'infer' if input_header else None
+
+    with open(infile) as fp:
+        lines = fp.read().splitlines()
+
+    if header is not None:
+        lines = lines[1:]
+
+    dataset = []
+    for line in lines:
+        line_items = line.split("\t")
+        dataset.append(line_items)
+
+    # TransactionEncoder learns the unique labels in the dataset and transforms the
+    # input dataset (a Python list of lists) into a one-hot encoded NumPy boolean array
+    te = TransactionEncoder()
+    te_ary = te.fit_transform(dataset)
+
+    # Turn the encoded NumPy array into a DataFrame
+    df = pd.DataFrame(te_ary, columns=te.columns_)
+
+    # Extract frequent itemsets for association rule mining
+    # use_colnames: Use DataFrames' column names in the returned DataFrame instead of column indices
+    frequent_itemsets = fpgrowth(df, min_support=min_support, use_colnames=True, max_len=max_length)
+
+    # Get association rules, with confidence larger than min_confidence
+    rules = association_rules(frequent_itemsets, metric="confidence", min_threshold=min_confidence)
+
+    # Filter association rules, keeping rules with lift and conviction larger than min_liftand and min_conviction
+    rules = rules[(rules['lift'] >= min_lift) & (rules['conviction'] >= min_conviction)]
+
+    # Convert columns from frozenset to list (more readable)
+    rules['antecedents'] = rules['antecedents'].apply(list)
+    rules['consequents'] = rules['consequents'].apply(list)
+
+    # The next 3 steps are intended to fix the order of the association
+    # rules generated, so tests that rely on diff'ing a desired output
+    # with an expected output can pass
+
+    # 1) Sort entry in every row/column for columns 'antecedents' and 'consequents'
+    rules['antecedents'] = rules['antecedents'].apply(lambda row: sorted(row))
+    rules['consequents'] = rules['consequents'].apply(lambda row: sorted(row))
+
+    # 2) Create two temporary string columns to sort on
+    rules['ant_str'] = rules['antecedents'].apply(lambda row: " ".join(row))
+    rules['con_str'] = rules['consequents'].apply(lambda row: " ".join(row))
+
+    # 3) Sort results so they are re-producable
+    rules.sort_values(by=['ant_str', 'con_str'], inplace=True)
+    del rules['ant_str']
+    del rules['con_str']
+    rules.reset_index(drop=True, inplace=True)
+
+    # Write association rules and metrics to file
+    rules.to_csv(outfile, sep="\t", index=False)
+
+
+if __name__ == '__main__':
+    aparser = argparse.ArgumentParser()
+    aparser.add_argument("-i", "--inputs", dest="inputs", required=True)
+    aparser.add_argument("-y", "--infile", dest="infile", required=True)
+    aparser.add_argument("-o", "--outfile", dest="outfile", required=True)
+    aparser.add_argument("-s", "--support", dest="support", default=0.5)
+    aparser.add_argument("-c", "--confidence", dest="confidence", default=0.5)
+    aparser.add_argument("-l", "--lift", dest="lift", default=1.0)
+    aparser.add_argument("-v", "--conviction", dest="conviction", default=1.0)
+    aparser.add_argument("-t", "--length", dest="length", default=5)
+    args = aparser.parse_args()
+
+    main(args.inputs, args.infile, args.outfile,
+         min_support=float(args.support), min_confidence=float(args.confidence),
+         min_lift=float(args.lift), min_conviction=float(args.conviction), max_length=int(args.length))
diff -r 000000000000 -r 3b6ee54eb7e2 fitted_model_eval.py
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/fitted_model_eval.py	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,183 @@
+import argparse
+import json
+import warnings
+
+import pandas as pd
+from galaxy_ml.utils import get_scoring, load_model, read_columns
+from scipy.io import mmread
+from sklearn.metrics.scorer import _check_multimetric_scoring
+from sklearn.model_selection._validation import _score
+from sklearn.pipeline import Pipeline
+
+
+def _get_X_y(params, infile1, infile2):
+    """read from inputs and output X and y
+
+    Parameters
+    ----------
+    params : dict
+        Tool inputs parameter
+    infile1 : str
+        File path to dataset containing features
+    infile2 : str
+        File path to dataset containing target values
+
+    """
+    # store read dataframe object
+    loaded_df = {}
+
+    input_type = params["input_options"]["selected_input"]
+    # tabular input
+    if input_type == "tabular":
+        header = "infer" if params["input_options"]["header1"] else None
+        column_option = params["input_options"]["column_selector_options_1"][
+            "selected_column_selector_option"
+        ]
+        if column_option in [
+            "by_index_number",
+            "all_but_by_index_number",
+            "by_header_name",
+            "all_but_by_header_name",
+        ]:
+            c = params["input_options"]["column_selector_options_1"]["col1"]
+        else:
+            c = None
+
+        df_key = infile1 + repr(header)
+        df = pd.read_csv(infile1, sep="\t", header=header, parse_dates=True)
+        loaded_df[df_key] = df
+
+        X = read_columns(df, c=c, c_option=column_option).astype(float)
+    # sparse input
+    elif input_type == "sparse":
+        X = mmread(open(infile1, "r"))
+
+    # Get target y
+    header = "infer" if params["input_options"]["header2"] else None
+    column_option = params["input_options"]["column_selector_options_2"][
+        "selected_column_selector_option2"
+    ]
+    if column_option in [
+        "by_index_number",
+        "all_but_by_index_number",
+        "by_header_name",
+        "all_but_by_header_name",
+    ]:
+        c = params["input_options"]["column_selector_options_2"]["col2"]
+    else:
+        c = None
+
+    df_key = infile2 + repr(header)
+    if df_key in loaded_df:
+        infile2 = loaded_df[df_key]
+    else:
+        infile2 = pd.read_csv(infile2, sep="\t", header=header, parse_dates=True)
+        loaded_df[df_key] = infile2
+
+    y = read_columns(
+        infile2, c=c, c_option=column_option, sep="\t", header=header, parse_dates=True
+    )
+    if len(y.shape) == 2 and y.shape[1] == 1:
+        y = y.ravel()
+
+    return X, y
+
+
+def main(
+    inputs,
+    infile_estimator,
+    outfile_eval,
+    infile_weights=None,
+    infile1=None,
+    infile2=None,
+):
+    """
+    Parameter
+    ---------
+    inputs : str
+        File path to galaxy tool parameter
+
+    infile_estimator : strgit
+        File path to trained estimator input
+
+    outfile_eval : str
+        File path to save the evalulation results, tabular
+
+    infile_weights : str
+        File path to weights input
+
+    infile1 : str
+        File path to dataset containing features
+
+    infile2 : str
+        File path to dataset containing target values
+    """
+    warnings.filterwarnings("ignore")
+
+    with open(inputs, "r") as param_handler:
+        params = json.load(param_handler)
+
+    X_test, y_test = _get_X_y(params, infile1, infile2)
+
+    # load model
+    with open(infile_estimator, "rb") as est_handler:
+        estimator = load_model(est_handler)
+
+    main_est = estimator
+    if isinstance(estimator, Pipeline):
+        main_est = estimator.steps[-1][-1]
+    if hasattr(main_est, "config") and hasattr(main_est, "load_weights"):
+        if not infile_weights or infile_weights == "None":
+            raise ValueError(
+                "The selected model skeleton asks for weights, "
+                "but no dataset for weights was provided!"
+            )
+        main_est.load_weights(infile_weights)
+
+    # handle scorer, convert to scorer dict
+    # Check if scoring is specified
+    scoring = params["scoring"]
+    if scoring is not None:
+        # get_scoring() expects secondary_scoring to be a comma separated string (not a list)
+        # Check if secondary_scoring is specified
+        secondary_scoring = scoring.get("secondary_scoring", None)
+        if secondary_scoring is not None:
+            # If secondary_scoring is specified, convert the list into comman separated string
+            scoring["secondary_scoring"] = ",".join(scoring["secondary_scoring"])
+
+    scorer = get_scoring(scoring)
+    scorer, _ = _check_multimetric_scoring(estimator, scoring=scorer)
+
+    if hasattr(estimator, "evaluate"):
+        scores = estimator.evaluate(
+            X_test, y_test=y_test, scorer=scorer, is_multimetric=True
+        )
+    else:
+        scores = _score(estimator, X_test, y_test, scorer, is_multimetric=True)
+
+    # handle output
+    for name, score in scores.items():
+        scores[name] = [score]
+    df = pd.DataFrame(scores)
+    df = df[sorted(df.columns)]
+    df.to_csv(path_or_buf=outfile_eval, sep="\t", header=True, index=False)
+
+
+if __name__ == "__main__":
+    aparser = argparse.ArgumentParser()
+    aparser.add_argument("-i", "--inputs", dest="inputs", required=True)
+    aparser.add_argument("-e", "--infile_estimator", dest="infile_estimator")
+    aparser.add_argument("-w", "--infile_weights", dest="infile_weights")
+    aparser.add_argument("-X", "--infile1", dest="infile1")
+    aparser.add_argument("-y", "--infile2", dest="infile2")
+    aparser.add_argument("-O", "--outfile_eval", dest="outfile_eval")
+    args = aparser.parse_args()
+
+    main(
+        args.inputs,
+        args.infile_estimator,
+        args.outfile_eval,
+        infile_weights=args.infile_weights,
+        infile1=args.infile1,
+        infile2=args.infile2,
+    )
diff -r 000000000000 -r 3b6ee54eb7e2 keras_deep_learning.py
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/keras_deep_learning.py	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,412 @@
+import argparse
+import json
+import pickle
+import warnings
+from ast import literal_eval
+
+import keras
+import pandas as pd
+import six
+from galaxy_ml.utils import get_search_params, SafeEval, try_get_attr
+from keras.models import Model, Sequential
+
+safe_eval = SafeEval()
+
+
+def _handle_shape(literal):
+    """
+    Eval integer or list/tuple of integers from string
+
+    Parameters:
+    -----------
+    literal : str.
+    """
+    literal = literal.strip()
+    if not literal:
+        return None
+    try:
+        return literal_eval(literal)
+    except NameError as e:
+        print(e)
+        return literal
+
+
+def _handle_regularizer(literal):
+    """
+    Construct regularizer from string literal
+
+    Parameters
+    ----------
+    literal : str. E.g. '(0.1, 0)'
+    """
+    literal = literal.strip()
+    if not literal:
+        return None
+
+    l1, l2 = literal_eval(literal)
+
+    if not l1 and not l2:
+        return None
+
+    if l1 is None:
+        l1 = 0.0
+    if l2 is None:
+        l2 = 0.0
+
+    return keras.regularizers.l1_l2(l1=l1, l2=l2)
+
+
+def _handle_constraint(config):
+    """
+    Construct constraint from galaxy tool parameters.
+    Suppose correct dictionary format
+
+    Parameters
+    ----------
+    config : dict. E.g.
+        "bias_constraint":
+            {"constraint_options":
+                {"max_value":1.0,
+                "min_value":0.0,
+                "axis":"[0, 1, 2]"
+                },
+            "constraint_type":
+                "MinMaxNorm"
+            }
+    """
+    constraint_type = config["constraint_type"]
+    if constraint_type in ("None", ""):
+        return None
+
+    klass = getattr(keras.constraints, constraint_type)
+    options = config.get("constraint_options", {})
+    if "axis" in options:
+        options["axis"] = literal_eval(options["axis"])
+
+    return klass(**options)
+
+
+def _handle_lambda(literal):
+    return None
+
+
+def _handle_layer_parameters(params):
+    """
+    Access to handle all kinds of parameters
+    """
+    for key, value in six.iteritems(params):
+        if value in ("None", ""):
+            params[key] = None
+            continue
+
+        if type(value) in [int, float, bool] or (
+            type(value) is str and value.isalpha()
+        ):
+            continue
+
+        if (
+            key
+            in [
+                "input_shape",
+                "noise_shape",
+                "shape",
+                "batch_shape",
+                "target_shape",
+                "dims",
+                "kernel_size",
+                "strides",
+                "dilation_rate",
+                "output_padding",
+                "cropping",
+                "size",
+                "padding",
+                "pool_size",
+                "axis",
+                "shared_axes",
+            ]
+            and isinstance(value, str)
+        ):
+            params[key] = _handle_shape(value)
+
+        elif key.endswith("_regularizer") and isinstance(value, dict):
+            params[key] = _handle_regularizer(value)
+
+        elif key.endswith("_constraint") and isinstance(value, dict):
+            params[key] = _handle_constraint(value)
+
+        elif key == "function":  # No support for lambda/function eval
+            params.pop(key)
+
+    return params
+
+
+def get_sequential_model(config):
+    """
+    Construct keras Sequential model from Galaxy tool parameters
+
+    Parameters:
+    -----------
+    config : dictionary, galaxy tool parameters loaded by JSON
+    """
+    model = Sequential()
+    input_shape = _handle_shape(config["input_shape"])
+    layers = config["layers"]
+    for layer in layers:
+        options = layer["layer_selection"]
+        layer_type = options.pop("layer_type")
+        klass = getattr(keras.layers, layer_type)
+        kwargs = options.pop("kwargs", "")
+
+        # parameters needs special care
+        options = _handle_layer_parameters(options)
+
+        if kwargs:
+            kwargs = safe_eval("dict(" + kwargs + ")")
+            options.update(kwargs)
+
+        # add input_shape to the first layer only
+        if not getattr(model, "_layers") and input_shape is not None:
+            options["input_shape"] = input_shape
+
+        model.add(klass(**options))
+
+    return model
+
+
+def get_functional_model(config):
+    """
+    Construct keras functional model from Galaxy tool parameters
+
+    Parameters
+    -----------
+    config : dictionary, galaxy tool parameters loaded by JSON
+    """
+    layers = config["layers"]
+    all_layers = []
+    for layer in layers:
+        options = layer["layer_selection"]
+        layer_type = options.pop("layer_type")
+        klass = getattr(keras.layers, layer_type)
+        inbound_nodes = options.pop("inbound_nodes", None)
+        kwargs = options.pop("kwargs", "")
+
+        # parameters needs special care
+        options = _handle_layer_parameters(options)
+
+        if kwargs:
+            kwargs = safe_eval("dict(" + kwargs + ")")
+            options.update(kwargs)
+
+        # merge layers
+        if "merging_layers" in options:
+            idxs = literal_eval(options.pop("merging_layers"))
+            merging_layers = [all_layers[i - 1] for i in idxs]
+            new_layer = klass(**options)(merging_layers)
+        # non-input layers
+        elif inbound_nodes is not None:
+            new_layer = klass(**options)(all_layers[inbound_nodes - 1])
+        # input layers
+        else:
+            new_layer = klass(**options)
+
+        all_layers.append(new_layer)
+
+    input_indexes = _handle_shape(config["input_layers"])
+    input_layers = [all_layers[i - 1] for i in input_indexes]
+
+    output_indexes = _handle_shape(config["output_layers"])
+    output_layers = [all_layers[i - 1] for i in output_indexes]
+
+    return Model(inputs=input_layers, outputs=output_layers)
+
+
+def get_batch_generator(config):
+    """
+    Construct keras online data generator from Galaxy tool parameters
+
+    Parameters
+    -----------
+    config : dictionary, galaxy tool parameters loaded by JSON
+    """
+    generator_type = config.pop("generator_type")
+    if generator_type == "none":
+        return None
+
+    klass = try_get_attr("galaxy_ml.preprocessors", generator_type)
+
+    if generator_type == "GenomicIntervalBatchGenerator":
+        config["ref_genome_path"] = "to_be_determined"
+        config["intervals_path"] = "to_be_determined"
+        config["target_path"] = "to_be_determined"
+        config["features"] = "to_be_determined"
+    else:
+        config["fasta_path"] = "to_be_determined"
+
+    return klass(**config)
+
+
+def config_keras_model(inputs, outfile):
+    """
+    config keras model layers and output JSON
+
+    Parameters
+    ----------
+    inputs : dict
+        loaded galaxy tool parameters from `keras_model_config`
+        tool.
+    outfile : str
+        Path to galaxy dataset containing keras model JSON.
+    """
+    model_type = inputs["model_selection"]["model_type"]
+    layers_config = inputs["model_selection"]
+
+    if model_type == "sequential":
+        model = get_sequential_model(layers_config)
+    else:
+        model = get_functional_model(layers_config)
+
+    json_string = model.to_json()
+
+    with open(outfile, "w") as f:
+        json.dump(json.loads(json_string), f, indent=2)
+
+
+def build_keras_model(
+    inputs,
+    outfile,
+    model_json,
+    infile_weights=None,
+    batch_mode=False,
+    outfile_params=None,
+):
+    """
+    for `keras_model_builder` tool
+
+    Parameters
+    ----------
+    inputs : dict
+        loaded galaxy tool parameters from `keras_model_builder` tool.
+    outfile : str
+        Path to galaxy dataset containing the keras_galaxy model output.
+    model_json : str
+        Path to dataset containing keras model JSON.
+    infile_weights : str or None
+        If string, path to dataset containing model weights.
+    batch_mode : bool, default=False
+        Whether to build online batch classifier.
+    outfile_params : str, default=None
+        File path to search parameters output.
+    """
+    with open(model_json, "r") as f:
+        json_model = json.load(f)
+
+    config = json_model["config"]
+
+    options = {}
+
+    if json_model["class_name"] == "Sequential":
+        options["model_type"] = "sequential"
+        klass = Sequential
+    elif json_model["class_name"] == "Model":
+        options["model_type"] = "functional"
+        klass = Model
+    else:
+        raise ValueError("Unknow Keras model class: %s" % json_model["class_name"])
+
+    # load prefitted model
+    if inputs["mode_selection"]["mode_type"] == "prefitted":
+        estimator = klass.from_config(config)
+        estimator.load_weights(infile_weights)
+    # build train model
+    else:
+        cls_name = inputs["mode_selection"]["learning_type"]
+        klass = try_get_attr("galaxy_ml.keras_galaxy_models", cls_name)
+
+        options["loss"] = inputs["mode_selection"]["compile_params"]["loss"]
+        options["optimizer"] = (
+            inputs["mode_selection"]["compile_params"]["optimizer_selection"][
+                "optimizer_type"
+            ]
+        ).lower()
+
+        options.update(
+            (
+                inputs["mode_selection"]["compile_params"]["optimizer_selection"][
+                    "optimizer_options"
+                ]
+            )
+        )
+
+        train_metrics = inputs["mode_selection"]["compile_params"]["metrics"]
+        if train_metrics[-1] == "none":
+            train_metrics = train_metrics[:-1]
+        options["metrics"] = train_metrics
+
+        options.update(inputs["mode_selection"]["fit_params"])
+        options["seed"] = inputs["mode_selection"]["random_seed"]
+
+        if batch_mode:
+            generator = get_batch_generator(
+                inputs["mode_selection"]["generator_selection"]
+            )
+            options["data_batch_generator"] = generator
+            options["prediction_steps"] = inputs["mode_selection"]["prediction_steps"]
+            options["class_positive_factor"] = inputs["mode_selection"][
+                "class_positive_factor"
+            ]
+        estimator = klass(config, **options)
+        if outfile_params:
+            hyper_params = get_search_params(estimator)
+            # TODO: remove this after making `verbose` tunable
+            for h_param in hyper_params:
+                if h_param[1].endswith("verbose"):
+                    h_param[0] = "@"
+            df = pd.DataFrame(hyper_params, columns=["", "Parameter", "Value"])
+            df.to_csv(outfile_params, sep="\t", index=False)
+
+    print(repr(estimator))
+    # save model by pickle
+    with open(outfile, "wb") as f:
+        pickle.dump(estimator, f, pickle.HIGHEST_PROTOCOL)
+
+
+if __name__ == "__main__":
+    warnings.simplefilter("ignore")
+
+    aparser = argparse.ArgumentParser()
+    aparser.add_argument("-i", "--inputs", dest="inputs", required=True)
+    aparser.add_argument("-m", "--model_json", dest="model_json")
+    aparser.add_argument("-t", "--tool_id", dest="tool_id")
+    aparser.add_argument("-w", "--infile_weights", dest="infile_weights")
+    aparser.add_argument("-o", "--outfile", dest="outfile")
+    aparser.add_argument("-p", "--outfile_params", dest="outfile_params")
+    args = aparser.parse_args()
+
+    input_json_path = args.inputs
+    with open(input_json_path, "r") as param_handler:
+        inputs = json.load(param_handler)
+
+    tool_id = args.tool_id
+    outfile = args.outfile
+    outfile_params = args.outfile_params
+    model_json = args.model_json
+    infile_weights = args.infile_weights
+
+    # for keras_model_config tool
+    if tool_id == "keras_model_config":
+        config_keras_model(inputs, outfile)
+
+    # for keras_model_builder tool
+    else:
+        batch_mode = False
+        if tool_id == "keras_batch_models":
+            batch_mode = True
+
+        build_keras_model(
+            inputs=inputs,
+            model_json=model_json,
+            infile_weights=infile_weights,
+            batch_mode=batch_mode,
+            outfile=outfile,
+            outfile_params=outfile_params,
+        )
diff -r 000000000000 -r 3b6ee54eb7e2 keras_macros.xml
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/keras_macros.xml	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,985 @@
+
+  0.5.0
+
+  
+    
+        
+    
+  
+
+  
+    
+  
+
+  
+    
+      
+      
+      
+    
+  
+
+  
+    
+      
+      
+      
+      
+      
+      
+      
+      
+      
+      
+      
+    
+  
+
+  
+    
+      
+      
+      
+      
+      
+      
+      
+      
+      
+      
+      
+      
+      
+      
+    
+  
+
+  
+    
+  
+
+  
+    
+  
+
+  
+    
+      
+        
+        
+        
+        
+        
+      
+      
+      
+        
+          
+        
+      
+      
+      
+      
+        
+      
+      
+        
+          
+          
+          
+        
+      
+    
+  
+
+  
+    
+    
+    
+    
+    
+    
+    
+    
+    
+    
+    
+    
+    
+  
+
+  
+    
+    
+    
+    
+    
+    
+    
+    
+    
+    
+    
+    
+    
+    
+    
+    
+    
+  
+
+  
+    
+    
+    
+    
+    
+    
+    
+    
+    
+    
+    
+    
+  
+
+  
+    
+    
+  
+
+  
+    
+    
+    
+    
+    
+    
+    
+    
+    
+    
+  
+
+  
+    
+  
+
+  
+    
+    
+    
+    
+    
+    
+  
+
+  
+    
+  
+
+  
+    
+    
+        
+  
+
+  
+    
+    
+    
+    
+    
+    
+    
+    
+  
+
+  
+
+  
+    
+    
+    
+    
+  
+
+  
+    
+    
+    
+  
+
+  
+    
+      
+      
+    
+    
+  
+
+  
+    
+    
+    
+    
+      
+      
+      
+      
+      
+    
+    
+    
+    
+  
+
+  
+    
+    
+  
+
+  
+    
+    
+  
+
+  
+    
+  
+
+  
+    
+    
+  
+
+  
+    
+    
+    
+  
+
+  
+    
+    
+  
+
+  
+    
+    
+  
+
+  
+    
+    
+    
+  
+
+  
+    
+    
+    
+  
+
+  
+
+  
+    
+    
+    
+    
+    
+  
+
+  
+    
+    
+    
+    
+    
+  
+
+  
+    
+    
+    
+    
+    
+  
+
+  
+    
+    
+    
+    
+    
+  
+
+  
+    
+    
+    
+    
+    
+  
+
+  
+    
+    
+    
+    
+    
+  
+
+  
+    
+    
+    
+    
+    
+  
+
+  
+    
+    
+    
+    
+    
+  
+
+  
+    
+    
+  
+
+  
+    
+    
+    
+  
+
+  
+    
+    
+    
+  
+
+  
+    
+    
+  
+
+  
+    
+    
+    
+  
+
+  
+    
+    
+    
+  
+
+  
+    
+    
+  
+
+  
+    
+    
+    
+  
+
+  
+    
+    
+    
+  
+
+  
+
+  
+    
+    
+    
+    
+  
+
+  
+    
+    
+    
+    
+  
+
+  
+    
+    
+    
+    
+  
+
+  
+    
+    
+    
+    
+  
+
+  
+    
+    
+    
+    
+  
+
+  
+    
+    
+    
+    
+  
+
+  
+    
+      
+      
+    
+    
+  
+
+  
+    
+        
+        
+    
+    
+  
+
+  
+    
+      
+      
+    
+    
+  
+
+  
+    
+      
+      
+    
+    
+  
+
+  
+    
+        
+        
+    
+    
+  
+
+  
+    
+      
+      
+    
+    
+  
+
+  
+
+  
+    
+    
+    
+    
+    
+  
+
+  
+    
+    
+    
+    
+    
+  
+
+  
+
+  
+    
+    
+    
+  
+
+  
+    
+    
+    
+  
+
+  
+    
+    
+    
+  
+
+  
+    
+    
+    
+    
+  
+
+  
+    
+    
+    
+    
+  
+
+  
+    
+    
+    
+  
+
+  
+    
+    
+    
+  
+
+  
+    
+    
+    
+  
+
+  
+    
+    
+    
+  
+
+  
+    
+    
+    
+  
+
+
+  
+
+  
+    
+    
+    
+    
+  
+
+  
+
+  
+    
+      
+        
+          
+          
+        
+      
+    
+    
+  
+
+  
+    
+      
+    
+    
+  
+
+  
+    
+      
+    
+    
+  
+
+  
+
+  
+    
+    
+  
+
+  
+    
+    
+    
+    
+      
+        
+          
+          
+        
+      
+    
+    
+  
+
+  
+    
+    
+  
+
+  
+    
+    
+  
+
+  
+    
+    
+  
+
+  
+    
+    
+    
+    
+  
+
+  
+
+  
+    
+  
+
+  
+
+  
+    
+  
+
+  
+    
+  
+
+  
+    
+  
+
+  
+    
+  
+
+  
+
+  
+    
+  
+
+  
+
+  
+    
+      
+        
+          
+          
+          
+          
+          
+          
+          
+          
+          
+        
+        
+        
+          
+            
+            
+            
+            
+          
+        
+        
+        
+        
+        
+          
+            
+            
+            
+            
+            
+          
+        
+        
+      
+    
+  
+
+  
+    
+      
+      
+    
+    
+      
+      
+      
+    
+    
+  
+
+  
+
+  
+    
+    
+    
+  
+
+  
+    
+  
+
+  
+    
+    
+      
+      
+    
+    
+    
+    
+  
+
+  
+  
+
+
+  
+
+  
+    
+      
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+      
+      
+        
+          
+          
+          
+          
+          
+          
+          
+        
+        
+          
+            
+            
+            
+          
+        
+        
+          
+            
+          
+        
+        
+          
+        
+        
+          
+            
+          
+        
+        
+          
+            
+            
+            
+          
+        
+        
+          
+            
+            
+          
+        
+        
+          
+            
+            
+            
+            
+          
+        
+      
+      
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+      
+    
+  
+
+  
+    
+  
+
+ 
+  
+    
+      @misc{chollet2015keras,
+        title={Keras},
+        url={https://keras.io},
+        author={Chollet, Fran\c{c}ois and others},
+        year={2015},
+        howpublished={https://keras.io},
+      }
+    
+  
+
+  
+    
+      @misc{tensorflow2015-whitepaper,
+        title={ {TensorFlow}: Large-Scale Machine Learning on Heterogeneous Systems},
+        url={https://www.tensorflow.org/},
+        note={Software available from tensorflow.org},
+        author={
+            Mart\'{\i}n~Abadi and
+            Ashish~Agarwal and
+            Paul~Barham and
+            Eugene~Brevdo and
+            Zhifeng~Chen and
+            Craig~Citro and
+            Greg~S.~Corrado and
+            Andy~Davis and
+            Jeffrey~Dean and
+            Matthieu~Devin and
+            Sanjay~Ghemawat and
+            Ian~Goodfellow and
+            Andrew~Harp and
+            Geoffrey~Irving and
+            Michael~Isard and
+            Yangqing Jia and
+            Rafal~Jozefowicz and
+            Lukasz~Kaiser and
+            Manjunath~Kudlur and
+            Josh~Levenberg and
+            Dandelion~Man\'{e} and
+            Rajat~Monga and
+            Sherry~Moore and
+            Derek~Murray and
+            Chris~Olah and
+            Mike~Schuster and
+            Jonathon~Shlens and
+            Benoit~Steiner and
+            Ilya~Sutskever and
+            Kunal~Talwar and
+            Paul~Tucker and
+            Vincent~Vanhoucke and
+            Vijay~Vasudevan and
+            Fernanda~Vi\'{e}gas and
+            Oriol~Vinyals and
+            Pete~Warden and
+            Martin~Wattenberg and
+            Martin~Wicke and
+            Yuan~Yu and
+            Xiaoqiang~Zheng},
+          year={2015},
+      }
+    
+  
+
+
\ No newline at end of file
diff -r 000000000000 -r 3b6ee54eb7e2 keras_train_and_eval.py
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/keras_train_and_eval.py	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,552 @@
+import argparse
+import json
+import os
+import pickle
+import warnings
+from itertools import chain
+
+import joblib
+import numpy as np
+import pandas as pd
+from galaxy_ml.externals.selene_sdk.utils import compute_score
+from galaxy_ml.keras_galaxy_models import _predict_generator
+from galaxy_ml.model_validations import train_test_split
+from galaxy_ml.utils import (clean_params, get_main_estimator,
+                             get_module, get_scoring, load_model, read_columns,
+                             SafeEval, try_get_attr)
+from scipy.io import mmread
+from sklearn.metrics.scorer import _check_multimetric_scoring
+from sklearn.model_selection import _search, _validation
+from sklearn.model_selection._validation import _score
+from sklearn.pipeline import Pipeline
+from sklearn.utils import indexable, safe_indexing
+
+_fit_and_score = try_get_attr("galaxy_ml.model_validations", "_fit_and_score")
+setattr(_search, "_fit_and_score", _fit_and_score)
+setattr(_validation, "_fit_and_score", _fit_and_score)
+
+N_JOBS = int(os.environ.get("GALAXY_SLOTS", 1))
+CACHE_DIR = os.path.join(os.getcwd(), "cached")
+del os
+NON_SEARCHABLE = ("n_jobs", "pre_dispatch", "memory", "_path", "nthread", "callbacks")
+ALLOWED_CALLBACKS = (
+    "EarlyStopping",
+    "TerminateOnNaN",
+    "ReduceLROnPlateau",
+    "CSVLogger",
+    "None",
+)
+
+
+def _eval_swap_params(params_builder):
+    swap_params = {}
+
+    for p in params_builder["param_set"]:
+        swap_value = p["sp_value"].strip()
+        if swap_value == "":
+            continue
+
+        param_name = p["sp_name"]
+        if param_name.lower().endswith(NON_SEARCHABLE):
+            warnings.warn(
+                "Warning: `%s` is not eligible for search and was "
+                "omitted!" % param_name
+            )
+            continue
+
+        if not swap_value.startswith(":"):
+            safe_eval = SafeEval(load_scipy=True, load_numpy=True)
+            ev = safe_eval(swap_value)
+        else:
+            # Have `:` before search list, asks for estimator evaluatio
+            safe_eval_es = SafeEval(load_estimators=True)
+            swap_value = swap_value[1:].strip()
+            # TODO maybe add regular express check
+            ev = safe_eval_es(swap_value)
+
+        swap_params[param_name] = ev
+
+    return swap_params
+
+
+def train_test_split_none(*arrays, **kwargs):
+    """extend train_test_split to take None arrays
+    and support split by group names.
+    """
+    nones = []
+    new_arrays = []
+    for idx, arr in enumerate(arrays):
+        if arr is None:
+            nones.append(idx)
+        else:
+            new_arrays.append(arr)
+
+    if kwargs["shuffle"] == "None":
+        kwargs["shuffle"] = None
+
+    group_names = kwargs.pop("group_names", None)
+
+    if group_names is not None and group_names.strip():
+        group_names = [name.strip() for name in group_names.split(",")]
+        new_arrays = indexable(*new_arrays)
+        groups = kwargs["labels"]
+        n_samples = new_arrays[0].shape[0]
+        index_arr = np.arange(n_samples)
+        test = index_arr[np.isin(groups, group_names)]
+        train = index_arr[~np.isin(groups, group_names)]
+        rval = list(
+            chain.from_iterable(
+                (safe_indexing(a, train), safe_indexing(a, test)) for a in new_arrays
+            )
+        )
+    else:
+        rval = train_test_split(*new_arrays, **kwargs)
+
+    for pos in nones:
+        rval[pos * 2: 2] = [None, None]
+
+    return rval
+
+
+def _evaluate(y_true, pred_probas, scorer, is_multimetric=True):
+    """output scores based on input scorer
+
+    Parameters
+    ----------
+    y_true : array
+        True label or target values
+    pred_probas : array
+        Prediction values, probability for classification problem
+    scorer : dict
+        dict of `sklearn.metrics.scorer.SCORER`
+    is_multimetric : bool, default is True
+    """
+    if y_true.ndim == 1 or y_true.shape[-1] == 1:
+        pred_probas = pred_probas.ravel()
+        pred_labels = (pred_probas > 0.5).astype("int32")
+        targets = y_true.ravel().astype("int32")
+        if not is_multimetric:
+            preds = (
+                pred_labels
+                if scorer.__class__.__name__ == "_PredictScorer"
+                else pred_probas
+            )
+            score = scorer._score_func(targets, preds, **scorer._kwargs)
+
+            return score
+        else:
+            scores = {}
+            for name, one_scorer in scorer.items():
+                preds = (
+                    pred_labels
+                    if one_scorer.__class__.__name__ == "_PredictScorer"
+                    else pred_probas
+                )
+                score = one_scorer._score_func(targets, preds, **one_scorer._kwargs)
+                scores[name] = score
+
+    # TODO: multi-class metrics
+    # multi-label
+    else:
+        pred_labels = (pred_probas > 0.5).astype("int32")
+        targets = y_true.astype("int32")
+        if not is_multimetric:
+            preds = (
+                pred_labels
+                if scorer.__class__.__name__ == "_PredictScorer"
+                else pred_probas
+            )
+            score, _ = compute_score(preds, targets, scorer._score_func)
+            return score
+        else:
+            scores = {}
+            for name, one_scorer in scorer.items():
+                preds = (
+                    pred_labels
+                    if one_scorer.__class__.__name__ == "_PredictScorer"
+                    else pred_probas
+                )
+                score, _ = compute_score(preds, targets, one_scorer._score_func)
+                scores[name] = score
+
+    return scores
+
+
+def main(
+    inputs,
+    infile_estimator,
+    infile1,
+    infile2,
+    outfile_result,
+    outfile_object=None,
+    outfile_weights=None,
+    outfile_y_true=None,
+    outfile_y_preds=None,
+    groups=None,
+    ref_seq=None,
+    intervals=None,
+    targets=None,
+    fasta_path=None,
+):
+    """
+    Parameter
+    ---------
+    inputs : str
+        File path to galaxy tool parameter
+
+    infile_estimator : str
+        File path to estimator
+
+    infile1 : str
+        File path to dataset containing features
+
+    infile2 : str
+        File path to dataset containing target values
+
+    outfile_result : str
+        File path to save the results, either cv_results or test result
+
+    outfile_object : str, optional
+        File path to save searchCV object
+
+    outfile_weights : str, optional
+        File path to save deep learning model weights
+
+    outfile_y_true : str, optional
+        File path to target values for prediction
+
+    outfile_y_preds : str, optional
+        File path to save deep learning model weights
+
+    groups : str
+        File path to dataset containing groups labels
+
+    ref_seq : str
+        File path to dataset containing genome sequence file
+
+    intervals : str
+        File path to dataset containing interval file
+
+    targets : str
+        File path to dataset compressed target bed file
+
+    fasta_path : str
+        File path to dataset containing fasta file
+    """
+    warnings.simplefilter("ignore")
+
+    with open(inputs, "r") as param_handler:
+        params = json.load(param_handler)
+
+    #  load estimator
+    with open(infile_estimator, "rb") as estimator_handler:
+        estimator = load_model(estimator_handler)
+
+    estimator = clean_params(estimator)
+
+    # swap hyperparameter
+    swapping = params["experiment_schemes"]["hyperparams_swapping"]
+    swap_params = _eval_swap_params(swapping)
+    estimator.set_params(**swap_params)
+
+    estimator_params = estimator.get_params()
+
+    # store read dataframe object
+    loaded_df = {}
+
+    input_type = params["input_options"]["selected_input"]
+    # tabular input
+    if input_type == "tabular":
+        header = "infer" if params["input_options"]["header1"] else None
+        column_option = params["input_options"]["column_selector_options_1"][
+            "selected_column_selector_option"
+        ]
+        if column_option in [
+            "by_index_number",
+            "all_but_by_index_number",
+            "by_header_name",
+            "all_but_by_header_name",
+        ]:
+            c = params["input_options"]["column_selector_options_1"]["col1"]
+        else:
+            c = None
+
+        df_key = infile1 + repr(header)
+        df = pd.read_csv(infile1, sep="\t", header=header, parse_dates=True)
+        loaded_df[df_key] = df
+
+        X = read_columns(df, c=c, c_option=column_option).astype(float)
+    # sparse input
+    elif input_type == "sparse":
+        X = mmread(open(infile1, "r"))
+
+    # fasta_file input
+    elif input_type == "seq_fasta":
+        pyfaidx = get_module("pyfaidx")
+        sequences = pyfaidx.Fasta(fasta_path)
+        n_seqs = len(sequences.keys())
+        X = np.arange(n_seqs)[:, np.newaxis]
+        for param in estimator_params.keys():
+            if param.endswith("fasta_path"):
+                estimator.set_params(**{param: fasta_path})
+                break
+        else:
+            raise ValueError(
+                "The selected estimator doesn't support "
+                "fasta file input! Please consider using "
+                "KerasGBatchClassifier with "
+                "FastaDNABatchGenerator/FastaProteinBatchGenerator "
+                "or having GenomeOneHotEncoder/ProteinOneHotEncoder "
+                "in pipeline!"
+            )
+
+    elif input_type == "refseq_and_interval":
+        path_params = {
+            "data_batch_generator__ref_genome_path": ref_seq,
+            "data_batch_generator__intervals_path": intervals,
+            "data_batch_generator__target_path": targets,
+        }
+        estimator.set_params(**path_params)
+        n_intervals = sum(1 for line in open(intervals))
+        X = np.arange(n_intervals)[:, np.newaxis]
+
+    # Get target y
+    header = "infer" if params["input_options"]["header2"] else None
+    column_option = params["input_options"]["column_selector_options_2"][
+        "selected_column_selector_option2"
+    ]
+    if column_option in [
+        "by_index_number",
+        "all_but_by_index_number",
+        "by_header_name",
+        "all_but_by_header_name",
+    ]:
+        c = params["input_options"]["column_selector_options_2"]["col2"]
+    else:
+        c = None
+
+    df_key = infile2 + repr(header)
+    if df_key in loaded_df:
+        infile2 = loaded_df[df_key]
+    else:
+        infile2 = pd.read_csv(infile2, sep="\t", header=header, parse_dates=True)
+        loaded_df[df_key] = infile2
+
+    y = read_columns(
+        infile2, c=c, c_option=column_option, sep="\t", header=header, parse_dates=True
+    )
+    if len(y.shape) == 2 and y.shape[1] == 1:
+        y = y.ravel()
+    if input_type == "refseq_and_interval":
+        estimator.set_params(data_batch_generator__features=y.ravel().tolist())
+        y = None
+    # end y
+
+    # load groups
+    if groups:
+        groups_selector = (
+            params["experiment_schemes"]["test_split"]["split_algos"]
+        ).pop("groups_selector")
+
+        header = "infer" if groups_selector["header_g"] else None
+        column_option = groups_selector["column_selector_options_g"][
+            "selected_column_selector_option_g"
+        ]
+        if column_option in [
+            "by_index_number",
+            "all_but_by_index_number",
+            "by_header_name",
+            "all_but_by_header_name",
+        ]:
+            c = groups_selector["column_selector_options_g"]["col_g"]
+        else:
+            c = None
+
+        df_key = groups + repr(header)
+        if df_key in loaded_df:
+            groups = loaded_df[df_key]
+
+        groups = read_columns(
+            groups,
+            c=c,
+            c_option=column_option,
+            sep="\t",
+            header=header,
+            parse_dates=True,
+        )
+        groups = groups.ravel()
+
+    # del loaded_df
+    del loaded_df
+
+    # cache iraps_core fits could increase search speed significantly
+    memory = joblib.Memory(location=CACHE_DIR, verbose=0)
+    main_est = get_main_estimator(estimator)
+    if main_est.__class__.__name__ == "IRAPSClassifier":
+        main_est.set_params(memory=memory)
+
+    # handle scorer, convert to scorer dict
+    scoring = params["experiment_schemes"]["metrics"]["scoring"]
+    if scoring is not None:
+        # get_scoring() expects secondary_scoring to be a comma separated string (not a list)
+        # Check if secondary_scoring is specified
+        secondary_scoring = scoring.get("secondary_scoring", None)
+        if secondary_scoring is not None:
+            # If secondary_scoring is specified, convert the list into comman separated string
+            scoring["secondary_scoring"] = ",".join(scoring["secondary_scoring"])
+
+    scorer = get_scoring(scoring)
+    scorer, _ = _check_multimetric_scoring(estimator, scoring=scorer)
+
+    # handle test (first) split
+    test_split_options = params["experiment_schemes"]["test_split"]["split_algos"]
+
+    if test_split_options["shuffle"] == "group":
+        test_split_options["labels"] = groups
+    if test_split_options["shuffle"] == "stratified":
+        if y is not None:
+            test_split_options["labels"] = y
+        else:
+            raise ValueError(
+                "Stratified shuffle split is not " "applicable on empty target values!"
+            )
+
+    (
+        X_train,
+        X_test,
+        y_train,
+        y_test,
+        groups_train,
+        _groups_test,
+    ) = train_test_split_none(X, y, groups, **test_split_options)
+
+    exp_scheme = params["experiment_schemes"]["selected_exp_scheme"]
+
+    # handle validation (second) split
+    if exp_scheme == "train_val_test":
+        val_split_options = params["experiment_schemes"]["val_split"]["split_algos"]
+
+        if val_split_options["shuffle"] == "group":
+            val_split_options["labels"] = groups_train
+        if val_split_options["shuffle"] == "stratified":
+            if y_train is not None:
+                val_split_options["labels"] = y_train
+            else:
+                raise ValueError(
+                    "Stratified shuffle split is not "
+                    "applicable on empty target values!"
+                )
+
+        (
+            X_train,
+            X_val,
+            y_train,
+            y_val,
+            groups_train,
+            _groups_val,
+        ) = train_test_split_none(X_train, y_train, groups_train, **val_split_options)
+
+    # train and eval
+    if hasattr(estimator, "validation_data"):
+        if exp_scheme == "train_val_test":
+            estimator.fit(X_train, y_train, validation_data=(X_val, y_val))
+        else:
+            estimator.fit(X_train, y_train, validation_data=(X_test, y_test))
+    else:
+        estimator.fit(X_train, y_train)
+
+    if hasattr(estimator, "evaluate"):
+        steps = estimator.prediction_steps
+        batch_size = estimator.batch_size
+        generator = estimator.data_generator_.flow(
+            X_test, y=y_test, batch_size=batch_size
+        )
+        predictions, y_true = _predict_generator(
+            estimator.model_, generator, steps=steps
+        )
+        scores = _evaluate(y_true, predictions, scorer, is_multimetric=True)
+
+    else:
+        if hasattr(estimator, "predict_proba"):
+            predictions = estimator.predict_proba(X_test)
+        else:
+            predictions = estimator.predict(X_test)
+
+        y_true = y_test
+        scores = _score(estimator, X_test, y_test, scorer, is_multimetric=True)
+    if outfile_y_true:
+        try:
+            pd.DataFrame(y_true).to_csv(outfile_y_true, sep="\t", index=False)
+            pd.DataFrame(predictions).astype(np.float32).to_csv(
+                outfile_y_preds,
+                sep="\t",
+                index=False,
+                float_format="%g",
+                chunksize=10000,
+            )
+        except Exception as e:
+            print("Error in saving predictions: %s" % e)
+
+    # handle output
+    for name, score in scores.items():
+        scores[name] = [score]
+    df = pd.DataFrame(scores)
+    df = df[sorted(df.columns)]
+    df.to_csv(path_or_buf=outfile_result, sep="\t", header=True, index=False)
+
+    memory.clear(warn=False)
+
+    if outfile_object:
+        main_est = estimator
+        if isinstance(estimator, Pipeline):
+            main_est = estimator.steps[-1][-1]
+
+        if hasattr(main_est, "model_") and hasattr(main_est, "save_weights"):
+            if outfile_weights:
+                main_est.save_weights(outfile_weights)
+            del main_est.model_
+            del main_est.fit_params
+            del main_est.model_class_
+            if getattr(main_est, "validation_data", None):
+                del main_est.validation_data
+            if getattr(main_est, "data_generator_", None):
+                del main_est.data_generator_
+
+        with open(outfile_object, "wb") as output_handler:
+            pickle.dump(estimator, output_handler, pickle.HIGHEST_PROTOCOL)
+
+
+if __name__ == "__main__":
+    aparser = argparse.ArgumentParser()
+    aparser.add_argument("-i", "--inputs", dest="inputs", required=True)
+    aparser.add_argument("-e", "--estimator", dest="infile_estimator")
+    aparser.add_argument("-X", "--infile1", dest="infile1")
+    aparser.add_argument("-y", "--infile2", dest="infile2")
+    aparser.add_argument("-O", "--outfile_result", dest="outfile_result")
+    aparser.add_argument("-o", "--outfile_object", dest="outfile_object")
+    aparser.add_argument("-w", "--outfile_weights", dest="outfile_weights")
+    aparser.add_argument("-l", "--outfile_y_true", dest="outfile_y_true")
+    aparser.add_argument("-p", "--outfile_y_preds", dest="outfile_y_preds")
+    aparser.add_argument("-g", "--groups", dest="groups")
+    aparser.add_argument("-r", "--ref_seq", dest="ref_seq")
+    aparser.add_argument("-b", "--intervals", dest="intervals")
+    aparser.add_argument("-t", "--targets", dest="targets")
+    aparser.add_argument("-f", "--fasta_path", dest="fasta_path")
+    args = aparser.parse_args()
+
+    main(
+        args.inputs,
+        args.infile_estimator,
+        args.infile1,
+        args.infile2,
+        args.outfile_result,
+        outfile_object=args.outfile_object,
+        outfile_weights=args.outfile_weights,
+        outfile_y_true=args.outfile_y_true,
+        outfile_y_preds=args.outfile_y_preds,
+        groups=args.groups,
+        ref_seq=args.ref_seq,
+        intervals=args.intervals,
+        targets=args.targets,
+        fasta_path=args.fasta_path,
+    )
diff -r 000000000000 -r 3b6ee54eb7e2 label_encoder.py
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/label_encoder.py	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,48 @@
+import argparse
+import json
+import warnings
+
+import numpy as np
+import pandas as pd
+from sklearn.preprocessing import LabelEncoder
+
+
+def main(inputs, infile, outfile):
+    """
+    Parameter
+    ---------
+    input : str
+        File path to galaxy tool parameter
+
+    infile : str
+        File paths of input vector
+
+    outfile : str
+        File path to output vector
+
+    """
+    warnings.simplefilter('ignore')
+
+    with open(inputs, 'r') as param_handler:
+        params = json.load(param_handler)
+
+    input_header = params['header0']
+    header = 'infer' if input_header else None
+
+    input_vector = pd.read_csv(infile, sep='\t', header=header)
+
+    le = LabelEncoder()
+
+    output_vector = le.fit_transform(input_vector)
+
+    np.savetxt(outfile, output_vector, fmt="%d", delimiter='\t')
+
+
+if __name__ == '__main__':
+    aparser = argparse.ArgumentParser()
+    aparser.add_argument("-i", "--inputs", dest="inputs", required=True)
+    aparser.add_argument("-y", "--infile", dest="infile")
+    aparser.add_argument("-o", "--outfile", dest="outfile")
+    args = aparser.parse_args()
+
+    main(args.inputs, args.infile, args.outfile)
diff -r 000000000000 -r 3b6ee54eb7e2 label_encoder.xml
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/label_encoder.xml	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,65 @@
+
+    Encode target labels with value between 0 and n_classes-1
+    
+        main_macros.xml
+    
+    
+    
+    echo "@VERSION@"
+    
+    
+    
+        
+    
+    
+        
+        
+    
+    
+        
+    
+    
+        
+            
+            
+            
+        
+        
+            
+            
+            
+        
+    
+    
+    
+
diff -r 000000000000 -r 3b6ee54eb7e2 main_macros.xml
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/main_macros.xml	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2015 @@
+
+    1.0.8.3
+
+    
+        
+            Galaxy-ML
+            
+        
+    
+
+    
+        
+            
+        
+    
+
+
+    
+
+    
+        
+            
+                
+                
+            
+            
+                
+                
+                
+                
+                    
+                        
+                        
+                    
+                    
+                    
+                    
+                    
+                
+            
+            
+                
+                    
+                
+            
+        
+    
+
+    
+        
+    
+
+
+    
+    
+        
+            
+            
+            
+            
+            
+        
+    
+
+    
+        
+            
+            
+            
+            
+            
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+            
+            
+            
+            
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+        
+        
+        
+        
+        
+        
+        
+            
+            
+            
+            
+            
+            
+        
+        
+    
+
+    
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+            
+            
+            
+        
+    
+
+    
+        
+            
+            
+            
+        
+    
+
+    
+        
+    
+
+    
+        
+            
+                
+                
+                
+                
+            
+            
+            
+            
+            
+            
+            
+            
+                
+            
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+            
+            
+            
+        
+    
+
+    
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+
+    
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+            
+            
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+            
+            
+            
+            
+            
+            
+        
+    
+
+    
+        
+    
+
+
+    
+
+    
+        
+        
+        
+            
+        
+        
+        
+        
+            
+        
+        
+    
+
+    
+        
+            
+            
+            
+            
+            
+        
+        
+            
+        
+        
+            
+        
+        
+            
+        
+        
+            
+        
+        
+        
+    
+
+    
+        
+            
+                
+                
+            
+            
+                
+                
+            
+            
+                
+            
+        
+        
+            
+                
+                
+            
+            
+                
+                
+            
+            
+                
+            
+        
+    
+
+    
+        
+        
+        
+            
+        
+        
+        
+        
+            
+        
+    
+
+    
+        
+            
+        
+    
+
+    
+        
+        
+    
+
+    
+        
+            
+            
+        
+    
+
+    
+        
+            
+                
+                
+            
+            
+                
+                    
+                
+                
+                    
+                
+            
+        
+    
+
+    
+        
+            
+            
+            
+        
+    
+
+    
+        
+            
+        
+        
+            
+        
+        
+    
+
+    
+        
+        
+        
+            
+        
+    
+
+    
+        
+        
+    
+
+    
+        
+        
+        
+        
+        
+        
+            
+        
+    
+
+    
+    
+        
+            
+            
+                
+                
+            
+            
+                
+                
+                
+                
+            
+            
+            
+            
+            
+        
+    
+
+    
+        
+            
+            
+                
+                
+                
+                
+                
+            
+            
+            
+            
+            
+            
+            
+            
+            
+            
+            
+            
+        
+    
+
+    
+        
+            
+            
+                
+                
+                
+                
+            
+            
+            
+            
+            
+                
+                
+                
+            
+            
+            
+            
+                
+                
+            
+            
+            
+            
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+            
+            
+            
+        
+    
+
+    
+        
+    
+
+    
+        
+            
+            
+            
+            
+                
+                
+                
+                
+            
+            
+        
+    
+
+    
+        
+            
+                
+                
+                
+                
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+        
+    
+
+    
+        
+            
+            
+            
+            
+            
+            
+            
+        
+    
+
+    
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+    
+
+    
+        
+            
+            
+            
+            
+            
+            
+        
+    
+
+    
+        
+            
+            
+            
+            
+        
+    
+
+    
+        
+        
+        
+        
+        
+        
+        
+        
+    
+
+    
+        
+            
+        
+        
+            
+        
+    
+
+    
+        
+            
+        
+    
+
+    
+        
+            
+            
+            
+            
+            
+        
+    
+
+    
+        
+            
+            
+            
+            
+            
+            
+            
+        
+    
+
+    
+        
+            
+        
+        
+            
+        
+        
+            
+        
+        
+            
+        
+        
+    
+
+    
+        
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+                    
+                    
+                        
+                        
+                    
+                    
+                    
+                    
+                
+            
+            
+                
+                    
+                        
+                        
+                    
+                    
+                
+            
+            
+                
+                    
+                    
+                        
+                        
+                        
+                    
+                    
+                        
+                        
+                        
+                    
+                
+            
+        
+    
+
+    
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+    
+
+    
+        
+            
+        
+        
+            
+            
+            
+        
+        
+            
+            
+            
+        
+        
+        
+        
+            
+        
+        
+            
+            
+            
+        
+        
+            
+            
+            
+        
+        
+            
+            
+            
+        
+        
+            
+            
+            
+        
+        
+            
+            
+        
+        
+            
+        
+        
+            
+            
+            
+        
+        
+            
+            
+            
+        
+        
+    
+
+    
+        
+            
+                
+                    
+                    
+                    
+                    
+                
+            
+            
+                
+                    
+                    
+                
+                
+                    
+                    
+                    
+                    
+                
+                
+                    
+                
+                
+                    
+                    
+                
+            
+        
+    
+
+    
+        
+            
+                
+            
+            
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+    
+
+    
+        
+            
+                
+                
+                
+                
+            
+            
+                
+            
+            
+                
+                
+            
+            
+                
+                
+            
+            
+                
+                
+                
+                
+            
+        
+        
+    
+
+    
+        
+    
+
+    
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+        
+    
+
+    
+        
+            
+            
+                
+                    
+                    
+                    
+                    
+                    
+                
+                
+            
+        
+        
+            
+            
+        
+        
+            
+            
+        
+        
+            
+            
+        
+        
+            
+            
+        
+        
+            
+            
+        
+        
+            
+        
+    
+
+    
+        
+            
+                
+                    
+                    
+                
+                
+                    
+                
+                
+                    
+                
+            
+            
+        
+    
+
+    
+        
+            
+                
+                    
+                
+                
+                    
+                
+            
+            
+        
+    
+
+    
+        
+    
+
+    
+        
+            
+            
+        
+    
+
+    
+        
+            
+            
+        
+    
+
+    
+        
+            
+            
+        
+    
+
+    
+        
+            
+            
+                
+                    
+                        
+                            
+                            
+                        
+                    
+                
+                
+                
+                
+                
+            
+        
+    
+
+    
+        
+        
+            
+                
+            
+            
+            
+            
+                
+            
+            
+                
+            
+            
+        
+    
+
+    
+        
+            
+                
+                    
+                
+            
+            
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+        
+    
+
+    
+        
+            
+            
+            
+            
+            
+        
+    
+
+    
+        
+        
+        
+    
+
+    
+        
+            
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+            
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+        
+    
+
+    
+        
+            
+            
+            
+            
+            
+            
+            
+            
+            
+            
+            
+            
+            
+            
+            
+            
+            
+            
+            
+            
+        
+    
+
+    
+        
+            
+            
+            
+            
+            
+            
+            
+        
+    
+
+    
+        
+            
+            
+        
+    
+
+    
+        
+    
+
+    
+        
+        
+            
+            
+                
+                    
+                        
+                        
+                        
+                    
+                
+                
+                    
+                        
+                            
+                            
+                        
+                    
+                
+            
+        
+    
+
+    
+        
+        
+        
+        
+        
+        
+        
+    
+
+    
+        
+        
+        
+        
+        
+        
+        
+        
+    
+
+    
+        
+            
+                
+                
+                
+                
+                
+                
+                
+            
+            
+        
+        
+            
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+            
+            
+        
+        
+            
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+            
+            
+        
+        
+            
+                
+                
+                
+            
+            
+        
+        
+            
+                
+                
+                
+                
+            
+            
+        
+        
+            
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+            
+            
+        
+        
+            
+                
+                
+            
+            
+        
+        
+    
+
+    
+        
+            
+                
+            
+            
+        
+    
+
+    
+        
+            
+                
+                    
+                
+            
+            
+                
+                    
+                
+            
+        
+    
+
+    
+        
+            
+                
+                    
+                
+            
+        
+    
+
+    
+        
+            
+                
+                
+                
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+        
+    
+
+    
+        
+            
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+        
+    
+
+    
+        
+            
+                
+            
+            
+                
+            
+        
+    
+
+    
+        
+            
+                
+                
+                
+                
+                
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+        
+    
+
+    
+        
+            
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+            
+                
+            
+        
+    
+
+    
+        
+    
+
+    
+        
+            
+                
+                    
+                
+            
+            
+                
+                    
+                
+            
+        
+    
+
+    
+        
+    
+
+    
+        
+            
+                
+                
+            
+            
+                
+            
+            
+                
+            
+        
+    
+
+    
+        
+        
+    
+
+    
+
+    
+        
+            
+                selected_tasks['selected_task'] == 'load'
+            
+            
+                selected_tasks['selected_task'] == 'train'
+            
+        
+    
+
+    
+    
+        
+            10.5281/zenodo.15094
+        
+    
+
+    
+        
+            
+          @article{scikit-learn, title={Scikit-learn: Machine Learning in {P}ython}, author={Pedregosa, F. and Varoquaux, G. and Gramfort, A. and Michel, V.
+                    and Thirion, B. and Grisel, O. and Blondel, M. and Prettenhofer, P.
+                    and Weiss, R. and Dubourg, V. and Vanderplas, J. and Passos, A. and
+                    Cournapeau, D. and Brucher, M. and Perrot, M. and Duchesnay, E.}, journal={Journal of Machine Learning Research}, volume={12}, pages={2825--2830}, year={2011}
+          }
+            
+            
+        
+    
+
+    
+        
+            
+          @Misc{,
+          author =    {Eric Jones and Travis Oliphant and Pearu Peterson and others},
+          title =     {{SciPy}: Open source scientific tools for {Python}},
+          year =      {2001--},
+          url = "http://www.scipy.org/",
+          note = {[Online; accessed 2016-04-09]}
+        }
+            
+        
+    
+
+    
+        
+      @article{DBLP:journals/corr/abs-1711-08477,
+        author    = {Ryan J. Urbanowicz and
+                    Randal S. Olson and
+                    Peter Schmitt and
+                    Melissa Meeker and
+                    Jason H. Moore},
+        title     = {Benchmarking Relief-Based Feature Selection Methods},
+        journal   = {CoRR},
+        volume    = {abs/1711.08477},
+        year      = {2017},
+        url       = {http://arxiv.org/abs/1711.08477},
+        archivePrefix = {arXiv},
+        eprint    = {1711.08477},
+        timestamp = {Mon, 13 Aug 2018 16:46:04 +0200},
+        biburl    = {https://dblp.org/rec/bib/journals/corr/abs-1711-08477},
+        bibsource = {dblp computer science bibliography, https://dblp.org}
+      }
+        
+    
+
+    
+        
+      @inproceedings{Chen:2016:XST:2939672.2939785,
+        author = {Chen, Tianqi and Guestrin, Carlos},
+        title = {{XGBoost}: A Scalable Tree Boosting System},
+        booktitle = {Proceedings of the 22nd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining},
+        series = {KDD '16},
+        year = {2016},
+        isbn = {978-1-4503-4232-2},
+        location = {San Francisco, California, USA},
+        pages = {785--794},
+        numpages = {10},
+        url = {http://doi.acm.org/10.1145/2939672.2939785},
+        doi = {10.1145/2939672.2939785},
+        acmid = {2939785},
+        publisher = {ACM},
+        address = {New York, NY, USA},
+        keywords = {large-scale machine learning},
+      }
+        
+    
+
+    
+        
+      @article{JMLR:v18:16-365,
+        author  = {Guillaume  Lema{{\^i}}tre and Fernando Nogueira and Christos K. Aridas},
+        title   = {Imbalanced-learn: A Python Toolbox to Tackle the Curse of Imbalanced Datasets in Machine Learning},
+        journal = {Journal of Machine Learning Research},
+        year    = {2017},
+        volume  = {18},
+        number  = {17},
+        pages   = {1-5},
+        url     = {http://jmlr.org/papers/v18/16-365.html}
+      }
+        
+    
+
+    
+        
+      @article{chen2019selene, title={Selene: a PyTorch-based deep learning library for sequence data}, author={Chen, Kathleen M and Cofer, Evan M and Zhou, Jian and Troyanskaya, Olga G}, journal={Nature methods}, volume={16}, number={4}, pages={315}, year={2019}, publisher={Nature Publishing Group}
+      }
+        
+    
+
+
diff -r 000000000000 -r 3b6ee54eb7e2 ml_visualization_ex.py
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/ml_visualization_ex.py	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,645 @@
+import argparse
+import json
+import os
+import warnings
+
+import matplotlib
+import matplotlib.pyplot as plt
+import numpy as np
+import pandas as pd
+import plotly
+import plotly.graph_objs as go
+from galaxy_ml.utils import load_model, read_columns, SafeEval
+from keras.models import model_from_json
+from keras.utils import plot_model
+from sklearn.feature_selection.base import SelectorMixin
+from sklearn.metrics import (auc, average_precision_score, confusion_matrix,
+                             precision_recall_curve, roc_curve)
+from sklearn.pipeline import Pipeline
+
+safe_eval = SafeEval()
+
+# plotly default colors
+default_colors = [
+    "#1f77b4",  # muted blue
+    "#ff7f0e",  # safety orange
+    "#2ca02c",  # cooked asparagus green
+    "#d62728",  # brick red
+    "#9467bd",  # muted purple
+    "#8c564b",  # chestnut brown
+    "#e377c2",  # raspberry yogurt pink
+    "#7f7f7f",  # middle gray
+    "#bcbd22",  # curry yellow-green
+    "#17becf",  # blue-teal
+]
+
+
+def visualize_pr_curve_plotly(df1, df2, pos_label, title=None):
+    """output pr-curve in html using plotly
+
+    df1 : pandas.DataFrame
+        Containing y_true
+    df2 : pandas.DataFrame
+        Containing y_score
+    pos_label : None
+        The label of positive class
+    title : str
+        Plot title
+    """
+    data = []
+    for idx in range(df1.shape[1]):
+        y_true = df1.iloc[:, idx].values
+        y_score = df2.iloc[:, idx].values
+
+        precision, recall, _ = precision_recall_curve(
+            y_true, y_score, pos_label=pos_label
+        )
+        ap = average_precision_score(y_true, y_score, pos_label=pos_label or 1)
+
+        trace = go.Scatter(
+            x=recall,
+            y=precision,
+            mode="lines",
+            marker=dict(color=default_colors[idx % len(default_colors)]),
+            name="%s (area = %.3f)" % (idx, ap),
+        )
+        data.append(trace)
+
+    layout = go.Layout(
+        xaxis=dict(title="Recall", linecolor="lightslategray", linewidth=1),
+        yaxis=dict(title="Precision", linecolor="lightslategray", linewidth=1),
+        title=dict(
+            text=title or "Precision-Recall Curve",
+            x=0.5,
+            y=0.92,
+            xanchor="center",
+            yanchor="top",
+        ),
+        font=dict(family="sans-serif", size=11),
+        # control backgroud colors
+        plot_bgcolor="rgba(255,255,255,0)",
+    )
+    """
+    legend=dict(
+        x=0.95,
+        y=0,
+        traceorder="normal",
+        font=dict(
+            family="sans-serif",
+            size=9,
+            color="black"
+        ),
+        bgcolor="LightSteelBlue",
+        bordercolor="Black",
+        borderwidth=2
+    ),"""
+
+    fig = go.Figure(data=data, layout=layout)
+
+    plotly.offline.plot(fig, filename="output.html", auto_open=False)
+    # to be discovered by `from_work_dir`
+    os.rename("output.html", "output")
+
+
+def visualize_pr_curve_matplotlib(df1, df2, pos_label, title=None):
+    """visualize pr-curve using matplotlib and output svg image"""
+    backend = matplotlib.get_backend()
+    if "inline" not in backend:
+        matplotlib.use("SVG")
+    plt.style.use("seaborn-colorblind")
+    plt.figure()
+
+    for idx in range(df1.shape[1]):
+        y_true = df1.iloc[:, idx].values
+        y_score = df2.iloc[:, idx].values
+
+        precision, recall, _ = precision_recall_curve(
+            y_true, y_score, pos_label=pos_label
+        )
+        ap = average_precision_score(y_true, y_score, pos_label=pos_label or 1)
+
+        plt.step(
+            recall,
+            precision,
+            "r-",
+            color="black",
+            alpha=0.3,
+            lw=1,
+            where="post",
+            label="%s (area = %.3f)" % (idx, ap),
+        )
+
+    plt.xlim([0.0, 1.0])
+    plt.ylim([0.0, 1.05])
+    plt.xlabel("Recall")
+    plt.ylabel("Precision")
+    title = title or "Precision-Recall Curve"
+    plt.title(title)
+    folder = os.getcwd()
+    plt.savefig(os.path.join(folder, "output.svg"), format="svg")
+    os.rename(os.path.join(folder, "output.svg"), os.path.join(folder, "output"))
+
+
+def visualize_roc_curve_plotly(df1, df2, pos_label, drop_intermediate=True, title=None):
+    """output roc-curve in html using plotly
+
+    df1 : pandas.DataFrame
+        Containing y_true
+    df2 : pandas.DataFrame
+        Containing y_score
+    pos_label : None
+        The label of positive class
+    drop_intermediate : bool
+        Whether to drop some suboptimal thresholds
+    title : str
+        Plot title
+    """
+    data = []
+    for idx in range(df1.shape[1]):
+        y_true = df1.iloc[:, idx].values
+        y_score = df2.iloc[:, idx].values
+
+        fpr, tpr, _ = roc_curve(
+            y_true, y_score, pos_label=pos_label, drop_intermediate=drop_intermediate
+        )
+        roc_auc = auc(fpr, tpr)
+
+        trace = go.Scatter(
+            x=fpr,
+            y=tpr,
+            mode="lines",
+            marker=dict(color=default_colors[idx % len(default_colors)]),
+            name="%s (area = %.3f)" % (idx, roc_auc),
+        )
+        data.append(trace)
+
+    layout = go.Layout(
+        xaxis=dict(
+            title="False Positive Rate", linecolor="lightslategray", linewidth=1
+        ),
+        yaxis=dict(title="True Positive Rate", linecolor="lightslategray", linewidth=1),
+        title=dict(
+            text=title or "Receiver Operating Characteristic (ROC) Curve",
+            x=0.5,
+            y=0.92,
+            xanchor="center",
+            yanchor="top",
+        ),
+        font=dict(family="sans-serif", size=11),
+        # control backgroud colors
+        plot_bgcolor="rgba(255,255,255,0)",
+    )
+    """
+    # legend=dict(
+            # x=0.95,
+            # y=0,
+            # traceorder="normal",
+            # font=dict(
+            #    family="sans-serif",
+            #    size=9,
+            #    color="black"
+            # ),
+            # bgcolor="LightSteelBlue",
+            # bordercolor="Black",
+            # borderwidth=2
+        # ),
+    """
+
+    fig = go.Figure(data=data, layout=layout)
+
+    plotly.offline.plot(fig, filename="output.html", auto_open=False)
+    # to be discovered by `from_work_dir`
+    os.rename("output.html", "output")
+
+
+def visualize_roc_curve_matplotlib(
+    df1, df2, pos_label, drop_intermediate=True, title=None
+):
+    """visualize roc-curve using matplotlib and output svg image"""
+    backend = matplotlib.get_backend()
+    if "inline" not in backend:
+        matplotlib.use("SVG")
+    plt.style.use("seaborn-colorblind")
+    plt.figure()
+
+    for idx in range(df1.shape[1]):
+        y_true = df1.iloc[:, idx].values
+        y_score = df2.iloc[:, idx].values
+
+        fpr, tpr, _ = roc_curve(
+            y_true, y_score, pos_label=pos_label, drop_intermediate=drop_intermediate
+        )
+        roc_auc = auc(fpr, tpr)
+
+        plt.step(
+            fpr,
+            tpr,
+            "r-",
+            color="black",
+            alpha=0.3,
+            lw=1,
+            where="post",
+            label="%s (area = %.3f)" % (idx, roc_auc),
+        )
+
+    plt.xlim([0.0, 1.0])
+    plt.ylim([0.0, 1.05])
+    plt.xlabel("False Positive Rate")
+    plt.ylabel("True Positive Rate")
+    title = title or "Receiver Operating Characteristic (ROC) Curve"
+    plt.title(title)
+    folder = os.getcwd()
+    plt.savefig(os.path.join(folder, "output.svg"), format="svg")
+    os.rename(os.path.join(folder, "output.svg"), os.path.join(folder, "output"))
+
+
+def get_dataframe(file_path, plot_selection, header_name, column_name):
+    header = "infer" if plot_selection[header_name] else None
+    column_option = plot_selection[column_name]["selected_column_selector_option"]
+    if column_option in [
+        "by_index_number",
+        "all_but_by_index_number",
+        "by_header_name",
+        "all_but_by_header_name",
+    ]:
+        col = plot_selection[column_name]["col1"]
+    else:
+        col = None
+    _, input_df = read_columns(
+        file_path,
+        c=col,
+        c_option=column_option,
+        return_df=True,
+        sep="\t",
+        header=header,
+        parse_dates=True,
+    )
+    return input_df
+
+
+def main(
+    inputs,
+    infile_estimator=None,
+    infile1=None,
+    infile2=None,
+    outfile_result=None,
+    outfile_object=None,
+    groups=None,
+    ref_seq=None,
+    intervals=None,
+    targets=None,
+    fasta_path=None,
+    model_config=None,
+    true_labels=None,
+    predicted_labels=None,
+    plot_color=None,
+    title=None,
+):
+    """
+    Parameter
+    ---------
+    inputs : str
+        File path to galaxy tool parameter
+
+    infile_estimator : str, default is None
+        File path to estimator
+
+    infile1 : str, default is None
+        File path to dataset containing features or true labels.
+
+    infile2 : str, default is None
+        File path to dataset containing target values or predicted
+        probabilities.
+
+    outfile_result : str, default is None
+        File path to save the results, either cv_results or test result
+
+    outfile_object : str, default is None
+        File path to save searchCV object
+
+    groups : str, default is None
+        File path to dataset containing groups labels
+
+    ref_seq : str, default is None
+        File path to dataset containing genome sequence file
+
+    intervals : str, default is None
+        File path to dataset containing interval file
+
+    targets : str, default is None
+        File path to dataset compressed target bed file
+
+    fasta_path : str, default is None
+        File path to dataset containing fasta file
+
+    model_config : str, default is None
+        File path to dataset containing JSON config for neural networks
+
+    true_labels : str, default is None
+        File path to dataset containing true labels
+
+    predicted_labels : str, default is None
+        File path to dataset containing true predicted labels
+
+    plot_color : str, default is None
+        Color of the confusion matrix heatmap
+
+    title : str, default is None
+        Title of the confusion matrix heatmap
+    """
+    warnings.simplefilter("ignore")
+
+    with open(inputs, "r") as param_handler:
+        params = json.load(param_handler)
+
+    title = params["plotting_selection"]["title"].strip()
+    plot_type = params["plotting_selection"]["plot_type"]
+    plot_format = params["plotting_selection"]["plot_format"]
+
+    if plot_type == "feature_importances":
+        with open(infile_estimator, "rb") as estimator_handler:
+            estimator = load_model(estimator_handler)
+
+        column_option = params["plotting_selection"]["column_selector_options"][
+            "selected_column_selector_option"
+        ]
+        if column_option in [
+            "by_index_number",
+            "all_but_by_index_number",
+            "by_header_name",
+            "all_but_by_header_name",
+        ]:
+            c = params["plotting_selection"]["column_selector_options"]["col1"]
+        else:
+            c = None
+
+        _, input_df = read_columns(
+            infile1,
+            c=c,
+            c_option=column_option,
+            return_df=True,
+            sep="\t",
+            header="infer",
+            parse_dates=True,
+        )
+
+        feature_names = input_df.columns.values
+
+        if isinstance(estimator, Pipeline):
+            for st in estimator.steps[:-1]:
+                if isinstance(st[-1], SelectorMixin):
+                    mask = st[-1].get_support()
+                    feature_names = feature_names[mask]
+            estimator = estimator.steps[-1][-1]
+
+        if hasattr(estimator, "coef_"):
+            coefs = estimator.coef_
+        else:
+            coefs = getattr(estimator, "feature_importances_", None)
+        if coefs is None:
+            raise RuntimeError(
+                "The classifier does not expose "
+                '"coef_" or "feature_importances_" '
+                "attributes"
+            )
+
+        threshold = params["plotting_selection"]["threshold"]
+        if threshold is not None:
+            mask = (coefs > threshold) | (coefs < -threshold)
+            coefs = coefs[mask]
+            feature_names = feature_names[mask]
+
+        # sort
+        indices = np.argsort(coefs)[::-1]
+
+        trace = go.Bar(x=feature_names[indices], y=coefs[indices])
+        layout = go.Layout(title=title or "Feature Importances")
+        fig = go.Figure(data=[trace], layout=layout)
+
+        plotly.offline.plot(fig, filename="output.html", auto_open=False)
+        # to be discovered by `from_work_dir`
+        os.rename("output.html", "output")
+
+        return 0
+
+    elif plot_type in ("pr_curve", "roc_curve"):
+        df1 = pd.read_csv(infile1, sep="\t", header="infer")
+        df2 = pd.read_csv(infile2, sep="\t", header="infer").astype(np.float32)
+
+        minimum = params["plotting_selection"]["report_minimum_n_positives"]
+        # filter out columns whose n_positives is beblow the threhold
+        if minimum:
+            mask = df1.sum(axis=0) >= minimum
+            df1 = df1.loc[:, mask]
+            df2 = df2.loc[:, mask]
+
+        pos_label = params["plotting_selection"]["pos_label"].strip() or None
+
+        if plot_type == "pr_curve":
+            if plot_format == "plotly_html":
+                visualize_pr_curve_plotly(df1, df2, pos_label, title=title)
+            else:
+                visualize_pr_curve_matplotlib(df1, df2, pos_label, title)
+        else:  # 'roc_curve'
+            drop_intermediate = params["plotting_selection"]["drop_intermediate"]
+            if plot_format == "plotly_html":
+                visualize_roc_curve_plotly(
+                    df1,
+                    df2,
+                    pos_label,
+                    drop_intermediate=drop_intermediate,
+                    title=title,
+                )
+            else:
+                visualize_roc_curve_matplotlib(
+                    df1,
+                    df2,
+                    pos_label,
+                    drop_intermediate=drop_intermediate,
+                    title=title,
+                )
+
+        return 0
+
+    elif plot_type == "rfecv_gridscores":
+        input_df = pd.read_csv(infile1, sep="\t", header="infer")
+        scores = input_df.iloc[:, 0]
+        steps = params["plotting_selection"]["steps"].strip()
+        steps = safe_eval(steps)
+
+        data = go.Scatter(
+            x=list(range(len(scores))),
+            y=scores,
+            text=[str(_) for _ in steps] if steps else None,
+            mode="lines",
+        )
+        layout = go.Layout(
+            xaxis=dict(title="Number of features selected"),
+            yaxis=dict(title="Cross validation score"),
+            title=dict(
+                text=title or None, x=0.5, y=0.92, xanchor="center", yanchor="top"
+            ),
+            font=dict(family="sans-serif", size=11),
+            # control backgroud colors
+            plot_bgcolor="rgba(255,255,255,0)",
+        )
+        """
+        # legend=dict(
+                # x=0.95,
+                # y=0,
+                # traceorder="normal",
+                # font=dict(
+                #    family="sans-serif",
+                #    size=9,
+                #    color="black"
+                # ),
+                # bgcolor="LightSteelBlue",
+                # bordercolor="Black",
+                # borderwidth=2
+            # ),
+        """
+
+        fig = go.Figure(data=[data], layout=layout)
+        plotly.offline.plot(fig, filename="output.html", auto_open=False)
+        # to be discovered by `from_work_dir`
+        os.rename("output.html", "output")
+
+        return 0
+
+    elif plot_type == "learning_curve":
+        input_df = pd.read_csv(infile1, sep="\t", header="infer")
+        plot_std_err = params["plotting_selection"]["plot_std_err"]
+        data1 = go.Scatter(
+            x=input_df["train_sizes_abs"],
+            y=input_df["mean_train_scores"],
+            error_y=dict(array=input_df["std_train_scores"]) if plot_std_err else None,
+            mode="lines",
+            name="Train Scores",
+        )
+        data2 = go.Scatter(
+            x=input_df["train_sizes_abs"],
+            y=input_df["mean_test_scores"],
+            error_y=dict(array=input_df["std_test_scores"]) if plot_std_err else None,
+            mode="lines",
+            name="Test Scores",
+        )
+        layout = dict(
+            xaxis=dict(title="No. of samples"),
+            yaxis=dict(title="Performance Score"),
+            # modify these configurations to customize image
+            title=dict(
+                text=title or "Learning Curve",
+                x=0.5,
+                y=0.92,
+                xanchor="center",
+                yanchor="top",
+            ),
+            font=dict(family="sans-serif", size=11),
+            # control backgroud colors
+            plot_bgcolor="rgba(255,255,255,0)",
+        )
+        """
+        # legend=dict(
+                # x=0.95,
+                # y=0,
+                # traceorder="normal",
+                # font=dict(
+                #    family="sans-serif",
+                #    size=9,
+                #    color="black"
+                # ),
+                # bgcolor="LightSteelBlue",
+                # bordercolor="Black",
+                # borderwidth=2
+            # ),
+        """
+
+        fig = go.Figure(data=[data1, data2], layout=layout)
+        plotly.offline.plot(fig, filename="output.html", auto_open=False)
+        # to be discovered by `from_work_dir`
+        os.rename("output.html", "output")
+
+        return 0
+
+    elif plot_type == "keras_plot_model":
+        with open(model_config, "r") as f:
+            model_str = f.read()
+        model = model_from_json(model_str)
+        plot_model(model, to_file="output.png")
+        os.rename("output.png", "output")
+
+        return 0
+
+    elif plot_type == "classification_confusion_matrix":
+        plot_selection = params["plotting_selection"]
+        input_true = get_dataframe(
+            true_labels, plot_selection, "header_true", "column_selector_options_true"
+        )
+        header_predicted = "infer" if plot_selection["header_predicted"] else None
+        input_predicted = pd.read_csv(
+            predicted_labels, sep="\t", parse_dates=True, header=header_predicted
+        )
+        true_classes = input_true.iloc[:, -1].copy()
+        predicted_classes = input_predicted.iloc[:, -1].copy()
+        axis_labels = list(set(true_classes))
+        c_matrix = confusion_matrix(true_classes, predicted_classes)
+        fig, ax = plt.subplots(figsize=(7, 7))
+        im = plt.imshow(c_matrix, cmap=plot_color)
+        for i in range(len(c_matrix)):
+            for j in range(len(c_matrix)):
+                ax.text(j, i, c_matrix[i, j], ha="center", va="center", color="k")
+        ax.set_ylabel("True class labels")
+        ax.set_xlabel("Predicted class labels")
+        ax.set_title(title)
+        ax.set_xticks(axis_labels)
+        ax.set_yticks(axis_labels)
+        fig.colorbar(im, ax=ax)
+        fig.tight_layout()
+        plt.savefig("output.png", dpi=125)
+        os.rename("output.png", "output")
+
+        return 0
+
+    # save pdf file to disk
+    # fig.write_image("image.pdf", format='pdf')
+    # fig.write_image("image.pdf", format='pdf', width=340*2, height=226*2)
+
+
+if __name__ == "__main__":
+    aparser = argparse.ArgumentParser()
+    aparser.add_argument("-i", "--inputs", dest="inputs", required=True)
+    aparser.add_argument("-e", "--estimator", dest="infile_estimator")
+    aparser.add_argument("-X", "--infile1", dest="infile1")
+    aparser.add_argument("-y", "--infile2", dest="infile2")
+    aparser.add_argument("-O", "--outfile_result", dest="outfile_result")
+    aparser.add_argument("-o", "--outfile_object", dest="outfile_object")
+    aparser.add_argument("-g", "--groups", dest="groups")
+    aparser.add_argument("-r", "--ref_seq", dest="ref_seq")
+    aparser.add_argument("-b", "--intervals", dest="intervals")
+    aparser.add_argument("-t", "--targets", dest="targets")
+    aparser.add_argument("-f", "--fasta_path", dest="fasta_path")
+    aparser.add_argument("-c", "--model_config", dest="model_config")
+    aparser.add_argument("-tl", "--true_labels", dest="true_labels")
+    aparser.add_argument("-pl", "--predicted_labels", dest="predicted_labels")
+    aparser.add_argument("-pc", "--plot_color", dest="plot_color")
+    aparser.add_argument("-pt", "--title", dest="title")
+    args = aparser.parse_args()
+
+    main(
+        args.inputs,
+        args.infile_estimator,
+        args.infile1,
+        args.infile2,
+        args.outfile_result,
+        outfile_object=args.outfile_object,
+        groups=args.groups,
+        ref_seq=args.ref_seq,
+        intervals=args.intervals,
+        targets=args.targets,
+        fasta_path=args.fasta_path,
+        model_config=args.model_config,
+        true_labels=args.true_labels,
+        predicted_labels=args.predicted_labels,
+        plot_color=args.plot_color,
+        title=args.title,
+    )
diff -r 000000000000 -r 3b6ee54eb7e2 model_prediction.py
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/model_prediction.py	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,241 @@
+import argparse
+import json
+import warnings
+
+import numpy as np
+import pandas as pd
+from galaxy_ml.utils import get_module, load_model, read_columns, try_get_attr
+from scipy.io import mmread
+from sklearn.pipeline import Pipeline
+
+N_JOBS = int(__import__("os").environ.get("GALAXY_SLOTS", 1))
+
+
+def main(
+    inputs,
+    infile_estimator,
+    outfile_predict,
+    infile_weights=None,
+    infile1=None,
+    fasta_path=None,
+    ref_seq=None,
+    vcf_path=None,
+):
+    """
+    Parameter
+    ---------
+    inputs : str
+        File path to galaxy tool parameter
+
+    infile_estimator : strgit
+        File path to trained estimator input
+
+    outfile_predict : str
+        File path to save the prediction results, tabular
+
+    infile_weights : str
+        File path to weights input
+
+    infile1 : str
+        File path to dataset containing features
+
+    fasta_path : str
+        File path to dataset containing fasta file
+
+    ref_seq : str
+        File path to dataset containing the reference genome sequence.
+
+    vcf_path : str
+        File path to dataset containing variants info.
+    """
+    warnings.filterwarnings("ignore")
+
+    with open(inputs, "r") as param_handler:
+        params = json.load(param_handler)
+
+    # load model
+    with open(infile_estimator, "rb") as est_handler:
+        estimator = load_model(est_handler)
+
+    main_est = estimator
+    if isinstance(estimator, Pipeline):
+        main_est = estimator.steps[-1][-1]
+    if hasattr(main_est, "config") and hasattr(main_est, "load_weights"):
+        if not infile_weights or infile_weights == "None":
+            raise ValueError(
+                "The selected model skeleton asks for weights, "
+                "but dataset for weights wan not selected!"
+            )
+        main_est.load_weights(infile_weights)
+
+    # handle data input
+    input_type = params["input_options"]["selected_input"]
+    # tabular input
+    if input_type == "tabular":
+        header = "infer" if params["input_options"]["header1"] else None
+        column_option = params["input_options"]["column_selector_options_1"][
+            "selected_column_selector_option"
+        ]
+        if column_option in [
+            "by_index_number",
+            "all_but_by_index_number",
+            "by_header_name",
+            "all_but_by_header_name",
+        ]:
+            c = params["input_options"]["column_selector_options_1"]["col1"]
+        else:
+            c = None
+
+        df = pd.read_csv(infile1, sep="\t", header=header, parse_dates=True)
+
+        X = read_columns(df, c=c, c_option=column_option).astype(float)
+
+        if params["method"] == "predict":
+            preds = estimator.predict(X)
+        else:
+            preds = estimator.predict_proba(X)
+
+    # sparse input
+    elif input_type == "sparse":
+        X = mmread(open(infile1, "r"))
+        if params["method"] == "predict":
+            preds = estimator.predict(X)
+        else:
+            preds = estimator.predict_proba(X)
+
+    # fasta input
+    elif input_type == "seq_fasta":
+        if not hasattr(estimator, "data_batch_generator"):
+            raise ValueError(
+                "To do prediction on sequences in fasta input, "
+                "the estimator must be a `KerasGBatchClassifier`"
+                "equipped with data_batch_generator!"
+            )
+        pyfaidx = get_module("pyfaidx")
+        sequences = pyfaidx.Fasta(fasta_path)
+        n_seqs = len(sequences.keys())
+        X = np.arange(n_seqs)[:, np.newaxis]
+        seq_length = estimator.data_batch_generator.seq_length
+        batch_size = getattr(estimator, "batch_size", 32)
+        steps = (n_seqs + batch_size - 1) // batch_size
+
+        seq_type = params["input_options"]["seq_type"]
+        klass = try_get_attr("galaxy_ml.preprocessors", seq_type)
+
+        pred_data_generator = klass(fasta_path, seq_length=seq_length)
+
+        if params["method"] == "predict":
+            preds = estimator.predict(
+                X, data_generator=pred_data_generator, steps=steps
+            )
+        else:
+            preds = estimator.predict_proba(
+                X, data_generator=pred_data_generator, steps=steps
+            )
+
+    # vcf input
+    elif input_type == "variant_effect":
+        klass = try_get_attr("galaxy_ml.preprocessors", "GenomicVariantBatchGenerator")
+
+        options = params["input_options"]
+        options.pop("selected_input")
+        if options["blacklist_regions"] == "none":
+            options["blacklist_regions"] = None
+
+        pred_data_generator = klass(
+            ref_genome_path=ref_seq, vcf_path=vcf_path, **options
+        )
+
+        pred_data_generator.set_processing_attrs()
+
+        variants = pred_data_generator.variants
+
+        # predict 1600 sample at once then write to file
+        gen_flow = pred_data_generator.flow(batch_size=1600)
+
+        file_writer = open(outfile_predict, "w")
+        header_row = "\t".join(["chrom", "pos", "name", "ref", "alt", "strand"])
+        file_writer.write(header_row)
+        header_done = False
+
+        steps_done = 0
+
+        # TODO: multiple threading
+        try:
+            while steps_done < len(gen_flow):
+                index_array = next(gen_flow.index_generator)
+                batch_X = gen_flow._get_batches_of_transformed_samples(index_array)
+
+                if params["method"] == "predict":
+                    batch_preds = estimator.predict(
+                        batch_X,
+                        # The presence of `pred_data_generator` below is to
+                        # override model carrying data_generator if there
+                        # is any.
+                        data_generator=pred_data_generator,
+                    )
+                else:
+                    batch_preds = estimator.predict_proba(
+                        batch_X,
+                        # The presence of `pred_data_generator` below is to
+                        # override model carrying data_generator if there
+                        # is any.
+                        data_generator=pred_data_generator,
+                    )
+
+                if batch_preds.ndim == 1:
+                    batch_preds = batch_preds[:, np.newaxis]
+
+                batch_meta = variants[index_array]
+                batch_out = np.column_stack([batch_meta, batch_preds])
+
+                if not header_done:
+                    heads = np.arange(batch_preds.shape[-1]).astype(str)
+                    heads_str = "\t".join(heads)
+                    file_writer.write("\t%s\n" % heads_str)
+                    header_done = True
+
+                for row in batch_out:
+                    row_str = "\t".join(row)
+                    file_writer.write("%s\n" % row_str)
+
+                steps_done += 1
+
+        finally:
+            file_writer.close()
+            # TODO: make api `pred_data_generator.close()`
+            pred_data_generator.close()
+        return 0
+    # end input
+
+    # output
+    if len(preds.shape) == 1:
+        rval = pd.DataFrame(preds, columns=["Predicted"])
+    else:
+        rval = pd.DataFrame(preds)
+
+    rval.to_csv(outfile_predict, sep="\t", header=True, index=False)
+
+
+if __name__ == "__main__":
+    aparser = argparse.ArgumentParser()
+    aparser.add_argument("-i", "--inputs", dest="inputs", required=True)
+    aparser.add_argument("-e", "--infile_estimator", dest="infile_estimator")
+    aparser.add_argument("-w", "--infile_weights", dest="infile_weights")
+    aparser.add_argument("-X", "--infile1", dest="infile1")
+    aparser.add_argument("-O", "--outfile_predict", dest="outfile_predict")
+    aparser.add_argument("-f", "--fasta_path", dest="fasta_path")
+    aparser.add_argument("-r", "--ref_seq", dest="ref_seq")
+    aparser.add_argument("-v", "--vcf_path", dest="vcf_path")
+    args = aparser.parse_args()
+
+    main(
+        args.inputs,
+        args.infile_estimator,
+        args.outfile_predict,
+        infile_weights=args.infile_weights,
+        infile1=args.infile1,
+        fasta_path=args.fasta_path,
+        ref_seq=args.ref_seq,
+        vcf_path=args.vcf_path,
+    )
diff -r 000000000000 -r 3b6ee54eb7e2 pca.py
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/pca.py	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,186 @@
+import argparse
+
+import numpy as np
+from galaxy_ml.utils import read_columns
+from sklearn.decomposition import IncrementalPCA, KernelPCA, PCA
+
+
+def main():
+    parser = argparse.ArgumentParser(description="RDKit screen")
+    parser.add_argument("-i", "--infile", help="Input file")
+    parser.add_argument(
+        "--header", action="store_true", help="Include the header row or skip it"
+    )
+    parser.add_argument(
+        "-c",
+        "--columns",
+        type=str.lower,
+        default="all",
+        choices=[
+            "by_index_number",
+            "all_but_by_index_number",
+            "by_header_name",
+            "all_but_by_header_name",
+            "all_columns",
+        ],
+        help="Choose to select all columns, or exclude/include some",
+    )
+    parser.add_argument(
+        "-ci",
+        "--column_indices",
+        type=str.lower,
+        help="Choose to select all columns, or exclude/include some",
+    )
+    parser.add_argument(
+        "-n",
+        "--number",
+        nargs="?",
+        type=int,
+        default=None,
+        help="Number of components to keep. If not set, all components are kept",
+    )
+    parser.add_argument("--whiten", action="store_true", help="Whiten the components")
+    parser.add_argument(
+        "-t",
+        "--pca_type",
+        type=str.lower,
+        default="classical",
+        choices=["classical", "incremental", "kernel"],
+        help="Choose which flavour of PCA to use",
+    )
+    parser.add_argument(
+        "-s",
+        "--svd_solver",
+        type=str.lower,
+        default="auto",
+        choices=["auto", "full", "arpack", "randomized"],
+        help="Choose the type of svd solver.",
+    )
+    parser.add_argument(
+        "-b",
+        "--batch_size",
+        nargs="?",
+        type=int,
+        default=None,
+        help="The number of samples to use for each batch",
+    )
+    parser.add_argument(
+        "-k",
+        "--kernel",
+        type=str.lower,
+        default="linear",
+        choices=["linear", "poly", "rbf", "sigmoid", "cosine", "precomputed"],
+        help="Choose the type of kernel.",
+    )
+    parser.add_argument(
+        "-g",
+        "--gamma",
+        nargs="?",
+        type=float,
+        default=None,
+        help="Kernel coefficient for rbf, poly and sigmoid kernels. Ignored by other kernels",
+    )
+    parser.add_argument(
+        "-tol",
+        "--tolerance",
+        type=float,
+        default=0.0,
+        help="Convergence tolerance for arpack. If 0, optimal value will be chosen by arpack",
+    )
+    parser.add_argument(
+        "-mi",
+        "--max_iter",
+        nargs="?",
+        type=int,
+        default=None,
+        help="Maximum number of iterations for arpack",
+    )
+    parser.add_argument(
+        "-d",
+        "--degree",
+        type=int,
+        default=3,
+        help="Degree for poly kernels. Ignored by other kernels",
+    )
+    parser.add_argument(
+        "-cf",
+        "--coef0",
+        type=float,
+        default=1.0,
+        help="Independent term in poly and sigmoid kernels",
+    )
+    parser.add_argument(
+        "-e",
+        "--eigen_solver",
+        type=str.lower,
+        default="auto",
+        choices=["auto", "dense", "arpack"],
+        help="Choose the type of eigen solver.",
+    )
+    parser.add_argument(
+        "-o", "--outfile", help="Base name for output file (no extension)."
+    )
+    args = parser.parse_args()
+
+    usecols = None
+    pca_params = {}
+
+    if args.columns == "by_index_number" or args.columns == "all_but_by_index_number":
+        usecols = [int(i) for i in args.column_indices.split(",")]
+    elif args.columns == "by_header_name" or args.columns == "all_but_by_header_name":
+        usecols = args.column_indices
+
+    header = "infer" if args.header else None
+
+    pca_input = read_columns(
+        f=args.infile,
+        c=usecols,
+        c_option=args.columns,
+        sep="\t",
+        header=header,
+        parse_dates=True,
+        encoding=None,
+        index_col=None,
+    )
+
+    pca_params.update({"n_components": args.number})
+
+    if args.pca_type == "classical":
+        pca_params.update({"svd_solver": args.svd_solver, "whiten": args.whiten})
+        if args.svd_solver == "arpack":
+            pca_params.update({"tol": args.tolerance})
+        pca = PCA()
+
+    elif args.pca_type == "incremental":
+        pca_params.update({"batch_size": args.batch_size, "whiten": args.whiten})
+        pca = IncrementalPCA()
+
+    elif args.pca_type == "kernel":
+        pca_params.update(
+            {
+                "kernel": args.kernel,
+                "eigen_solver": args.eigen_solver,
+                "gamma": args.gamma,
+            }
+        )
+
+        if args.kernel == "poly":
+            pca_params.update({"degree": args.degree, "coef0": args.coef0})
+        elif args.kernel == "sigmoid":
+            pca_params.update({"coef0": args.coef0})
+        elif args.kernel == "precomputed":
+            pca_input = np.dot(pca_input, pca_input.T)
+
+        if args.eigen_solver == "arpack":
+            pca_params.update({"tol": args.tolerance, "max_iter": args.max_iter})
+
+        pca = KernelPCA()
+
+    print(pca_params)
+    pca.set_params(**pca_params)
+    pca_output = pca.fit_transform(pca_input)
+    np.savetxt(fname=args.outfile, X=pca_output, fmt="%.4f", delimiter="\t")
+
+
+if __name__ == "__main__":
+    main()
diff -r 000000000000 -r 3b6ee54eb7e2 search_model_validation.py
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/search_model_validation.py	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,784 @@
+import argparse
+import collections
+import json
+import os
+import pickle
+import sys
+import warnings
+
+import imblearn
+import joblib
+import numpy as np
+import pandas as pd
+import skrebate
+from galaxy_ml.utils import (clean_params, get_cv,
+                             get_main_estimator, get_module, get_scoring,
+                             load_model, read_columns, SafeEval, try_get_attr)
+from scipy.io import mmread
+from sklearn import (cluster, decomposition, feature_selection,
+                     kernel_approximation, model_selection, preprocessing)
+from sklearn.exceptions import FitFailedWarning
+from sklearn.model_selection import _search, _validation
+from sklearn.model_selection._validation import _score, cross_validate
+
+_fit_and_score = try_get_attr("galaxy_ml.model_validations", "_fit_and_score")
+setattr(_search, "_fit_and_score", _fit_and_score)
+setattr(_validation, "_fit_and_score", _fit_and_score)
+
+N_JOBS = int(os.environ.get("GALAXY_SLOTS", 1))
+# handle  disk cache
+CACHE_DIR = os.path.join(os.getcwd(), "cached")
+del os
+NON_SEARCHABLE = ("n_jobs", "pre_dispatch", "memory", "_path", "nthread", "callbacks")
+
+
+def _eval_search_params(params_builder):
+    search_params = {}
+
+    for p in params_builder["param_set"]:
+        search_list = p["sp_list"].strip()
+        if search_list == "":
+            continue
+
+        param_name = p["sp_name"]
+        if param_name.lower().endswith(NON_SEARCHABLE):
+            print(
+                "Warning: `%s` is not eligible for search and was "
+                "omitted!" % param_name
+            )
+            continue
+
+        if not search_list.startswith(":"):
+            safe_eval = SafeEval(load_scipy=True, load_numpy=True)
+            ev = safe_eval(search_list)
+            search_params[param_name] = ev
+        else:
+            # Have `:` before search list, asks for estimator evaluatio
+            safe_eval_es = SafeEval(load_estimators=True)
+            search_list = search_list[1:].strip()
+            # TODO maybe add regular express check
+            ev = safe_eval_es(search_list)
+            preprocessings = (
+                preprocessing.StandardScaler(),
+                preprocessing.Binarizer(),
+                preprocessing.MaxAbsScaler(),
+                preprocessing.Normalizer(),
+                preprocessing.MinMaxScaler(),
+                preprocessing.PolynomialFeatures(),
+                preprocessing.RobustScaler(),
+                feature_selection.SelectKBest(),
+                feature_selection.GenericUnivariateSelect(),
+                feature_selection.SelectPercentile(),
+                feature_selection.SelectFpr(),
+                feature_selection.SelectFdr(),
+                feature_selection.SelectFwe(),
+                feature_selection.VarianceThreshold(),
+                decomposition.FactorAnalysis(random_state=0),
+                decomposition.FastICA(random_state=0),
+                decomposition.IncrementalPCA(),
+                decomposition.KernelPCA(random_state=0, n_jobs=N_JOBS),
+                decomposition.LatentDirichletAllocation(random_state=0, n_jobs=N_JOBS),
+                decomposition.MiniBatchDictionaryLearning(
+                    random_state=0, n_jobs=N_JOBS
+                ),
+                decomposition.MiniBatchSparsePCA(random_state=0, n_jobs=N_JOBS),
+                decomposition.NMF(random_state=0),
+                decomposition.PCA(random_state=0),
+                decomposition.SparsePCA(random_state=0, n_jobs=N_JOBS),
+                decomposition.TruncatedSVD(random_state=0),
+                kernel_approximation.Nystroem(random_state=0),
+                kernel_approximation.RBFSampler(random_state=0),
+                kernel_approximation.AdditiveChi2Sampler(),
+                kernel_approximation.SkewedChi2Sampler(random_state=0),
+                cluster.FeatureAgglomeration(),
+                skrebate.ReliefF(n_jobs=N_JOBS),
+                skrebate.SURF(n_jobs=N_JOBS),
+                skrebate.SURFstar(n_jobs=N_JOBS),
+                skrebate.MultiSURF(n_jobs=N_JOBS),
+                skrebate.MultiSURFstar(n_jobs=N_JOBS),
+                imblearn.under_sampling.ClusterCentroids(random_state=0, n_jobs=N_JOBS),
+                imblearn.under_sampling.CondensedNearestNeighbour(
+                    random_state=0, n_jobs=N_JOBS
+                ),
+                imblearn.under_sampling.EditedNearestNeighbours(
+                    random_state=0, n_jobs=N_JOBS
+                ),
+                imblearn.under_sampling.RepeatedEditedNearestNeighbours(
+                    random_state=0, n_jobs=N_JOBS
+                ),
+                imblearn.under_sampling.AllKNN(random_state=0, n_jobs=N_JOBS),
+                imblearn.under_sampling.InstanceHardnessThreshold(
+                    random_state=0, n_jobs=N_JOBS
+                ),
+                imblearn.under_sampling.NearMiss(random_state=0, n_jobs=N_JOBS),
+                imblearn.under_sampling.NeighbourhoodCleaningRule(
+                    random_state=0, n_jobs=N_JOBS
+                ),
+                imblearn.under_sampling.OneSidedSelection(
+                    random_state=0, n_jobs=N_JOBS
+                ),
+                imblearn.under_sampling.RandomUnderSampler(random_state=0),
+                imblearn.under_sampling.TomekLinks(random_state=0, n_jobs=N_JOBS),
+                imblearn.over_sampling.ADASYN(random_state=0, n_jobs=N_JOBS),
+                imblearn.over_sampling.RandomOverSampler(random_state=0),
+                imblearn.over_sampling.SMOTE(random_state=0, n_jobs=N_JOBS),
+                imblearn.over_sampling.SVMSMOTE(random_state=0, n_jobs=N_JOBS),
+                imblearn.over_sampling.BorderlineSMOTE(random_state=0, n_jobs=N_JOBS),
+                imblearn.over_sampling.SMOTENC(
+                    categorical_features=[], random_state=0, n_jobs=N_JOBS
+                ),
+                imblearn.combine.SMOTEENN(random_state=0),
+                imblearn.combine.SMOTETomek(random_state=0),
+            )
+            newlist = []
+            for obj in ev:
+                if obj is None:
+                    newlist.append(None)
+                elif obj == "all_0":
+                    newlist.extend(preprocessings[0:35])
+                elif obj == "sk_prep_all":  # no KernalCenter()
+                    newlist.extend(preprocessings[0:7])
+                elif obj == "fs_all":
+                    newlist.extend(preprocessings[7:14])
+                elif obj == "decomp_all":
+                    newlist.extend(preprocessings[14:25])
+                elif obj == "k_appr_all":
+                    newlist.extend(preprocessings[25:29])
+                elif obj == "reb_all":
+                    newlist.extend(preprocessings[30:35])
+                elif obj == "imb_all":
+                    newlist.extend(preprocessings[35:54])
+                elif type(obj) is int and -1 < obj < len(preprocessings):
+                    newlist.append(preprocessings[obj])
+                elif hasattr(obj, "get_params"):  # user uploaded object
+                    if "n_jobs" in obj.get_params():
+                        newlist.append(obj.set_params(n_jobs=N_JOBS))
+                    else:
+                        newlist.append(obj)
+                else:
+                    sys.exit("Unsupported estimator type: %r" % (obj))
+
+            search_params[param_name] = newlist
+
+    return search_params
+
+
+def _handle_X_y(
+    estimator,
+    params,
+    infile1,
+    infile2,
+    loaded_df={},
+    ref_seq=None,
+    intervals=None,
+    targets=None,
+    fasta_path=None,
+):
+    """read inputs
+
+    Params
+    -------
+    estimator : estimator object
+    params : dict
+        Galaxy tool parameter inputs
+    infile1 : str
+        File path to dataset containing features
+    infile2 : str
+        File path to dataset containing target values
+    loaded_df : dict
+        Contains loaded DataFrame objects with file path as keys
+    ref_seq : str
+        File path to dataset containing genome sequence file
+    interval : str
+        File path to dataset containing interval file
+    targets : str
+        File path to dataset compressed target bed file
+    fasta_path : str
+        File path to dataset containing fasta file
+
+
+    Returns
+    -------
+    estimator : estimator object after setting new attributes
+    X : numpy array
+    y : numpy array
+    """
+    estimator_params = estimator.get_params()
+
+    input_type = params["input_options"]["selected_input"]
+    # tabular input
+    if input_type == "tabular":
+        header = "infer" if params["input_options"]["header1"] else None
+        column_option = params["input_options"]["column_selector_options_1"][
+            "selected_column_selector_option"
+        ]
+        if column_option in [
+            "by_index_number",
+            "all_but_by_index_number",
+            "by_header_name",
+            "all_but_by_header_name",
+        ]:
+            c = params["input_options"]["column_selector_options_1"]["col1"]
+        else:
+            c = None
+
+        df_key = infile1 + repr(header)
+
+        if df_key in loaded_df:
+            infile1 = loaded_df[df_key]
+
+        df = pd.read_csv(infile1, sep="\t", header=header, parse_dates=True)
+        loaded_df[df_key] = df
+
+        X = read_columns(df, c=c, c_option=column_option).astype(float)
+    # sparse input
+    elif input_type == "sparse":
+        X = mmread(open(infile1, "r"))
+
+    # fasta_file input
+    elif input_type == "seq_fasta":
+        pyfaidx = get_module("pyfaidx")
+        sequences = pyfaidx.Fasta(fasta_path)
+        n_seqs = len(sequences.keys())
+        X = np.arange(n_seqs)[:, np.newaxis]
+        for param in estimator_params.keys():
+            if param.endswith("fasta_path"):
+                estimator.set_params(**{param: fasta_path})
+                break
+        else:
+            raise ValueError(
+                "The selected estimator doesn't support "
+                "fasta file input! Please consider using "
+                "KerasGBatchClassifier with "
+                "FastaDNABatchGenerator/FastaProteinBatchGenerator "
+                "or having GenomeOneHotEncoder/ProteinOneHotEncoder "
+                "in pipeline!"
+            )
+
+    elif input_type == "refseq_and_interval":
+        path_params = {
+            "data_batch_generator__ref_genome_path": ref_seq,
+            "data_batch_generator__intervals_path": intervals,
+            "data_batch_generator__target_path": targets,
+        }
+        estimator.set_params(**path_params)
+        n_intervals = sum(1 for line in open(intervals))
+        X = np.arange(n_intervals)[:, np.newaxis]
+
+    # Get target y
+    header = "infer" if params["input_options"]["header2"] else None
+    column_option = params["input_options"]["column_selector_options_2"][
+        "selected_column_selector_option2"
+    ]
+    if column_option in [
+        "by_index_number",
+        "all_but_by_index_number",
+        "by_header_name",
+        "all_but_by_header_name",
+    ]:
+        c = params["input_options"]["column_selector_options_2"]["col2"]
+    else:
+        c = None
+
+    df_key = infile2 + repr(header)
+    if df_key in loaded_df:
+        infile2 = loaded_df[df_key]
+    else:
+        infile2 = pd.read_csv(infile2, sep="\t", header=header, parse_dates=True)
+        loaded_df[df_key] = infile2
+
+    y = read_columns(
+        infile2, c=c, c_option=column_option, sep="\t", header=header, parse_dates=True
+    )
+    if len(y.shape) == 2 and y.shape[1] == 1:
+        y = y.ravel()
+    if input_type == "refseq_and_interval":
+        estimator.set_params(data_batch_generator__features=y.ravel().tolist())
+        y = None
+    # end y
+
+    return estimator, X, y
+
+
+def _do_outer_cv(searcher, X, y, outer_cv, scoring, error_score="raise", outfile=None):
+    """Do outer cross-validation for nested CV
+
+    Parameters
+    ----------
+    searcher : object
+        SearchCV object
+    X : numpy array
+        Containing features
+    y : numpy array
+        Target values or labels
+    outer_cv : int or CV splitter
+        Control the cv splitting
+    scoring : object
+        Scorer
+    error_score: str, float or numpy float
+        Whether to raise fit error or return an value
+    outfile : str
+        File path to store the restuls
+    """
+    if error_score == "raise":
+        rval = cross_validate(
+            searcher,
+            X,
+            y,
+            scoring=scoring,
+            cv=outer_cv,
+            n_jobs=N_JOBS,
+            verbose=0,
+            error_score=error_score,
+        )
+    else:
+        warnings.simplefilter("always", FitFailedWarning)
+        with warnings.catch_warnings(record=True) as w:
+            try:
+                rval = cross_validate(
+                    searcher,
+                    X,
+                    y,
+                    scoring=scoring,
+                    cv=outer_cv,
+                    n_jobs=N_JOBS,
+                    verbose=0,
+                    error_score=error_score,
+                )
+            except ValueError:
+                pass
+            for warning in w:
+                print(repr(warning.message))
+
+    keys = list(rval.keys())
+    for k in keys:
+        if k.startswith("test"):
+            rval["mean_" + k] = np.mean(rval[k])
+            rval["std_" + k] = np.std(rval[k])
+        if k.endswith("time"):
+            rval.pop(k)
+    rval = pd.DataFrame(rval)
+    rval = rval[sorted(rval.columns)]
+    rval.to_csv(path_or_buf=outfile, sep="\t", header=True, index=False)
+
+
+def _do_train_test_split_val(
+    searcher,
+    X,
+    y,
+    params,
+    error_score="raise",
+    primary_scoring=None,
+    groups=None,
+    outfile=None,
+):
+    """do train test split, searchCV validates on the train and then use
+    the best_estimator_ to evaluate on the test
+
+    Returns
+    --------
+    Fitted SearchCV object
+    """
+    train_test_split = try_get_attr("galaxy_ml.model_validations", "train_test_split")
+    split_options = params["outer_split"]
+
+    # splits
+    if split_options["shuffle"] == "stratified":
+        split_options["labels"] = y
+        X, X_test, y, y_test = train_test_split(X, y, **split_options)
+    elif split_options["shuffle"] == "group":
+        if groups is None:
+            raise ValueError(
+                "No group based CV option was choosen for " "group shuffle!"
+            )
+        split_options["labels"] = groups
+        if y is None:
+            X, X_test, groups, _ = train_test_split(X, groups, **split_options)
+        else:
+            X, X_test, y, y_test, groups, _ = train_test_split(
+                X, y, groups, **split_options
+            )
+    else:
+        if split_options["shuffle"] == "None":
+            split_options["shuffle"] = None
+        X, X_test, y, y_test = train_test_split(X, y, **split_options)
+
+    if error_score == "raise":
+        searcher.fit(X, y, groups=groups)
+    else:
+        warnings.simplefilter("always", FitFailedWarning)
+        with warnings.catch_warnings(record=True) as w:
+            try:
+                searcher.fit(X, y, groups=groups)
+            except ValueError:
+                pass
+            for warning in w:
+                print(repr(warning.message))
+
+    scorer_ = searcher.scorer_
+    if isinstance(scorer_, collections.Mapping):
+        is_multimetric = True
+    else:
+        is_multimetric = False
+
+    best_estimator_ = getattr(searcher, "best_estimator_")
+
+    # TODO Solve deep learning models in pipeline
+    if best_estimator_.__class__.__name__ == "KerasGBatchClassifier":
+        test_score = best_estimator_.evaluate(
+            X_test, scorer=scorer_, is_multimetric=is_multimetric
+        )
+    else:
+        test_score = _score(
+            best_estimator_, X_test, y_test, scorer_, is_multimetric=is_multimetric
+        )
+
+    if not is_multimetric:
+        test_score = {primary_scoring: test_score}
+    for key, value in test_score.items():
+        test_score[key] = [value]
+    result_df = pd.DataFrame(test_score)
+    result_df.to_csv(path_or_buf=outfile, sep="\t", header=True, index=False)
+
+    return searcher
+
+
+def main(
+    inputs,
+    infile_estimator,
+    infile1,
+    infile2,
+    outfile_result,
+    outfile_object=None,
+    outfile_weights=None,
+    groups=None,
+    ref_seq=None,
+    intervals=None,
+    targets=None,
+    fasta_path=None,
+):
+    """
+    Parameter
+    ---------
+    inputs : str
+        File path to galaxy tool parameter
+
+    infile_estimator : str
+        File path to estimator
+
+    infile1 : str
+        File path to dataset containing features
+
+    infile2 : str
+        File path to dataset containing target values
+
+    outfile_result : str
+        File path to save the results, either cv_results or test result
+
+    outfile_object : str, optional
+        File path to save searchCV object
+
+    outfile_weights : str, optional
+        File path to save model weights
+
+    groups : str
+        File path to dataset containing groups labels
+
+    ref_seq : str
+        File path to dataset containing genome sequence file
+
+    intervals : str
+        File path to dataset containing interval file
+
+    targets : str
+        File path to dataset compressed target bed file
+
+    fasta_path : str
+        File path to dataset containing fasta file
+    """
+    warnings.simplefilter("ignore")
+
+    # store read dataframe object
+    loaded_df = {}
+
+    with open(inputs, "r") as param_handler:
+        params = json.load(param_handler)
+
+    # Override the refit parameter
+    params["search_schemes"]["options"]["refit"] = (
+        True if params["save"] != "nope" else False
+    )
+
+    with open(infile_estimator, "rb") as estimator_handler:
+        estimator = load_model(estimator_handler)
+
+    optimizer = params["search_schemes"]["selected_search_scheme"]
+    optimizer = getattr(model_selection, optimizer)
+
+    # handle gridsearchcv options
+    options = params["search_schemes"]["options"]
+
+    if groups:
+        header = (
+            "infer" if (options["cv_selector"]["groups_selector"]["header_g"]) else None
+        )
+        column_option = options["cv_selector"]["groups_selector"][
+            "column_selector_options_g"
+        ]["selected_column_selector_option_g"]
+        if column_option in [
+            "by_index_number",
+            "all_but_by_index_number",
+            "by_header_name",
+            "all_but_by_header_name",
+        ]:
+            c = options["cv_selector"]["groups_selector"]["column_selector_options_g"][
+                "col_g"
+            ]
+        else:
+            c = None
+
+        df_key = groups + repr(header)
+
+        groups = pd.read_csv(groups, sep="\t", header=header, parse_dates=True)
+        loaded_df[df_key] = groups
+
+        groups = read_columns(
+            groups,
+            c=c,
+            c_option=column_option,
+            sep="\t",
+            header=header,
+            parse_dates=True,
+        )
+        groups = groups.ravel()
+        options["cv_selector"]["groups_selector"] = groups
+
+    splitter, groups = get_cv(options.pop("cv_selector"))
+    options["cv"] = splitter
+    primary_scoring = options["scoring"]["primary_scoring"]
+    # get_scoring() expects secondary_scoring to be a comma separated string (not a list)
+    # Check if secondary_scoring is specified
+    secondary_scoring = options["scoring"].get("secondary_scoring", None)
+    if secondary_scoring is not None:
+        # If secondary_scoring is specified, convert the list into comman separated string
+        options["scoring"]["secondary_scoring"] = ",".join(
+            options["scoring"]["secondary_scoring"]
+        )
+    options["scoring"] = get_scoring(options["scoring"])
+    if options["error_score"]:
+        options["error_score"] = "raise"
+    else:
+        options["error_score"] = np.nan
+    if options["refit"] and isinstance(options["scoring"], dict):
+        options["refit"] = primary_scoring
+    if "pre_dispatch" in options and options["pre_dispatch"] == "":
+        options["pre_dispatch"] = None
+
+    params_builder = params["search_schemes"]["search_params_builder"]
+    param_grid = _eval_search_params(params_builder)
+
+    estimator = clean_params(estimator)
+
+    # save the SearchCV object without fit
+    if params["save"] == "save_no_fit":
+        searcher = optimizer(estimator, param_grid, **options)
+        print(searcher)
+        with open(outfile_object, "wb") as output_handler:
+            pickle.dump(searcher, output_handler, pickle.HIGHEST_PROTOCOL)
+        return 0
+
+    # read inputs and loads new attributes, like paths
+    estimator, X, y = _handle_X_y(
+        estimator,
+        params,
+        infile1,
+        infile2,
+        loaded_df=loaded_df,
+        ref_seq=ref_seq,
+        intervals=intervals,
+        targets=targets,
+        fasta_path=fasta_path,
+    )
+
+    # cache iraps_core fits could increase search speed significantly
+    memory = joblib.Memory(location=CACHE_DIR, verbose=0)
+    main_est = get_main_estimator(estimator)
+    if main_est.__class__.__name__ == "IRAPSClassifier":
+        main_est.set_params(memory=memory)
+
+    searcher = optimizer(estimator, param_grid, **options)
+
+    split_mode = params["outer_split"].pop("split_mode")
+
+    if split_mode == "nested_cv":
+        # make sure refit is choosen
+        # this could be True for sklearn models, but not the case for
+        # deep learning models
+        if not options["refit"] and not all(
+            hasattr(estimator, attr) for attr in ("config", "model_type")
+        ):
+            warnings.warn("Refit is change to `True` for nested validation!")
+            setattr(searcher, "refit", True)
+
+        outer_cv, _ = get_cv(params["outer_split"]["cv_selector"])
+        # nested CV, outer cv using cross_validate
+        if options["error_score"] == "raise":
+            rval = cross_validate(
+                searcher,
+                X,
+                y,
+                scoring=options["scoring"],
+                cv=outer_cv,
+                n_jobs=N_JOBS,
+                verbose=options["verbose"],
+                return_estimator=(params["save"] == "save_estimator"),
+                error_score=options["error_score"],
+                return_train_score=True,
+            )
+        else:
+            warnings.simplefilter("always", FitFailedWarning)
+            with warnings.catch_warnings(record=True) as w:
+                try:
+                    rval = cross_validate(
+                        searcher,
+                        X,
+                        y,
+                        scoring=options["scoring"],
+                        cv=outer_cv,
+                        n_jobs=N_JOBS,
+                        verbose=options["verbose"],
+                        return_estimator=(params["save"] == "save_estimator"),
+                        error_score=options["error_score"],
+                        return_train_score=True,
+                    )
+                except ValueError:
+                    pass
+                for warning in w:
+                    print(repr(warning.message))
+
+        fitted_searchers = rval.pop("estimator", [])
+        if fitted_searchers:
+            import os
+
+            pwd = os.getcwd()
+            save_dir = os.path.join(pwd, "cv_results_in_folds")
+            try:
+                os.mkdir(save_dir)
+                for idx, obj in enumerate(fitted_searchers):
+                    target_name = "cv_results_" + "_" + "split%d" % idx
+                    target_path = os.path.join(pwd, save_dir, target_name)
+                    cv_results_ = getattr(obj, "cv_results_", None)
+                    if not cv_results_:
+                        print("%s is not available" % target_name)
+                        continue
+                    cv_results_ = pd.DataFrame(cv_results_)
+                    cv_results_ = cv_results_[sorted(cv_results_.columns)]
+                    cv_results_.to_csv(target_path, sep="\t", header=True, index=False)
+            except Exception as e:
+                print(e)
+            finally:
+                del os
+
+        keys = list(rval.keys())
+        for k in keys:
+            if k.startswith("test"):
+                rval["mean_" + k] = np.mean(rval[k])
+                rval["std_" + k] = np.std(rval[k])
+            if k.endswith("time"):
+                rval.pop(k)
+        rval = pd.DataFrame(rval)
+        rval = rval[sorted(rval.columns)]
+        rval.to_csv(path_or_buf=outfile_result, sep="\t", header=True, index=False)
+        # deprecate train test split mode
+        """searcher = _do_train_test_split_val(
+            searcher, X, y, params,
+            primary_scoring=primary_scoring,
+            error_score=options['error_score'],
+            groups=groups,
+            outfile=outfile_result)"""
+        return 0
+
+    # no outer split
+    else:
+        searcher.set_params(n_jobs=N_JOBS)
+        if options["error_score"] == "raise":
+            searcher.fit(X, y, groups=groups)
+        else:
+            warnings.simplefilter("always", FitFailedWarning)
+            with warnings.catch_warnings(record=True) as w:
+                try:
+                    searcher.fit(X, y, groups=groups)
+                except ValueError:
+                    pass
+                for warning in w:
+                    print(repr(warning.message))
+
+        cv_results = pd.DataFrame(searcher.cv_results_)
+        cv_results = cv_results[sorted(cv_results.columns)]
+        cv_results.to_csv(
+            path_or_buf=outfile_result, sep="\t", header=True, index=False
+        )
+
+    memory.clear(warn=False)
+
+    # output best estimator, and weights if applicable
+    if outfile_object:
+        best_estimator_ = getattr(searcher, "best_estimator_", None)
+        if not best_estimator_:
+            warnings.warn(
+                "GridSearchCV object has no attribute "
+                "'best_estimator_', because either it's "
+                "nested gridsearch or `refit` is False!"
+            )
+            return
+
+        # clean prams
+        best_estimator_ = clean_params(best_estimator_)
+
+        main_est = get_main_estimator(best_estimator_)
+
+        if hasattr(main_est, "model_") and hasattr(main_est, "save_weights"):
+            if outfile_weights:
+                main_est.save_weights(outfile_weights)
+            del main_est.model_
+            del main_est.fit_params
+            del main_est.model_class_
+            del main_est.validation_data
+            if getattr(main_est, "data_generator_", None):
+                del main_est.data_generator_
+
+        with open(outfile_object, "wb") as output_handler:
+            print("Best estimator is saved: %s " % repr(best_estimator_))
+            pickle.dump(best_estimator_, output_handler, pickle.HIGHEST_PROTOCOL)
+
+
+if __name__ == "__main__":
+    aparser = argparse.ArgumentParser()
+    aparser.add_argument("-i", "--inputs", dest="inputs", required=True)
+    aparser.add_argument("-e", "--estimator", dest="infile_estimator")
+    aparser.add_argument("-X", "--infile1", dest="infile1")
+    aparser.add_argument("-y", "--infile2", dest="infile2")
+    aparser.add_argument("-O", "--outfile_result", dest="outfile_result")
+    aparser.add_argument("-o", "--outfile_object", dest="outfile_object")
+    aparser.add_argument("-w", "--outfile_weights", dest="outfile_weights")
+    aparser.add_argument("-g", "--groups", dest="groups")
+    aparser.add_argument("-r", "--ref_seq", dest="ref_seq")
+    aparser.add_argument("-b", "--intervals", dest="intervals")
+    aparser.add_argument("-t", "--targets", dest="targets")
+    aparser.add_argument("-f", "--fasta_path", dest="fasta_path")
+    args = aparser.parse_args()
+
+    main(
+        args.inputs,
+        args.infile_estimator,
+        args.infile1,
+        args.infile2,
+        args.outfile_result,
+        outfile_object=args.outfile_object,
+        outfile_weights=args.outfile_weights,
+        groups=args.groups,
+        ref_seq=args.ref_seq,
+        intervals=args.intervals,
+        targets=args.targets,
+        fasta_path=args.fasta_path,
+    )
diff -r 000000000000 -r 3b6ee54eb7e2 simple_model_fit.py
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/simple_model_fit.py	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,194 @@
+import argparse
+import json
+import pickle
+
+import pandas as pd
+from galaxy_ml.utils import load_model, read_columns
+from scipy.io import mmread
+from sklearn.pipeline import Pipeline
+
+N_JOBS = int(__import__("os").environ.get("GALAXY_SLOTS", 1))
+
+
+# TODO import from galaxy_ml.utils in future versions
+def clean_params(estimator, n_jobs=None):
+    """clean unwanted hyperparameter settings
+
+    If n_jobs is not None, set it into the estimator, if applicable
+
+    Return
+    ------
+    Cleaned estimator object
+    """
+    ALLOWED_CALLBACKS = (
+        "EarlyStopping",
+        "TerminateOnNaN",
+        "ReduceLROnPlateau",
+        "CSVLogger",
+        "None",
+    )
+
+    estimator_params = estimator.get_params()
+
+    for name, p in estimator_params.items():
+        # all potential unauthorized file write
+        if name == "memory" or name.endswith("__memory") or name.endswith("_path"):
+            new_p = {name: None}
+            estimator.set_params(**new_p)
+        elif n_jobs is not None and (name == "n_jobs" or name.endswith("__n_jobs")):
+            new_p = {name: n_jobs}
+            estimator.set_params(**new_p)
+        elif name.endswith("callbacks"):
+            for cb in p:
+                cb_type = cb["callback_selection"]["callback_type"]
+                if cb_type not in ALLOWED_CALLBACKS:
+                    raise ValueError("Prohibited callback type: %s!" % cb_type)
+
+    return estimator
+
+
+def _get_X_y(params, infile1, infile2):
+    """read from inputs and output X and y
+
+    Parameters
+    ----------
+    params : dict
+        Tool inputs parameter
+    infile1 : str
+        File path to dataset containing features
+    infile2 : str
+        File path to dataset containing target values
+
+    """
+    # store read dataframe object
+    loaded_df = {}
+
+    input_type = params["input_options"]["selected_input"]
+    # tabular input
+    if input_type == "tabular":
+        header = "infer" if params["input_options"]["header1"] else None
+        column_option = params["input_options"]["column_selector_options_1"][
+            "selected_column_selector_option"
+        ]
+        if column_option in [
+            "by_index_number",
+            "all_but_by_index_number",
+            "by_header_name",
+            "all_but_by_header_name",
+        ]:
+            c = params["input_options"]["column_selector_options_1"]["col1"]
+        else:
+            c = None
+
+        df_key = infile1 + repr(header)
+        df = pd.read_csv(infile1, sep="\t", header=header, parse_dates=True)
+        loaded_df[df_key] = df
+
+        X = read_columns(df, c=c, c_option=column_option).astype(float)
+    # sparse input
+    elif input_type == "sparse":
+        X = mmread(open(infile1, "r"))
+
+    # Get target y
+    header = "infer" if params["input_options"]["header2"] else None
+    column_option = params["input_options"]["column_selector_options_2"][
+        "selected_column_selector_option2"
+    ]
+    if column_option in [
+        "by_index_number",
+        "all_but_by_index_number",
+        "by_header_name",
+        "all_but_by_header_name",
+    ]:
+        c = params["input_options"]["column_selector_options_2"]["col2"]
+    else:
+        c = None
+
+    df_key = infile2 + repr(header)
+    if df_key in loaded_df:
+        infile2 = loaded_df[df_key]
+    else:
+        infile2 = pd.read_csv(infile2, sep="\t", header=header, parse_dates=True)
+        loaded_df[df_key] = infile2
+
+    y = read_columns(
+        infile2, c=c, c_option=column_option, sep="\t", header=header, parse_dates=True
+    )
+    if len(y.shape) == 2 and y.shape[1] == 1:
+        y = y.ravel()
+
+    return X, y
+
+
+def main(inputs, infile_estimator, infile1, infile2, out_object, out_weights=None):
+    """main
+
+    Parameters
+    ----------
+    inputs : str
+        File path to galaxy tool parameter
+
+    infile_estimator : str
+        File paths of input estimator
+
+    infile1 : str
+        File path to dataset containing features
+
+    infile2 : str
+        File path to dataset containing target labels
+
+    out_object : str
+        File path for output of fitted model or skeleton
+
+    out_weights : str
+        File path for output of weights
+
+    """
+    with open(inputs, "r") as param_handler:
+        params = json.load(param_handler)
+
+    # load model
+    with open(infile_estimator, "rb") as est_handler:
+        estimator = load_model(est_handler)
+    estimator = clean_params(estimator, n_jobs=N_JOBS)
+
+    X_train, y_train = _get_X_y(params, infile1, infile2)
+
+    estimator.fit(X_train, y_train)
+
+    main_est = estimator
+    if isinstance(main_est, Pipeline):
+        main_est = main_est.steps[-1][-1]
+    if hasattr(main_est, "model_") and hasattr(main_est, "save_weights"):
+        if out_weights:
+            main_est.save_weights(out_weights)
+        del main_est.model_
+        del main_est.fit_params
+        del main_est.model_class_
+        if getattr(main_est, "validation_data", None):
+            del main_est.validation_data
+        if getattr(main_est, "data_generator_", None):
+            del main_est.data_generator_
+
+    with open(out_object, "wb") as output_handler:
+        pickle.dump(estimator, output_handler, pickle.HIGHEST_PROTOCOL)
+
+
+if __name__ == "__main__":
+    aparser = argparse.ArgumentParser()
+    aparser.add_argument("-i", "--inputs", dest="inputs", required=True)
+    aparser.add_argument("-X", "--infile_estimator", dest="infile_estimator")
+    aparser.add_argument("-y", "--infile1", dest="infile1")
+    aparser.add_argument("-g", "--infile2", dest="infile2")
+    aparser.add_argument("-o", "--out_object", dest="out_object")
+    aparser.add_argument("-t", "--out_weights", dest="out_weights")
+    args = aparser.parse_args()
+
+    main(
+        args.inputs,
+        args.infile_estimator,
+        args.infile1,
+        args.infile2,
+        args.out_object,
+        args.out_weights,
+    )
diff -r 000000000000 -r 3b6ee54eb7e2 stacking_ensembles.py
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/stacking_ensembles.py	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,131 @@
+import argparse
+import ast
+import json
+import pickle
+import sys
+import warnings
+
+import mlxtend.classifier
+import mlxtend.regressor
+import pandas as pd
+from galaxy_ml.utils import (get_cv, get_estimator, get_search_params,
+                             load_model)
+
+warnings.filterwarnings("ignore")
+
+N_JOBS = int(__import__("os").environ.get("GALAXY_SLOTS", 1))
+
+
+def main(inputs_path, output_obj, base_paths=None, meta_path=None, outfile_params=None):
+    """
+    Parameter
+    ---------
+    inputs_path : str
+        File path for Galaxy parameters
+
+    output_obj : str
+        File path for ensemble estimator ouput
+
+    base_paths : str
+        File path or paths concatenated by comma.
+
+    meta_path : str
+        File path
+
+    outfile_params : str
+        File path for params output
+    """
+    with open(inputs_path, "r") as param_handler:
+        params = json.load(param_handler)
+
+    estimator_type = params["algo_selection"]["estimator_type"]
+    # get base estimators
+    base_estimators = []
+    for idx, base_file in enumerate(base_paths.split(",")):
+        if base_file and base_file != "None":
+            with open(base_file, "rb") as handler:
+                model = load_model(handler)
+        else:
+            estimator_json = params["base_est_builder"][idx]["estimator_selector"]
+            model = get_estimator(estimator_json)
+
+        if estimator_type.startswith("sklearn"):
+            named = model.__class__.__name__.lower()
+            named = "base_%d_%s" % (idx, named)
+            base_estimators.append((named, model))
+        else:
+            base_estimators.append(model)
+
+    # get meta estimator, if applicable
+    if estimator_type.startswith("mlxtend"):
+        if meta_path:
+            with open(meta_path, "rb") as f:
+                meta_estimator = load_model(f)
+        else:
+            estimator_json = params["algo_selection"]["meta_estimator"][
+                "estimator_selector"
+            ]
+            meta_estimator = get_estimator(estimator_json)
+
+    options = params["algo_selection"]["options"]
+
+    cv_selector = options.pop("cv_selector", None)
+    if cv_selector:
+        splitter, _groups = get_cv(cv_selector)
+        options["cv"] = splitter
+        # set n_jobs
+        options["n_jobs"] = N_JOBS
+
+    weights = options.pop("weights", None)
+    if weights:
+        weights = ast.literal_eval(weights)
+        if weights:
+            options["weights"] = weights
+
+    mod_and_name = estimator_type.split("_")
+    mod = sys.modules[mod_and_name[0]]
+    klass = getattr(mod, mod_and_name[1])
+
+    if estimator_type.startswith("sklearn"):
+        options["n_jobs"] = N_JOBS
+        ensemble_estimator = klass(base_estimators, **options)
+
+    elif mod == mlxtend.classifier:
+        ensemble_estimator = klass(
+            classifiers=base_estimators, meta_classifier=meta_estimator, **options
+        )
+
+    else:
+        ensemble_estimator = klass(
+            regressors=base_estimators, meta_regressor=meta_estimator, **options
+        )
+
+    print(ensemble_estimator)
+    for base_est in base_estimators:
+        print(base_est)
+
+    with open(output_obj, "wb") as out_handler:
+        pickle.dump(ensemble_estimator, out_handler, pickle.HIGHEST_PROTOCOL)
+
+    if params["get_params"] and outfile_params:
+        results = get_search_params(ensemble_estimator)
+        df = pd.DataFrame(results, columns=["", "Parameter", "Value"])
+        df.to_csv(outfile_params, sep="\t", index=False)
+
+
+if __name__ == "__main__":
+    aparser = argparse.ArgumentParser()
+    aparser.add_argument("-b", "--bases", dest="bases")
+    aparser.add_argument("-m", "--meta", dest="meta")
+    aparser.add_argument("-i", "--inputs", dest="inputs")
+    aparser.add_argument("-o", "--outfile", dest="outfile")
+    aparser.add_argument("-p", "--outfile_params", dest="outfile_params")
+    args = aparser.parse_args()
+
+    main(
+        args.inputs,
+        args.outfile,
+        base_paths=args.bases,
+        meta_path=args.meta,
+        outfile_params=args.outfile_params,
+    )
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/GridSearchCV.zip
Binary file test-data/GridSearchCV.zip has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/LinearRegression01.zip
Binary file test-data/LinearRegression01.zip has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/LinearRegression02.zip
Binary file test-data/LinearRegression02.zip has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/RF01704.fasta
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/RF01704.fasta	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,4 @@
+>CP000097.1/1411351-1411410
+CAACGUUCACCUCACAUUUGUGAGGCGCAGACAACCCAGGCCAAGGAACGGGGACCUGGA
+>ACNY01000002.1/278641-278580
+GAUCGUUCACUUCGCAUCGCGCGAAGCGCAGUUCGCCUCAGGCCAUGGAACGGGGACCUGAG
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/RFE.zip
Binary file test-data/RFE.zip has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/RandomForestClassifier.zip
Binary file test-data/RandomForestClassifier.zip has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/RandomForestRegressor01.zip
Binary file test-data/RandomForestRegressor01.zip has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/StackingCVRegressor01.zip
Binary file test-data/StackingCVRegressor01.zip has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/StackingCVRegressor02.zip
Binary file test-data/StackingCVRegressor02.zip has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/StackingRegressor02.zip
Binary file test-data/StackingRegressor02.zip has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/StackingVoting03.zip
Binary file test-data/StackingVoting03.zip has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/XGBRegressor01.zip
Binary file test-data/XGBRegressor01.zip has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/abc_model01
Binary file test-data/abc_model01 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/abc_result01
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/abc_result01	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,6 @@
+0	1	2	3	predicted
+3.68258022948	2.82110345641	-3.9901407239999998	-1.9523364774	1
+0.015942057224	-0.7119585943469999	0.125502976978	-0.972218263337	0
+2.0869076882499997	0.929399321468	-2.1292408448400004	-1.9971402218799998	1
+1.4132105208399999	0.523750660422	-1.4210539291	-1.49298569451	1
+0.7683140439399999	1.38267855169	-0.989045048734	0.649504257894	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/abr_model01
Binary file test-data/abr_model01 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/abr_result01
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/abr_result01	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,6 @@
+0	1	2	3	4	predicted
+86.97021227350001	1.00532111569	-1.01739601979	-0.613139481654	0.641846874331	0.323842059244
+91.2021798817	-0.6215229712070001	1.11914889596	0.390012184498	1.28956938152	1.1503117056799999
+-47.4101632272	-0.638416457964	-0.7327774684530001	-0.8640261049779999	-1.06109770116	-0.7191695359690001
+61.712804630200004	-1.0999480057700002	-0.739679672932	0.585657963012	1.4890682753600002	1.1503117056799999
+-206.998295124	0.130238853011	0.70574123041	1.3320656526399999	-1.3322092373799999	-0.7191695359690001
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/accuracy_score.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/accuracy_score.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+accuracy_score : 
+0.8461538461538461
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/auc.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/auc.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+auc : 
+2.5
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/average_precision_score.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/average_precision_score.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+average_precision_score : 
+1.0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/best_estimator_.zip
Binary file test-data/best_estimator_.zip has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/best_params_.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/best_params_.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,1 @@
+{'estimator__n_estimators': 100}
\ No newline at end of file
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/best_score_.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/best_score_.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+best_score_
+0.7976348550293088
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/blobs.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/blobs.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,101 @@
+0	1	0
+0.33681845896740	-3.40287961299073	0
+-9.48324265575857	-8.66266051536995	2
+-1.93336328496076	5.70953908146890	1
+-10.03182405989413	-5.57834393458362	2
+0.54186077661701	-4.37693628326930	0
+-8.12962929067378	-7.05554320549807	2
+-0.73082578569427	7.32375551699482	1
+-1.84142532007015	6.20630466830832	1
+0.41007185031668	-3.99744881000119	0
+-8.73509589323240	-5.49090535208751	2
+1.84941962277054	-3.91839345672969	0
+-9.15256068848857	-9.17805648051067	2
+-3.21429939077830	5.75926163957071	1
+0.28450378549664	-3.61576522643830	0
+-0.92907484922306	5.79099955373578	1
+0.36692524194483	6.51861929622910	1
+1.59909917965412	-3.07105617297875	0
+-9.71270568435724	-7.91707651499009	2
+-10.08040443063205	-6.55135324108655	2
+1.10594345774293	-4.41906374949547	0
+2.48708049649457	-2.89100712361067	0
+0.00587148930883	-3.18314255539710	0
+1.61854359735349	-4.88855922559208	0
+-9.15856722108140	-7.13894114847511	2
+-3.07633571459573	7.80049676786476	1
+0.11174653022487	-3.61615828710479	0
+-9.43932350782336	-7.29863034570663	2
+-1.69466229591445	4.40837111117530	1
+1.05261752638325	-3.49553009701512	0
+-10.50560592102942	-5.99245086001851	2
+1.54081964152897	-4.53702344151471	0
+0.32228789680820	6.89854008042929	1
+0.61621969660610	-5.27504803637537	0
+-10.22545392329864	-8.71635918421430	2
+-10.61004107591557	-8.15999270542289	2
+-0.74547966700287	-2.96189843151195	0
+0.78848758990191	-5.32234377938911	0
+-10.42005276754933	-7.78467770434098	2
+-2.90664752997062	5.79835066175825	1
+-10.32143921202120	-8.92712052109752	2
+-0.21338559861828	7.84779827247996	1
+-0.07194732572546	-5.26054466248995	0
+-7.60696893546687	-7.73382713697845	2
+-1.37722038386856	6.91773657443747	1
+-3.21560019075551	7.26468660350508	1
+-10.36154489539457	-6.91944465708303	2
+-9.60457341239248	-9.25351754602290	2
+-2.72690231565835	6.73825747902294	1
+-2.80603999216749	6.99066208996353	1
+-0.81952671479263	7.58241271253648	1
+-2.08847400980833	5.69607144720414	1
+-0.31991876149841	-4.98235849165957	0
+-11.32066579703307	-8.20937750734829	2
+-7.96236061274655	-9.01605369665730	2
+2.16784691057462	-6.16570792177736	0
+1.89502027521910	-5.86480290918300	0
+-8.66871499099032	-7.79890226276482	2
+2.05772110384843	-6.12322912450768	0
+-9.31359960682017	-8.00568199998929	2
+-0.76743056356151	-5.47682217583339	0
+-3.46772941922521	6.76072133440808	1
+1.09049844437461	-5.87582929334941	0
+-0.11521126331032	-4.07510454495671	0
+1.08927850504071	-5.50265562869237	0
+-0.61505047925733	7.65521576624828	1
+0.42996321311489	-5.55093054437951	0
+-0.75919485469050	5.58853030731725	1
+-9.12599657251685	-8.00673850068656	2
+-9.77537442082784	-6.61925671967673	2
+-3.01723334528173	7.00340677720469	1
+-0.97308946436741	-4.06651907195677	0
+-0.48830021304200	-5.66504681203900	0
+-11.92081159330307	-7.64815817127183	2
+-9.38262507165980	-7.58496298709520	2
+0.07652275340590	7.58891330491466	1
+0.97696230365299	-3.92480270763176	0
+-7.83082970823398	-7.91191526652019	2
+-3.00736856610051	5.70163666960614	1
+-1.87511017769397	5.62449960555141	1
+-9.68323206673510	-8.25353931958495	2
+-9.30119933759135	-8.47564800181842	2
+0.32365967414684	-5.10078403493750	0
+-1.74836105433202	5.46645574794978	1
+-0.56064340851208	6.87612506043561	1
+0.67860300499613	-4.17761085385070	0
+-8.20199888805984	-8.29076835439347	2
+-3.05026420956995	8.94223661488021	1
+-8.81193622652183	-7.79813533757767	2
+-9.16862770716234	-7.13275033182281	2
+-4.48296365906822	6.92883992453694	1
+-10.52225224786374	-6.80543393827772	2
+-1.58567165074196	6.89948024038567	1
+-1.75853685207545	6.44534621138642	1
+-9.91452153947266	-8.11181559274489	2
+-1.40077619511942	6.92380628122115	1
+-1.19228020907627	6.14310846867304	1
+0.87541339904821	-5.04555103360224	0
+1.48113771750685	-3.69640708480025	0
+0.52495937648759	6.34480823448348	1
+-0.01369955366371	-4.41397334863602	0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/brier_score_loss.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/brier_score_loss.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+brier_score_loss : 
+0.24051282051282052
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/circles.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/circles.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,101 @@
+0	1	0
+-0.06279051952931	-0.99802672842827	0
+0.05023241562345	0.79842138274262	1
+-0.99211470131448	-0.12533323356430	0
+0.42577929156507	-0.90482705246602	0
+-0.30901699437495	-0.95105651629515	0
+-1.00000000000000	-0.00000000000000	0
+-0.18738131458572	-0.98228725072869	0
+-0.53582679497900	-0.84432792550202	0
+-0.77486652890290	-0.19895190973188	1
+-0.87630668004386	0.48175367410172	0
+-0.24721359549996	-0.76084521303612	1
+0.80000000000000	0.00000000000000	1
+0.42866143598320	-0.67546234040161	1
+-0.58317490193713	0.54763768474295	1
+0.70104534403509	-0.38540293928137	1
+-0.74382118871060	-0.29449964214774	1
+-0.74382118871060	0.29449964214774	1
+0.80901699437495	0.58778525229247	0
+0.30901699437495	-0.95105651629515	0
+0.18738131458572	0.98228725072869	0
+-0.87630668004386	-0.48175367410172	0
+-0.42866143598320	-0.67546234040161	1
+-0.50993919179895	-0.61641059422063	1
+0.63742398974869	-0.77051324277579	0
+-0.92977648588825	-0.36812455268468	0
+-0.92977648588825	0.36812455268468	0
+-0.96858316112863	0.24868988716485	0
+0.24721359549996	-0.76084521303612	1
+-0.14990505166858	-0.78582980058295	1
+-0.80901699437495	0.58778525229247	0
+-0.63742398974869	-0.77051324277579	0
+0.72896862742141	0.68454710592869	0
+0.92977648588825	0.36812455268468	0
+0.06279051952931	0.99802672842827	0
+0.79369176105158	0.10026658685144	1
+-0.34062343325206	-0.72386164197282	1
+-0.77486652890290	0.19895190973188	1
+-0.14990505166858	0.78582980058295	1
+0.70104534403509	0.38540293928137	1
+-0.50993919179895	0.61641059422063	1
+-0.80000000000000	-0.00000000000000	1
+-0.79369176105158	0.10026658685144	1
+0.50993919179895	0.61641059422063	1
+0.53582679497900	-0.84432792550202	0
+-0.79369176105158	-0.10026658685144	1
+0.79369176105158	-0.10026658685144	1
+-0.53582679497900	0.84432792550201	0
+0.50993919179895	-0.61641059422063	1
+-0.05023241562345	0.79842138274262	1
+1.00000000000000	0.00000000000000	0
+-0.63742398974869	0.77051324277579	0
+0.72896862742141	-0.68454710592869	0
+0.06279051952931	-0.99802672842827	0
+0.80901699437495	-0.58778525229247	0
+0.18738131458573	-0.98228725072869	0
+-0.64721359549996	0.47022820183398	1
+0.58317490193713	-0.54763768474295	1
+-0.80901699437495	-0.58778525229247	0
+-0.70104534403509	0.38540293928137	1
+0.87630668004386	-0.48175367410172	0
+0.58317490193713	0.54763768474295	1
+-0.64721359549996	-0.47022820183398	1
+0.34062343325206	-0.72386164197282	1
+0.05023241562345	-0.79842138274262	1
+-0.72896862742141	0.68454710592869	0
+-0.58317490193713	-0.54763768474295	1
+0.64721359549996	0.47022820183398	1
+0.14990505166858	-0.78582980058295	1
+0.14990505166858	0.78582980058295	1
+-0.24721359549996	0.76084521303612	1
+0.92977648588825	-0.36812455268468	0
+0.99211470131448	-0.12533323356430	0
+0.63742398974869	0.77051324277579	0
+0.74382118871060	-0.29449964214774	1
+0.34062343325206	0.72386164197282	1
+0.64721359549996	-0.47022820183398	1
+-0.06279051952931	0.99802672842827	0
+0.99211470131448	0.12533323356430	0
+-0.72896862742141	-0.68454710592869	0
+0.87630668004386	0.48175367410172	0
+-0.96858316112863	-0.24868988716486	0
+0.96858316112863	0.24868988716485	0
+0.42577929156507	0.90482705246602	0
+-0.42577929156507	0.90482705246602	0
+0.42866143598320	0.67546234040161	1
+0.24721359549996	0.76084521303612	1
+-0.30901699437495	0.95105651629515	0
+0.77486652890290	-0.19895190973188	1
+-0.42577929156507	-0.90482705246602	0
+-0.18738131458572	0.98228725072869	0
+-0.34062343325206	0.72386164197282	1
+0.74382118871060	0.29449964214774	1
+0.77486652890290	0.19895190973188	1
+0.30901699437495	0.95105651629515	0
+0.96858316112863	-0.24868988716485	0
+-0.70104534403509	-0.38540293928137	1
+-0.05023241562345	-0.79842138274262	1
+-0.42866143598320	0.67546234040161	1
+-0.99211470131448	0.12533323356430	0
+0.53582679497900	0.84432792550202	0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/class.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/class.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,101 @@
+0	1	2	3	4	5	6	7	8	9	10	11	12	13	14	15	16	17	18	19	0
+1.103931098477063	1.1137324694427062	2.929660893432376	0.8263678474871072	-0.5024439301629023	-0.9778311716440287	-0.6702242261982462	-0.3783418745400049	-1.9100911341304148	0.41080891898717925	1.6359138753477174	-0.3544401787737543	-0.7776883945882607	-0.711126068648103	-1.1632958763488586	2.881523323585383	-0.3331610016599995	1.0249635446624175	-1.204722529676112	0.9686027151980944	1
+-0.5270034201986623	-2.4370266994140035	-0.46398126201591683	0.6724964425333426	0.32128693891873533	-1.4561055975293318	0.9733737109300644	1.2635448363305384	-0.9655190314614323	-0.30440284592936967	0.2928325635717791	-0.642481126749871	-0.17778292517384178	-0.23575096986827987	0.770818433376395	1.002493460919832	0.44402946209787597	0.38673364020325446	-1.0909759530149077	0.4374172416803542	1
+0.6343790937890923	-0.7044557030990274	-1.5479925634100813	-1.1375423986557498	0.7574995244231507	-0.2586895904715146	1.2113185073849615	0.8255591814670258	1.0488550790559334	-0.013557918030451043	-0.36824556412752163	-1.8422341740345995	0.9791413360462421	-0.23658235285975457	0.3758968273279556	-0.7379662029189028	-0.9558490082424093	-0.45167227065102006	-0.13587675227718632	-0.43481791249648283	0
+-0.2749398078895973	-0.602759369823714	-0.34817063773317436	1.2165805903649096	0.08822993442548502	-0.9828118947823061	1.1255554529825982	-0.5951138391567017	1.359567367140958	1.14745743851399	-2.2691569946862655	0.9270532988002531	-1.28390481061431	0.702184505359777	1.1599689740750685	-0.7022781266128805	-1.5820069707072104	-0.1640254026760564	-0.6268539047283007	-0.5343960171949464	0
+-0.8451664655381013	0.9592831641658773	0.29032122469609184	1.4456183940991385	-2.2668849557948265	0.49356800079005453	0.9973927328851383	-1.7077448427289017	-1.525140006218017	-0.2628130337984583	-0.6987088119151889	0.12372879270054708	-0.37829745272534815	-0.0010588423370812654	3.1974829539733727	1.7610392441369824	0.461991697252764	-0.8707192095484595	0.4949902726326138	0.7113500316301005	1
+-0.6479921130452116	-0.9442706004373587	0.20181386383006028	-1.0034745347115275	-0.9369221110721804	-1.003380717730042	-0.7275212508545039	-0.1820208348243829	0.869148773329888	-0.7855214383236936	0.1360612935062583	2.0654861372867295	-1.2399203282859266	-0.44615385943239716	1.7347311831934773	-0.6314619246803259	-0.76518919295205	1.2707549044789055	-0.7323378102483927	-0.3626096934734513	0
+-0.06451309551365764	-0.7249330776348837	0.5963143554325262	-1.379225616134922	1.1667980284973485	-2.274070053731467	0.7411405179848544	-0.6631329812615014	-1.567155162052582	-0.09527290234272089	-0.7316650418582739	-1.0020134142607244	-0.6953396335230776	1.5807860908438993	0.3379535699933314	1.8800551896643136	0.37962716233848903	0.5363444440333102	0.1390867505544731	0.7390508093906831	1
+0.7576049876525334	0.8726631262318649	0.8478637181249223	0.30198299200599726	1.0101338828657191	-1.3836221562341127	1.0376123351490436	1.0937481979752155	1.3929535047023875	0.8760511854123076	-1.2981174812942935	0.3025477016355275	-0.14253519602584672	1.2887025562956078	2.1562199933480133	-1.0111580468681463	-1.2275056029861684	-0.2688763993683175	-2.2719054986176683	-0.5810422898079113	0
+2.5394320331114613	0.46034921066168377	0.8315330299051433	-0.9396024430587621	-0.37614736761593637	-0.17996331764913345	1.455421460737774	1.5223077678776793	1.1770030840483332	0.40359841542535574	-0.03766667059723912	0.2415068878754467	-0.44558826380657596	1.2774520318648948	-1.8848343873195796	-0.23434224565939143	-1.8735210102773319	2.299369468755593	0.11182257854217889	-0.41968753568332984	0
+-1.1654317335035704	-0.23406889069910192	-1.3485118844184532	0.7912949804001552	-0.19206908223922012	-2.752037662677927	-1.6014139415281856	-0.5108631934878929	1.4041570989659866	0.5382460975045578	0.012866884184724063	0.7910261496852212	-0.5285056361126661	-2.874968879865529	-0.8428605517089753	-1.4276668142409976	-0.6865704170544349	0.8660591728218054	1.176952513690748	-0.6326584957221068	0
+0.9050654404010442	1.5248626005482613	0.0537117476660896	0.10714253527293145	0.5436279322698345	-0.9162199391704404	1.1974173477959238	-1.6813868155498577	0.465763145265903	1.6525856413988107	-2.023763530020729	-1.2225052973966217	0.48905360189011937	-0.06340532135397717	-0.8428196875999223	0.9810796287807456	-2.1897236651211855	-0.5362903624231383	0.6151521853927577	-0.042643618877945336	1
+0.2854489945462638	0.3530051834614323	0.1332902420274303	-2.066453723784956	-0.2645836803644654	0.5245478462345327	0.2238241190906629	-0.48256531456153773	0.13249140142592644	0.9127282586749043	2.6474189892831026	-0.37219899010144253	-1.548077411041423	0.662893215100046	-0.8853951972314839	1.183629012690877	-1.8429271907244553	0.8100978673990902	-0.3284080793917298	0.09184768542206719	1
+-1.3227165003614927	-0.7799983027126963	0.18479275551351085	-0.14231230753550203	-1.3945327153213618	-0.0758997670485449	0.6986307702990094	1.6282076357873105	0.18237029611060487	-0.7109024225989671	-0.2724518087709634	0.4729134646484038	0.5454540297228883	-1.0722422723792842	-0.606184110109761	0.8021132176384902	-1.4211379561267314	-0.3389835320929106	-1.44904592785806	0.031348504552504486	1
+-2.197691926666584	-1.7077148903852681	-0.6449885420999844	-0.06865025280146782	0.4202392504617797	0.968886848221698	-0.005924072251181685	-0.6511305169582245	0.3998134505861388	0.892257884749868	1.3521367585609907	-0.7404970062580767	-0.46898715506363886	1.275597323305137	0.14386099595965895	-1.838491122688009	1.7359354044223765	-0.1551428089500599	-0.43232000255589664	-0.3447470104944261	0
+-0.2670710335696844	1.7812245781622742	-1.1329343313282814	-0.24423451883692596	0.7548220931778789	-1.8862883675077626	0.6526294599846313	-0.3676598535224105	-0.2448455084452909	-0.6772836861850628	0.5942014265411584	0.2375037940405147	-1.1168006401508905	2.6256144457846546	-0.6716078230151616	-0.2989663691054665	0.8587286854080793	0.4974278727895833	1.0406815179638391	0.047335395957696466	0
+-0.4829965988829622	-0.8664172853019196	0.010536697447195188	-0.24957125769621874	-0.5053469214826972	-0.5661823837482267	1.397031114430776	0.9362535725466031	0.8494481273008917	-2.3689801750315524	-0.11515634319648775	-0.8619219742938617	0.5524984188665393	1.5190033138842483	-0.9215808226333405	-2.2309955927486342	1.4288742583770047	-0.5196163599941902	2.2436594507282206	-0.5399023920325723	0
+0.988208848486463	-2.585767588999438	-0.009847287471481413	0.30217682520827216	-2.221510823700524	0.9425068791712249	0.6889213621579444	-1.0110351209554707	1.3983331823298473	0.017600206923097966	-0.49772668445684926	0.041274574202699865	0.39315819224910903	0.687759695794799	0.8198061540197786	-1.6938202943901621	-0.31675443490083666	-0.5176603237193814	0.7734409975442094	-0.6613095000652233	0
+-1.6500251948243565	-0.5881887751399346	-0.008457486200020091	-1.0255372547670172	2.883969251775838	0.6841194893268114	0.36522540717596585	-0.4063786899313203	-0.4597632229684979	0.6689473090641462	0.5824042646735971	0.3231095013887879	0.59519151467352	0.40271751266444333	0.2803223035037342	1.1596486152072958	-0.7088028618998904	-1.7236514338073596	0.5349275937487872	0.28671842601834485	1
+0.30430567959512733	-0.6926221975020497	-0.3586531509541748	0.11220827271785544	-0.6418145875587414	0.40043811487947506	-0.5627558800719191	1.5870889370740489	-1.1979020496525155	0.9287687328933728	-0.9429787966287079	-0.4694866980716366	0.5476098176306101	0.9911844589581342	-1.890064241013992	0.810682748482377	1.135044917480963	0.5813591730005884	1.5988127102205738	0.4929116267678903	1
+0.40492907257520244	-0.6514435841992149	1.8847060544535634	0.25069797962239826	0.2098594845826785	-0.8699566545276876	0.7644150970416564	-0.5372191508425196	0.8513726693635947	-1.6024845301638289	-0.23003580655162623	-1.0594997311547119	0.1503781049950916	-0.697530591149039	-0.06048301501585981	-1.225374349155504	0.06893531119317442	-0.5498117799824236	0.2629482684151777	-0.42494833533236415	0
+-0.6938752020747251	-0.16425303413718284	-0.786824522255031	1.7668617516726024	0.1351177762474505	-0.6769151658288148	1.099720527820615	-0.2108673539727271	-0.09240517052244847	1.9753281712575461	1.0326537546555192	-0.5857366554551754	2.527070920782692	-1.1314983848532563	-1.2203869916654786	0.5386023310337225	-0.5545516579065658	1.617741961423047	0.026714277801613007	0.09274673011429316	1
+-1.2855738604138573	0.9527052435093047	-0.5393910228200474	0.1406950564673274	0.6278876784461687	2.2921936458109897	-0.8296277386100398	-0.8276017374999237	-0.5691114767876203	-0.7804341795136254	-0.3115251054922687	1.1604663708722944	-0.45823039827601697	0.096940343318409	-0.4661721263852442	0.7914638179665774	-0.008781526693367847	0.540432755366913	1.2382624131362387	0.2808835720014097	1
+0.01971106661270503	0.022725782621203446	-0.7171971284211488	-0.844608668797061	0.17759075527122256	0.32351256640857523	1.1092738552242762	0.8459134704189475	-1.0092620261375949	0.3312851879047735	0.8493202690407095	0.7463122829548583	2.2751079842809023	-0.365800592740796	1.392872207641418	0.2672220726832053	1.5171222642682722	0.6271956315522539	0.12548690045124972	0.3674941717644202	1
+-0.9272485993677742	-0.3992846345441018	1.0312821968019672	-1.0164811121806232	-0.5788411209471953	0.1621555997620361	1.4878944321336367	-2.305258151983712	1.0526886159889823	-1.1927713830291693	0.35643089395408944	-0.35781685235193555	0.24420707079596798	-0.7032369510661453	1.3748594175398903	-0.265531361494145	-1.6001897901099145	1.5225430928104695	1.1284147518659724	-0.38179068502908986	0
+0.8466872377493828	0.21453403707113433	0.6877174913431068	-0.4470343315836607	-0.9060867789442381	0.22357751470350606	-1.4313384494982322	0.7146958272683516	1.2868876187481681	0.6108180939736211	1.6680351279664263	-2.2704132021611114	-0.5699517962545901	-0.5390686415774785	-0.6652888855585158	-1.9249041040915857	0.2022499134735356	1.4692083028521956	0.9692133398427439	-0.650684739883086	0
+-0.601702497867707	0.03192366589002642	-1.0154893571166628	1.2277054932407083	-0.17345609362160444	1.3508013650170736	-0.8603704762851204	0.7158372997438407	0.609842377909055	0.26686482080895313	-0.21636159151507584	1.4178789398571483	0.07902571896854252	1.6204683987456092	-1.0280706824933712	-1.405364977188804	0.7610249189649491	-0.7259753124258116	-1.1264854630318841	-0.3650429101933015	0
+0.2407422845881994	2.8857517953922764	-0.023980761898605114	-0.45619206614093344	0.6177594707762792	-0.08768373982573438	1.7598211003608997	-0.031028697570925873	-0.49143266590475054	-0.05864391264016893	-2.2134606073911924	1.0913309075290665	0.9117965623133085	-0.12278570026442888	-0.8739999199474732	1.1171072920808645	-0.5925089707550872	1.2372535126873845	2.124745399513117	0.2923959583087956	1
+0.17584571165005292	-0.8511320881692872	-2.2051034645754948	-0.6116310759188245	-1.2047158798971238	0.66839521890313	0.8991245292770655	0.4741248277718854	0.1760900687774567	-0.6307555906525206	0.9535866516994639	0.9371915337062796	-1.4228495469631228	0.16029074988453906	1.8555455403701624	-1.869116730286061	2.1934384645923486	-2.281305792694086	2.8097011435732293	-0.2736139860084672	0
+0.5242236519537231	-0.06307879670506915	-1.3294456177962388	0.8242892015046335	-1.081258571215189	1.3449502719441988	-0.50356048600791	-0.38621990548929036	-0.05314119332051215	-0.45271329511708064	0.087257980752205	-2.050905763049373	1.1197161016785873	0.9167469515279244	0.687592786751324	0.8579972616602627	-1.0583875221093613	0.7563768879274201	0.37967322200031345	0.11635935179374274	1
+0.558346902284024	-0.9309696527726209	-2.0842708835548924	0.030877752980638058	1.0396388948858852	-0.3022844248616988	-1.277629080640249	-0.6294458606293386	1.238756470825371	0.13639753659343484	-0.3188074229604005	-0.9443200259389776	-0.41149095236240474	-1.337165050885127	-0.33733841113672913	-1.0953021286821771	-0.8271589650497895	1.2703115446925113	0.6531758521433048	-0.5392612125425414	0
+-0.7379887070817857	-1.2626042854762183	0.17912390469970796	0.32669169909966733	-0.5343938353030584	-0.8617991799058063	-1.0231988412194268	-2.38861407368411	-0.15825189124877934	1.3263448403293359	1.7165027742351253	0.5384660112416041	1.3283330921381156	0.21309224825039347	0.9270035239969678	0.9968859637509941	-1.0501783925356227	-0.4559683500449692	0.6819648840132921	0.16739862639293818	1
+1.4476040528943543	-0.6314322515594253	0.14853198602056514	0.1396675784886334	0.016672373423269438	0.16564178605539887	-1.0040158066788205	-0.5327923727826095	1.147051857581131	-1.1417786944082575	0.44682624679647864	-1.3120985315266447	0.7869814652437135	-0.46902780374760905	0.7464021537026985	-1.153959736241712	-0.5774434779881016	1.8363081603106133	-1.7651938506826501	-0.5154033311511862	0
+-0.694949123737318	1.4480014208760492	1.114733892631557	1.3552725615328403	0.32870245607283527	2.182275910834502	-0.43728724254382445	-0.32108899071015246	1.7059375939854156	-1.0144720406973653	-1.1268282836571295	0.9114744851303214	0.2876311214263635	-0.9194792276680201	0.8712160137184647	-1.6822107044034538	-0.9046542625496667	-1.2265674316518074	-0.08885766708388806	-0.7626183729066613	0
+-0.4951739548431622	3.075573893432424	0.7125389403746353	0.7127480011897636	3.85793967348964	-1.380114296433079	0.830819563694863	1.6659047027918155	1.692437606180482	0.132962280436304	0.13986220576101485	-0.8782681675417305	0.692696057131838	0.21421904746683115	-0.08289852500467178	-1.697739157869832	-0.8585956144545324	0.3596237434172795	1.0687856807518747	-0.7598986082131621	0
+-0.24659729953406678	0.48028838228527204	-0.021175774300496716	-0.3664962494470602	0.01003713940839754	-0.25227004044698087	-1.9569675522430627	-0.22013056376799153	1.0072449553370086	1.490533097267343	-1.163235822180662	-0.564484658307677	-0.6542808538079327	0.3252062923168107	-0.39939137701024663	-0.4953677656109705	-1.2056522392978473	0.33107168261445835	0.8604754069049109	-0.3930464701607799	0
+1.0901528926431487	-0.9453346120985947	-0.4729131940164531	1.443087583454784	-1.4130407277334363	0.24204583536789437	1.5221528599715186	-1.4925201736211136	-0.750070599045198	1.0925633619786013	-0.6563789851711918	2.000672024084738	1.9550554438780816	0.8237126081224749	-0.32415019818829954	0.3320842417897454	0.947459986817773	1.746256318275166	-0.9194491847633625	0.28846144012404507	0
+0.8621689184981023	0.07355255089438108	-0.8847286012386693	0.4796962084572591	0.5677535540962639	-2.5289475108846857	0.7483241867237762	2.288635291333243	-0.4638726726966315	-1.4726571262457677	1.2522315626273022	0.9146566431112833	1.3432368831212602	-0.1516899652786653	0.6523101983645719	0.8002795439355803	-0.2164492931029829	1.175609480746336	-0.5899674340661235	0.2467801870809084	1
+1.8327334301292564	2.7250208073497655	0.8850898918686639	2.02577923393804	1.1993328107538388	-0.6080810819389247	0.45076298555579936	-0.8695507065224324	1.4966446042512176	0.9689045577333327	-0.040195475275759104	-0.8394777244112416	1.3016102245353771	0.7079943796338916	0.170770931967963	-1.9468700714932357	-0.1583369501288343	1.5860651416439473	1.5303010308595233	-0.7232027745913409	0
+0.45675680055100876	1.6862402750755072	-0.3339099307005731	0.9727972485358709	1.5405555309799355	0.5095493726194038	-1.1769248912579864	0.14688445026802582	-1.8923413151325892	-0.3597035854371358	0.034288605346101064	-0.1895277822930986	-1.5451347924726995	1.2116386663488123	-0.8476549112820619	2.8325772842721397	-0.3001639683766244	-0.38212536558313037	0.30867526144867835	0.9570534912074047	1
+0.6675880922360743	0.061607686265927775	-0.5240201725381137	-0.2997158513385201	0.43035789354356024	0.36247267480026046	-2.8186530025073595	0.05633894424120396	-1.4240630471371363	0.9417552666999109	0.8621190134296215	0.827177562356735	1.276247945989341	2.297885578997527	-0.646962111575448	1.4674788351942492	0.6699042159445734	0.5558064722220939	-0.8570825503940438	0.6438772343953656	1
+-0.7230597875372071	0.7389509974901849	-1.93022327109422	-0.07844206283832174	-1.8155995691953226	0.4605439023890654	0.33409134205811086	0.27987375745446136	-2.1891803361957525	0.814324613537393	0.33687080618689497	-1.1366259127066474	0.38265856161425904	-1.6119503393696952	1.2140595171215174	3.690453997873541	-0.9050341895489411	0.9404548194318197	-0.6885408976578092	1.1547176268987822	1
+-0.20429550994058496	-0.7742446220627313	0.9314007484353164	2.565917360177608	-1.93736462781153	0.5384714676400842	0.9863681649066736	1.483178916134393	-0.9316097044806316	-0.5277830403219427	-1.328483968518206	1.1375377820834534	0.41535786515366985	-0.18726676450257188	-0.05624642393738156	0.046686315886620644	1.6701180226287295	0.4152987016284749	1.3110909185719273	0.31623204667724564	1
+-0.26759192177397656	1.2033205926353625	0.049037461548016935	-0.26722530141904327	0.9561499786482655	0.5229173631509835	-0.9762315218209106	-0.10777619396316224	1.6028516387787055	-0.4694062226879811	0.35280658284312694	-0.0751525704189141	1.3547691398570894	0.8054921061469411	-1.4257562814463445	-1.922437446100354	-0.38886964310660965	1.2860174671016282	1.3242380220962733	-0.7558340808429282	0
+-0.7430459223148423	-0.345025274037323	-0.6836501416815086	1.1810021618172988	0.4137586484133794	-1.0717355675879099	1.2401898182121198	0.7045354278052993	-0.9063430103781079	-0.8859252495127169	-2.1418516144035475	0.10342901781618742	-0.30175139488690217	0.527387687628702	-0.49581833514279516	1.0261169886240376	0.302080558087638	-1.1807980275906318	-1.0660552581621128	0.4203865372286456	1
+-0.8856978941958283	-0.5611773427197669	0.23925986087456783	0.0915712442891479	0.9195436457578192	-0.3182853136155345	-0.4101120092081721	-0.07936631605575531	0.5178580879150084	-1.645607964622266	-0.09891912036094928	0.06812570823584903	-0.07149411774529733	-0.1378586963310319	0.16979751913292426	0.9737023906726753	-2.2766864166854184	-1.2674959941594357	-0.16935301763051838	-0.06087500479564888	1
+-0.8347002345785401	-0.5852677365383244	-0.22290652406605962	-1.998282087632246	0.27650295204355396	-0.006598203487616498	2.2812721074024944	-0.7372621615773305	-0.5524691100306179	-0.8106258122291109	1.2972505366193468	1.1535198870555938	-0.9294976841312648	-0.2885403301648238	0.10382736210532115	-0.023326105815496323	1.059228248788412	0.34421346303858386	0.5515401814060694	0.1816700680401573	0
+-0.59892262579212	-1.6376756241371526	-0.378736298456714	-1.0418743710911664	2.5492856987737014	-0.6615569434901911	0.006317661817300752	-1.7976375781681988	0.046863996948282666	-0.3823403780460225	-0.13210003839031914	0.5417126512741955	-0.823533424001803	-1.3644765720109107	-0.9859808115749349	0.7527993867760319	-1.102540208655706	1.9406228046678644	-0.28559377932836866	0.07089647899954139	1
+1.3925260779906183	1.0778035873134737	0.07530237581078959	-1.6645104329617095	-0.05818985492234962	0.563949339433897	0.6791380636681086	0.5219979705833208	-0.6360766994468067	0.16841451395907342	-0.10405164557505987	0.49256225202705956	-0.5383113936858084	-0.30229931902300344	-0.3925687758796	-0.8161226282106238	2.2840703234313273	-0.38465598282466923	0.39058426076124503	0.11843675039187236	1
+1.1352016674683758	0.5648569127221107	2.397073067233959	-0.20268282272443056	-1.0917976649357448	-0.6601392708428152	-1.9445402822954807	-0.29178644639701495	0.2751710745518691	1.0097935422904265	1.5387536595031532	0.26393122365044175	-0.46273031364217426	-2.2292589330885986	-0.9134206948382958	0.8401731701415269	-1.645111014559415	1.5562083709832442	-0.1089062616381093	0.004757145532405901	1
+1.098875986566869	-0.4022899215971822	1.5175361283542563	-0.4806321621688906	-0.2984356710923274	0.6355011681954533	-0.5366404268123247	-1.2703180389254833	1.516758047371705	-2.132910373907718	0.025191903274544	0.8231244016664833	0.4804114112715212	-0.2851808701227014	0.7592043314019562	-1.6607300610426388	-0.5816933219806619	0.3696111506737348	1.0423327430213356	-0.6970225369060598	0
+0.8101916422542774	-0.6863958655184795	-0.5296495025503906	-2.593049387823186	1.3099523237532418	-0.5560681594651091	-1.1332472710708152	0.4487887875734142	1.3556075253585955	0.10193764725371153	1.0604911834109119	-0.16433173228337156	-0.24321111498677203	-0.5777727170864493	-0.2805096318513892	-2.591494319646014	0.9734907223316764	-0.4208166097429164	0.28768107786745795	-0.7502402390626048	0
+0.12340670941539608	-0.5283333516589073	-0.8105601159173703	-0.790472710889662	-0.4072015719616529	0.2499136810467275	0.7000452723146847	-0.7368148416525208	1.3152294000156877	-0.14471976544476078	-0.09180805144899466	0.07455981071053643	-1.7390992728519505	0.031047952046710476	0.06339992712334852	-2.68682916947328	1.1771921941427486	1.9998578404574014	1.2720349278692757	-0.7477253587693696	0
+-1.8463416145538356	0.9877470273404159	0.6090995914299342	-0.05454962931514019	1.5957629012804186	-0.7274708346047783	-0.4881110169164618	-0.10746411474278562	-0.22966924089385501	-0.41243382161399256	-0.4533996984310992	0.6296948056302356	-1.1360989745400003	-1.3017565892197434	-0.41546602951164513	1.0106305929502466	-0.9358580686121462	-0.8522489506584864	1.0907946273414781	0.1928095681182362	1
+-1.153885792720572	0.9710150739398405	1.2485130631114325	-0.922849593193101	0.40944806598520256	-1.2377573117811096	0.055893360103507414	-0.180323324487924	-0.9518528082448592	0.49790841207097386	-0.7935082792305357	-0.13442562190597213	0.6807164316349167	-0.7735959733304064	-2.338273386722357	0.09862297814391718	1.6377256011208965	-1.1446482896282357	-1.5573740255791648	0.32895701815399	1
+0.38416436496131556	-1.4737655176136435	0.09207904862564406	0.8282908984570213	-0.2281547965833843	-0.6788102101595077	-0.8116419957449114	-1.1963099714035128	-1.5560108513806363	0.7831220308214599	0.11250426233136833	-0.093173526942104	-0.22085148462505744	0.5748209312636592	-0.028677866459869465	1.8567762034490851	0.3902933933742653	-1.3867146526153864	0.009430420454783334	0.7326561834289222	1
+0.5333662646860791	1.2619572530223984	0.06886762106070753	0.8686502617410066	0.6091057104482803	-0.863695134710848	1.2455241795966359	-0.41089883250021403	-0.7780948095240008	0.2657401234141504	0.2092762944699149	-0.6045175428606584	1.1907316086258812	-0.6255334005329436	0.5106942988951843	-0.41078796254386396	2.001562705082795	0.920622863636502	0.11248681150043587	0.21241951185988145	1
+1.5038046653372112	-0.5482813446368637	-0.3641863572992026	-1.1327291781835451	-0.15806847832806897	-0.7192061272862257	-0.6950098823438737	-0.47009316461768835	-1.9377149832346678	-0.35779084437972	0.8451070985370979	-0.5080798628815741	0.5485566605075846	0.9761767931804848	0.43925107369417943	2.957596999924257	-0.3843783591548495	0.10415185780639113	0.9951843831205078	0.9865650926014994	1
+-1.9728640480783795	-0.584889332459948	-1.7115830531175702	2.1324867288289617	-0.5256451948154732	-0.13207671471324264	-0.9292471979014248	0.3506928143980163	1.3092760133267836	0.5398129189913056	-1.3559078555972999	0.39841641960968166	1.2537261342634507	0.9637445310773097	0.5431731800991407	-0.796177135299726	-1.3618004012670868	0.15859859636139104	2.7213336098665635	-0.5284081777192728	0
+0.41614597578860496	-0.1679131727874871	-0.18337459189215918	0.6847631554909649	1.4671555504106528	-1.0600082591583286	0.7597959068113311	-0.6926816136990898	0.5399648494662486	0.1429569524514458	-0.0482216355946755	-0.2086217318530937	0.6610574334671373	-0.31480674559033817	-0.06162756634039431	-0.7644973510153209	0.026631685382698556	1.2830307747086311	0.5078271760432795	-0.2680579423040609	0
+-0.012045236853271031	1.6925906279849425	-0.43238636618530835	-1.6847064151587414	2.2803112732391826	0.4504456177691022	0.8841718182048186	-1.1106346720321985	0.49231132027988483	-0.29108659019024025	-0.37667434221349183	-0.5384799446573829	0.2080936834521666	0.7315635547473112	0.5624562546330725	-1.0760533706627082	0.5355018164707845	1.580659829411814	2.135839579661295	-0.28797000142125845	0
+1.49961056170431	0.17185882517030615	-1.1299710458171193	-1.0986042355701349	0.2380742569517034	1.3281321131436516	1.1167682468088798	0.35564438892659067	-0.8928006143434813	0.14614254213307512	1.2829097566144694	-0.013688855208146944	-0.45706533906364627	-0.3062063943698761	1.9034164161920542	1.0929212167523317	0.1867834374796813	0.7587214440890531	-0.3029040483924579	0.42354677628115955	1
+-2.6545414330136725	1.8356854615940046	-0.5457976028267867	-0.9275320032879893	-1.3283248730961463	0.6232216740312264	0.596469164632437	-0.7210278452213854	-0.9118316286209408	-0.24928762363265858	0.952868090977543	1.11694972800202	0.5416161166668478	0.20604165648494577	-2.533714900686942	-0.016083961019089266	1.717987671558801	0.5450784715193229	0.5568882027647745	0.30241692371509693	1
+0.6668801993571806	-2.3053224234261527	0.48468627798385755	1.3546263068343696	0.11873192576862872	0.547052797574943	0.719991138685963	-0.524434980542717	-0.46901795027526905	-1.0137197024379423	1.3569787876682777	-1.2845045596199125	-1.5523887064375035	0.2108731700382351	0.19659506908435523	-0.953106011799891	2.1580484593930747	-0.2561154143302568	2.0759505803869307	0.04694527263670476	0
+1.1311811909202247	-0.6933878511104847	-1.265057694018798	0.5183435151558969	-0.07684033970519674	1.1988239385167685	-0.9469760525902353	0.5391724452767099	-0.23426383767301404	-0.1090739625676252	0.21359010083019977	-2.268619962246101	-0.7529456042925735	-0.8425159924738271	-0.05816611715256052	1.0977895592955997	-1.0448686711150859	0.9636968648987307	0.5900261263151266	0.2043616532143112	1
+0.3136974470241752	-0.8291825633597693	-1.0372415290485972	0.586065961267128	0.12771181052702799	-0.7640402478085184	-0.5004744114139862	1.6608354030583428	-1.5278423539544295	0.5708166717972424	1.5345529929213104	0.6876259510533493	-2.091922245950683	-0.3022998396168013	0.9114872277854996	1.766640084108124	0.4594646315912676	-1.1409669611458368	-0.7203819922636215	0.7128955852536363	1
+-0.0843840216296024	-1.3820347260227162	0.6397705674189378	1.0854940115848073	-0.8750993854125558	-0.5369047713298828	-2.6192806035910072	0.6701565503321437	-1.84641452901824	-0.10678367894303217	-0.7624907593835051	0.5861653271698655	-0.17704463664703687	0.7085263301324782	-0.8713026470236783	2.69143441504066	-0.19523201436527637	2.1560252861535147	-1.5795988238989795	0.9255039639597403	1
+0.6790203045104227	0.04209531864771717	-0.9611185195569437	-0.3493805390110045	0.3752751708285271	-0.28824269480756903	-0.0899568402734146	-0.7077880082031884	0.4219096981099068	-0.4093739891492758	-0.2055219060653654	1.3144282945889445	1.3487878682901	0.4293192866086668	-0.35331772809174306	-2.2826706845081164	2.29392855287745	-0.8770797047105753	0.6595634650916563	-0.4031787064662481	0
+0.6325447969724978	-1.5376848226493998	2.135545601595113	-0.7169675793179096	0.7929518975841817	-1.9315293250980572	1.3897142939008622	0.24930998597507595	-1.6440687479969183	-0.3704887551777182	-1.23787039502056	1.1836559269554183	-1.0938410824485512	-0.9895111468738925	-1.9260882651788052	2.109489705785208	0.21325468197813358	-0.1667210430129357	-0.4438538195629017	0.7910893416120955	1
+1.385783766454507	0.6443593624326104	-0.696350741910387	-0.823087860995007	-2.674354948547689	-0.49104596911569837	-0.14505356097389743	0.08649405653783686	0.32769430695483825	0.5845207431072055	-0.24481231922778438	0.8116910518786606	1.1430734254415746	0.32847783781427603	-0.24814981566368804	-2.8145262786887635	3.1865533860467052	0.44909883424446956	-0.402495596969506	-0.4328771627918769	0
+3.2529008023011587	-0.27166980167059496	-0.10473605798933078	-0.6534723222613076	-0.47729389928282157	0.19299500589830051	-0.24751855177125084	1.0219251961145952	-1.3171347334030596	-0.32230874972038603	-0.8110222905403106	-1.1322412716856916	-0.4661557022161254	-0.9471392661729446	-1.5958813690320397	1.160984081252255	0.8843769178013272	-0.035928362941471184	-0.8154578692172377	0.5729651158375776	1
+-0.9552158838227957	-0.3785028025591672	0.23351936921649144	-1.365343241823016	-0.6359698186412605	0.2872129861981349	0.01632286834064877	0.9912188508026412	-0.4305595490234799	-0.2605126207976518	0.3214442712943701	-0.20958795245614859	-1.4526406739111428	0.03730765585464991	-1.3274909827312888	1.1647254348024332	-0.769978389629172	1.0149522887472011	0.27653105409089324	0.27755713923924	1
+0.6551705283348923	-0.5615847942521986	-0.49519737438896855	0.23737629933432333	-0.4143994932544478	0.5167863504871545	0.3437170326220349	-0.7014811472600427	-1.6077015111257857	0.09451199914284816	0.5398998770150264	1.7475220863842662	-0.7767689612363475	-0.2216084475817371	1.183412573203491	2.0036214776598777	0.2883927875098986	0.46301689909689936	-0.5918632272605117	0.766784528636304	1
+-0.3361436284769567	0.1823427274870421	3.334203517597432	1.0128962309550167	-1.8811146489414055	-0.958168335581346	-0.5484922802752095	0.11760845626656423	1.1468147240921671	0.49875048880422795	3.1733905239619795	-0.0526349697724523	0.08652484860757291	0.5769340599430341	-1.0778260770671824	-0.8829578732735933	-0.9425233847712056	1.6033719963489919	1.8445232062556762	-0.48417251502812303	0
+0.9050528629328798	-0.012035767922212968	0.21306591909620448	1.0094897718684082	1.8398709351830922	-0.20939878024355807	1.544249561568332	-0.5558744255462802	-0.14830157676341127	-0.9129893226159165	-0.9052536407792096	-2.185153803257982	-0.7555250892846609	1.0407174952822522	-0.45036832301510676	0.8342667153934721	-0.849352027222355	-0.9657156624472774	-1.0122112207459872	0.1453852453196201	1
+1.178239159200306	-1.0652461548210312	0.32928250529485964	0.16713678370411497	0.12495397935004156	2.745117964775073	0.6030536979033265	-0.5722638992074314	0.9615416437730038	-0.44340798605665754	-1.5164304957203023	-1.0614676369216434	-0.08605564337254189	-0.15484845483449294	0.7389539007599524	0.7502907577776994	-2.800745114653922	-1.9836209428041778	-0.1788939995187421	-0.23460734202135813	0
+-0.022012467048051917	-0.2980589001770356	-0.9287657608462492	0.2022550669003972	1.3583611934492914	-0.3473542636872249	-0.08008290659022492	-1.094868489559057	0.3797735402439996	-1.9003696914644261	1.3733264119781319	0.49468129909971936	-0.5266982026448499	0.21506804700839205	-1.0239364192571805	0.08708817019212689	-0.8239609000108052	-1.0562806080043665	-0.6782509079000207	-0.11671445720024777	0
+-0.05535106725613376	1.897495684900051	-1.2961422703619865	-2.2362527882016288	0.6062782036825521	2.4944056179800698	-0.3652339819814644	-0.4307541449118705	-0.5320017432805376	0.42491286095294456	0.8968935558620045	-0.3501200079640903	-0.9035207258064066	-0.20458977846842988	0.6228215147539629	0.36595471824159787	0.4960995217769678	-0.7661022207718267	0.046327557310846944	0.21958825180654357	0
+0.4892337648335795	-0.887961134764646	-0.6575191404509574	-0.9041652092433549	-0.1504880604676619	-0.14829295739477777	0.28675094725200034	-0.5695736471796179	0.15975525591910827	-2.267876921091358	0.3074302518646544	0.2859729425182367	-0.12518243894874598	0.5923394212109696	-1.4363920287788075	-0.9059221277254496	0.9246917409852377	-0.1251848370827014	0.07971000908831376	-0.15744397774867594	0
+-1.7231933239653434	-0.24801134827199994	-1.9898222399382914	0.7656954261085819	-0.05483023725936617	1.6169399021897064	-0.3967249498631411	1.0323459107790158	0.9731895081194355	1.0303924263130786	1.0329180459160618	-0.033547027338664666	-1.0624411368884286	-0.9342158375564429	0.05971477069293665	0.25789653038454863	-2.1582838562759	-0.2780337171101295	0.7441495680026682	-0.2950948350858021	0
+0.16933309281863	-1.3713232471471188	-0.28145821900384405	-1.1300262257452833	0.5588657879489666	0.18393634027606567	-0.33064387147695085	-0.2728913561712938	-1.5796081028817355	-0.059698139612798386	-0.5305183143587244	0.4522332723500524	-0.35850443734187276	-0.6618912758728542	1.105836446597426	-0.8045286988938815	4.02369826067075	-0.6441278738693271	-1.1617665339422667	0.43461303247631455	0
+-1.8460295965152045	-0.255975214092637	1.0540424748134019	1.3190200056340993	-0.9984660716843727	0.1252126858419551	1.479116981117545	-0.07780687825586112	0.1755389386980704	-0.7247573669263252	-0.18580560212243427	0.4759463602670577	-1.079448951686073	0.5844426958957524	-0.013805770284701622	-1.7460392281016928	2.0284596495593634	-0.7858761582110539	-0.17228886477186073	-0.2592823117499626	0
+1.8771428706377922	1.954430088902813	-1.1616019467282765	0.5673334205644196	-0.08799540550164092	0.06644430233106957	0.5679433816499357	0.42441824827810354	0.1518278594250636	0.4306132751340653	0.0692509618345264	-0.1016379743818435	-0.5693165703158743	0.2262121311410064	-1.190784254860191	0.9589244192715091	-1.5758227297795224	0.32702615652721884	0.9015922583874204	0.05956556043266634	1
+0.15323002771333824	-0.3966186853856485	0.8421724903224964	-1.317627725338646	-0.33858048238968697	-0.4090657931046078	-1.4582418462866669	-0.6594840624629351	-0.4004108226455998	-0.7863950304118423	-0.7665729756746352	-0.010906592167949567	0.453194204359973	0.004008795533567026	1.3681052191345213	0.8285147180193451	-0.37259127080818166	0.7918792014178204	0.013153036557870796	0.22884946912013177	1
+-1.0926888646283135	0.7474034182399546	0.5070475019762871	-0.8560620219978579	2.019086116729861	2.7090019473659184	-0.5897085867477189	0.46800068820276425	1.1973925923016058	0.7580424981657605	-0.17689686434453186	-0.8134248245767957	-0.8757308415987771	0.1763704781550424	-1.199439969467994	-0.8989032076979058	-1.0151074498008397	-0.2667781642372559	1.5593148568891022	-0.5028825773221669	0
+-0.0696156591485477	-0.3955656348590421	-1.790003919076157	-3.209955381978046	1.7551741656764832	0.11653331605849324	-0.9325834567618385	-1.9081847831366037	1.5011366872997127	1.3655901991926498	0.714532047991697	-0.6735645547992268	2.4009183113212806	0.2753934759411781	-0.5586953357167566	-2.4248580602515304	0.4780055133333252	0.22430285295477725	1.5235848315795288	-0.779646482652198	0
+0.2383846452550063	-0.3130077315757537	1.0033975572213907	0.08864979057352633	1.6717911886146681	1.3347307577271426	0.12355262918532725	0.38378884838187516	1.0545758256277624	1.1966614601200112	-0.10788917679723521	1.5477291028255866	0.2484946248806814	-1.1366727112923867	-0.46484257027188	-0.6665072856921015	-1.062873534624194	0.8876717808262652	-1.3245780959402302	-0.4285126387910002	0
+-2.008942616762241	-0.8234988716333305	-0.15859132011071364	-0.5779462669917929	0.05687216122626013	-0.711741585516688	0.30663585257868975	-0.7322607097367665	-0.27918196650116295	0.23889598302964352	-2.89224040536514	-1.8338737352874381	-0.03502705018890768	-0.04826170379593097	-0.5084528851522548	1.0144555813357954	-0.8489078616442869	-1.5316018230959503	-1.9059055368464786	0.20977097201525036	1
+-0.1704564684096478	0.18971879197958597	-1.1844114274105708	-0.8546727892795731	0.09277642496734965	-0.1366293792823912	-2.048671922604096	-0.3357568385230854	1.4483592899951359	-1.0696662666401626	-0.2329845615794952	0.7837860781804775	0.41841523883774684	-0.8676594983663888	0.22583874577075078	-1.695720544464892	-0.4072557367301234	-0.1977972902611956	0.02359749586524577	-0.6782209637144826	0
+0.3239072506712229	0.7771447267055485	0.7529184295240164	-0.809273033397095	-0.5856061645692245	-0.6334300503835257	-0.7685061144460843	1.0110108162654712	-0.6307900736125656	1.0720688438114894	0.7375706675328788	-1.2970277152025405	-1.0622293344492408	0.12369973790391253	0.08645024003597679	-0.8294853204395023	2.2922588248961673	-2.306182941147614	-0.23693404546697278	0.11513663282079874	1
+-0.12031642840440407	-0.055598926892828825	0.29442208903978195	-0.08405908275243704	2.5707645107660437	-2.2724393778493805	-0.7091400944632673	-0.01527361681359736	-1.2630992116666893	-0.29672975912512006	-1.1604505895963486	-0.7448891733298583	-0.7216707082208504	1.6347076109296752	0.2543420370586476	0.9986464179201701	1.0028111182919377	-1.0099153635800724	0.6364125215344348	0.5362734706812686	1
+1.0759409181533681	0.6338708137850724	1.059455516811933	0.2736075032324234	-1.1004879462237114	0.8983820725024066	-0.9152704846639929	-0.8347039847535137	-1.3994538124984017	0.06937008395653746	-0.4322117530530746	-1.297471755359271	-0.9256383920977915	-1.5287869947378168	0.46665199638203264	1.3984163949968078	0.7172731124783118	-2.1595920504682318	0.2178924553288528	0.627726734926914	1
+1.1631257343736865	0.7161109143496656	1.165181781246556	-0.0970197604214342	1.770668260834617	0.09786380091576943	-0.25203469271235573	-0.07117035012372852	1.2621614052889216	-2.204226920077547	-0.833481645415412	1.668179441254334	0.6299876168291397	-0.4391047192362273	-0.12336287720355432	-2.4752753514344055	0.9905764766530935	0.16824138572933983	-1.108371640458861	-0.7056991628790823	0
+-0.4653767839296524	0.5706552646301977	-1.2510825198094822	-0.38542737502404606	0.5418393251037328	0.8696564647003973	-0.2677426807372017	1.3874400614164746	-1.6989225614176242	-0.8543980754353178	-0.7126300388983264	0.39242735549607893	0.7427861661062981	0.23731164772086588	0.17840259925316965	2.264950231927068	0.10561848543619334	1.7893962060023398	-0.33937719999794	0.8272635120183163	1
+1.0658262297925543	0.2245144207327693	1.9979515177687335	-1.3687162010707115	-1.1274591498928925	0.6453464430821444	0.10571095020938731	-0.04489492214522473	0.4070092579150457	-1.6549967992364703	-0.1861816445428681	-1.0013467840435817	0.13042091725382485	-0.9328609421342365	1.4771353822876396	1.0854915441340736	-2.221251309417225	0.5725567515972323	-1.1577200461261594	-0.011036089287608658	1
+-1.0583794427218747	2.576977679031155	-0.5895820679190702	0.13438281144361666	0.36102541634537905	1.5183620699261768	1.5873212424728582	-0.7273069057149364	0.4522026560345715	-0.02860552628379647	-0.018212347104613166	0.687677616154882	0.5422573331869172	0.10659762229930982	-1.2522775141080984	0.7277335248049872	-1.8227895144219035	-0.7301662802248373	0.9715535632493052	-0.0672408254641321	1
+-0.1099953959208559	1.6635363107373078	0.3272453529764515	-1.4246555886796946	1.2410820871966046	-0.15951736500333072	-0.661937714925914	0.4234572818376501	1.1246881843788494	0.9529594279919252	0.39143861927191975	3.465227148479317	-0.24134874955198468	-1.0945571896156956	-0.9833626436429376	-1.480187693017323	-0.09583127396217472	-0.31134706056867467	-0.6248721853412322	-0.5454408106982881	0
+0.9291001132966914	-0.1708304076874391	0.5364439368681257	0.2630766894332881	-0.1295965590136687	0.9929416493373554	0.7904280904722739	-0.01912275129904966	1.5057113544481104	-1.9314128569290476	-0.40508326392063543	1.0918159072154612	0.1881369570559398	-1.213691539345214	0.02421534060406341	-1.96631401509566	-0.14897841915958698	-2.1313146599852018	-1.2710579854942345	-0.7284633084773273	0
+0.6336131127287113	2.0333233170635046	-0.022356711144941453	-0.22007309599774338	0.9282123550423084	-0.787901129200937	0.5812629099886915	0.377426024051308	0.15067520175237897	-2.340925516401822	0.07371157701560777	1.560723423781778	-0.38910754054643126	1.0173191686261756	-0.4198460795464502	-0.4257545472403689	0.2939445657648525	0.6855820937261274	-2.068890495355913	-0.09921878204870066	0
+2.049778771444076	1.3048378295965286	1.563792608618236	-0.7047392202425459	0.5499305970570395	-0.04884518704139992	0.5223109585785488	-1.4893434370374596	1.3606389947395752	0.3899429971033616	0.055686488142052015	0.8438100462780511	1.6850310129308619	1.2652993760910154	-0.2279594058376745	-1.9365760629271713	0.0807919955941725	-0.6380407350109051	-1.0466273798176675	-0.6766362607223333	0
+0.630742979769623	-0.12660063112597814	-1.1219892377344292	-0.24320231504242704	-0.11846930012185257	0.35618373486097415	-0.35432027228237667	0.6830976831702715	-1.2988376519016114	-0.12917328933680922	0.4878147649765918	1.6226344780340827	0.46020710543895615	-0.9537377215409267	0.8308526010187456	1.1069055404414496	0.9232784698807094	-1.2718116679596179	-0.5666412777157238	0.5606432963172591	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/classification_report.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/classification_report.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,11 @@
+classification_report : 
+              precision    recall  f1-score   support
+
+           0       1.00      1.00      1.00        14
+           1       1.00      0.62      0.77        16
+           2       0.60      1.00      0.75         9
+
+    accuracy                           0.85        39
+   macro avg       0.87      0.88      0.84        39
+weighted avg       0.91      0.85      0.85        39
+
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result01.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result01.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,48 @@
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	2
+1	-67	93	15	2
+1	-59	94	36	2
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	2
+1	-56	91	52	2
+1	-61	81	46	2
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	2
+2	-109	23	-92	1
+2	-94	20	-96	1
+2	-85	26	-88	1
+2	-90	33	-114	1
+2	-63	9	-106	1
+2	-79	9	-93	1
+2	-99	26	-108	1
+2	-81	19	-110	1
+2	-108	21	-108	1
+2	-92	27	-106	1
+2	-88	2	-106	1
+2	-88	15	-103	1
+3	54	-74	4	3
+3	42	-92	31	3
+3	39	-99	-7	3
+3	48	-115	-5	3
+3	39	-96	2	3
+3	31	-109	9	3
+3	33	-96	-8	3
+3	23	-102	4	3
+3	38	-90	21	3
+3	34	-107	1	3
+3	35	-78	18	3
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result02.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result02.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,48 @@
+0	44	64	-76	3
+0	51	48	-73	3
+0	58	65	-49	3
+0	43	61	-49	3
+0	45	43	-79	3
+0	42	60	-98	3
+0	50	55	-59	3
+0	53	53	-56	3
+0	45	44	-61	3
+0	43	65	-84	3
+0	35	52	-75	3
+0	56	56	-70	3
+1	-61	86	43	2
+1	-67	93	15	2
+1	-59	94	36	2
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	2
+1	-56	91	52	2
+1	-61	81	46	2
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	2
+2	-109	23	-92	0
+2	-94	20	-96	0
+2	-85	26	-88	0
+2	-90	33	-114	0
+2	-63	9	-106	0
+2	-79	9	-93	0
+2	-99	26	-108	0
+2	-81	19	-110	0
+2	-108	21	-108	0
+2	-92	27	-106	0
+2	-88	2	-106	0
+2	-88	15	-103	0
+3	54	-74	4	1
+3	42	-92	31	1
+3	39	-99	-7	1
+3	48	-115	-5	1
+3	39	-96	2	1
+3	31	-109	9	1
+3	33	-96	-8	1
+3	23	-102	4	1
+3	38	-90	21	1
+3	34	-107	1	1
+3	35	-78	18	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result03.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result03.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,48 @@
+0	44	64	-76	-1
+0	51	48	-73	-1
+0	58	65	-49	-1
+0	43	61	-49	-1
+0	45	43	-79	-1
+0	42	60	-98	-1
+0	50	55	-59	-1
+0	53	53	-56	-1
+0	45	44	-61	-1
+0	43	65	-84	-1
+0	35	52	-75	-1
+0	56	56	-70	-1
+1	-61	86	43	-1
+1	-67	93	15	-1
+1	-59	94	36	-1
+1	-50	92	62	-1
+1	-78	91	70	-1
+1	-35	87	47	-1
+1	-56	91	52	-1
+1	-61	81	46	-1
+1	-83	78	34	-1
+1	-50	87	45	-1
+1	-67	73	50	-1
+1	-50	97	45	-1
+1	-61	111	45	-1
+2	-109	23	-92	-1
+2	-94	20	-96	-1
+2	-85	26	-88	-1
+2	-90	33	-114	-1
+2	-63	9	-106	-1
+2	-79	9	-93	-1
+2	-99	26	-108	-1
+2	-81	19	-110	-1
+2	-108	21	-108	-1
+2	-92	27	-106	-1
+2	-88	2	-106	-1
+2	-88	15	-103	-1
+3	54	-74	4	-1
+3	42	-92	31	-1
+3	39	-99	-7	-1
+3	48	-115	-5	-1
+3	39	-96	2	-1
+3	31	-109	9	-1
+3	33	-96	-8	-1
+3	23	-102	4	-1
+3	38	-90	21	-1
+3	34	-107	1	-1
+3	35	-78	18	-1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result04.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result04.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,48 @@
+0	44	64	-76	1
+0	51	48	-73	1
+0	58	65	-49	1
+0	43	61	-49	1
+0	45	43	-79	1
+0	42	60	-98	1
+0	50	55	-59	1
+0	53	53	-56	1
+0	45	44	-61	1
+0	43	65	-84	1
+0	35	52	-75	1
+0	56	56	-70	1
+1	-61	86	43	2
+1	-67	93	15	2
+1	-59	94	36	2
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	2
+1	-56	91	52	2
+1	-61	81	46	2
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	2
+2	-109	23	-92	3
+2	-94	20	-96	3
+2	-85	26	-88	3
+2	-90	33	-114	3
+2	-63	9	-106	3
+2	-79	9	-93	3
+2	-99	26	-108	3
+2	-81	19	-110	3
+2	-108	21	-108	3
+2	-92	27	-106	3
+2	-88	2	-106	3
+2	-88	15	-103	3
+3	54	-74	4	0
+3	42	-92	31	0
+3	39	-99	-7	0
+3	48	-115	-5	0
+3	39	-96	2	0
+3	31	-109	9	0
+3	33	-96	-8	0
+3	23	-102	4	0
+3	38	-90	21	0
+3	34	-107	1	0
+3	35	-78	18	0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result05.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result05.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,48 @@
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	2
+1	-67	93	15	2
+1	-59	94	36	2
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	2
+1	-56	91	52	2
+1	-61	81	46	2
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	2
+2	-109	23	-92	0
+2	-94	20	-96	0
+2	-85	26	-88	0
+2	-90	33	-114	0
+2	-63	9	-106	0
+2	-79	9	-93	0
+2	-99	26	-108	0
+2	-81	19	-110	0
+2	-108	21	-108	0
+2	-92	27	-106	0
+2	-88	2	-106	0
+2	-88	15	-103	0
+3	54	-74	4	1
+3	42	-92	31	1
+3	39	-99	-7	1
+3	48	-115	-5	1
+3	39	-96	2	1
+3	31	-109	9	1
+3	33	-96	-8	1
+3	23	-102	4	1
+3	38	-90	21	1
+3	34	-107	1	1
+3	35	-78	18	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result06.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result06.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,48 @@
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	1
+1	-67	93	15	1
+1	-59	94	36	1
+1	-50	92	62	1
+1	-78	91	70	1
+1	-35	87	47	1
+1	-56	91	52	1
+1	-61	81	46	1
+1	-83	78	34	1
+1	-50	87	45	1
+1	-67	73	50	1
+1	-50	97	45	1
+1	-61	111	45	1
+2	-109	23	-92	2
+2	-94	20	-96	2
+2	-85	26	-88	2
+2	-90	33	-114	2
+2	-63	9	-106	2
+2	-79	9	-93	2
+2	-99	26	-108	2
+2	-81	19	-110	2
+2	-108	21	-108	2
+2	-92	27	-106	2
+2	-88	2	-106	2
+2	-88	15	-103	2
+3	54	-74	4	3
+3	42	-92	31	3
+3	39	-99	-7	3
+3	48	-115	-5	3
+3	39	-96	2	3
+3	31	-109	9	3
+3	33	-96	-8	3
+3	23	-102	4	3
+3	38	-90	21	3
+3	34	-107	1	3
+3	35	-78	18	3
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result07.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result07.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,48 @@
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	1
+1	-67	93	15	1
+1	-59	94	36	1
+1	-50	92	62	1
+1	-78	91	70	1
+1	-35	87	47	1
+1	-56	91	52	1
+1	-61	81	46	1
+1	-83	78	34	1
+1	-50	87	45	1
+1	-67	73	50	1
+1	-50	97	45	1
+1	-61	111	45	1
+2	-109	23	-92	2
+2	-94	20	-96	2
+2	-85	26	-88	2
+2	-90	33	-114	2
+2	-63	9	-106	2
+2	-79	9	-93	2
+2	-99	26	-108	2
+2	-81	19	-110	2
+2	-108	21	-108	2
+2	-92	27	-106	2
+2	-88	2	-106	2
+2	-88	15	-103	2
+3	54	-74	4	3
+3	42	-92	31	3
+3	39	-99	-7	3
+3	48	-115	-5	3
+3	39	-96	2	3
+3	31	-109	9	3
+3	33	-96	-8	3
+3	23	-102	4	3
+3	38	-90	21	3
+3	34	-107	1	3
+3	35	-78	18	3
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result08.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result08.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,48 @@
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	0
+1	-67	93	15	0
+1	-59	94	36	0
+1	-50	92	62	0
+1	-78	91	70	0
+1	-35	87	47	0
+1	-56	91	52	0
+1	-61	81	46	0
+1	-83	78	34	0
+1	-50	87	45	0
+1	-67	73	50	0
+1	-50	97	45	0
+1	-61	111	45	0
+2	-109	23	-92	0
+2	-94	20	-96	0
+2	-85	26	-88	0
+2	-90	33	-114	0
+2	-63	9	-106	0
+2	-79	9	-93	0
+2	-99	26	-108	0
+2	-81	19	-110	0
+2	-108	21	-108	0
+2	-92	27	-106	0
+2	-88	2	-106	0
+2	-88	15	-103	0
+3	54	-74	4	1
+3	42	-92	31	1
+3	39	-99	-7	1
+3	48	-115	-5	1
+3	39	-96	2	1
+3	31	-109	9	1
+3	33	-96	-8	1
+3	23	-102	4	1
+3	38	-90	21	1
+3	34	-107	1	1
+3	35	-78	18	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result09.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result09.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,48 @@
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	0
+1	-67	93	15	0
+1	-59	94	36	0
+1	-50	92	62	0
+1	-78	91	70	0
+1	-35	87	47	0
+1	-56	91	52	0
+1	-61	81	46	0
+1	-83	78	34	0
+1	-50	87	45	0
+1	-67	73	50	0
+1	-50	97	45	0
+1	-61	111	45	0
+2	-109	23	-92	0
+2	-94	20	-96	0
+2	-85	26	-88	0
+2	-90	33	-114	0
+2	-63	9	-106	0
+2	-79	9	-93	0
+2	-99	26	-108	0
+2	-81	19	-110	0
+2	-108	21	-108	0
+2	-92	27	-106	0
+2	-88	2	-106	0
+2	-88	15	-103	0
+3	54	-74	4	1
+3	42	-92	31	1
+3	39	-99	-7	1
+3	48	-115	-5	1
+3	39	-96	2	1
+3	31	-109	9	1
+3	33	-96	-8	1
+3	23	-102	4	1
+3	38	-90	21	1
+3	34	-107	1	1
+3	35	-78	18	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result10.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result10.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,48 @@
+0	44	64	-76	3
+0	51	48	-73	3
+0	58	65	-49	3
+0	43	61	-49	3
+0	45	43	-79	3
+0	42	60	-98	3
+0	50	55	-59	3
+0	53	53	-56	3
+0	45	44	-61	3
+0	43	65	-84	3
+0	35	52	-75	3
+0	56	56	-70	3
+1	-61	86	43	0
+1	-67	93	15	0
+1	-59	94	36	0
+1	-50	92	62	0
+1	-78	91	70	0
+1	-35	87	47	0
+1	-56	91	52	0
+1	-61	81	46	0
+1	-83	78	34	0
+1	-50	87	45	0
+1	-67	73	50	0
+1	-50	97	45	0
+1	-61	111	45	0
+2	-109	23	-92	2
+2	-94	20	-96	2
+2	-85	26	-88	2
+2	-90	33	-114	2
+2	-63	9	-106	2
+2	-79	9	-93	2
+2	-99	26	-108	2
+2	-81	19	-110	2
+2	-108	21	-108	2
+2	-92	27	-106	2
+2	-88	2	-106	2
+2	-88	15	-103	2
+3	54	-74	4	1
+3	42	-92	31	1
+3	39	-99	-7	1
+3	48	-115	-5	1
+3	39	-96	2	1
+3	31	-109	9	1
+3	33	-96	-8	1
+3	23	-102	4	1
+3	38	-90	21	1
+3	34	-107	1	1
+3	35	-78	18	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result11.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result11.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,48 @@
+0	44	64	-76	2
+0	51	48	-73	2
+0	58	65	-49	2
+0	43	61	-49	2
+0	45	43	-79	2
+0	42	60	-98	2
+0	50	55	-59	2
+0	53	53	-56	2
+0	45	44	-61	2
+0	43	65	-84	2
+0	35	52	-75	2
+0	56	56	-70	2
+1	-61	86	43	0
+1	-67	93	15	0
+1	-59	94	36	0
+1	-50	92	62	0
+1	-78	91	70	0
+1	-35	87	47	0
+1	-56	91	52	0
+1	-61	81	46	0
+1	-83	78	34	0
+1	-50	87	45	0
+1	-67	73	50	0
+1	-50	97	45	0
+1	-61	111	45	0
+2	-109	23	-92	1
+2	-94	20	-96	1
+2	-85	26	-88	1
+2	-90	33	-114	1
+2	-63	9	-106	1
+2	-79	9	-93	1
+2	-99	26	-108	1
+2	-81	19	-110	1
+2	-108	21	-108	1
+2	-92	27	-106	1
+2	-88	2	-106	1
+2	-88	15	-103	1
+3	54	-74	4	3
+3	42	-92	31	3
+3	39	-99	-7	3
+3	48	-115	-5	3
+3	39	-96	2	3
+3	31	-109	9	3
+3	33	-96	-8	3
+3	23	-102	4	3
+3	38	-90	21	3
+3	34	-107	1	3
+3	35	-78	18	3
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result12.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result12.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,48 @@
+0	44	64	-76	1
+0	51	48	-73	1
+0	58	65	-49	1
+0	43	61	-49	0
+0	45	43	-79	1
+0	42	60	-98	1
+0	50	55	-59	1
+0	53	53	-56	1
+0	45	44	-61	0
+0	43	65	-84	1
+0	35	52	-75	1
+0	56	56	-70	1
+1	-61	86	43	2
+1	-67	93	15	1
+1	-59	94	36	1
+1	-50	92	62	0
+1	-78	91	70	1
+1	-35	87	47	1
+1	-56	91	52	0
+1	-61	81	46	2
+1	-83	78	34	1
+1	-50	87	45	0
+1	-67	73	50	1
+1	-50	97	45	0
+1	-61	111	45	1
+2	-109	23	-92	0
+2	-94	20	-96	3
+2	-85	26	-88	3
+2	-90	33	-114	3
+2	-63	9	-106	0
+2	-79	9	-93	1
+2	-99	26	-108	3
+2	-81	19	-110	3
+2	-108	21	-108	3
+2	-92	27	-106	3
+2	-88	2	-106	0
+2	-88	15	-103	3
+3	54	-74	4	1
+3	42	-92	31	3
+3	39	-99	-7	3
+3	48	-115	-5	1
+3	39	-96	2	3
+3	31	-109	9	3
+3	33	-96	-8	3
+3	23	-102	4	3
+3	38	-90	21	3
+3	34	-107	1	3
+3	35	-78	18	3
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result13.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result13.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,48 @@
+0	44	64	-76	4
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	1
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	2
+0	53	53	-56	2
+0	45	44	-61	0
+0	43	65	-84	4
+0	35	52	-75	1
+0	56	56	-70	0
+1	-61	86	43	0
+1	-67	93	15	0
+1	-59	94	36	0
+1	-50	92	62	0
+1	-78	91	70	1
+1	-35	87	47	0
+1	-56	91	52	0
+1	-61	81	46	0
+1	-83	78	34	0
+1	-50	87	45	0
+1	-67	73	50	1
+1	-50	97	45	0
+1	-61	111	45	0
+2	-109	23	-92	0
+2	-94	20	-96	0
+2	-85	26	-88	0
+2	-90	33	-114	1
+2	-63	9	-106	0
+2	-79	9	-93	1
+2	-99	26	-108	3
+2	-81	19	-110	0
+2	-108	21	-108	0
+2	-92	27	-106	3
+2	-88	2	-106	1
+2	-88	15	-103	0
+3	54	-74	4	0
+3	42	-92	31	1
+3	39	-99	-7	1
+3	48	-115	-5	1
+3	39	-96	2	1
+3	31	-109	9	1
+3	33	-96	-8	1
+3	23	-102	4	0
+3	38	-90	21	1
+3	34	-107	1	1
+3	35	-78	18	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result14.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result14.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,48 @@
+0	44	64	-76	2
+0	51	48	-73	2
+0	58	65	-49	5
+0	43	61	-49	5
+0	45	43	-79	2
+0	42	60	-98	2
+0	50	55	-59	5
+0	53	53	-56	5
+0	45	44	-61	2
+0	43	65	-84	2
+0	35	52	-75	2
+0	56	56	-70	2
+1	-61	86	43	1
+1	-67	93	15	1
+1	-59	94	36	1
+1	-50	92	62	1
+1	-78	91	70	7
+1	-35	87	47	1
+1	-56	91	52	1
+1	-61	81	46	7
+1	-83	78	34	7
+1	-50	87	45	1
+1	-67	73	50	7
+1	-50	97	45	1
+1	-61	111	45	1
+2	-109	23	-92	6
+2	-94	20	-96	6
+2	-85	26	-88	6
+2	-90	33	-114	6
+2	-63	9	-106	3
+2	-79	9	-93	3
+2	-99	26	-108	6
+2	-81	19	-110	6
+2	-108	21	-108	6
+2	-92	27	-106	6
+2	-88	2	-106	3
+2	-88	15	-103	6
+3	54	-74	4	4
+3	42	-92	31	4
+3	39	-99	-7	0
+3	48	-115	-5	0
+3	39	-96	2	0
+3	31	-109	9	0
+3	33	-96	-8	0
+3	23	-102	4	0
+3	38	-90	21	4
+3	34	-107	1	0
+3	35	-78	18	4
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result15.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result15.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,48 @@
+0	44	64	-76	1
+0	51	48	-73	1
+0	58	65	-49	1
+0	43	61	-49	1
+0	45	43	-79	1
+0	42	60	-98	1
+0	50	55	-59	1
+0	53	53	-56	1
+0	45	44	-61	1
+0	43	65	-84	1
+0	35	52	-75	1
+0	56	56	-70	1
+1	-61	86	43	2
+1	-67	93	15	2
+1	-59	94	36	2
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	2
+1	-56	91	52	2
+1	-61	81	46	2
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	2
+2	-109	23	-92	3
+2	-94	20	-96	3
+2	-85	26	-88	3
+2	-90	33	-114	3
+2	-63	9	-106	3
+2	-79	9	-93	3
+2	-99	26	-108	3
+2	-81	19	-110	3
+2	-108	21	-108	3
+2	-92	27	-106	3
+2	-88	2	-106	3
+2	-88	15	-103	3
+3	54	-74	4	0
+3	42	-92	31	0
+3	39	-99	-7	0
+3	48	-115	-5	0
+3	39	-96	2	0
+3	31	-109	9	0
+3	33	-96	-8	0
+3	23	-102	4	0
+3	38	-90	21	0
+3	34	-107	1	0
+3	35	-78	18	0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result16.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result16.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,48 @@
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	2
+1	-67	93	15	2
+1	-59	94	36	2
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	2
+1	-56	91	52	2
+1	-61	81	46	2
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	2
+2	-109	23	-92	3
+2	-94	20	-96	3
+2	-85	26	-88	3
+2	-90	33	-114	3
+2	-63	9	-106	3
+2	-79	9	-93	3
+2	-99	26	-108	3
+2	-81	19	-110	3
+2	-108	21	-108	3
+2	-92	27	-106	3
+2	-88	2	-106	3
+2	-88	15	-103	3
+3	54	-74	4	1
+3	42	-92	31	1
+3	39	-99	-7	1
+3	48	-115	-5	1
+3	39	-96	2	1
+3	31	-109	9	1
+3	33	-96	-8	1
+3	23	-102	4	1
+3	38	-90	21	1
+3	34	-107	1	1
+3	35	-78	18	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result17.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result17.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,4 @@
+0
+1
+0
+0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result18.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result18.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,4 @@
+-1
+-1
+-1
+-1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result19.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result19.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,4 @@
+0
+1
+0
+0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result20.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result20.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,4 @@
+0
+1
+0
+0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/cluster_result21.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/cluster_result21.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,4 @@
+0
+1
+0
+0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/confusion_matrix.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/confusion_matrix.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,4 @@
+confusion_matrix : 
+[[14  0  0]
+ [ 0 10  6]
+ [ 0  0  9]]
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/converter_result01.json
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/converter_result01.json	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+{"directed": false, "graph": {"info": "RNAfold", "id": "CP000097.1/1411351-1411410", "structure": "....((((.((((((....)))))).)..)))...(((((((..(...)..)).))))).", "sequence": "CAACGUUCACCUCACAUUUGUGAGGCGCAGACAACCCAGGCCAAGGAACGGGGACCUGGA"}, "nodes": [{"position": 0, "id": 0, "label": "C"}, {"position": 1, "id": 1, "label": "A"}, {"position": 2, "id": 2, "label": "A"}, {"position": 3, "id": 3, "label": "C"}, {"position": 4, "id": 4, "label": "G"}, {"position": 5, "id": 5, "label": "U"}, {"position": 6, "id": 6, "label": "U"}, {"position": 7, "id": 7, "label": "C"}, {"position": 8, "id": 8, "label": "A"}, {"position": 9, "id": 9, "label": "C"}, {"position": 10, "id": 10, "label": "C"}, {"position": 11, "id": 11, "label": "U"}, {"position": 12, "id": 12, "label": "C"}, {"position": 13, "id": 13, "label": "A"}, {"position": 14, "id": 14, "label": "C"}, {"position": 15, "id": 15, "label": "A"}, {"position": 16, "id": 16, "label": "U"}, {"position": 17, "id": 17, "label": "U"}, {"position": 18, "id": 18, "label": "U"}, {"position": 19, "id": 19, "label": "G"}, {"position": 20, "id": 20, "label": "U"}, {"position": 21, "id": 21, "label": "G"}, {"position": 22, "id": 22, "label": "A"}, {"position": 23, "id": 23, "label": "G"}, {"position": 24, "id": 24, "label": "G"}, {"position": 25, "id": 25, "label": "C"}, {"position": 26, "id": 26, "label": "G"}, {"position": 27, "id": 27, "label": "C"}, {"position": 28, "id": 28, "label": "A"}, {"position": 29, "id": 29, "label": "G"}, {"position": 30, "id": 30, "label": "A"}, {"position": 31, "id": 31, "label": "C"}, {"position": 32, "id": 32, "label": "A"}, {"position": 33, "id": 33, "label": "A"}, {"position": 34, "id": 34, "label": "C"}, {"position": 35, "id": 35, "label": "C"}, {"position": 36, "id": 36, "label": "C"}, {"position": 37, "id": 37, "label": "A"}, {"position": 38, "id": 38, "label": "G"}, {"position": 39, "id": 39, "label": "G"}, {"position": 40, "id": 40, "label": "C"}, {"position": 41, "id": 41, "label": "C"}, {"position": 42, "id": 42, "label": "A"}, {"position": 43, "id": 43, "label": "A"}, {"position": 44, "id": 44, "label": "G"}, {"position": 45, "id": 45, "label": "G"}, {"position": 46, "id": 46, "label": "A"}, {"position": 47, "id": 47, "label": "A"}, {"position": 48, "id": 48, "label": "C"}, {"position": 49, "id": 49, "label": "G"}, {"position": 50, "id": 50, "label": "G"}, {"position": 51, "id": 51, "label": "G"}, {"position": 52, "id": 52, "label": "G"}, {"position": 53, "id": 53, "label": "A"}, {"position": 54, "id": 54, "label": "C"}, {"position": 55, "id": 55, "label": "C"}, {"position": 56, "id": 56, "label": "U"}, {"position": 57, "id": 57, "label": "G"}, {"position": 58, "id": 58, "label": "G"}, {"position": 59, "id": 59, "label": "A"}], "links": [{"source": 0, "type": "backbone", "target": 1, "len": 1, "label": "-"}, {"source": 1, "type": "backbone", "target": 2, "len": 1, "label": "-"}, {"source": 2, "type": "backbone", "target": 3, "len": 1, "label": "-"}, {"source": 3, "type": "backbone", "target": 4, "len": 1, "label": "-"}, {"source": 4, "type": "backbone", "target": 5, "len": 1, "label": "-"}, {"source": 4, "type": "basepair", "target": 31, "len": 1, "label": "="}, {"source": 5, "type": "basepair", "target": 30, "len": 1, "label": "="}, {"source": 5, "type": "backbone", "target": 6, "len": 1, "label": "-"}, {"source": 6, "type": "basepair", "target": 29, "len": 1, "label": "="}, {"source": 6, "type": "backbone", "target": 7, "len": 1, "label": "-"}, {"source": 7, "type": "backbone", "target": 8, "len": 1, "label": "-"}, {"source": 7, "type": "basepair", "target": 26, "len": 1, "label": "="}, {"source": 8, "type": "backbone", "target": 9, "len": 1, "label": "-"}, {"source": 9, "type": "basepair", "target": 24, "len": 1, "label": "="}, {"source": 9, "type": "backbone", "target": 10, "len": 1, "label": "-"}, {"source": 10, "type": "backbone", "target": 11, "len": 1, "label": "-"}, {"source": 10, "type": "basepair", "target": 23, "len": 1, "label": "="}, {"source": 11, "type": "backbone", "target": 12, "len": 1, "label": "-"}, {"source": 11, "type": "basepair", "target": 22, "len": 1, "label": "="}, {"source": 12, "type": "backbone", "target": 13, "len": 1, "label": "-"}, {"source": 12, "type": "basepair", "target": 21, "len": 1, "label": "="}, {"source": 13, "type": "basepair", "target": 20, "len": 1, "label": "="}, {"source": 13, "type": "backbone", "target": 14, "len": 1, "label": "-"}, {"source": 14, "type": "basepair", "target": 19, "len": 1, "label": "="}, {"source": 14, "type": "backbone", "target": 15, "len": 1, "label": "-"}, {"source": 15, "type": "backbone", "target": 16, "len": 1, "label": "-"}, {"source": 16, "type": "backbone", "target": 17, "len": 1, "label": "-"}, {"source": 17, "type": "backbone", "target": 18, "len": 1, "label": "-"}, {"source": 18, "type": "backbone", "target": 19, "len": 1, "label": "-"}, {"source": 19, "type": "backbone", "target": 20, "len": 1, "label": "-"}, {"source": 20, "type": "backbone", "target": 21, "len": 1, "label": "-"}, {"source": 21, "type": "backbone", "target": 22, "len": 1, "label": "-"}, {"source": 22, "type": "backbone", "target": 23, "len": 1, "label": "-"}, {"source": 23, "type": "backbone", "target": 24, "len": 1, "label": "-"}, {"source": 24, "type": "backbone", "target": 25, "len": 1, "label": "-"}, {"source": 25, "type": "backbone", "target": 26, "len": 1, "label": "-"}, {"source": 26, "type": "backbone", "target": 27, "len": 1, "label": "-"}, {"source": 27, "type": "backbone", "target": 28, "len": 1, "label": "-"}, {"source": 28, "type": "backbone", "target": 29, "len": 1, "label": "-"}, {"source": 29, "type": "backbone", "target": 30, "len": 1, "label": "-"}, {"source": 30, "type": "backbone", "target": 31, "len": 1, "label": "-"}, {"source": 31, "type": "backbone", "target": 32, "len": 1, "label": "-"}, {"source": 32, "type": "backbone", "target": 33, "len": 1, "label": "-"}, {"source": 33, "type": "backbone", "target": 34, "len": 1, "label": "-"}, {"source": 34, "type": "backbone", "target": 35, "len": 1, "label": "-"}, {"source": 35, "type": "backbone", "target": 36, "len": 1, "label": "-"}, {"source": 35, "type": "basepair", "target": 58, "len": 1, "label": "="}, {"source": 36, "type": "basepair", "target": 57, "len": 1, "label": "="}, {"source": 36, "type": "backbone", "target": 37, "len": 1, "label": "-"}, {"source": 37, "type": "basepair", "target": 56, "len": 1, "label": "="}, {"source": 37, "type": "backbone", "target": 38, "len": 1, "label": "-"}, {"source": 38, "type": "basepair", "target": 55, "len": 1, "label": "="}, {"source": 38, "type": "backbone", "target": 39, "len": 1, "label": "-"}, {"source": 39, "type": "backbone", "target": 40, "len": 1, "label": "-"}, {"source": 39, "type": "basepair", "target": 54, "len": 1, "label": "="}, {"source": 40, "type": "backbone", "target": 41, "len": 1, "label": "-"}, {"source": 40, "type": "basepair", "target": 52, "len": 1, "label": "="}, {"source": 41, "type": "backbone", "target": 42, "len": 1, "label": "-"}, {"source": 41, "type": "basepair", "target": 51, "len": 1, "label": "="}, {"source": 42, "type": "backbone", "target": 43, "len": 1, "label": "-"}, {"source": 43, "type": "backbone", "target": 44, "len": 1, "label": "-"}, {"source": 44, "type": "basepair", "target": 48, "len": 1, "label": "="}, {"source": 44, "type": "backbone", "target": 45, "len": 1, "label": "-"}, {"source": 45, "type": "backbone", "target": 46, "len": 1, "label": "-"}, {"source": 46, "type": "backbone", "target": 47, "len": 1, "label": "-"}, {"source": 47, "type": "backbone", "target": 48, "len": 1, "label": "-"}, {"source": 48, "type": "backbone", "target": 49, "len": 1, "label": "-"}, {"source": 49, "type": "backbone", "target": 50, "len": 1, "label": "-"}, {"source": 50, "type": "backbone", "target": 51, "len": 1, "label": "-"}, {"source": 51, "type": "backbone", "target": 52, "len": 1, "label": "-"}, {"source": 52, "type": "backbone", "target": 53, "len": 1, "label": "-"}, {"source": 53, "type": "backbone", "target": 54, "len": 1, "label": "-"}, {"source": 54, "type": "backbone", "target": 55, "len": 1, "label": "-"}, {"source": 55, "type": "backbone", "target": 56, "len": 1, "label": "-"}, {"source": 56, "type": "backbone", "target": 57, "len": 1, "label": "-"}, {"source": 57, "type": "backbone", "target": 58, "len": 1, "label": "-"}, {"source": 58, "type": "backbone", "target": 59, "len": 1, "label": "-"}], "multigraph": false}
+{"directed": false, "graph": {"info": "RNAfold", "id": "ACNY01000002.1/278641-278580", "structure": "((.(...(.((((((.....)))))).)..).))..((((((((.........)).))))))", "sequence": "GAUCGUUCACUUCGCAUCGCGCGAAGCGCAGUUCGCCUCAGGCCAUGGAACGGGGACCUGAG"}, "nodes": [{"position": 0, "id": 0, "label": "G"}, {"position": 1, "id": 1, "label": "A"}, {"position": 2, "id": 2, "label": "U"}, {"position": 3, "id": 3, "label": "C"}, {"position": 4, "id": 4, "label": "G"}, {"position": 5, "id": 5, "label": "U"}, {"position": 6, "id": 6, "label": "U"}, {"position": 7, "id": 7, "label": "C"}, {"position": 8, "id": 8, "label": "A"}, {"position": 9, "id": 9, "label": "C"}, {"position": 10, "id": 10, "label": "U"}, {"position": 11, "id": 11, "label": "U"}, {"position": 12, "id": 12, "label": "C"}, {"position": 13, "id": 13, "label": "G"}, {"position": 14, "id": 14, "label": "C"}, {"position": 15, "id": 15, "label": "A"}, {"position": 16, "id": 16, "label": "U"}, {"position": 17, "id": 17, "label": "C"}, {"position": 18, "id": 18, "label": "G"}, {"position": 19, "id": 19, "label": "C"}, {"position": 20, "id": 20, "label": "G"}, {"position": 21, "id": 21, "label": "C"}, {"position": 22, "id": 22, "label": "G"}, {"position": 23, "id": 23, "label": "A"}, {"position": 24, "id": 24, "label": "A"}, {"position": 25, "id": 25, "label": "G"}, {"position": 26, "id": 26, "label": "C"}, {"position": 27, "id": 27, "label": "G"}, {"position": 28, "id": 28, "label": "C"}, {"position": 29, "id": 29, "label": "A"}, {"position": 30, "id": 30, "label": "G"}, {"position": 31, "id": 31, "label": "U"}, {"position": 32, "id": 32, "label": "U"}, {"position": 33, "id": 33, "label": "C"}, {"position": 34, "id": 34, "label": "G"}, {"position": 35, "id": 35, "label": "C"}, {"position": 36, "id": 36, "label": "C"}, {"position": 37, "id": 37, "label": "U"}, {"position": 38, "id": 38, "label": "C"}, {"position": 39, "id": 39, "label": "A"}, {"position": 40, "id": 40, "label": "G"}, {"position": 41, "id": 41, "label": "G"}, {"position": 42, "id": 42, "label": "C"}, {"position": 43, "id": 43, "label": "C"}, {"position": 44, "id": 44, "label": "A"}, {"position": 45, "id": 45, "label": "U"}, {"position": 46, "id": 46, "label": "G"}, {"position": 47, "id": 47, "label": "G"}, {"position": 48, "id": 48, "label": "A"}, {"position": 49, "id": 49, "label": "A"}, {"position": 50, "id": 50, "label": "C"}, {"position": 51, "id": 51, "label": "G"}, {"position": 52, "id": 52, "label": "G"}, {"position": 53, "id": 53, "label": "G"}, {"position": 54, "id": 54, "label": "G"}, {"position": 55, "id": 55, "label": "A"}, {"position": 56, "id": 56, "label": "C"}, {"position": 57, "id": 57, "label": "C"}, {"position": 58, "id": 58, "label": "U"}, {"position": 59, "id": 59, "label": "G"}, {"position": 60, "id": 60, "label": "A"}, {"position": 61, "id": 61, "label": "G"}], "links": [{"source": 0, "type": "backbone", "target": 1, "len": 1, "label": "-"}, {"source": 0, "type": "basepair", "target": 33, "len": 1, "label": "="}, {"source": 1, "type": "basepair", "target": 32, "len": 1, "label": "="}, {"source": 1, "type": "backbone", "target": 2, "len": 1, "label": "-"}, {"source": 2, "type": "backbone", "target": 3, "len": 1, "label": "-"}, {"source": 3, "type": "backbone", "target": 4, "len": 1, "label": "-"}, {"source": 3, "type": "basepair", "target": 30, "len": 1, "label": "="}, {"source": 4, "type": "backbone", "target": 5, "len": 1, "label": "-"}, {"source": 5, "type": "backbone", "target": 6, "len": 1, "label": "-"}, {"source": 6, "type": "backbone", "target": 7, "len": 1, "label": "-"}, {"source": 7, "type": "backbone", "target": 8, "len": 1, "label": "-"}, {"source": 7, "type": "basepair", "target": 27, "len": 1, "label": "="}, {"source": 8, "type": "backbone", "target": 9, "len": 1, "label": "-"}, {"source": 9, "type": "basepair", "target": 25, "len": 1, "label": "="}, {"source": 9, "type": "backbone", "target": 10, "len": 1, "label": "-"}, {"source": 10, "type": "basepair", "target": 24, "len": 1, "label": "="}, {"source": 10, "type": "backbone", "target": 11, "len": 1, "label": "-"}, {"source": 11, "type": "backbone", "target": 12, "len": 1, "label": "-"}, {"source": 11, "type": "basepair", "target": 23, "len": 1, "label": "="}, {"source": 12, "type": "backbone", "target": 13, "len": 1, "label": "-"}, {"source": 12, "type": "basepair", "target": 22, "len": 1, "label": "="}, {"source": 13, "type": "basepair", "target": 21, "len": 1, "label": "="}, {"source": 13, "type": "backbone", "target": 14, "len": 1, "label": "-"}, {"source": 14, "type": "basepair", "target": 20, "len": 1, "label": "="}, {"source": 14, "type": "backbone", "target": 15, "len": 1, "label": "-"}, {"source": 15, "type": "backbone", "target": 16, "len": 1, "label": "-"}, {"source": 16, "type": "backbone", "target": 17, "len": 1, "label": "-"}, {"source": 17, "type": "backbone", "target": 18, "len": 1, "label": "-"}, {"source": 18, "type": "backbone", "target": 19, "len": 1, "label": "-"}, {"source": 19, "type": "backbone", "target": 20, "len": 1, "label": "-"}, {"source": 20, "type": "backbone", "target": 21, "len": 1, "label": "-"}, {"source": 21, "type": "backbone", "target": 22, "len": 1, "label": "-"}, {"source": 22, "type": "backbone", "target": 23, "len": 1, "label": "-"}, {"source": 23, "type": "backbone", "target": 24, "len": 1, "label": "-"}, {"source": 24, "type": "backbone", "target": 25, "len": 1, "label": "-"}, {"source": 25, "type": "backbone", "target": 26, "len": 1, "label": "-"}, {"source": 26, "type": "backbone", "target": 27, "len": 1, "label": "-"}, {"source": 27, "type": "backbone", "target": 28, "len": 1, "label": "-"}, {"source": 28, "type": "backbone", "target": 29, "len": 1, "label": "-"}, {"source": 29, "type": "backbone", "target": 30, "len": 1, "label": "-"}, {"source": 30, "type": "backbone", "target": 31, "len": 1, "label": "-"}, {"source": 31, "type": "backbone", "target": 32, "len": 1, "label": "-"}, {"source": 32, "type": "backbone", "target": 33, "len": 1, "label": "-"}, {"source": 33, "type": "backbone", "target": 34, "len": 1, "label": "-"}, {"source": 34, "type": "backbone", "target": 35, "len": 1, "label": "-"}, {"source": 35, "type": "backbone", "target": 36, "len": 1, "label": "-"}, {"source": 36, "type": "backbone", "target": 37, "len": 1, "label": "-"}, {"source": 36, "type": "basepair", "target": 61, "len": 1, "label": "="}, {"source": 37, "type": "basepair", "target": 60, "len": 1, "label": "="}, {"source": 37, "type": "backbone", "target": 38, "len": 1, "label": "-"}, {"source": 38, "type": "basepair", "target": 59, "len": 1, "label": "="}, {"source": 38, "type": "backbone", "target": 39, "len": 1, "label": "-"}, {"source": 39, "type": "backbone", "target": 40, "len": 1, "label": "-"}, {"source": 39, "type": "basepair", "target": 58, "len": 1, "label": "="}, {"source": 40, "type": "backbone", "target": 41, "len": 1, "label": "-"}, {"source": 40, "type": "basepair", "target": 57, "len": 1, "label": "="}, {"source": 41, "type": "basepair", "target": 56, "len": 1, "label": "="}, {"source": 41, "type": "backbone", "target": 42, "len": 1, "label": "-"}, {"source": 42, "type": "backbone", "target": 43, "len": 1, "label": "-"}, {"source": 42, "type": "basepair", "target": 54, "len": 1, "label": "="}, {"source": 43, "type": "backbone", "target": 44, "len": 1, "label": "-"}, {"source": 43, "type": "basepair", "target": 53, "len": 1, "label": "="}, {"source": 44, "type": "backbone", "target": 45, "len": 1, "label": "-"}, {"source": 45, "type": "backbone", "target": 46, "len": 1, "label": "-"}, {"source": 46, "type": "backbone", "target": 47, "len": 1, "label": "-"}, {"source": 47, "type": "backbone", "target": 48, "len": 1, "label": "-"}, {"source": 48, "type": "backbone", "target": 49, "len": 1, "label": "-"}, {"source": 49, "type": "backbone", "target": 50, "len": 1, "label": "-"}, {"source": 50, "type": "backbone", "target": 51, "len": 1, "label": "-"}, {"source": 51, "type": "backbone", "target": 52, "len": 1, "label": "-"}, {"source": 52, "type": "backbone", "target": 53, "len": 1, "label": "-"}, {"source": 53, "type": "backbone", "target": 54, "len": 1, "label": "-"}, {"source": 54, "type": "backbone", "target": 55, "len": 1, "label": "-"}, {"source": 55, "type": "backbone", "target": 56, "len": 1, "label": "-"}, {"source": 56, "type": "backbone", "target": 57, "len": 1, "label": "-"}, {"source": 57, "type": "backbone", "target": 58, "len": 1, "label": "-"}, {"source": 58, "type": "backbone", "target": 59, "len": 1, "label": "-"}, {"source": 59, "type": "backbone", "target": 60, "len": 1, "label": "-"}, {"source": 60, "type": "backbone", "target": 61, "len": 1, "label": "-"}], "multigraph": false}
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/converter_result02.json
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/converter_result02.json	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,4 @@
+{"directed": false, "graph": {"info": "RNAshapes shape_type=2 energy_range=4 max_num=3", "id": "CP000097.1/1411351-1411410_[_[]_][[]_]", "structure": "....(((..((((((....))))))....)))...(((((((.........)).))))).", "sequence": "CAACGUUCACCUCACAUUUGUGAGGCGCAGACAACCCAGGCCAAGGAACGGGGACCUGGA"}, "nodes": [{"position": 0, "id": 0, "label": "C"}, {"position": 1, "id": 1, "label": "A"}, {"position": 2, "id": 2, "label": "A"}, {"position": 3, "id": 3, "label": "C"}, {"position": 4, "id": 4, "label": "G"}, {"position": 5, "id": 5, "label": "U"}, {"position": 6, "id": 6, "label": "U"}, {"position": 7, "id": 7, "label": "C"}, {"position": 8, "id": 8, "label": "A"}, {"position": 9, "id": 9, "label": "C"}, {"position": 10, "id": 10, "label": "C"}, {"position": 11, "id": 11, "label": "U"}, {"position": 12, "id": 12, "label": "C"}, {"position": 13, "id": 13, "label": "A"}, {"position": 14, "id": 14, "label": "C"}, {"position": 15, "id": 15, "label": "A"}, {"position": 16, "id": 16, "label": "U"}, {"position": 17, "id": 17, "label": "U"}, {"position": 18, "id": 18, "label": "U"}, {"position": 19, "id": 19, "label": "G"}, {"position": 20, "id": 20, "label": "U"}, {"position": 21, "id": 21, "label": "G"}, {"position": 22, "id": 22, "label": "A"}, {"position": 23, "id": 23, "label": "G"}, {"position": 24, "id": 24, "label": "G"}, {"position": 25, "id": 25, "label": "C"}, {"position": 26, "id": 26, "label": "G"}, {"position": 27, "id": 27, "label": "C"}, {"position": 28, "id": 28, "label": "A"}, {"position": 29, "id": 29, "label": "G"}, {"position": 30, "id": 30, "label": "A"}, {"position": 31, "id": 31, "label": "C"}, {"position": 32, "id": 32, "label": "A"}, {"position": 33, "id": 33, "label": "A"}, {"position": 34, "id": 34, "label": "C"}, {"position": 35, "id": 35, "label": "C"}, {"position": 36, "id": 36, "label": "C"}, {"position": 37, "id": 37, "label": "A"}, {"position": 38, "id": 38, "label": "G"}, {"position": 39, "id": 39, "label": "G"}, {"position": 40, "id": 40, "label": "C"}, {"position": 41, "id": 41, "label": "C"}, {"position": 42, "id": 42, "label": "A"}, {"position": 43, "id": 43, "label": "A"}, {"position": 44, "id": 44, "label": "G"}, {"position": 45, "id": 45, "label": "G"}, {"position": 46, "id": 46, "label": "A"}, {"position": 47, "id": 47, "label": "A"}, {"position": 48, "id": 48, "label": "C"}, {"position": 49, "id": 49, "label": "G"}, {"position": 50, "id": 50, "label": "G"}, {"position": 51, "id": 51, "label": "G"}, {"position": 52, "id": 52, "label": "G"}, {"position": 53, "id": 53, "label": "A"}, {"position": 54, "id": 54, "label": "C"}, {"position": 55, "id": 55, "label": "C"}, {"position": 56, "id": 56, "label": "U"}, {"position": 57, "id": 57, "label": "G"}, {"position": 58, "id": 58, "label": "G"}, {"position": 59, "id": 59, "label": "A"}], "links": [{"source": 0, "type": "backbone", "target": 1, "len": 1, "label": "-"}, {"source": 1, "type": "backbone", "target": 2, "len": 1, "label": "-"}, {"source": 2, "type": "backbone", "target": 3, "len": 1, "label": "-"}, {"source": 3, "type": "backbone", "target": 4, "len": 1, "label": "-"}, {"source": 4, "type": "backbone", "target": 5, "len": 1, "label": "-"}, {"source": 4, "type": "basepair", "target": 31, "len": 1, "label": "="}, {"source": 5, "type": "basepair", "target": 30, "len": 1, "label": "="}, {"source": 5, "type": "backbone", "target": 6, "len": 1, "label": "-"}, {"source": 6, "type": "basepair", "target": 29, "len": 1, "label": "="}, {"source": 6, "type": "backbone", "target": 7, "len": 1, "label": "-"}, {"source": 7, "type": "backbone", "target": 8, "len": 1, "label": "-"}, {"source": 8, "type": "backbone", "target": 9, "len": 1, "label": "-"}, {"source": 9, "type": "basepair", "target": 24, "len": 1, "label": "="}, {"source": 9, "type": "backbone", "target": 10, "len": 1, "label": "-"}, {"source": 10, "type": "backbone", "target": 11, "len": 1, "label": "-"}, {"source": 10, "type": "basepair", "target": 23, "len": 1, "label": "="}, {"source": 11, "type": "backbone", "target": 12, "len": 1, "label": "-"}, {"source": 11, "type": "basepair", "target": 22, "len": 1, "label": "="}, {"source": 12, "type": "backbone", "target": 13, "len": 1, "label": "-"}, {"source": 12, "type": "basepair", "target": 21, "len": 1, "label": "="}, {"source": 13, "type": "basepair", "target": 20, "len": 1, "label": "="}, {"source": 13, "type": "backbone", "target": 14, "len": 1, "label": "-"}, {"source": 14, "type": "basepair", "target": 19, "len": 1, "label": "="}, {"source": 14, "type": "backbone", "target": 15, "len": 1, "label": "-"}, {"source": 15, "type": "backbone", "target": 16, "len": 1, "label": "-"}, {"source": 16, "type": "backbone", "target": 17, "len": 1, "label": "-"}, {"source": 17, "type": "backbone", "target": 18, "len": 1, "label": "-"}, {"source": 18, "type": "backbone", "target": 19, "len": 1, "label": "-"}, {"source": 19, "type": "backbone", "target": 20, "len": 1, "label": "-"}, {"source": 20, "type": "backbone", "target": 21, "len": 1, "label": "-"}, {"source": 21, "type": "backbone", "target": 22, "len": 1, "label": "-"}, {"source": 22, "type": "backbone", "target": 23, "len": 1, "label": "-"}, {"source": 23, "type": "backbone", "target": 24, "len": 1, "label": "-"}, {"source": 24, "type": "backbone", "target": 25, "len": 1, "label": "-"}, {"source": 25, "type": "backbone", "target": 26, "len": 1, "label": "-"}, {"source": 26, "type": "backbone", "target": 27, "len": 1, "label": "-"}, {"source": 27, "type": "backbone", "target": 28, "len": 1, "label": "-"}, {"source": 28, "type": "backbone", "target": 29, "len": 1, "label": "-"}, {"source": 29, "type": "backbone", "target": 30, "len": 1, "label": "-"}, {"source": 30, "type": "backbone", "target": 31, "len": 1, "label": "-"}, {"source": 31, "type": "backbone", "target": 32, "len": 1, "label": "-"}, {"source": 32, "type": "backbone", "target": 33, "len": 1, "label": "-"}, {"source": 33, "type": "backbone", "target": 34, "len": 1, "label": "-"}, {"source": 34, "type": "backbone", "target": 35, "len": 1, "label": "-"}, {"source": 35, "type": "backbone", "target": 36, "len": 1, "label": "-"}, {"source": 35, "type": "basepair", "target": 58, "len": 1, "label": "="}, {"source": 36, "type": "basepair", "target": 57, "len": 1, "label": "="}, {"source": 36, "type": "backbone", "target": 37, "len": 1, "label": "-"}, {"source": 37, "type": "basepair", "target": 56, "len": 1, "label": "="}, {"source": 37, "type": "backbone", "target": 38, "len": 1, "label": "-"}, {"source": 38, "type": "basepair", "target": 55, "len": 1, "label": "="}, {"source": 38, "type": "backbone", "target": 39, "len": 1, "label": "-"}, {"source": 39, "type": "backbone", "target": 40, "len": 1, "label": "-"}, {"source": 39, "type": "basepair", "target": 54, "len": 1, "label": "="}, {"source": 40, "type": "backbone", "target": 41, "len": 1, "label": "-"}, {"source": 40, "type": "basepair", "target": 52, "len": 1, "label": "="}, {"source": 41, "type": "backbone", "target": 42, "len": 1, "label": "-"}, {"source": 41, "type": "basepair", "target": 51, "len": 1, "label": "="}, {"source": 42, "type": "backbone", "target": 43, "len": 1, "label": "-"}, {"source": 43, "type": "backbone", "target": 44, "len": 1, "label": "-"}, {"source": 44, "type": "backbone", "target": 45, "len": 1, "label": "-"}, {"source": 45, "type": "backbone", "target": 46, "len": 1, "label": "-"}, {"source": 46, "type": "backbone", "target": 47, "len": 1, "label": "-"}, {"source": 47, "type": "backbone", "target": 48, "len": 1, "label": "-"}, {"source": 48, "type": "backbone", "target": 49, "len": 1, "label": "-"}, {"source": 49, "type": "backbone", "target": 50, "len": 1, "label": "-"}, {"source": 50, "type": "backbone", "target": 51, "len": 1, "label": "-"}, {"source": 51, "type": "backbone", "target": 52, "len": 1, "label": "-"}, {"source": 52, "type": "backbone", "target": 53, "len": 1, "label": "-"}, {"source": 53, "type": "backbone", "target": 54, "len": 1, "label": "-"}, {"source": 54, "type": "backbone", "target": 55, "len": 1, "label": "-"}, {"source": 55, "type": "backbone", "target": 56, "len": 1, "label": "-"}, {"source": 56, "type": "backbone", "target": 57, "len": 1, "label": "-"}, {"source": 57, "type": "backbone", "target": 58, "len": 1, "label": "-"}, {"source": 58, "type": "backbone", "target": 59, "len": 1, "label": "-"}], "multigraph": false}
+{"directed": false, "graph": {"info": "RNAshapes shape_type=2 energy_range=4 max_num=3", "id": "ACNY01000002.1/278641-278580_[_[]_][[]_]", "structure": "....((...((((((.....)))))).)).......((((((((.........)).))))))", "sequence": "GAUCGUUCACUUCGCAUCGCGCGAAGCGCAGUUCGCCUCAGGCCAUGGAACGGGGACCUGAG"}, "nodes": [{"position": 0, "id": 0, "label": "G"}, {"position": 1, "id": 1, "label": "A"}, {"position": 2, "id": 2, "label": "U"}, {"position": 3, "id": 3, "label": "C"}, {"position": 4, "id": 4, "label": "G"}, {"position": 5, "id": 5, "label": "U"}, {"position": 6, "id": 6, "label": "U"}, {"position": 7, "id": 7, "label": "C"}, {"position": 8, "id": 8, "label": "A"}, {"position": 9, "id": 9, "label": "C"}, {"position": 10, "id": 10, "label": "U"}, {"position": 11, "id": 11, "label": "U"}, {"position": 12, "id": 12, "label": "C"}, {"position": 13, "id": 13, "label": "G"}, {"position": 14, "id": 14, "label": "C"}, {"position": 15, "id": 15, "label": "A"}, {"position": 16, "id": 16, "label": "U"}, {"position": 17, "id": 17, "label": "C"}, {"position": 18, "id": 18, "label": "G"}, {"position": 19, "id": 19, "label": "C"}, {"position": 20, "id": 20, "label": "G"}, {"position": 21, "id": 21, "label": "C"}, {"position": 22, "id": 22, "label": "G"}, {"position": 23, "id": 23, "label": "A"}, {"position": 24, "id": 24, "label": "A"}, {"position": 25, "id": 25, "label": "G"}, {"position": 26, "id": 26, "label": "C"}, {"position": 27, "id": 27, "label": "G"}, {"position": 28, "id": 28, "label": "C"}, {"position": 29, "id": 29, "label": "A"}, {"position": 30, "id": 30, "label": "G"}, {"position": 31, "id": 31, "label": "U"}, {"position": 32, "id": 32, "label": "U"}, {"position": 33, "id": 33, "label": "C"}, {"position": 34, "id": 34, "label": "G"}, {"position": 35, "id": 35, "label": "C"}, {"position": 36, "id": 36, "label": "C"}, {"position": 37, "id": 37, "label": "U"}, {"position": 38, "id": 38, "label": "C"}, {"position": 39, "id": 39, "label": "A"}, {"position": 40, "id": 40, "label": "G"}, {"position": 41, "id": 41, "label": "G"}, {"position": 42, "id": 42, "label": "C"}, {"position": 43, "id": 43, "label": "C"}, {"position": 44, "id": 44, "label": "A"}, {"position": 45, "id": 45, "label": "U"}, {"position": 46, "id": 46, "label": "G"}, {"position": 47, "id": 47, "label": "G"}, {"position": 48, "id": 48, "label": "A"}, {"position": 49, "id": 49, "label": "A"}, {"position": 50, "id": 50, "label": "C"}, {"position": 51, "id": 51, "label": "G"}, {"position": 52, "id": 52, "label": "G"}, {"position": 53, "id": 53, "label": "G"}, {"position": 54, "id": 54, "label": "G"}, {"position": 55, "id": 55, "label": "A"}, {"position": 56, "id": 56, "label": "C"}, {"position": 57, "id": 57, "label": "C"}, {"position": 58, "id": 58, "label": "U"}, {"position": 59, "id": 59, "label": "G"}, {"position": 60, "id": 60, "label": "A"}, {"position": 61, "id": 61, "label": "G"}], "links": [{"source": 0, "type": "backbone", "target": 1, "len": 1, "label": "-"}, {"source": 1, "type": "backbone", "target": 2, "len": 1, "label": "-"}, {"source": 2, "type": "backbone", "target": 3, "len": 1, "label": "-"}, {"source": 3, "type": "backbone", "target": 4, "len": 1, "label": "-"}, {"source": 4, "type": "basepair", "target": 28, "len": 1, "label": "="}, {"source": 4, "type": "backbone", "target": 5, "len": 1, "label": "-"}, {"source": 5, "type": "basepair", "target": 27, "len": 1, "label": "="}, {"source": 5, "type": "backbone", "target": 6, "len": 1, "label": "-"}, {"source": 6, "type": "backbone", "target": 7, "len": 1, "label": "-"}, {"source": 7, "type": "backbone", "target": 8, "len": 1, "label": "-"}, {"source": 8, "type": "backbone", "target": 9, "len": 1, "label": "-"}, {"source": 9, "type": "basepair", "target": 25, "len": 1, "label": "="}, {"source": 9, "type": "backbone", "target": 10, "len": 1, "label": "-"}, {"source": 10, "type": "basepair", "target": 24, "len": 1, "label": "="}, {"source": 10, "type": "backbone", "target": 11, "len": 1, "label": "-"}, {"source": 11, "type": "backbone", "target": 12, "len": 1, "label": "-"}, {"source": 11, "type": "basepair", "target": 23, "len": 1, "label": "="}, {"source": 12, "type": "backbone", "target": 13, "len": 1, "label": "-"}, {"source": 12, "type": "basepair", "target": 22, "len": 1, "label": "="}, {"source": 13, "type": "basepair", "target": 21, "len": 1, "label": "="}, {"source": 13, "type": "backbone", "target": 14, "len": 1, "label": "-"}, {"source": 14, "type": "basepair", "target": 20, "len": 1, "label": "="}, {"source": 14, "type": "backbone", "target": 15, "len": 1, "label": "-"}, {"source": 15, "type": "backbone", "target": 16, "len": 1, "label": "-"}, {"source": 16, "type": "backbone", "target": 17, "len": 1, "label": "-"}, {"source": 17, "type": "backbone", "target": 18, "len": 1, "label": "-"}, {"source": 18, "type": "backbone", "target": 19, "len": 1, "label": "-"}, {"source": 19, "type": "backbone", "target": 20, "len": 1, "label": "-"}, {"source": 20, "type": "backbone", "target": 21, "len": 1, "label": "-"}, {"source": 21, "type": "backbone", "target": 22, "len": 1, "label": "-"}, {"source": 22, "type": "backbone", "target": 23, "len": 1, "label": "-"}, {"source": 23, "type": "backbone", "target": 24, "len": 1, "label": "-"}, {"source": 24, "type": "backbone", "target": 25, "len": 1, "label": "-"}, {"source": 25, "type": "backbone", "target": 26, "len": 1, "label": "-"}, {"source": 26, "type": "backbone", "target": 27, "len": 1, "label": "-"}, {"source": 27, "type": "backbone", "target": 28, "len": 1, "label": "-"}, {"source": 28, "type": "backbone", "target": 29, "len": 1, "label": "-"}, {"source": 29, "type": "backbone", "target": 30, "len": 1, "label": "-"}, {"source": 30, "type": "backbone", "target": 31, "len": 1, "label": "-"}, {"source": 31, "type": "backbone", "target": 32, "len": 1, "label": "-"}, {"source": 32, "type": "backbone", "target": 33, "len": 1, "label": "-"}, {"source": 33, "type": "backbone", "target": 34, "len": 1, "label": "-"}, {"source": 34, "type": "backbone", "target": 35, "len": 1, "label": "-"}, {"source": 35, "type": "backbone", "target": 36, "len": 1, "label": "-"}, {"source": 36, "type": "backbone", "target": 37, "len": 1, "label": "-"}, {"source": 36, "type": "basepair", "target": 61, "len": 1, "label": "="}, {"source": 37, "type": "basepair", "target": 60, "len": 1, "label": "="}, {"source": 37, "type": "backbone", "target": 38, "len": 1, "label": "-"}, {"source": 38, "type": "basepair", "target": 59, "len": 1, "label": "="}, {"source": 38, "type": "backbone", "target": 39, "len": 1, "label": "-"}, {"source": 39, "type": "backbone", "target": 40, "len": 1, "label": "-"}, {"source": 39, "type": "basepair", "target": 58, "len": 1, "label": "="}, {"source": 40, "type": "backbone", "target": 41, "len": 1, "label": "-"}, {"source": 40, "type": "basepair", "target": 57, "len": 1, "label": "="}, {"source": 41, "type": "basepair", "target": 56, "len": 1, "label": "="}, {"source": 41, "type": "backbone", "target": 42, "len": 1, "label": "-"}, {"source": 42, "type": "backbone", "target": 43, "len": 1, "label": "-"}, {"source": 42, "type": "basepair", "target": 54, "len": 1, "label": "="}, {"source": 43, "type": "backbone", "target": 44, "len": 1, "label": "-"}, {"source": 43, "type": "basepair", "target": 53, "len": 1, "label": "="}, {"source": 44, "type": "backbone", "target": 45, "len": 1, "label": "-"}, {"source": 45, "type": "backbone", "target": 46, "len": 1, "label": "-"}, {"source": 46, "type": "backbone", "target": 47, "len": 1, "label": "-"}, {"source": 47, "type": "backbone", "target": 48, "len": 1, "label": "-"}, {"source": 48, "type": "backbone", "target": 49, "len": 1, "label": "-"}, {"source": 49, "type": "backbone", "target": 50, "len": 1, "label": "-"}, {"source": 50, "type": "backbone", "target": 51, "len": 1, "label": "-"}, {"source": 51, "type": "backbone", "target": 52, "len": 1, "label": "-"}, {"source": 52, "type": "backbone", "target": 53, "len": 1, "label": "-"}, {"source": 53, "type": "backbone", "target": 54, "len": 1, "label": "-"}, {"source": 54, "type": "backbone", "target": 55, "len": 1, "label": "-"}, {"source": 55, "type": "backbone", "target": 56, "len": 1, "label": "-"}, {"source": 56, "type": "backbone", "target": 57, "len": 1, "label": "-"}, {"source": 57, "type": "backbone", "target": 58, "len": 1, "label": "-"}, {"source": 58, "type": "backbone", "target": 59, "len": 1, "label": "-"}, {"source": 59, "type": "backbone", "target": 60, "len": 1, "label": "-"}, {"source": 60, "type": "backbone", "target": 61, "len": 1, "label": "-"}], "multigraph": false}
+{"directed": false, "graph": {"info": "RNAshapes shape_type=2 energy_range=4 max_num=3", "id": "ACNY01000002.1/278641-278580_[_[_[]_]_][[]_]", "structure": "((..((...((((((.....)))))).))...))..((((((((.........)).))))))", "sequence": "GAUCGUUCACUUCGCAUCGCGCGAAGCGCAGUUCGCCUCAGGCCAUGGAACGGGGACCUGAG"}, "nodes": [{"position": 0, "id": 0, "label": "G"}, {"position": 1, "id": 1, "label": "A"}, {"position": 2, "id": 2, "label": "U"}, {"position": 3, "id": 3, "label": "C"}, {"position": 4, "id": 4, "label": "G"}, {"position": 5, "id": 5, "label": "U"}, {"position": 6, "id": 6, "label": "U"}, {"position": 7, "id": 7, "label": "C"}, {"position": 8, "id": 8, "label": "A"}, {"position": 9, "id": 9, "label": "C"}, {"position": 10, "id": 10, "label": "U"}, {"position": 11, "id": 11, "label": "U"}, {"position": 12, "id": 12, "label": "C"}, {"position": 13, "id": 13, "label": "G"}, {"position": 14, "id": 14, "label": "C"}, {"position": 15, "id": 15, "label": "A"}, {"position": 16, "id": 16, "label": "U"}, {"position": 17, "id": 17, "label": "C"}, {"position": 18, "id": 18, "label": "G"}, {"position": 19, "id": 19, "label": "C"}, {"position": 20, "id": 20, "label": "G"}, {"position": 21, "id": 21, "label": "C"}, {"position": 22, "id": 22, "label": "G"}, {"position": 23, "id": 23, "label": "A"}, {"position": 24, "id": 24, "label": "A"}, {"position": 25, "id": 25, "label": "G"}, {"position": 26, "id": 26, "label": "C"}, {"position": 27, "id": 27, "label": "G"}, {"position": 28, "id": 28, "label": "C"}, {"position": 29, "id": 29, "label": "A"}, {"position": 30, "id": 30, "label": "G"}, {"position": 31, "id": 31, "label": "U"}, {"position": 32, "id": 32, "label": "U"}, {"position": 33, "id": 33, "label": "C"}, {"position": 34, "id": 34, "label": "G"}, {"position": 35, "id": 35, "label": "C"}, {"position": 36, "id": 36, "label": "C"}, {"position": 37, "id": 37, "label": "U"}, {"position": 38, "id": 38, "label": "C"}, {"position": 39, "id": 39, "label": "A"}, {"position": 40, "id": 40, "label": "G"}, {"position": 41, "id": 41, "label": "G"}, {"position": 42, "id": 42, "label": "C"}, {"position": 43, "id": 43, "label": "C"}, {"position": 44, "id": 44, "label": "A"}, {"position": 45, "id": 45, "label": "U"}, {"position": 46, "id": 46, "label": "G"}, {"position": 47, "id": 47, "label": "G"}, {"position": 48, "id": 48, "label": "A"}, {"position": 49, "id": 49, "label": "A"}, {"position": 50, "id": 50, "label": "C"}, {"position": 51, "id": 51, "label": "G"}, {"position": 52, "id": 52, "label": "G"}, {"position": 53, "id": 53, "label": "G"}, {"position": 54, "id": 54, "label": "G"}, {"position": 55, "id": 55, "label": "A"}, {"position": 56, "id": 56, "label": "C"}, {"position": 57, "id": 57, "label": "C"}, {"position": 58, "id": 58, "label": "U"}, {"position": 59, "id": 59, "label": "G"}, {"position": 60, "id": 60, "label": "A"}, {"position": 61, "id": 61, "label": "G"}], "links": [{"source": 0, "type": "backbone", "target": 1, "len": 1, "label": "-"}, {"source": 0, "type": "basepair", "target": 33, "len": 1, "label": "="}, {"source": 1, "type": "basepair", "target": 32, "len": 1, "label": "="}, {"source": 1, "type": "backbone", "target": 2, "len": 1, "label": "-"}, {"source": 2, "type": "backbone", "target": 3, "len": 1, "label": "-"}, {"source": 3, "type": "backbone", "target": 4, "len": 1, "label": "-"}, {"source": 4, "type": "basepair", "target": 28, "len": 1, "label": "="}, {"source": 4, "type": "backbone", "target": 5, "len": 1, "label": "-"}, {"source": 5, "type": "basepair", "target": 27, "len": 1, "label": "="}, {"source": 5, "type": "backbone", "target": 6, "len": 1, "label": "-"}, {"source": 6, "type": "backbone", "target": 7, "len": 1, "label": "-"}, {"source": 7, "type": "backbone", "target": 8, "len": 1, "label": "-"}, {"source": 8, "type": "backbone", "target": 9, "len": 1, "label": "-"}, {"source": 9, "type": "basepair", "target": 25, "len": 1, "label": "="}, {"source": 9, "type": "backbone", "target": 10, "len": 1, "label": "-"}, {"source": 10, "type": "basepair", "target": 24, "len": 1, "label": "="}, {"source": 10, "type": "backbone", "target": 11, "len": 1, "label": "-"}, {"source": 11, "type": "backbone", "target": 12, "len": 1, "label": "-"}, {"source": 11, "type": "basepair", "target": 23, "len": 1, "label": "="}, {"source": 12, "type": "backbone", "target": 13, "len": 1, "label": "-"}, {"source": 12, "type": "basepair", "target": 22, "len": 1, "label": "="}, {"source": 13, "type": "basepair", "target": 21, "len": 1, "label": "="}, {"source": 13, "type": "backbone", "target": 14, "len": 1, "label": "-"}, {"source": 14, "type": "basepair", "target": 20, "len": 1, "label": "="}, {"source": 14, "type": "backbone", "target": 15, "len": 1, "label": "-"}, {"source": 15, "type": "backbone", "target": 16, "len": 1, "label": "-"}, {"source": 16, "type": "backbone", "target": 17, "len": 1, "label": "-"}, {"source": 17, "type": "backbone", "target": 18, "len": 1, "label": "-"}, {"source": 18, "type": "backbone", "target": 19, "len": 1, "label": "-"}, {"source": 19, "type": "backbone", "target": 20, "len": 1, "label": "-"}, {"source": 20, "type": "backbone", "target": 21, "len": 1, "label": "-"}, {"source": 21, "type": "backbone", "target": 22, "len": 1, "label": "-"}, {"source": 22, "type": "backbone", "target": 23, "len": 1, "label": "-"}, {"source": 23, "type": "backbone", "target": 24, "len": 1, "label": "-"}, {"source": 24, "type": "backbone", "target": 25, "len": 1, "label": "-"}, {"source": 25, "type": "backbone", "target": 26, "len": 1, "label": "-"}, {"source": 26, "type": "backbone", "target": 27, "len": 1, "label": "-"}, {"source": 27, "type": "backbone", "target": 28, "len": 1, "label": "-"}, {"source": 28, "type": "backbone", "target": 29, "len": 1, "label": "-"}, {"source": 29, "type": "backbone", "target": 30, "len": 1, "label": "-"}, {"source": 30, "type": "backbone", "target": 31, "len": 1, "label": "-"}, {"source": 31, "type": "backbone", "target": 32, "len": 1, "label": "-"}, {"source": 32, "type": "backbone", "target": 33, "len": 1, "label": "-"}, {"source": 33, "type": "backbone", "target": 34, "len": 1, "label": "-"}, {"source": 34, "type": "backbone", "target": 35, "len": 1, "label": "-"}, {"source": 35, "type": "backbone", "target": 36, "len": 1, "label": "-"}, {"source": 36, "type": "backbone", "target": 37, "len": 1, "label": "-"}, {"source": 36, "type": "basepair", "target": 61, "len": 1, "label": "="}, {"source": 37, "type": "basepair", "target": 60, "len": 1, "label": "="}, {"source": 37, "type": "backbone", "target": 38, "len": 1, "label": "-"}, {"source": 38, "type": "basepair", "target": 59, "len": 1, "label": "="}, {"source": 38, "type": "backbone", "target": 39, "len": 1, "label": "-"}, {"source": 39, "type": "backbone", "target": 40, "len": 1, "label": "-"}, {"source": 39, "type": "basepair", "target": 58, "len": 1, "label": "="}, {"source": 40, "type": "backbone", "target": 41, "len": 1, "label": "-"}, {"source": 40, "type": "basepair", "target": 57, "len": 1, "label": "="}, {"source": 41, "type": "basepair", "target": 56, "len": 1, "label": "="}, {"source": 41, "type": "backbone", "target": 42, "len": 1, "label": "-"}, {"source": 42, "type": "backbone", "target": 43, "len": 1, "label": "-"}, {"source": 42, "type": "basepair", "target": 54, "len": 1, "label": "="}, {"source": 43, "type": "backbone", "target": 44, "len": 1, "label": "-"}, {"source": 43, "type": "basepair", "target": 53, "len": 1, "label": "="}, {"source": 44, "type": "backbone", "target": 45, "len": 1, "label": "-"}, {"source": 45, "type": "backbone", "target": 46, "len": 1, "label": "-"}, {"source": 46, "type": "backbone", "target": 47, "len": 1, "label": "-"}, {"source": 47, "type": "backbone", "target": 48, "len": 1, "label": "-"}, {"source": 48, "type": "backbone", "target": 49, "len": 1, "label": "-"}, {"source": 49, "type": "backbone", "target": 50, "len": 1, "label": "-"}, {"source": 50, "type": "backbone", "target": 51, "len": 1, "label": "-"}, {"source": 51, "type": "backbone", "target": 52, "len": 1, "label": "-"}, {"source": 52, "type": "backbone", "target": 53, "len": 1, "label": "-"}, {"source": 53, "type": "backbone", "target": 54, "len": 1, "label": "-"}, {"source": 54, "type": "backbone", "target": 55, "len": 1, "label": "-"}, {"source": 55, "type": "backbone", "target": 56, "len": 1, "label": "-"}, {"source": 56, "type": "backbone", "target": 57, "len": 1, "label": "-"}, {"source": 57, "type": "backbone", "target": 58, "len": 1, "label": "-"}, {"source": 58, "type": "backbone", "target": 59, "len": 1, "label": "-"}, {"source": 59, "type": "backbone", "target": 60, "len": 1, "label": "-"}, {"source": 60, "type": "backbone", "target": 61, "len": 1, "label": "-"}], "multigraph": false}
+{"directed": false, "graph": {"info": "RNAshapes shape_type=2 energy_range=4 max_num=3", "id": "ACNY01000002.1/278641-278580_[][[]_]", "structure": ".........((((((.....))))))..........((((((((.........)).))))))", "sequence": "GAUCGUUCACUUCGCAUCGCGCGAAGCGCAGUUCGCCUCAGGCCAUGGAACGGGGACCUGAG"}, "nodes": [{"position": 0, "id": 0, "label": "G"}, {"position": 1, "id": 1, "label": "A"}, {"position": 2, "id": 2, "label": "U"}, {"position": 3, "id": 3, "label": "C"}, {"position": 4, "id": 4, "label": "G"}, {"position": 5, "id": 5, "label": "U"}, {"position": 6, "id": 6, "label": "U"}, {"position": 7, "id": 7, "label": "C"}, {"position": 8, "id": 8, "label": "A"}, {"position": 9, "id": 9, "label": "C"}, {"position": 10, "id": 10, "label": "U"}, {"position": 11, "id": 11, "label": "U"}, {"position": 12, "id": 12, "label": "C"}, {"position": 13, "id": 13, "label": "G"}, {"position": 14, "id": 14, "label": "C"}, {"position": 15, "id": 15, "label": "A"}, {"position": 16, "id": 16, "label": "U"}, {"position": 17, "id": 17, "label": "C"}, {"position": 18, "id": 18, "label": "G"}, {"position": 19, "id": 19, "label": "C"}, {"position": 20, "id": 20, "label": "G"}, {"position": 21, "id": 21, "label": "C"}, {"position": 22, "id": 22, "label": "G"}, {"position": 23, "id": 23, "label": "A"}, {"position": 24, "id": 24, "label": "A"}, {"position": 25, "id": 25, "label": "G"}, {"position": 26, "id": 26, "label": "C"}, {"position": 27, "id": 27, "label": "G"}, {"position": 28, "id": 28, "label": "C"}, {"position": 29, "id": 29, "label": "A"}, {"position": 30, "id": 30, "label": "G"}, {"position": 31, "id": 31, "label": "U"}, {"position": 32, "id": 32, "label": "U"}, {"position": 33, "id": 33, "label": "C"}, {"position": 34, "id": 34, "label": "G"}, {"position": 35, "id": 35, "label": "C"}, {"position": 36, "id": 36, "label": "C"}, {"position": 37, "id": 37, "label": "U"}, {"position": 38, "id": 38, "label": "C"}, {"position": 39, "id": 39, "label": "A"}, {"position": 40, "id": 40, "label": "G"}, {"position": 41, "id": 41, "label": "G"}, {"position": 42, "id": 42, "label": "C"}, {"position": 43, "id": 43, "label": "C"}, {"position": 44, "id": 44, "label": "A"}, {"position": 45, "id": 45, "label": "U"}, {"position": 46, "id": 46, "label": "G"}, {"position": 47, "id": 47, "label": "G"}, {"position": 48, "id": 48, "label": "A"}, {"position": 49, "id": 49, "label": "A"}, {"position": 50, "id": 50, "label": "C"}, {"position": 51, "id": 51, "label": "G"}, {"position": 52, "id": 52, "label": "G"}, {"position": 53, "id": 53, "label": "G"}, {"position": 54, "id": 54, "label": "G"}, {"position": 55, "id": 55, "label": "A"}, {"position": 56, "id": 56, "label": "C"}, {"position": 57, "id": 57, "label": "C"}, {"position": 58, "id": 58, "label": "U"}, {"position": 59, "id": 59, "label": "G"}, {"position": 60, "id": 60, "label": "A"}, {"position": 61, "id": 61, "label": "G"}], "links": [{"source": 0, "type": "backbone", "target": 1, "len": 1, "label": "-"}, {"source": 1, "type": "backbone", "target": 2, "len": 1, "label": "-"}, {"source": 2, "type": "backbone", "target": 3, "len": 1, "label": "-"}, {"source": 3, "type": "backbone", "target": 4, "len": 1, "label": "-"}, {"source": 4, "type": "backbone", "target": 5, "len": 1, "label": "-"}, {"source": 5, "type": "backbone", "target": 6, "len": 1, "label": "-"}, {"source": 6, "type": "backbone", "target": 7, "len": 1, "label": "-"}, {"source": 7, "type": "backbone", "target": 8, "len": 1, "label": "-"}, {"source": 8, "type": "backbone", "target": 9, "len": 1, "label": "-"}, {"source": 9, "type": "basepair", "target": 25, "len": 1, "label": "="}, {"source": 9, "type": "backbone", "target": 10, "len": 1, "label": "-"}, {"source": 10, "type": "basepair", "target": 24, "len": 1, "label": "="}, {"source": 10, "type": "backbone", "target": 11, "len": 1, "label": "-"}, {"source": 11, "type": "backbone", "target": 12, "len": 1, "label": "-"}, {"source": 11, "type": "basepair", "target": 23, "len": 1, "label": "="}, {"source": 12, "type": "backbone", "target": 13, "len": 1, "label": "-"}, {"source": 12, "type": "basepair", "target": 22, "len": 1, "label": "="}, {"source": 13, "type": "basepair", "target": 21, "len": 1, "label": "="}, {"source": 13, "type": "backbone", "target": 14, "len": 1, "label": "-"}, {"source": 14, "type": "basepair", "target": 20, "len": 1, "label": "="}, {"source": 14, "type": "backbone", "target": 15, "len": 1, "label": "-"}, {"source": 15, "type": "backbone", "target": 16, "len": 1, "label": "-"}, {"source": 16, "type": "backbone", "target": 17, "len": 1, "label": "-"}, {"source": 17, "type": "backbone", "target": 18, "len": 1, "label": "-"}, {"source": 18, "type": "backbone", "target": 19, "len": 1, "label": "-"}, {"source": 19, "type": "backbone", "target": 20, "len": 1, "label": "-"}, {"source": 20, "type": "backbone", "target": 21, "len": 1, "label": "-"}, {"source": 21, "type": "backbone", "target": 22, "len": 1, "label": "-"}, {"source": 22, "type": "backbone", "target": 23, "len": 1, "label": "-"}, {"source": 23, "type": "backbone", "target": 24, "len": 1, "label": "-"}, {"source": 24, "type": "backbone", "target": 25, "len": 1, "label": "-"}, {"source": 25, "type": "backbone", "target": 26, "len": 1, "label": "-"}, {"source": 26, "type": "backbone", "target": 27, "len": 1, "label": "-"}, {"source": 27, "type": "backbone", "target": 28, "len": 1, "label": "-"}, {"source": 28, "type": "backbone", "target": 29, "len": 1, "label": "-"}, {"source": 29, "type": "backbone", "target": 30, "len": 1, "label": "-"}, {"source": 30, "type": "backbone", "target": 31, "len": 1, "label": "-"}, {"source": 31, "type": "backbone", "target": 32, "len": 1, "label": "-"}, {"source": 32, "type": "backbone", "target": 33, "len": 1, "label": "-"}, {"source": 33, "type": "backbone", "target": 34, "len": 1, "label": "-"}, {"source": 34, "type": "backbone", "target": 35, "len": 1, "label": "-"}, {"source": 35, "type": "backbone", "target": 36, "len": 1, "label": "-"}, {"source": 36, "type": "backbone", "target": 37, "len": 1, "label": "-"}, {"source": 36, "type": "basepair", "target": 61, "len": 1, "label": "="}, {"source": 37, "type": "basepair", "target": 60, "len": 1, "label": "="}, {"source": 37, "type": "backbone", "target": 38, "len": 1, "label": "-"}, {"source": 38, "type": "basepair", "target": 59, "len": 1, "label": "="}, {"source": 38, "type": "backbone", "target": 39, "len": 1, "label": "-"}, {"source": 39, "type": "backbone", "target": 40, "len": 1, "label": "-"}, {"source": 39, "type": "basepair", "target": 58, "len": 1, "label": "="}, {"source": 40, "type": "backbone", "target": 41, "len": 1, "label": "-"}, {"source": 40, "type": "basepair", "target": 57, "len": 1, "label": "="}, {"source": 41, "type": "basepair", "target": 56, "len": 1, "label": "="}, {"source": 41, "type": "backbone", "target": 42, "len": 1, "label": "-"}, {"source": 42, "type": "backbone", "target": 43, "len": 1, "label": "-"}, {"source": 42, "type": "basepair", "target": 54, "len": 1, "label": "="}, {"source": 43, "type": "backbone", "target": 44, "len": 1, "label": "-"}, {"source": 43, "type": "basepair", "target": 53, "len": 1, "label": "="}, {"source": 44, "type": "backbone", "target": 45, "len": 1, "label": "-"}, {"source": 45, "type": "backbone", "target": 46, "len": 1, "label": "-"}, {"source": 46, "type": "backbone", "target": 47, "len": 1, "label": "-"}, {"source": 47, "type": "backbone", "target": 48, "len": 1, "label": "-"}, {"source": 48, "type": "backbone", "target": 49, "len": 1, "label": "-"}, {"source": 49, "type": "backbone", "target": 50, "len": 1, "label": "-"}, {"source": 50, "type": "backbone", "target": 51, "len": 1, "label": "-"}, {"source": 51, "type": "backbone", "target": 52, "len": 1, "label": "-"}, {"source": 52, "type": "backbone", "target": 53, "len": 1, "label": "-"}, {"source": 53, "type": "backbone", "target": 54, "len": 1, "label": "-"}, {"source": 54, "type": "backbone", "target": 55, "len": 1, "label": "-"}, {"source": 55, "type": "backbone", "target": 56, "len": 1, "label": "-"}, {"source": 56, "type": "backbone", "target": 57, "len": 1, "label": "-"}, {"source": 57, "type": "backbone", "target": 58, "len": 1, "label": "-"}, {"source": 58, "type": "backbone", "target": 59, "len": 1, "label": "-"}, {"source": 59, "type": "backbone", "target": 60, "len": 1, "label": "-"}, {"source": 60, "type": "backbone", "target": 61, "len": 1, "label": "-"}], "multigraph": false}
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/csc_sparse1.mtx
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/csc_sparse1.mtx	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,9 @@
+%%MatrixMarket matrix coordinate integer general
+%
+3 3 6
+1 1 1
+3 1 2
+3 2 3
+1 3 4
+2 3 5
+3 3 6
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/csc_sparse2.mtx
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/csc_sparse2.mtx	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,9 @@
+%%MatrixMarket matrix coordinate real general
+%
+3 3 6
+1 1 1.5
+3 1 -2
+3 2 0.3
+1 3 41
+2 3 0.1235
+3 3 6
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/csc_stack_result01.mtx
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/csc_stack_result01.mtx	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,15 @@
+%%MatrixMarket matrix coordinate real general
+%
+3 6 12
+1 1 1.000000000000000e+00
+3 1 2.000000000000000e+00
+3 2 3.000000000000000e+00
+1 3 4.000000000000000e+00
+2 3 5.000000000000000e+00
+3 3 6.000000000000000e+00
+1 4 1.500000000000000e+00
+3 4 -2.000000000000000e+00
+3 5 3.000000000000000e-01
+1 6 4.100000000000000e+01
+2 6 1.235000000000000e-01
+3 6 6.000000000000000e+00
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/csr_sparse1.mtx
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/csr_sparse1.mtx	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,9 @@
+%%MatrixMarket matrix coordinate integer general
+%
+3 3 6
+1 1 1
+1 3 2
+2 3 3
+3 1 4
+3 2 5
+3 3 6
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/csr_sparse2.mtx
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/csr_sparse2.mtx	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,9 @@
+%%MatrixMarket matrix coordinate real general
+%
+3 3 6
+1 1 1
+1 3 -0.2
+2 3 11
+3 1 0.04
+3 2 -5
+3 3 2.6
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/csr_stack_result01.mtx
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/csr_stack_result01.mtx	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,15 @@
+%%MatrixMarket matrix coordinate real general
+%
+6 3 12
+1 1 1.000000000000000e+00
+1 3 2.000000000000000e+00
+2 3 3.000000000000000e+00
+3 1 4.000000000000000e+00
+3 2 5.000000000000000e+00
+3 3 6.000000000000000e+00
+4 1 1.000000000000000e+00
+4 3 -2.000000000000000e-01
+5 3 1.100000000000000e+01
+6 1 4.000000000000000e-02
+6 2 -5.000000000000000e+00
+6 3 2.600000000000000e+00
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/deepsear_1feature.json
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/deepsear_1feature.json	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,1 @@
+{"class_name": "Sequential", "config": {"name": "sequential_1", "layers": [{"class_name": "Conv1D", "config": {"name": "conv1d_1", "trainable": true, "batch_input_shape": [null, 1000, 4], "dtype": "float32", "filters": 320, "kernel_size": [8], "strides": [1], "padding": "valid", "data_format": "channels_last", "dilation_rate": [1], "activation": "relu", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}}, {"class_name": "MaxPooling1D", "config": {"name": "max_pooling1d_1", "trainable": true, "strides": [4], "pool_size": [4], "padding": "valid", "data_format": "channels_last"}}, {"class_name": "Dropout", "config": {"name": "dropout_1", "trainable": true, "rate": 0.2, "noise_shape": null, "seed": 999}}, {"class_name": "Conv1D", "config": {"name": "conv1d_2", "trainable": true, "filters": 480, "kernel_size": [8], "strides": [1], "padding": "valid", "data_format": "channels_last", "dilation_rate": [1], "activation": "relu", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}}, {"class_name": "MaxPooling1D", "config": {"name": "max_pooling1d_2", "trainable": true, "strides": [4], "pool_size": [4], "padding": "valid", "data_format": "channels_last"}}, {"class_name": "Dropout", "config": {"name": "dropout_2", "trainable": true, "rate": 0.2, "noise_shape": null, "seed": 999}}, {"class_name": "Conv1D", "config": {"name": "conv1d_3", "trainable": true, "filters": 960, "kernel_size": [8], "strides": [1], "padding": "valid", "data_format": "channels_last", "dilation_rate": [1], "activation": "relu", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}}, {"class_name": "Dropout", "config": {"name": "dropout_3", "trainable": true, "rate": 0.5, "noise_shape": null, "seed": 999}}, {"class_name": "Reshape", "config": {"name": "reshape_1", "trainable": true, "target_shape": [50880]}}, {"class_name": "Dense", "config": {"name": "dense_1", "trainable": true, "units": 1, "activation": "relu", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}}, {"class_name": "Dense", "config": {"name": "dense_2", "trainable": true, "units": 1, "activation": "sigmoid", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}}]}, "keras_version": "2.2.4", "backend": "tensorflow"}
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/empty_file.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/empty_file.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,48 @@
+0	44	64	-76	4
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	1
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	2
+0	53	53	-56	2
+0	45	44	-61	0
+0	43	65	-84	4
+0	35	52	-75	1
+0	56	56	-70	0
+1	-61	86	43	0
+1	-67	93	15	0
+1	-59	94	36	0
+1	-50	92	62	0
+1	-78	91	70	1
+1	-35	87	47	0
+1	-56	91	52	0
+1	-61	81	46	0
+1	-83	78	34	0
+1	-50	87	45	0
+1	-67	73	50	1
+1	-50	97	45	0
+1	-61	111	45	0
+2	-109	23	-92	0
+2	-94	20	-96	0
+2	-85	26	-88	0
+2	-90	33	-114	1
+2	-63	9	-106	0
+2	-79	9	-93	1
+2	-99	26	-108	3
+2	-81	19	-110	0
+2	-108	21	-108	0
+2	-92	27	-106	3
+2	-88	2	-106	1
+2	-88	15	-103	0
+3	54	-74	4	0
+3	42	-92	31	1
+3	39	-99	-7	1
+3	48	-115	-5	1
+3	39	-96	2	1
+3	31	-109	9	1
+3	33	-96	-8	1
+3	23	-102	4	0
+3	38	-90	21	1
+3	34	-107	1	1
+3	35	-78	18	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/f1_score.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/f1_score.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+f1_score : 
+0.8461538461538461
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/fbeta_score.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/fbeta_score.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+fbeta_score : 
+0.8461538461538461
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/feature_importances_.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/feature_importances_.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,11 @@
+feature_importances_
+0.15959252
+0.20373514
+0.22071308
+0.06281833
+0.098471984
+0.06960951
+0.13073005
+0.027164686
+0.022071308
+0.0050933785
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/feature_selection_result01
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/feature_selection_result01	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,11 @@
+0	1
+143.762620712	-1.1796457192799998
+-88.5787166225	-2.5710918402200003
+-82.8452345578	-0.168636324107
+72.4951388149	0.991068834926
+11.805182128	-0.7096855607860001
+-63.9354970901	0.9841122108220001
+126.32584079600001	0.35353444883900004
+23.0341392692	1.03188231893
+67.6714937696	-0.8214378651719999
+47.39275848810001	-0.0942409319417
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/feature_selection_result02
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/feature_selection_result02	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,262 @@
+temp_2	temp_1	forecast_noaa	friend
+68.0	69.0	65.0	88.0
+60.0	59.0	57.0	66.0
+85.0	88.0	75.0	70.0
+82.0	65.0	63.0	58.0
+54.0	50.0	44.0	58.0
+48.0	51.0	45.0	63.0
+49.0	52.0	45.0	41.0
+73.0	78.0	75.0	66.0
+39.0	35.0	43.0	38.0
+42.0	40.0	45.0	36.0
+42.0	47.0	41.0	58.0
+76.0	72.0	76.0	88.0
+69.0	76.0	73.0	72.0
+40.0	39.0	45.0	46.0
+71.0	78.0	70.0	84.0
+64.0	71.0	63.0	85.0
+54.0	48.0	44.0	61.0
+73.0	72.0	77.0	68.0
+56.0	57.0	50.0	70.0
+45.0	40.0	44.0	39.0
+50.0	54.0	47.0	53.0
+65.0	58.0	52.0	71.0
+60.0	68.0	58.0	54.0
+60.0	65.0	55.0	65.0
+48.0	47.0	46.0	51.0
+44.0	44.0	43.0	42.0
+64.0	64.0	64.0	69.0
+59.0	62.0	57.0	67.0
+68.0	66.0	64.0	74.0
+77.0	70.0	67.0	90.0
+59.0	57.0	54.0	70.0
+55.0	50.0	46.0	57.0
+58.0	55.0	49.0	71.0
+57.0	55.0	46.0	67.0
+42.0	42.0	41.0	47.0
+64.0	65.0	57.0	41.0
+64.0	63.0	63.0	73.0
+49.0	48.0	45.0	28.0
+40.0	42.0	44.0	62.0
+44.0	51.0	45.0	38.0
+67.0	64.0	65.0	64.0
+79.0	75.0	74.0	63.0
+50.0	52.0	42.0	39.0
+85.0	67.0	66.0	80.0
+67.0	68.0	65.0	56.0
+53.0	54.0	53.0	42.0
+62.0	62.0	52.0	70.0
+77.0	76.0	76.0	61.0
+74.0	73.0	71.0	93.0
+50.0	52.0	50.0	35.0
+75.0	70.0	71.0	68.0
+73.0	77.0	75.0	62.0
+69.0	60.0	52.0	72.0
+55.0	52.0	50.0	54.0
+81.0	79.0	71.0	85.0
+77.0	76.0	53.0	74.0
+66.0	66.0	64.0	85.0
+68.0	57.0	58.0	62.0
+76.0	66.0	57.0	60.0
+60.0	61.0	58.0	41.0
+56.0	55.0	52.0	65.0
+57.0	48.0	46.0	54.0
+53.0	49.0	46.0	63.0
+66.0	65.0	64.0	73.0
+74.0	60.0	58.0	56.0
+55.0	56.0	53.0	36.0
+62.0	59.0	56.0	44.0
+36.0	44.0	41.0	35.0
+77.0	82.0	62.0	83.0
+64.0	64.0	65.0	76.0
+44.0	43.0	41.0	46.0
+56.0	64.0	51.0	57.0
+61.0	63.0	49.0	49.0
+65.0	70.0	67.0	79.0
+63.0	71.0	48.0	42.0
+76.0	76.0	69.0	85.0
+64.0	68.0	58.0	55.0
+39.0	39.0	44.0	39.0
+79.0	71.0	70.0	52.0
+68.0	69.0	68.0	89.0
+70.0	74.0	71.0	82.0
+75.0	81.0	62.0	81.0
+49.0	51.0	49.0	34.0
+52.0	45.0	44.0	61.0
+80.0	87.0	73.0	73.0
+76.0	71.0	71.0	86.0
+65.0	55.0	56.0	77.0
+76.0	80.0	72.0	81.0
+71.0	67.0	65.0	76.0
+64.0	61.0	60.0	78.0
+49.0	46.0	43.0	65.0
+35.0	39.0	42.0	51.0
+68.0	67.0	67.0	61.0
+48.0	52.0	43.0	50.0
+60.0	67.0	68.0	87.0
+74.0	75.0	67.0	77.0
+68.0	68.0	73.0	79.0
+81.0	92.0	65.0	71.0
+68.0	67.0	69.0	56.0
+45.0	44.0	43.0	56.0
+60.0	61.0	56.0	73.0
+65.0	65.0	49.0	41.0
+68.0	68.0	72.0	70.0
+77.0	87.0	62.0	69.0
+65.0	117.0	51.0	62.0
+72.0	80.0	75.0	66.0
+55.0	57.0	47.0	46.0
+63.0	67.0	61.0	68.0
+53.0	58.0	51.0	56.0
+61.0	65.0	53.0	41.0
+56.0	52.0	45.0	47.0
+57.0	59.0	52.0	39.0
+57.0	57.0	53.0	35.0
+89.0	81.0	56.0	66.0
+71.0	75.0	76.0	75.0
+88.0	76.0	76.0	95.0
+65.0	57.0	61.0	53.0
+68.0	69.0	72.0	86.0
+76.0	77.0	66.0	64.0
+58.0	55.0	47.0	55.0
+50.0	49.0	45.0	53.0
+53.0	54.0	48.0	57.0
+59.0	55.0	49.0	42.0
+51.0	56.0	53.0	45.0
+76.0	68.0	72.0	77.0
+52.0	54.0	49.0	44.0
+65.0	67.0	69.0	87.0
+45.0	49.0	45.0	33.0
+49.0	49.0	47.0	45.0
+57.0	56.0	48.0	49.0
+76.0	73.0	66.0	78.0
+65.0	66.0	65.0	60.0
+77.0	69.0	66.0	62.0
+77.0	82.0	64.0	65.0
+87.0	90.0	75.0	65.0
+51.0	51.0	49.0	43.0
+68.0	77.0	57.0	41.0
+57.0	60.0	58.0	58.0
+79.0	74.0	71.0	87.0
+80.0	85.0	73.0	74.0
+60.0	68.0	61.0	64.0
+62.0	56.0	46.0	37.0
+73.0	71.0	55.0	45.0
+60.0	62.0	57.0	40.0
+79.0	83.0	76.0	76.0
+71.0	64.0	62.0	56.0
+54.0	56.0	45.0	54.0
+40.0	41.0	42.0	31.0
+66.0	65.0	66.0	67.0
+57.0	65.0	49.0	38.0
+41.0	40.0	46.0	41.0
+45.0	45.0	43.0	29.0
+52.0	52.0	48.0	58.0
+64.0	63.0	50.0	63.0
+52.0	52.0	47.0	44.0
+58.0	60.0	55.0	77.0
+84.0	81.0	73.0	89.0
+77.0	75.0	74.0	77.0
+63.0	59.0	48.0	64.0
+72.0	73.0	77.0	94.0
+73.0	75.0	73.0	66.0
+59.0	60.0	56.0	59.0
+73.0	75.0	68.0	56.0
+66.0	59.0	56.0	40.0
+49.0	53.0	47.0	56.0
+80.0	79.0	76.0	60.0
+59.0	57.0	49.0	46.0
+79.0	75.0	64.0	77.0
+69.0	71.0	67.0	81.0
+57.0	53.0	50.0	42.0
+47.0	46.0	48.0	56.0
+82.0	81.0	72.0	70.0
+54.0	49.0	47.0	29.0
+56.0	57.0	44.0	34.0
+60.0	60.0	54.0	53.0
+70.0	67.0	72.0	64.0
+65.0	61.0	62.0	60.0
+70.0	66.0	66.0	85.0
+65.0	64.0	50.0	55.0
+63.0	66.0	62.0	49.0
+57.0	64.0	52.0	49.0
+60.0	71.0	61.0	56.0
+67.0	75.0	62.0	60.0
+45.0	48.0	46.0	47.0
+60.0	53.0	48.0	70.0
+55.0	49.0	46.0	65.0
+86.0	85.0	67.0	81.0
+57.0	62.0	48.0	30.0
+46.0	50.0	42.0	58.0
+65.0	58.0	51.0	39.0
+79.0	72.0	74.0	95.0
+57.0	55.0	50.0	34.0
+72.0	74.0	70.0	91.0
+83.0	85.0	77.0	77.0
+77.0	73.0	77.0	93.0
+52.0	52.0	44.0	39.0
+64.0	67.0	64.0	62.0
+49.0	45.0	45.0	35.0
+52.0	46.0	46.0	41.0
+62.0	66.0	60.0	57.0
+81.0	71.0	75.0	86.0
+65.0	70.0	66.0	79.0
+55.0	58.0	46.0	53.0
+72.0	72.0	76.0	65.0
+74.0	74.0	74.0	71.0
+63.0	65.0	63.0	49.0
+68.0	77.0	55.0	39.0
+60.0	59.0	49.0	35.0
+44.0	45.0	41.0	61.0
+51.0	53.0	49.0	46.0
+57.0	53.0	54.0	72.0
+85.0	79.0	73.0	79.0
+51.0	49.0	44.0	44.0
+66.0	63.0	62.0	78.0
+63.0	69.0	54.0	45.0
+51.0	60.0	47.0	46.0
+63.0	64.0	60.0	73.0
+75.0	79.0	66.0	64.0
+49.0	55.0	43.0	58.0
+68.0	73.0	54.0	41.0
+62.0	60.0	57.0	62.0
+71.0	67.0	67.0	77.0
+41.0	42.0	45.0	58.0
+57.0	60.0	62.0	55.0
+55.0	57.0	47.0	30.0
+35.0	35.0	44.0	36.0
+71.0	75.0	66.0	84.0
+59.0	61.0	48.0	65.0
+53.0	51.0	46.0	59.0
+69.0	71.0	67.0	70.0
+71.0	74.0	74.0	71.0
+48.0	48.0	44.0	42.0
+68.0	74.0	70.0	60.0
+70.0	76.0	68.0	57.0
+54.0	58.0	47.0	37.0
+53.0	51.0	48.0	43.0
+67.0	72.0	68.0	78.0
+67.0	76.0	64.0	74.0
+52.0	52.0	47.0	60.0
+52.0	53.0	48.0	53.0
+67.0	65.0	65.0	83.0
+61.0	58.0	58.0	43.0
+74.0	77.0	74.0	56.0
+58.0	61.0	51.0	35.0
+66.0	67.0	64.0	54.0
+55.0	54.0	46.0	58.0
+71.0	79.0	65.0	58.0
+81.0	77.0	63.0	67.0
+75.0	71.0	64.0	55.0
+59.0	58.0	54.0	61.0
+64.0	68.0	55.0	56.0
+43.0	40.0	45.0	49.0
+75.0	80.0	75.0	71.0
+87.0	74.0	59.0	61.0
+48.0	57.0	42.0	57.0
+48.0	52.0	43.0	57.0
+74.0	71.0	71.0	95.0
+54.0	49.0	49.0	70.0
+77.0	89.0	59.0	61.0
+66.0	60.0	56.0	78.0
+59.0	59.0	58.0	40.0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/feature_selection_result03
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/feature_selection_result03	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,262 @@
+temp_1	friend
+69.0	88.0
+59.0	66.0
+88.0	70.0
+65.0	58.0
+50.0	58.0
+51.0	63.0
+52.0	41.0
+78.0	66.0
+35.0	38.0
+40.0	36.0
+47.0	58.0
+72.0	88.0
+76.0	72.0
+39.0	46.0
+78.0	84.0
+71.0	85.0
+48.0	61.0
+72.0	68.0
+57.0	70.0
+40.0	39.0
+54.0	53.0
+58.0	71.0
+68.0	54.0
+65.0	65.0
+47.0	51.0
+44.0	42.0
+64.0	69.0
+62.0	67.0
+66.0	74.0
+70.0	90.0
+57.0	70.0
+50.0	57.0
+55.0	71.0
+55.0	67.0
+42.0	47.0
+65.0	41.0
+63.0	73.0
+48.0	28.0
+42.0	62.0
+51.0	38.0
+64.0	64.0
+75.0	63.0
+52.0	39.0
+67.0	80.0
+68.0	56.0
+54.0	42.0
+62.0	70.0
+76.0	61.0
+73.0	93.0
+52.0	35.0
+70.0	68.0
+77.0	62.0
+60.0	72.0
+52.0	54.0
+79.0	85.0
+76.0	74.0
+66.0	85.0
+57.0	62.0
+66.0	60.0
+61.0	41.0
+55.0	65.0
+48.0	54.0
+49.0	63.0
+65.0	73.0
+60.0	56.0
+56.0	36.0
+59.0	44.0
+44.0	35.0
+82.0	83.0
+64.0	76.0
+43.0	46.0
+64.0	57.0
+63.0	49.0
+70.0	79.0
+71.0	42.0
+76.0	85.0
+68.0	55.0
+39.0	39.0
+71.0	52.0
+69.0	89.0
+74.0	82.0
+81.0	81.0
+51.0	34.0
+45.0	61.0
+87.0	73.0
+71.0	86.0
+55.0	77.0
+80.0	81.0
+67.0	76.0
+61.0	78.0
+46.0	65.0
+39.0	51.0
+67.0	61.0
+52.0	50.0
+67.0	87.0
+75.0	77.0
+68.0	79.0
+92.0	71.0
+67.0	56.0
+44.0	56.0
+61.0	73.0
+65.0	41.0
+68.0	70.0
+87.0	69.0
+117.0	62.0
+80.0	66.0
+57.0	46.0
+67.0	68.0
+58.0	56.0
+65.0	41.0
+52.0	47.0
+59.0	39.0
+57.0	35.0
+81.0	66.0
+75.0	75.0
+76.0	95.0
+57.0	53.0
+69.0	86.0
+77.0	64.0
+55.0	55.0
+49.0	53.0
+54.0	57.0
+55.0	42.0
+56.0	45.0
+68.0	77.0
+54.0	44.0
+67.0	87.0
+49.0	33.0
+49.0	45.0
+56.0	49.0
+73.0	78.0
+66.0	60.0
+69.0	62.0
+82.0	65.0
+90.0	65.0
+51.0	43.0
+77.0	41.0
+60.0	58.0
+74.0	87.0
+85.0	74.0
+68.0	64.0
+56.0	37.0
+71.0	45.0
+62.0	40.0
+83.0	76.0
+64.0	56.0
+56.0	54.0
+41.0	31.0
+65.0	67.0
+65.0	38.0
+40.0	41.0
+45.0	29.0
+52.0	58.0
+63.0	63.0
+52.0	44.0
+60.0	77.0
+81.0	89.0
+75.0	77.0
+59.0	64.0
+73.0	94.0
+75.0	66.0
+60.0	59.0
+75.0	56.0
+59.0	40.0
+53.0	56.0
+79.0	60.0
+57.0	46.0
+75.0	77.0
+71.0	81.0
+53.0	42.0
+46.0	56.0
+81.0	70.0
+49.0	29.0
+57.0	34.0
+60.0	53.0
+67.0	64.0
+61.0	60.0
+66.0	85.0
+64.0	55.0
+66.0	49.0
+64.0	49.0
+71.0	56.0
+75.0	60.0
+48.0	47.0
+53.0	70.0
+49.0	65.0
+85.0	81.0
+62.0	30.0
+50.0	58.0
+58.0	39.0
+72.0	95.0
+55.0	34.0
+74.0	91.0
+85.0	77.0
+73.0	93.0
+52.0	39.0
+67.0	62.0
+45.0	35.0
+46.0	41.0
+66.0	57.0
+71.0	86.0
+70.0	79.0
+58.0	53.0
+72.0	65.0
+74.0	71.0
+65.0	49.0
+77.0	39.0
+59.0	35.0
+45.0	61.0
+53.0	46.0
+53.0	72.0
+79.0	79.0
+49.0	44.0
+63.0	78.0
+69.0	45.0
+60.0	46.0
+64.0	73.0
+79.0	64.0
+55.0	58.0
+73.0	41.0
+60.0	62.0
+67.0	77.0
+42.0	58.0
+60.0	55.0
+57.0	30.0
+35.0	36.0
+75.0	84.0
+61.0	65.0
+51.0	59.0
+71.0	70.0
+74.0	71.0
+48.0	42.0
+74.0	60.0
+76.0	57.0
+58.0	37.0
+51.0	43.0
+72.0	78.0
+76.0	74.0
+52.0	60.0
+53.0	53.0
+65.0	83.0
+58.0	43.0
+77.0	56.0
+61.0	35.0
+67.0	54.0
+54.0	58.0
+79.0	58.0
+77.0	67.0
+71.0	55.0
+58.0	61.0
+68.0	56.0
+40.0	49.0
+80.0	71.0
+74.0	61.0
+57.0	57.0
+52.0	57.0
+71.0	95.0
+49.0	70.0
+89.0	61.0
+60.0	78.0
+59.0	40.0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/feature_selection_result04
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/feature_selection_result04	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,262 @@
+month	day	temp_2	temp_1	average	forecast_noaa	forecast_acc	forecast_under	friend	week_Mon
+9.0	19.0	68.0	69.0	69.7	65.0	74.0	71.0	88.0	1.0
+4.0	14.0	60.0	59.0	58.1	57.0	63.0	58.0	66.0	0.0
+7.0	30.0	85.0	88.0	77.3	75.0	79.0	77.0	70.0	0.0
+5.0	15.0	82.0	65.0	64.7	63.0	69.0	64.0	58.0	0.0
+1.0	18.0	54.0	50.0	47.5	44.0	48.0	49.0	58.0	1.0
+1.0	25.0	48.0	51.0	48.2	45.0	51.0	49.0	63.0	1.0
+11.0	25.0	49.0	52.0	48.6	45.0	52.0	47.0	41.0	0.0
+7.0	20.0	73.0	78.0	76.7	75.0	78.0	77.0	66.0	0.0
+12.0	17.0	39.0	35.0	45.2	43.0	47.0	46.0	38.0	0.0
+12.0	8.0	42.0	40.0	46.1	45.0	51.0	47.0	36.0	0.0
+12.0	28.0	42.0	47.0	45.3	41.0	49.0	44.0	58.0	0.0
+7.0	17.0	76.0	72.0	76.3	76.0	78.0	77.0	88.0	0.0
+7.0	7.0	69.0	76.0	74.4	73.0	77.0	74.0	72.0	0.0
+12.0	15.0	40.0	39.0	45.3	45.0	49.0	47.0	46.0	0.0
+6.0	27.0	71.0	78.0	72.2	70.0	74.0	72.0	84.0	1.0
+5.0	31.0	64.0	71.0	67.3	63.0	72.0	68.0	85.0	0.0
+1.0	20.0	54.0	48.0	47.7	44.0	52.0	49.0	61.0	0.0
+8.0	10.0	73.0	72.0	77.0	77.0	78.0	77.0	68.0	0.0
+3.0	23.0	56.0	57.0	54.7	50.0	58.0	55.0	70.0	0.0
+12.0	24.0	45.0	40.0	45.1	44.0	47.0	46.0	39.0	0.0
+1.0	19.0	50.0	54.0	47.6	47.0	49.0	48.0	53.0	0.0
+11.0	6.0	65.0	58.0	53.2	52.0	57.0	55.0	71.0	0.0
+4.0	17.0	60.0	68.0	58.6	58.0	62.0	59.0	54.0	0.0
+10.0	29.0	60.0	65.0	55.3	55.0	59.0	55.0	65.0	0.0
+2.0	1.0	48.0	47.0	48.8	46.0	49.0	49.0	51.0	1.0
+12.0	12.0	44.0	44.0	45.6	43.0	50.0	45.0	42.0	1.0
+5.0	30.0	64.0	64.0	67.1	64.0	70.0	66.0	69.0	1.0
+10.0	23.0	59.0	62.0	57.1	57.0	58.0	59.0	67.0	0.0
+9.0	30.0	68.0	66.0	65.7	64.0	67.0	65.0	74.0	0.0
+9.0	12.0	77.0	70.0	71.8	67.0	73.0	73.0	90.0	1.0
+11.0	2.0	59.0	57.0	54.2	54.0	58.0	55.0	70.0	0.0
+11.0	17.0	55.0	50.0	50.5	46.0	51.0	50.0	57.0	0.0
+3.0	3.0	58.0	55.0	51.8	49.0	54.0	50.0	71.0	0.0
+11.0	21.0	57.0	55.0	49.5	46.0	51.0	49.0	67.0	1.0
+12.0	27.0	42.0	42.0	45.2	41.0	50.0	47.0	47.0	0.0
+4.0	24.0	64.0	65.0	60.1	57.0	61.0	60.0	41.0	0.0
+5.0	20.0	64.0	63.0	65.6	63.0	70.0	64.0	73.0	0.0
+1.0	16.0	49.0	48.0	47.3	45.0	52.0	46.0	28.0	0.0
+12.0	7.0	40.0	42.0	46.3	44.0	51.0	46.0	62.0	0.0
+1.0	7.0	44.0	51.0	46.2	45.0	49.0	46.0	38.0	0.0
+9.0	24.0	67.0	64.0	68.0	65.0	71.0	66.0	64.0	0.0
+8.0	30.0	79.0	75.0	74.6	74.0	76.0	75.0	63.0	0.0
+1.0	11.0	50.0	52.0	46.7	42.0	48.0	48.0	39.0	1.0
+6.0	9.0	85.0	67.0	68.6	66.0	73.0	69.0	80.0	0.0
+9.0	22.0	67.0	68.0	68.7	65.0	70.0	69.0	56.0	0.0
+3.0	25.0	53.0	54.0	55.0	53.0	57.0	57.0	42.0	0.0
+10.0	24.0	62.0	62.0	56.8	52.0	61.0	57.0	70.0	1.0
+7.0	16.0	77.0	76.0	76.1	76.0	78.0	75.0	61.0	0.0
+7.0	1.0	74.0	73.0	73.1	71.0	75.0	72.0	93.0	0.0
+11.0	18.0	50.0	52.0	50.3	50.0	53.0	50.0	35.0	0.0
+9.0	3.0	75.0	70.0	73.9	71.0	75.0	73.0	68.0	0.0
+8.0	2.0	73.0	77.0	77.4	75.0	80.0	79.0	62.0	0.0
+4.0	5.0	69.0	60.0	56.6	52.0	58.0	56.0	72.0	0.0
+3.0	13.0	55.0	52.0	53.3	50.0	55.0	53.0	54.0	0.0
+8.0	28.0	81.0	79.0	75.0	71.0	77.0	76.0	85.0	0.0
+4.0	9.0	77.0	76.0	57.2	53.0	61.0	57.0	74.0	0.0
+5.0	26.0	66.0	66.0	66.5	64.0	70.0	65.0	85.0	0.0
+10.0	10.0	68.0	57.0	61.8	58.0	64.0	61.0	62.0	1.0
+4.0	10.0	76.0	66.0	57.4	57.0	60.0	57.0	60.0	0.0
+10.0	19.0	60.0	61.0	58.4	58.0	60.0	57.0	41.0	0.0
+3.0	12.0	56.0	55.0	53.1	52.0	58.0	53.0	65.0	0.0
+1.0	24.0	57.0	48.0	48.1	46.0	50.0	48.0	54.0	0.0
+2.0	7.0	53.0	49.0	49.2	46.0	51.0	48.0	63.0	0.0
+5.0	27.0	66.0	65.0	66.7	64.0	67.0	68.0	73.0	0.0
+5.0	5.0	74.0	60.0	62.5	58.0	66.0	62.0	56.0	0.0
+3.0	11.0	55.0	56.0	53.0	53.0	53.0	51.0	36.0	0.0
+10.0	22.0	62.0	59.0	57.4	56.0	59.0	58.0	44.0	0.0
+12.0	11.0	36.0	44.0	45.7	41.0	46.0	47.0	35.0	0.0
+5.0	8.0	77.0	82.0	63.2	62.0	65.0	63.0	83.0	0.0
+5.0	29.0	64.0	64.0	67.0	65.0	71.0	65.0	76.0	0.0
+12.0	13.0	44.0	43.0	45.5	41.0	47.0	46.0	46.0	0.0
+3.0	30.0	56.0	64.0	55.7	51.0	57.0	56.0	57.0	0.0
+11.0	8.0	61.0	63.0	52.7	49.0	57.0	52.0	49.0	0.0
+6.0	20.0	65.0	70.0	70.6	67.0	71.0	70.0	79.0	1.0
+11.0	9.0	63.0	71.0	52.4	48.0	56.0	52.0	42.0	0.0
+7.0	3.0	76.0	76.0	73.5	69.0	76.0	75.0	85.0	0.0
+10.0	9.0	64.0	68.0	62.1	58.0	65.0	63.0	55.0	0.0
+12.0	16.0	39.0	39.0	45.3	44.0	49.0	44.0	39.0	0.0
+9.0	16.0	79.0	71.0	70.7	70.0	74.0	71.0	52.0	0.0
+6.0	25.0	68.0	69.0	71.7	68.0	73.0	73.0	89.0	0.0
+9.0	13.0	70.0	74.0	71.5	71.0	75.0	70.0	82.0	0.0
+5.0	12.0	75.0	81.0	64.1	62.0	67.0	63.0	81.0	0.0
+2.0	8.0	49.0	51.0	49.3	49.0	52.0	50.0	34.0	1.0
+1.0	12.0	52.0	45.0	46.8	44.0	50.0	45.0	61.0	0.0
+8.0	13.0	80.0	87.0	76.8	73.0	79.0	78.0	73.0	0.0
+7.0	4.0	76.0	71.0	73.8	71.0	76.0	73.0	86.0	1.0
+4.0	25.0	65.0	55.0	60.3	56.0	64.0	61.0	77.0	1.0
+8.0	12.0	76.0	80.0	76.9	72.0	79.0	77.0	81.0	0.0
+9.0	21.0	71.0	67.0	69.0	65.0	70.0	70.0	76.0	0.0
+4.0	30.0	64.0	61.0	61.4	60.0	65.0	62.0	78.0	0.0
+12.0	5.0	49.0	46.0	46.6	43.0	50.0	45.0	65.0	1.0
+12.0	19.0	35.0	39.0	45.1	42.0	46.0	45.0	51.0	1.0
+9.0	23.0	68.0	67.0	68.3	67.0	69.0	67.0	61.0	0.0
+11.0	29.0	48.0	52.0	47.8	43.0	48.0	47.0	50.0	0.0
+6.0	16.0	60.0	67.0	69.8	68.0	72.0	71.0	87.0	0.0
+9.0	14.0	74.0	75.0	71.2	67.0	75.0	73.0	77.0	0.0
+9.0	6.0	68.0	68.0	73.3	73.0	76.0	75.0	79.0	0.0
+6.0	6.0	81.0	92.0	68.2	65.0	70.0	67.0	71.0	1.0
+9.0	8.0	68.0	67.0	72.8	69.0	77.0	73.0	56.0	0.0
+1.0	3.0	45.0	44.0	45.8	43.0	46.0	47.0	56.0	0.0
+4.0	28.0	60.0	61.0	61.0	56.0	65.0	62.0	73.0	0.0
+11.0	5.0	65.0	65.0	53.4	49.0	58.0	52.0	41.0	0.0
+9.0	7.0	68.0	68.0	73.0	72.0	78.0	71.0	70.0	0.0
+5.0	3.0	77.0	87.0	62.1	62.0	66.0	64.0	69.0	0.0
+10.0	31.0	65.0	117.0	54.8	51.0	59.0	56.0	62.0	1.0
+7.0	18.0	72.0	80.0	76.4	75.0	77.0	75.0	66.0	1.0
+11.0	15.0	55.0	57.0	51.0	47.0	54.0	51.0	46.0	0.0
+5.0	10.0	63.0	67.0	63.6	61.0	66.0	64.0	68.0	0.0
+3.0	18.0	53.0	58.0	54.0	51.0	57.0	54.0	56.0	0.0
+10.0	26.0	61.0	65.0	56.2	53.0	57.0	57.0	41.0	0.0
+1.0	30.0	56.0	52.0	48.6	45.0	51.0	48.0	47.0	0.0
+3.0	27.0	57.0	59.0	55.3	52.0	58.0	55.0	39.0	0.0
+11.0	3.0	57.0	57.0	53.9	53.0	54.0	54.0	35.0	0.0
+4.0	20.0	89.0	81.0	59.2	56.0	63.0	61.0	66.0	0.0
+7.0	24.0	71.0	75.0	77.1	76.0	78.0	78.0	75.0	0.0
+7.0	31.0	88.0	76.0	77.4	76.0	78.0	79.0	95.0	0.0
+5.0	16.0	65.0	57.0	64.8	61.0	65.0	65.0	53.0	1.0
+7.0	6.0	68.0	69.0	74.2	72.0	76.0	75.0	86.0	0.0
+9.0	27.0	76.0	77.0	66.8	66.0	67.0	68.0	64.0	0.0
+2.0	16.0	58.0	55.0	49.9	47.0	54.0	51.0	55.0	0.0
+12.0	4.0	50.0	49.0	46.8	45.0	47.0	47.0	53.0	0.0
+3.0	9.0	53.0	54.0	52.7	48.0	56.0	54.0	57.0	0.0
+11.0	14.0	59.0	55.0	51.2	49.0	53.0	53.0	42.0	1.0
+3.0	29.0	51.0	56.0	55.6	53.0	59.0	54.0	45.0	0.0
+7.0	8.0	76.0	68.0	74.6	72.0	79.0	75.0	77.0	0.0
+3.0	14.0	52.0	54.0	53.4	49.0	58.0	55.0	44.0	1.0
+6.0	11.0	65.0	67.0	69.0	69.0	72.0	71.0	87.0	0.0
+1.0	13.0	45.0	49.0	46.9	45.0	51.0	46.0	33.0	0.0
+2.0	5.0	49.0	49.0	49.1	47.0	50.0	49.0	45.0	0.0
+1.0	29.0	57.0	56.0	48.5	48.0	52.0	47.0	49.0	0.0
+6.0	22.0	76.0	73.0	71.0	66.0	71.0	72.0	78.0	0.0
+5.0	25.0	65.0	66.0	66.4	65.0	67.0	66.0	60.0	0.0
+9.0	28.0	77.0	69.0	66.5	66.0	68.0	66.0	62.0	0.0
+5.0	14.0	77.0	82.0	64.5	64.0	66.0	66.0	65.0	0.0
+8.0	14.0	87.0	90.0	76.7	75.0	78.0	78.0	65.0	0.0
+2.0	23.0	51.0	51.0	50.7	49.0	53.0	51.0	43.0	0.0
+4.0	8.0	68.0	77.0	57.1	57.0	61.0	57.0	41.0	0.0
+10.0	11.0	57.0	60.0	61.4	58.0	66.0	61.0	58.0	0.0
+6.0	30.0	79.0	74.0	72.8	71.0	76.0	72.0	87.0	0.0
+7.0	26.0	80.0	85.0	77.2	73.0	79.0	76.0	74.0	0.0
+5.0	6.0	60.0	68.0	62.8	61.0	64.0	61.0	64.0	0.0
+2.0	11.0	62.0	56.0	49.5	46.0	53.0	50.0	37.0	0.0
+4.0	2.0	73.0	71.0	56.2	55.0	58.0	58.0	45.0	0.0
+10.0	16.0	60.0	62.0	59.5	57.0	60.0	59.0	40.0	0.0
+7.0	28.0	79.0	83.0	77.3	76.0	80.0	78.0	76.0	0.0
+5.0	19.0	71.0	64.0	65.4	62.0	68.0	67.0	56.0	0.0
+1.0	27.0	54.0	56.0	48.4	45.0	51.0	49.0	54.0	0.0
+12.0	25.0	40.0	41.0	45.1	42.0	49.0	44.0	31.0	0.0
+5.0	24.0	66.0	65.0	66.2	66.0	71.0	66.0	67.0	0.0
+11.0	4.0	57.0	65.0	53.7	49.0	55.0	54.0	38.0	0.0
+1.0	5.0	41.0	40.0	46.0	46.0	46.0	46.0	41.0	0.0
+1.0	1.0	45.0	45.0	45.6	43.0	50.0	44.0	29.0	0.0
+11.0	26.0	52.0	52.0	48.4	48.0	50.0	47.0	58.0	0.0
+11.0	12.0	64.0	63.0	51.7	50.0	52.0	52.0	63.0	0.0
+11.0	30.0	52.0	52.0	47.6	47.0	52.0	49.0	44.0	0.0
+4.0	13.0	58.0	60.0	57.9	55.0	62.0	56.0	77.0	0.0
+8.0	23.0	84.0	81.0	75.7	73.0	78.0	77.0	89.0	0.0
+7.0	14.0	77.0	75.0	75.8	74.0	76.0	77.0	77.0	0.0
+11.0	13.0	63.0	59.0	51.4	48.0	56.0	50.0	64.0	0.0
+8.0	9.0	72.0	73.0	77.1	77.0	80.0	79.0	94.0	0.0
+8.0	4.0	73.0	75.0	77.3	73.0	79.0	78.0	66.0	0.0
+4.0	16.0	59.0	60.0	58.5	56.0	60.0	59.0	59.0	0.0
+6.0	23.0	73.0	75.0	71.3	68.0	72.0	71.0	56.0	0.0
+4.0	11.0	66.0	59.0	57.6	56.0	60.0	58.0	40.0	1.0
+2.0	6.0	49.0	53.0	49.1	47.0	53.0	49.0	56.0	0.0
+8.0	6.0	80.0	79.0	77.2	76.0	81.0	79.0	60.0	0.0
+3.0	5.0	59.0	57.0	52.1	49.0	53.0	51.0	46.0	0.0
+6.0	2.0	79.0	75.0	67.6	64.0	71.0	67.0	77.0	0.0
+9.0	20.0	69.0	71.0	69.4	67.0	73.0	69.0	81.0	0.0
+2.0	19.0	57.0	53.0	50.2	50.0	52.0	51.0	42.0	0.0
+2.0	2.0	47.0	46.0	48.8	48.0	50.0	50.0	56.0	0.0
+7.0	22.0	82.0	81.0	76.9	72.0	77.0	76.0	70.0	0.0
+11.0	24.0	54.0	49.0	48.9	47.0	53.0	48.0	29.0	0.0
+1.0	28.0	56.0	57.0	48.4	44.0	52.0	48.0	34.0	0.0
+10.0	18.0	60.0	60.0	58.8	54.0	60.0	57.0	53.0	0.0
+9.0	4.0	70.0	67.0	73.7	72.0	77.0	75.0	64.0	0.0
+10.0	4.0	65.0	61.0	64.1	62.0	69.0	65.0	60.0	0.0
+6.0	14.0	70.0	66.0	69.5	66.0	71.0	69.0	85.0	0.0
+11.0	11.0	65.0	64.0	51.9	50.0	53.0	52.0	55.0	0.0
+5.0	21.0	63.0	66.0	65.7	62.0	67.0	65.0	49.0	0.0
+3.0	6.0	57.0	64.0	52.2	52.0	53.0	51.0	49.0	0.0
+5.0	18.0	60.0	71.0	65.2	61.0	68.0	65.0	56.0	0.0
+5.0	11.0	67.0	75.0	63.8	62.0	68.0	63.0	60.0	0.0
+1.0	9.0	45.0	48.0	46.4	46.0	50.0	45.0	47.0	0.0
+3.0	8.0	60.0	53.0	52.5	48.0	56.0	51.0	70.0	0.0
+1.0	15.0	55.0	49.0	47.1	46.0	51.0	46.0	65.0	0.0
+6.0	8.0	86.0	85.0	68.5	67.0	70.0	69.0	81.0	0.0
+2.0	10.0	57.0	62.0	49.4	48.0	50.0	49.0	30.0	0.0
+12.0	3.0	46.0	50.0	47.0	42.0	52.0	47.0	58.0	0.0
+10.0	27.0	65.0	58.0	55.9	51.0	60.0	55.0	39.0	0.0
+8.0	7.0	79.0	72.0	77.2	74.0	78.0	77.0	95.0	0.0
+11.0	16.0	57.0	55.0	50.7	50.0	51.0	49.0	34.0	0.0
+9.0	10.0	72.0	74.0	72.3	70.0	77.0	74.0	91.0	0.0
+7.0	29.0	83.0	85.0	77.3	77.0	80.0	79.0	77.0	0.0
+8.0	3.0	77.0	73.0	77.3	77.0	81.0	77.0	93.0	0.0
+12.0	1.0	52.0	52.0	47.4	44.0	48.0	49.0	39.0	0.0
+9.0	25.0	64.0	67.0	67.6	64.0	72.0	67.0	62.0	0.0
+12.0	23.0	49.0	45.0	45.1	45.0	49.0	44.0	35.0	0.0
+12.0	2.0	52.0	46.0	47.2	46.0	51.0	49.0	41.0	0.0
+10.0	13.0	62.0	66.0	60.6	60.0	62.0	60.0	57.0	0.0
+7.0	23.0	81.0	71.0	77.0	75.0	81.0	76.0	86.0	0.0
+6.0	13.0	65.0	70.0	69.3	66.0	72.0	69.0	79.0	1.0
+2.0	15.0	55.0	58.0	49.9	46.0	52.0	49.0	53.0	1.0
+8.0	8.0	72.0	72.0	77.1	76.0	78.0	77.0	65.0	1.0
+7.0	12.0	74.0	74.0	75.4	74.0	77.0	77.0	71.0	0.0
+10.0	3.0	63.0	65.0	64.5	63.0	68.0	65.0	49.0	1.0
+4.0	18.0	68.0	77.0	58.8	55.0	59.0	57.0	39.0	1.0
+2.0	25.0	60.0	59.0	50.9	49.0	51.0	49.0	35.0	0.0
+1.0	2.0	44.0	45.0	45.7	41.0	50.0	44.0	61.0	0.0
+2.0	21.0	51.0	53.0	50.5	49.0	54.0	52.0	46.0	0.0
+3.0	24.0	57.0	53.0	54.9	54.0	56.0	56.0	72.0	0.0
+7.0	27.0	85.0	79.0	77.3	73.0	78.0	79.0	79.0	0.0
+2.0	4.0	51.0	49.0	49.0	44.0	54.0	51.0	44.0	0.0
+10.0	7.0	66.0	63.0	62.9	62.0	67.0	64.0	78.0	0.0
+4.0	4.0	63.0	69.0	56.5	54.0	59.0	56.0	45.0	1.0
+2.0	24.0	51.0	60.0	50.8	47.0	53.0	50.0	46.0	0.0
+10.0	8.0	63.0	64.0	62.5	60.0	65.0	61.0	73.0	0.0
+9.0	15.0	75.0	79.0	71.0	66.0	76.0	69.0	64.0	0.0
+1.0	14.0	49.0	55.0	47.0	43.0	47.0	46.0	58.0	0.0
+4.0	1.0	68.0	73.0	56.0	54.0	59.0	55.0	41.0	0.0
+10.0	17.0	62.0	60.0	59.1	57.0	63.0	59.0	62.0	1.0
+6.0	18.0	71.0	67.0	70.2	67.0	75.0	69.0	77.0	0.0
+12.0	26.0	41.0	42.0	45.2	45.0	48.0	46.0	58.0	1.0
+5.0	17.0	57.0	60.0	65.0	62.0	65.0	65.0	55.0	0.0
+11.0	20.0	55.0	57.0	49.8	47.0	54.0	48.0	30.0	0.0
+12.0	18.0	35.0	35.0	45.2	44.0	46.0	46.0	36.0	0.0
+9.0	17.0	71.0	75.0	70.3	66.0	73.0	70.0	84.0	0.0
+2.0	26.0	59.0	61.0	51.1	48.0	56.0	53.0	65.0	0.0
+2.0	22.0	53.0	51.0	50.6	46.0	51.0	50.0	59.0	1.0
+6.0	26.0	69.0	71.0	71.9	67.0	74.0	72.0	70.0	0.0
+7.0	11.0	71.0	74.0	75.3	74.0	79.0	75.0	71.0	1.0
+12.0	30.0	48.0	48.0	45.4	44.0	46.0	44.0	42.0	0.0
+7.0	9.0	68.0	74.0	74.9	70.0	79.0	76.0	60.0	0.0
+6.0	21.0	70.0	76.0	70.8	68.0	75.0	71.0	57.0	0.0
+3.0	2.0	54.0	58.0	51.6	47.0	54.0	52.0	37.0	0.0
+2.0	20.0	53.0	51.0	50.4	48.0	55.0	51.0	43.0	0.0
+9.0	9.0	67.0	72.0	72.6	68.0	77.0	71.0	78.0	0.0
+9.0	26.0	67.0	76.0	67.2	64.0	69.0	69.0	74.0	1.0
+1.0	22.0	52.0	52.0	47.9	47.0	48.0	48.0	60.0	0.0
+11.0	27.0	52.0	53.0	48.2	48.0	49.0	49.0	53.0	0.0
+6.0	12.0	67.0	65.0	69.1	65.0	73.0	70.0	83.0	0.0
+10.0	20.0	61.0	58.0	58.1	58.0	59.0	58.0	43.0	0.0
+7.0	13.0	74.0	77.0	75.6	74.0	78.0	76.0	56.0	0.0
+11.0	7.0	58.0	61.0	52.9	51.0	56.0	51.0	35.0	1.0
+10.0	1.0	66.0	67.0	65.3	64.0	70.0	64.0	54.0	0.0
+11.0	22.0	55.0	54.0	49.3	46.0	54.0	49.0	58.0	0.0
+6.0	1.0	71.0	79.0	67.4	65.0	69.0	66.0	58.0	0.0
+5.0	13.0	81.0	77.0	64.3	63.0	67.0	66.0	67.0	0.0
+6.0	3.0	75.0	71.0	67.7	64.0	71.0	66.0	55.0	0.0
+4.0	12.0	59.0	58.0	57.7	54.0	59.0	57.0	61.0	0.0
+3.0	31.0	64.0	68.0	55.9	55.0	59.0	56.0	56.0	0.0
+12.0	14.0	43.0	40.0	45.4	45.0	48.0	45.0	49.0	0.0
+8.0	5.0	75.0	80.0	77.3	75.0	81.0	78.0	71.0	0.0
+5.0	4.0	87.0	74.0	62.3	59.0	65.0	64.0	61.0	0.0
+12.0	31.0	48.0	57.0	45.5	42.0	48.0	47.0	57.0	0.0
+1.0	21.0	48.0	52.0	47.8	43.0	51.0	46.0	57.0	0.0
+7.0	10.0	74.0	71.0	75.1	71.0	77.0	76.0	95.0	0.0
+3.0	15.0	54.0	49.0	53.6	49.0	58.0	52.0	70.0	0.0
+4.0	19.0	77.0	89.0	59.0	59.0	63.0	59.0	61.0	0.0
+10.0	14.0	66.0	60.0	60.2	56.0	64.0	60.0	78.0	0.0
+4.0	15.0	59.0	59.0	58.3	58.0	61.0	60.0	40.0	0.0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/feature_selection_result05
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/feature_selection_result05	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,262 @@
+month	day	temp_2	temp_1	average	forecast_noaa	forecast_acc	forecast_under	friend
+9.0	19.0	68.0	69.0	69.7	65.0	74.0	71.0	88.0
+4.0	14.0	60.0	59.0	58.1	57.0	63.0	58.0	66.0
+7.0	30.0	85.0	88.0	77.3	75.0	79.0	77.0	70.0
+5.0	15.0	82.0	65.0	64.7	63.0	69.0	64.0	58.0
+1.0	18.0	54.0	50.0	47.5	44.0	48.0	49.0	58.0
+1.0	25.0	48.0	51.0	48.2	45.0	51.0	49.0	63.0
+11.0	25.0	49.0	52.0	48.6	45.0	52.0	47.0	41.0
+7.0	20.0	73.0	78.0	76.7	75.0	78.0	77.0	66.0
+12.0	17.0	39.0	35.0	45.2	43.0	47.0	46.0	38.0
+12.0	8.0	42.0	40.0	46.1	45.0	51.0	47.0	36.0
+12.0	28.0	42.0	47.0	45.3	41.0	49.0	44.0	58.0
+7.0	17.0	76.0	72.0	76.3	76.0	78.0	77.0	88.0
+7.0	7.0	69.0	76.0	74.4	73.0	77.0	74.0	72.0
+12.0	15.0	40.0	39.0	45.3	45.0	49.0	47.0	46.0
+6.0	27.0	71.0	78.0	72.2	70.0	74.0	72.0	84.0
+5.0	31.0	64.0	71.0	67.3	63.0	72.0	68.0	85.0
+1.0	20.0	54.0	48.0	47.7	44.0	52.0	49.0	61.0
+8.0	10.0	73.0	72.0	77.0	77.0	78.0	77.0	68.0
+3.0	23.0	56.0	57.0	54.7	50.0	58.0	55.0	70.0
+12.0	24.0	45.0	40.0	45.1	44.0	47.0	46.0	39.0
+1.0	19.0	50.0	54.0	47.6	47.0	49.0	48.0	53.0
+11.0	6.0	65.0	58.0	53.2	52.0	57.0	55.0	71.0
+4.0	17.0	60.0	68.0	58.6	58.0	62.0	59.0	54.0
+10.0	29.0	60.0	65.0	55.3	55.0	59.0	55.0	65.0
+2.0	1.0	48.0	47.0	48.8	46.0	49.0	49.0	51.0
+12.0	12.0	44.0	44.0	45.6	43.0	50.0	45.0	42.0
+5.0	30.0	64.0	64.0	67.1	64.0	70.0	66.0	69.0
+10.0	23.0	59.0	62.0	57.1	57.0	58.0	59.0	67.0
+9.0	30.0	68.0	66.0	65.7	64.0	67.0	65.0	74.0
+9.0	12.0	77.0	70.0	71.8	67.0	73.0	73.0	90.0
+11.0	2.0	59.0	57.0	54.2	54.0	58.0	55.0	70.0
+11.0	17.0	55.0	50.0	50.5	46.0	51.0	50.0	57.0
+3.0	3.0	58.0	55.0	51.8	49.0	54.0	50.0	71.0
+11.0	21.0	57.0	55.0	49.5	46.0	51.0	49.0	67.0
+12.0	27.0	42.0	42.0	45.2	41.0	50.0	47.0	47.0
+4.0	24.0	64.0	65.0	60.1	57.0	61.0	60.0	41.0
+5.0	20.0	64.0	63.0	65.6	63.0	70.0	64.0	73.0
+1.0	16.0	49.0	48.0	47.3	45.0	52.0	46.0	28.0
+12.0	7.0	40.0	42.0	46.3	44.0	51.0	46.0	62.0
+1.0	7.0	44.0	51.0	46.2	45.0	49.0	46.0	38.0
+9.0	24.0	67.0	64.0	68.0	65.0	71.0	66.0	64.0
+8.0	30.0	79.0	75.0	74.6	74.0	76.0	75.0	63.0
+1.0	11.0	50.0	52.0	46.7	42.0	48.0	48.0	39.0
+6.0	9.0	85.0	67.0	68.6	66.0	73.0	69.0	80.0
+9.0	22.0	67.0	68.0	68.7	65.0	70.0	69.0	56.0
+3.0	25.0	53.0	54.0	55.0	53.0	57.0	57.0	42.0
+10.0	24.0	62.0	62.0	56.8	52.0	61.0	57.0	70.0
+7.0	16.0	77.0	76.0	76.1	76.0	78.0	75.0	61.0
+7.0	1.0	74.0	73.0	73.1	71.0	75.0	72.0	93.0
+11.0	18.0	50.0	52.0	50.3	50.0	53.0	50.0	35.0
+9.0	3.0	75.0	70.0	73.9	71.0	75.0	73.0	68.0
+8.0	2.0	73.0	77.0	77.4	75.0	80.0	79.0	62.0
+4.0	5.0	69.0	60.0	56.6	52.0	58.0	56.0	72.0
+3.0	13.0	55.0	52.0	53.3	50.0	55.0	53.0	54.0
+8.0	28.0	81.0	79.0	75.0	71.0	77.0	76.0	85.0
+4.0	9.0	77.0	76.0	57.2	53.0	61.0	57.0	74.0
+5.0	26.0	66.0	66.0	66.5	64.0	70.0	65.0	85.0
+10.0	10.0	68.0	57.0	61.8	58.0	64.0	61.0	62.0
+4.0	10.0	76.0	66.0	57.4	57.0	60.0	57.0	60.0
+10.0	19.0	60.0	61.0	58.4	58.0	60.0	57.0	41.0
+3.0	12.0	56.0	55.0	53.1	52.0	58.0	53.0	65.0
+1.0	24.0	57.0	48.0	48.1	46.0	50.0	48.0	54.0
+2.0	7.0	53.0	49.0	49.2	46.0	51.0	48.0	63.0
+5.0	27.0	66.0	65.0	66.7	64.0	67.0	68.0	73.0
+5.0	5.0	74.0	60.0	62.5	58.0	66.0	62.0	56.0
+3.0	11.0	55.0	56.0	53.0	53.0	53.0	51.0	36.0
+10.0	22.0	62.0	59.0	57.4	56.0	59.0	58.0	44.0
+12.0	11.0	36.0	44.0	45.7	41.0	46.0	47.0	35.0
+5.0	8.0	77.0	82.0	63.2	62.0	65.0	63.0	83.0
+5.0	29.0	64.0	64.0	67.0	65.0	71.0	65.0	76.0
+12.0	13.0	44.0	43.0	45.5	41.0	47.0	46.0	46.0
+3.0	30.0	56.0	64.0	55.7	51.0	57.0	56.0	57.0
+11.0	8.0	61.0	63.0	52.7	49.0	57.0	52.0	49.0
+6.0	20.0	65.0	70.0	70.6	67.0	71.0	70.0	79.0
+11.0	9.0	63.0	71.0	52.4	48.0	56.0	52.0	42.0
+7.0	3.0	76.0	76.0	73.5	69.0	76.0	75.0	85.0
+10.0	9.0	64.0	68.0	62.1	58.0	65.0	63.0	55.0
+12.0	16.0	39.0	39.0	45.3	44.0	49.0	44.0	39.0
+9.0	16.0	79.0	71.0	70.7	70.0	74.0	71.0	52.0
+6.0	25.0	68.0	69.0	71.7	68.0	73.0	73.0	89.0
+9.0	13.0	70.0	74.0	71.5	71.0	75.0	70.0	82.0
+5.0	12.0	75.0	81.0	64.1	62.0	67.0	63.0	81.0
+2.0	8.0	49.0	51.0	49.3	49.0	52.0	50.0	34.0
+1.0	12.0	52.0	45.0	46.8	44.0	50.0	45.0	61.0
+8.0	13.0	80.0	87.0	76.8	73.0	79.0	78.0	73.0
+7.0	4.0	76.0	71.0	73.8	71.0	76.0	73.0	86.0
+4.0	25.0	65.0	55.0	60.3	56.0	64.0	61.0	77.0
+8.0	12.0	76.0	80.0	76.9	72.0	79.0	77.0	81.0
+9.0	21.0	71.0	67.0	69.0	65.0	70.0	70.0	76.0
+4.0	30.0	64.0	61.0	61.4	60.0	65.0	62.0	78.0
+12.0	5.0	49.0	46.0	46.6	43.0	50.0	45.0	65.0
+12.0	19.0	35.0	39.0	45.1	42.0	46.0	45.0	51.0
+9.0	23.0	68.0	67.0	68.3	67.0	69.0	67.0	61.0
+11.0	29.0	48.0	52.0	47.8	43.0	48.0	47.0	50.0
+6.0	16.0	60.0	67.0	69.8	68.0	72.0	71.0	87.0
+9.0	14.0	74.0	75.0	71.2	67.0	75.0	73.0	77.0
+9.0	6.0	68.0	68.0	73.3	73.0	76.0	75.0	79.0
+6.0	6.0	81.0	92.0	68.2	65.0	70.0	67.0	71.0
+9.0	8.0	68.0	67.0	72.8	69.0	77.0	73.0	56.0
+1.0	3.0	45.0	44.0	45.8	43.0	46.0	47.0	56.0
+4.0	28.0	60.0	61.0	61.0	56.0	65.0	62.0	73.0
+11.0	5.0	65.0	65.0	53.4	49.0	58.0	52.0	41.0
+9.0	7.0	68.0	68.0	73.0	72.0	78.0	71.0	70.0
+5.0	3.0	77.0	87.0	62.1	62.0	66.0	64.0	69.0
+10.0	31.0	65.0	117.0	54.8	51.0	59.0	56.0	62.0
+7.0	18.0	72.0	80.0	76.4	75.0	77.0	75.0	66.0
+11.0	15.0	55.0	57.0	51.0	47.0	54.0	51.0	46.0
+5.0	10.0	63.0	67.0	63.6	61.0	66.0	64.0	68.0
+3.0	18.0	53.0	58.0	54.0	51.0	57.0	54.0	56.0
+10.0	26.0	61.0	65.0	56.2	53.0	57.0	57.0	41.0
+1.0	30.0	56.0	52.0	48.6	45.0	51.0	48.0	47.0
+3.0	27.0	57.0	59.0	55.3	52.0	58.0	55.0	39.0
+11.0	3.0	57.0	57.0	53.9	53.0	54.0	54.0	35.0
+4.0	20.0	89.0	81.0	59.2	56.0	63.0	61.0	66.0
+7.0	24.0	71.0	75.0	77.1	76.0	78.0	78.0	75.0
+7.0	31.0	88.0	76.0	77.4	76.0	78.0	79.0	95.0
+5.0	16.0	65.0	57.0	64.8	61.0	65.0	65.0	53.0
+7.0	6.0	68.0	69.0	74.2	72.0	76.0	75.0	86.0
+9.0	27.0	76.0	77.0	66.8	66.0	67.0	68.0	64.0
+2.0	16.0	58.0	55.0	49.9	47.0	54.0	51.0	55.0
+12.0	4.0	50.0	49.0	46.8	45.0	47.0	47.0	53.0
+3.0	9.0	53.0	54.0	52.7	48.0	56.0	54.0	57.0
+11.0	14.0	59.0	55.0	51.2	49.0	53.0	53.0	42.0
+3.0	29.0	51.0	56.0	55.6	53.0	59.0	54.0	45.0
+7.0	8.0	76.0	68.0	74.6	72.0	79.0	75.0	77.0
+3.0	14.0	52.0	54.0	53.4	49.0	58.0	55.0	44.0
+6.0	11.0	65.0	67.0	69.0	69.0	72.0	71.0	87.0
+1.0	13.0	45.0	49.0	46.9	45.0	51.0	46.0	33.0
+2.0	5.0	49.0	49.0	49.1	47.0	50.0	49.0	45.0
+1.0	29.0	57.0	56.0	48.5	48.0	52.0	47.0	49.0
+6.0	22.0	76.0	73.0	71.0	66.0	71.0	72.0	78.0
+5.0	25.0	65.0	66.0	66.4	65.0	67.0	66.0	60.0
+9.0	28.0	77.0	69.0	66.5	66.0	68.0	66.0	62.0
+5.0	14.0	77.0	82.0	64.5	64.0	66.0	66.0	65.0
+8.0	14.0	87.0	90.0	76.7	75.0	78.0	78.0	65.0
+2.0	23.0	51.0	51.0	50.7	49.0	53.0	51.0	43.0
+4.0	8.0	68.0	77.0	57.1	57.0	61.0	57.0	41.0
+10.0	11.0	57.0	60.0	61.4	58.0	66.0	61.0	58.0
+6.0	30.0	79.0	74.0	72.8	71.0	76.0	72.0	87.0
+7.0	26.0	80.0	85.0	77.2	73.0	79.0	76.0	74.0
+5.0	6.0	60.0	68.0	62.8	61.0	64.0	61.0	64.0
+2.0	11.0	62.0	56.0	49.5	46.0	53.0	50.0	37.0
+4.0	2.0	73.0	71.0	56.2	55.0	58.0	58.0	45.0
+10.0	16.0	60.0	62.0	59.5	57.0	60.0	59.0	40.0
+7.0	28.0	79.0	83.0	77.3	76.0	80.0	78.0	76.0
+5.0	19.0	71.0	64.0	65.4	62.0	68.0	67.0	56.0
+1.0	27.0	54.0	56.0	48.4	45.0	51.0	49.0	54.0
+12.0	25.0	40.0	41.0	45.1	42.0	49.0	44.0	31.0
+5.0	24.0	66.0	65.0	66.2	66.0	71.0	66.0	67.0
+11.0	4.0	57.0	65.0	53.7	49.0	55.0	54.0	38.0
+1.0	5.0	41.0	40.0	46.0	46.0	46.0	46.0	41.0
+1.0	1.0	45.0	45.0	45.6	43.0	50.0	44.0	29.0
+11.0	26.0	52.0	52.0	48.4	48.0	50.0	47.0	58.0
+11.0	12.0	64.0	63.0	51.7	50.0	52.0	52.0	63.0
+11.0	30.0	52.0	52.0	47.6	47.0	52.0	49.0	44.0
+4.0	13.0	58.0	60.0	57.9	55.0	62.0	56.0	77.0
+8.0	23.0	84.0	81.0	75.7	73.0	78.0	77.0	89.0
+7.0	14.0	77.0	75.0	75.8	74.0	76.0	77.0	77.0
+11.0	13.0	63.0	59.0	51.4	48.0	56.0	50.0	64.0
+8.0	9.0	72.0	73.0	77.1	77.0	80.0	79.0	94.0
+8.0	4.0	73.0	75.0	77.3	73.0	79.0	78.0	66.0
+4.0	16.0	59.0	60.0	58.5	56.0	60.0	59.0	59.0
+6.0	23.0	73.0	75.0	71.3	68.0	72.0	71.0	56.0
+4.0	11.0	66.0	59.0	57.6	56.0	60.0	58.0	40.0
+2.0	6.0	49.0	53.0	49.1	47.0	53.0	49.0	56.0
+8.0	6.0	80.0	79.0	77.2	76.0	81.0	79.0	60.0
+3.0	5.0	59.0	57.0	52.1	49.0	53.0	51.0	46.0
+6.0	2.0	79.0	75.0	67.6	64.0	71.0	67.0	77.0
+9.0	20.0	69.0	71.0	69.4	67.0	73.0	69.0	81.0
+2.0	19.0	57.0	53.0	50.2	50.0	52.0	51.0	42.0
+2.0	2.0	47.0	46.0	48.8	48.0	50.0	50.0	56.0
+7.0	22.0	82.0	81.0	76.9	72.0	77.0	76.0	70.0
+11.0	24.0	54.0	49.0	48.9	47.0	53.0	48.0	29.0
+1.0	28.0	56.0	57.0	48.4	44.0	52.0	48.0	34.0
+10.0	18.0	60.0	60.0	58.8	54.0	60.0	57.0	53.0
+9.0	4.0	70.0	67.0	73.7	72.0	77.0	75.0	64.0
+10.0	4.0	65.0	61.0	64.1	62.0	69.0	65.0	60.0
+6.0	14.0	70.0	66.0	69.5	66.0	71.0	69.0	85.0
+11.0	11.0	65.0	64.0	51.9	50.0	53.0	52.0	55.0
+5.0	21.0	63.0	66.0	65.7	62.0	67.0	65.0	49.0
+3.0	6.0	57.0	64.0	52.2	52.0	53.0	51.0	49.0
+5.0	18.0	60.0	71.0	65.2	61.0	68.0	65.0	56.0
+5.0	11.0	67.0	75.0	63.8	62.0	68.0	63.0	60.0
+1.0	9.0	45.0	48.0	46.4	46.0	50.0	45.0	47.0
+3.0	8.0	60.0	53.0	52.5	48.0	56.0	51.0	70.0
+1.0	15.0	55.0	49.0	47.1	46.0	51.0	46.0	65.0
+6.0	8.0	86.0	85.0	68.5	67.0	70.0	69.0	81.0
+2.0	10.0	57.0	62.0	49.4	48.0	50.0	49.0	30.0
+12.0	3.0	46.0	50.0	47.0	42.0	52.0	47.0	58.0
+10.0	27.0	65.0	58.0	55.9	51.0	60.0	55.0	39.0
+8.0	7.0	79.0	72.0	77.2	74.0	78.0	77.0	95.0
+11.0	16.0	57.0	55.0	50.7	50.0	51.0	49.0	34.0
+9.0	10.0	72.0	74.0	72.3	70.0	77.0	74.0	91.0
+7.0	29.0	83.0	85.0	77.3	77.0	80.0	79.0	77.0
+8.0	3.0	77.0	73.0	77.3	77.0	81.0	77.0	93.0
+12.0	1.0	52.0	52.0	47.4	44.0	48.0	49.0	39.0
+9.0	25.0	64.0	67.0	67.6	64.0	72.0	67.0	62.0
+12.0	23.0	49.0	45.0	45.1	45.0	49.0	44.0	35.0
+12.0	2.0	52.0	46.0	47.2	46.0	51.0	49.0	41.0
+10.0	13.0	62.0	66.0	60.6	60.0	62.0	60.0	57.0
+7.0	23.0	81.0	71.0	77.0	75.0	81.0	76.0	86.0
+6.0	13.0	65.0	70.0	69.3	66.0	72.0	69.0	79.0
+2.0	15.0	55.0	58.0	49.9	46.0	52.0	49.0	53.0
+8.0	8.0	72.0	72.0	77.1	76.0	78.0	77.0	65.0
+7.0	12.0	74.0	74.0	75.4	74.0	77.0	77.0	71.0
+10.0	3.0	63.0	65.0	64.5	63.0	68.0	65.0	49.0
+4.0	18.0	68.0	77.0	58.8	55.0	59.0	57.0	39.0
+2.0	25.0	60.0	59.0	50.9	49.0	51.0	49.0	35.0
+1.0	2.0	44.0	45.0	45.7	41.0	50.0	44.0	61.0
+2.0	21.0	51.0	53.0	50.5	49.0	54.0	52.0	46.0
+3.0	24.0	57.0	53.0	54.9	54.0	56.0	56.0	72.0
+7.0	27.0	85.0	79.0	77.3	73.0	78.0	79.0	79.0
+2.0	4.0	51.0	49.0	49.0	44.0	54.0	51.0	44.0
+10.0	7.0	66.0	63.0	62.9	62.0	67.0	64.0	78.0
+4.0	4.0	63.0	69.0	56.5	54.0	59.0	56.0	45.0
+2.0	24.0	51.0	60.0	50.8	47.0	53.0	50.0	46.0
+10.0	8.0	63.0	64.0	62.5	60.0	65.0	61.0	73.0
+9.0	15.0	75.0	79.0	71.0	66.0	76.0	69.0	64.0
+1.0	14.0	49.0	55.0	47.0	43.0	47.0	46.0	58.0
+4.0	1.0	68.0	73.0	56.0	54.0	59.0	55.0	41.0
+10.0	17.0	62.0	60.0	59.1	57.0	63.0	59.0	62.0
+6.0	18.0	71.0	67.0	70.2	67.0	75.0	69.0	77.0
+12.0	26.0	41.0	42.0	45.2	45.0	48.0	46.0	58.0
+5.0	17.0	57.0	60.0	65.0	62.0	65.0	65.0	55.0
+11.0	20.0	55.0	57.0	49.8	47.0	54.0	48.0	30.0
+12.0	18.0	35.0	35.0	45.2	44.0	46.0	46.0	36.0
+9.0	17.0	71.0	75.0	70.3	66.0	73.0	70.0	84.0
+2.0	26.0	59.0	61.0	51.1	48.0	56.0	53.0	65.0
+2.0	22.0	53.0	51.0	50.6	46.0	51.0	50.0	59.0
+6.0	26.0	69.0	71.0	71.9	67.0	74.0	72.0	70.0
+7.0	11.0	71.0	74.0	75.3	74.0	79.0	75.0	71.0
+12.0	30.0	48.0	48.0	45.4	44.0	46.0	44.0	42.0
+7.0	9.0	68.0	74.0	74.9	70.0	79.0	76.0	60.0
+6.0	21.0	70.0	76.0	70.8	68.0	75.0	71.0	57.0
+3.0	2.0	54.0	58.0	51.6	47.0	54.0	52.0	37.0
+2.0	20.0	53.0	51.0	50.4	48.0	55.0	51.0	43.0
+9.0	9.0	67.0	72.0	72.6	68.0	77.0	71.0	78.0
+9.0	26.0	67.0	76.0	67.2	64.0	69.0	69.0	74.0
+1.0	22.0	52.0	52.0	47.9	47.0	48.0	48.0	60.0
+11.0	27.0	52.0	53.0	48.2	48.0	49.0	49.0	53.0
+6.0	12.0	67.0	65.0	69.1	65.0	73.0	70.0	83.0
+10.0	20.0	61.0	58.0	58.1	58.0	59.0	58.0	43.0
+7.0	13.0	74.0	77.0	75.6	74.0	78.0	76.0	56.0
+11.0	7.0	58.0	61.0	52.9	51.0	56.0	51.0	35.0
+10.0	1.0	66.0	67.0	65.3	64.0	70.0	64.0	54.0
+11.0	22.0	55.0	54.0	49.3	46.0	54.0	49.0	58.0
+6.0	1.0	71.0	79.0	67.4	65.0	69.0	66.0	58.0
+5.0	13.0	81.0	77.0	64.3	63.0	67.0	66.0	67.0
+6.0	3.0	75.0	71.0	67.7	64.0	71.0	66.0	55.0
+4.0	12.0	59.0	58.0	57.7	54.0	59.0	57.0	61.0
+3.0	31.0	64.0	68.0	55.9	55.0	59.0	56.0	56.0
+12.0	14.0	43.0	40.0	45.4	45.0	48.0	45.0	49.0
+8.0	5.0	75.0	80.0	77.3	75.0	81.0	78.0	71.0
+5.0	4.0	87.0	74.0	62.3	59.0	65.0	64.0	61.0
+12.0	31.0	48.0	57.0	45.5	42.0	48.0	47.0	57.0
+1.0	21.0	48.0	52.0	47.8	43.0	51.0	46.0	57.0
+7.0	10.0	74.0	71.0	75.1	71.0	77.0	76.0	95.0
+3.0	15.0	54.0	49.0	53.6	49.0	58.0	52.0	70.0
+4.0	19.0	77.0	89.0	59.0	59.0	63.0	59.0	61.0
+10.0	14.0	66.0	60.0	60.2	56.0	64.0	60.0	78.0
+4.0	15.0	59.0	59.0	58.3	58.0	61.0	60.0	40.0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/feature_selection_result06
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/feature_selection_result06	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,262 @@
+month	day	temp_2	temp_1	average	forecast_noaa	forecast_acc	forecast_under	friend
+9.0	19.0	68.0	69.0	69.7	65.0	74.0	71.0	88.0
+4.0	14.0	60.0	59.0	58.1	57.0	63.0	58.0	66.0
+7.0	30.0	85.0	88.0	77.3	75.0	79.0	77.0	70.0
+5.0	15.0	82.0	65.0	64.7	63.0	69.0	64.0	58.0
+1.0	18.0	54.0	50.0	47.5	44.0	48.0	49.0	58.0
+1.0	25.0	48.0	51.0	48.2	45.0	51.0	49.0	63.0
+11.0	25.0	49.0	52.0	48.6	45.0	52.0	47.0	41.0
+7.0	20.0	73.0	78.0	76.7	75.0	78.0	77.0	66.0
+12.0	17.0	39.0	35.0	45.2	43.0	47.0	46.0	38.0
+12.0	8.0	42.0	40.0	46.1	45.0	51.0	47.0	36.0
+12.0	28.0	42.0	47.0	45.3	41.0	49.0	44.0	58.0
+7.0	17.0	76.0	72.0	76.3	76.0	78.0	77.0	88.0
+7.0	7.0	69.0	76.0	74.4	73.0	77.0	74.0	72.0
+12.0	15.0	40.0	39.0	45.3	45.0	49.0	47.0	46.0
+6.0	27.0	71.0	78.0	72.2	70.0	74.0	72.0	84.0
+5.0	31.0	64.0	71.0	67.3	63.0	72.0	68.0	85.0
+1.0	20.0	54.0	48.0	47.7	44.0	52.0	49.0	61.0
+8.0	10.0	73.0	72.0	77.0	77.0	78.0	77.0	68.0
+3.0	23.0	56.0	57.0	54.7	50.0	58.0	55.0	70.0
+12.0	24.0	45.0	40.0	45.1	44.0	47.0	46.0	39.0
+1.0	19.0	50.0	54.0	47.6	47.0	49.0	48.0	53.0
+11.0	6.0	65.0	58.0	53.2	52.0	57.0	55.0	71.0
+4.0	17.0	60.0	68.0	58.6	58.0	62.0	59.0	54.0
+10.0	29.0	60.0	65.0	55.3	55.0	59.0	55.0	65.0
+2.0	1.0	48.0	47.0	48.8	46.0	49.0	49.0	51.0
+12.0	12.0	44.0	44.0	45.6	43.0	50.0	45.0	42.0
+5.0	30.0	64.0	64.0	67.1	64.0	70.0	66.0	69.0
+10.0	23.0	59.0	62.0	57.1	57.0	58.0	59.0	67.0
+9.0	30.0	68.0	66.0	65.7	64.0	67.0	65.0	74.0
+9.0	12.0	77.0	70.0	71.8	67.0	73.0	73.0	90.0
+11.0	2.0	59.0	57.0	54.2	54.0	58.0	55.0	70.0
+11.0	17.0	55.0	50.0	50.5	46.0	51.0	50.0	57.0
+3.0	3.0	58.0	55.0	51.8	49.0	54.0	50.0	71.0
+11.0	21.0	57.0	55.0	49.5	46.0	51.0	49.0	67.0
+12.0	27.0	42.0	42.0	45.2	41.0	50.0	47.0	47.0
+4.0	24.0	64.0	65.0	60.1	57.0	61.0	60.0	41.0
+5.0	20.0	64.0	63.0	65.6	63.0	70.0	64.0	73.0
+1.0	16.0	49.0	48.0	47.3	45.0	52.0	46.0	28.0
+12.0	7.0	40.0	42.0	46.3	44.0	51.0	46.0	62.0
+1.0	7.0	44.0	51.0	46.2	45.0	49.0	46.0	38.0
+9.0	24.0	67.0	64.0	68.0	65.0	71.0	66.0	64.0
+8.0	30.0	79.0	75.0	74.6	74.0	76.0	75.0	63.0
+1.0	11.0	50.0	52.0	46.7	42.0	48.0	48.0	39.0
+6.0	9.0	85.0	67.0	68.6	66.0	73.0	69.0	80.0
+9.0	22.0	67.0	68.0	68.7	65.0	70.0	69.0	56.0
+3.0	25.0	53.0	54.0	55.0	53.0	57.0	57.0	42.0
+10.0	24.0	62.0	62.0	56.8	52.0	61.0	57.0	70.0
+7.0	16.0	77.0	76.0	76.1	76.0	78.0	75.0	61.0
+7.0	1.0	74.0	73.0	73.1	71.0	75.0	72.0	93.0
+11.0	18.0	50.0	52.0	50.3	50.0	53.0	50.0	35.0
+9.0	3.0	75.0	70.0	73.9	71.0	75.0	73.0	68.0
+8.0	2.0	73.0	77.0	77.4	75.0	80.0	79.0	62.0
+4.0	5.0	69.0	60.0	56.6	52.0	58.0	56.0	72.0
+3.0	13.0	55.0	52.0	53.3	50.0	55.0	53.0	54.0
+8.0	28.0	81.0	79.0	75.0	71.0	77.0	76.0	85.0
+4.0	9.0	77.0	76.0	57.2	53.0	61.0	57.0	74.0
+5.0	26.0	66.0	66.0	66.5	64.0	70.0	65.0	85.0
+10.0	10.0	68.0	57.0	61.8	58.0	64.0	61.0	62.0
+4.0	10.0	76.0	66.0	57.4	57.0	60.0	57.0	60.0
+10.0	19.0	60.0	61.0	58.4	58.0	60.0	57.0	41.0
+3.0	12.0	56.0	55.0	53.1	52.0	58.0	53.0	65.0
+1.0	24.0	57.0	48.0	48.1	46.0	50.0	48.0	54.0
+2.0	7.0	53.0	49.0	49.2	46.0	51.0	48.0	63.0
+5.0	27.0	66.0	65.0	66.7	64.0	67.0	68.0	73.0
+5.0	5.0	74.0	60.0	62.5	58.0	66.0	62.0	56.0
+3.0	11.0	55.0	56.0	53.0	53.0	53.0	51.0	36.0
+10.0	22.0	62.0	59.0	57.4	56.0	59.0	58.0	44.0
+12.0	11.0	36.0	44.0	45.7	41.0	46.0	47.0	35.0
+5.0	8.0	77.0	82.0	63.2	62.0	65.0	63.0	83.0
+5.0	29.0	64.0	64.0	67.0	65.0	71.0	65.0	76.0
+12.0	13.0	44.0	43.0	45.5	41.0	47.0	46.0	46.0
+3.0	30.0	56.0	64.0	55.7	51.0	57.0	56.0	57.0
+11.0	8.0	61.0	63.0	52.7	49.0	57.0	52.0	49.0
+6.0	20.0	65.0	70.0	70.6	67.0	71.0	70.0	79.0
+11.0	9.0	63.0	71.0	52.4	48.0	56.0	52.0	42.0
+7.0	3.0	76.0	76.0	73.5	69.0	76.0	75.0	85.0
+10.0	9.0	64.0	68.0	62.1	58.0	65.0	63.0	55.0
+12.0	16.0	39.0	39.0	45.3	44.0	49.0	44.0	39.0
+9.0	16.0	79.0	71.0	70.7	70.0	74.0	71.0	52.0
+6.0	25.0	68.0	69.0	71.7	68.0	73.0	73.0	89.0
+9.0	13.0	70.0	74.0	71.5	71.0	75.0	70.0	82.0
+5.0	12.0	75.0	81.0	64.1	62.0	67.0	63.0	81.0
+2.0	8.0	49.0	51.0	49.3	49.0	52.0	50.0	34.0
+1.0	12.0	52.0	45.0	46.8	44.0	50.0	45.0	61.0
+8.0	13.0	80.0	87.0	76.8	73.0	79.0	78.0	73.0
+7.0	4.0	76.0	71.0	73.8	71.0	76.0	73.0	86.0
+4.0	25.0	65.0	55.0	60.3	56.0	64.0	61.0	77.0
+8.0	12.0	76.0	80.0	76.9	72.0	79.0	77.0	81.0
+9.0	21.0	71.0	67.0	69.0	65.0	70.0	70.0	76.0
+4.0	30.0	64.0	61.0	61.4	60.0	65.0	62.0	78.0
+12.0	5.0	49.0	46.0	46.6	43.0	50.0	45.0	65.0
+12.0	19.0	35.0	39.0	45.1	42.0	46.0	45.0	51.0
+9.0	23.0	68.0	67.0	68.3	67.0	69.0	67.0	61.0
+11.0	29.0	48.0	52.0	47.8	43.0	48.0	47.0	50.0
+6.0	16.0	60.0	67.0	69.8	68.0	72.0	71.0	87.0
+9.0	14.0	74.0	75.0	71.2	67.0	75.0	73.0	77.0
+9.0	6.0	68.0	68.0	73.3	73.0	76.0	75.0	79.0
+6.0	6.0	81.0	92.0	68.2	65.0	70.0	67.0	71.0
+9.0	8.0	68.0	67.0	72.8	69.0	77.0	73.0	56.0
+1.0	3.0	45.0	44.0	45.8	43.0	46.0	47.0	56.0
+4.0	28.0	60.0	61.0	61.0	56.0	65.0	62.0	73.0
+11.0	5.0	65.0	65.0	53.4	49.0	58.0	52.0	41.0
+9.0	7.0	68.0	68.0	73.0	72.0	78.0	71.0	70.0
+5.0	3.0	77.0	87.0	62.1	62.0	66.0	64.0	69.0
+10.0	31.0	65.0	117.0	54.8	51.0	59.0	56.0	62.0
+7.0	18.0	72.0	80.0	76.4	75.0	77.0	75.0	66.0
+11.0	15.0	55.0	57.0	51.0	47.0	54.0	51.0	46.0
+5.0	10.0	63.0	67.0	63.6	61.0	66.0	64.0	68.0
+3.0	18.0	53.0	58.0	54.0	51.0	57.0	54.0	56.0
+10.0	26.0	61.0	65.0	56.2	53.0	57.0	57.0	41.0
+1.0	30.0	56.0	52.0	48.6	45.0	51.0	48.0	47.0
+3.0	27.0	57.0	59.0	55.3	52.0	58.0	55.0	39.0
+11.0	3.0	57.0	57.0	53.9	53.0	54.0	54.0	35.0
+4.0	20.0	89.0	81.0	59.2	56.0	63.0	61.0	66.0
+7.0	24.0	71.0	75.0	77.1	76.0	78.0	78.0	75.0
+7.0	31.0	88.0	76.0	77.4	76.0	78.0	79.0	95.0
+5.0	16.0	65.0	57.0	64.8	61.0	65.0	65.0	53.0
+7.0	6.0	68.0	69.0	74.2	72.0	76.0	75.0	86.0
+9.0	27.0	76.0	77.0	66.8	66.0	67.0	68.0	64.0
+2.0	16.0	58.0	55.0	49.9	47.0	54.0	51.0	55.0
+12.0	4.0	50.0	49.0	46.8	45.0	47.0	47.0	53.0
+3.0	9.0	53.0	54.0	52.7	48.0	56.0	54.0	57.0
+11.0	14.0	59.0	55.0	51.2	49.0	53.0	53.0	42.0
+3.0	29.0	51.0	56.0	55.6	53.0	59.0	54.0	45.0
+7.0	8.0	76.0	68.0	74.6	72.0	79.0	75.0	77.0
+3.0	14.0	52.0	54.0	53.4	49.0	58.0	55.0	44.0
+6.0	11.0	65.0	67.0	69.0	69.0	72.0	71.0	87.0
+1.0	13.0	45.0	49.0	46.9	45.0	51.0	46.0	33.0
+2.0	5.0	49.0	49.0	49.1	47.0	50.0	49.0	45.0
+1.0	29.0	57.0	56.0	48.5	48.0	52.0	47.0	49.0
+6.0	22.0	76.0	73.0	71.0	66.0	71.0	72.0	78.0
+5.0	25.0	65.0	66.0	66.4	65.0	67.0	66.0	60.0
+9.0	28.0	77.0	69.0	66.5	66.0	68.0	66.0	62.0
+5.0	14.0	77.0	82.0	64.5	64.0	66.0	66.0	65.0
+8.0	14.0	87.0	90.0	76.7	75.0	78.0	78.0	65.0
+2.0	23.0	51.0	51.0	50.7	49.0	53.0	51.0	43.0
+4.0	8.0	68.0	77.0	57.1	57.0	61.0	57.0	41.0
+10.0	11.0	57.0	60.0	61.4	58.0	66.0	61.0	58.0
+6.0	30.0	79.0	74.0	72.8	71.0	76.0	72.0	87.0
+7.0	26.0	80.0	85.0	77.2	73.0	79.0	76.0	74.0
+5.0	6.0	60.0	68.0	62.8	61.0	64.0	61.0	64.0
+2.0	11.0	62.0	56.0	49.5	46.0	53.0	50.0	37.0
+4.0	2.0	73.0	71.0	56.2	55.0	58.0	58.0	45.0
+10.0	16.0	60.0	62.0	59.5	57.0	60.0	59.0	40.0
+7.0	28.0	79.0	83.0	77.3	76.0	80.0	78.0	76.0
+5.0	19.0	71.0	64.0	65.4	62.0	68.0	67.0	56.0
+1.0	27.0	54.0	56.0	48.4	45.0	51.0	49.0	54.0
+12.0	25.0	40.0	41.0	45.1	42.0	49.0	44.0	31.0
+5.0	24.0	66.0	65.0	66.2	66.0	71.0	66.0	67.0
+11.0	4.0	57.0	65.0	53.7	49.0	55.0	54.0	38.0
+1.0	5.0	41.0	40.0	46.0	46.0	46.0	46.0	41.0
+1.0	1.0	45.0	45.0	45.6	43.0	50.0	44.0	29.0
+11.0	26.0	52.0	52.0	48.4	48.0	50.0	47.0	58.0
+11.0	12.0	64.0	63.0	51.7	50.0	52.0	52.0	63.0
+11.0	30.0	52.0	52.0	47.6	47.0	52.0	49.0	44.0
+4.0	13.0	58.0	60.0	57.9	55.0	62.0	56.0	77.0
+8.0	23.0	84.0	81.0	75.7	73.0	78.0	77.0	89.0
+7.0	14.0	77.0	75.0	75.8	74.0	76.0	77.0	77.0
+11.0	13.0	63.0	59.0	51.4	48.0	56.0	50.0	64.0
+8.0	9.0	72.0	73.0	77.1	77.0	80.0	79.0	94.0
+8.0	4.0	73.0	75.0	77.3	73.0	79.0	78.0	66.0
+4.0	16.0	59.0	60.0	58.5	56.0	60.0	59.0	59.0
+6.0	23.0	73.0	75.0	71.3	68.0	72.0	71.0	56.0
+4.0	11.0	66.0	59.0	57.6	56.0	60.0	58.0	40.0
+2.0	6.0	49.0	53.0	49.1	47.0	53.0	49.0	56.0
+8.0	6.0	80.0	79.0	77.2	76.0	81.0	79.0	60.0
+3.0	5.0	59.0	57.0	52.1	49.0	53.0	51.0	46.0
+6.0	2.0	79.0	75.0	67.6	64.0	71.0	67.0	77.0
+9.0	20.0	69.0	71.0	69.4	67.0	73.0	69.0	81.0
+2.0	19.0	57.0	53.0	50.2	50.0	52.0	51.0	42.0
+2.0	2.0	47.0	46.0	48.8	48.0	50.0	50.0	56.0
+7.0	22.0	82.0	81.0	76.9	72.0	77.0	76.0	70.0
+11.0	24.0	54.0	49.0	48.9	47.0	53.0	48.0	29.0
+1.0	28.0	56.0	57.0	48.4	44.0	52.0	48.0	34.0
+10.0	18.0	60.0	60.0	58.8	54.0	60.0	57.0	53.0
+9.0	4.0	70.0	67.0	73.7	72.0	77.0	75.0	64.0
+10.0	4.0	65.0	61.0	64.1	62.0	69.0	65.0	60.0
+6.0	14.0	70.0	66.0	69.5	66.0	71.0	69.0	85.0
+11.0	11.0	65.0	64.0	51.9	50.0	53.0	52.0	55.0
+5.0	21.0	63.0	66.0	65.7	62.0	67.0	65.0	49.0
+3.0	6.0	57.0	64.0	52.2	52.0	53.0	51.0	49.0
+5.0	18.0	60.0	71.0	65.2	61.0	68.0	65.0	56.0
+5.0	11.0	67.0	75.0	63.8	62.0	68.0	63.0	60.0
+1.0	9.0	45.0	48.0	46.4	46.0	50.0	45.0	47.0
+3.0	8.0	60.0	53.0	52.5	48.0	56.0	51.0	70.0
+1.0	15.0	55.0	49.0	47.1	46.0	51.0	46.0	65.0
+6.0	8.0	86.0	85.0	68.5	67.0	70.0	69.0	81.0
+2.0	10.0	57.0	62.0	49.4	48.0	50.0	49.0	30.0
+12.0	3.0	46.0	50.0	47.0	42.0	52.0	47.0	58.0
+10.0	27.0	65.0	58.0	55.9	51.0	60.0	55.0	39.0
+8.0	7.0	79.0	72.0	77.2	74.0	78.0	77.0	95.0
+11.0	16.0	57.0	55.0	50.7	50.0	51.0	49.0	34.0
+9.0	10.0	72.0	74.0	72.3	70.0	77.0	74.0	91.0
+7.0	29.0	83.0	85.0	77.3	77.0	80.0	79.0	77.0
+8.0	3.0	77.0	73.0	77.3	77.0	81.0	77.0	93.0
+12.0	1.0	52.0	52.0	47.4	44.0	48.0	49.0	39.0
+9.0	25.0	64.0	67.0	67.6	64.0	72.0	67.0	62.0
+12.0	23.0	49.0	45.0	45.1	45.0	49.0	44.0	35.0
+12.0	2.0	52.0	46.0	47.2	46.0	51.0	49.0	41.0
+10.0	13.0	62.0	66.0	60.6	60.0	62.0	60.0	57.0
+7.0	23.0	81.0	71.0	77.0	75.0	81.0	76.0	86.0
+6.0	13.0	65.0	70.0	69.3	66.0	72.0	69.0	79.0
+2.0	15.0	55.0	58.0	49.9	46.0	52.0	49.0	53.0
+8.0	8.0	72.0	72.0	77.1	76.0	78.0	77.0	65.0
+7.0	12.0	74.0	74.0	75.4	74.0	77.0	77.0	71.0
+10.0	3.0	63.0	65.0	64.5	63.0	68.0	65.0	49.0
+4.0	18.0	68.0	77.0	58.8	55.0	59.0	57.0	39.0
+2.0	25.0	60.0	59.0	50.9	49.0	51.0	49.0	35.0
+1.0	2.0	44.0	45.0	45.7	41.0	50.0	44.0	61.0
+2.0	21.0	51.0	53.0	50.5	49.0	54.0	52.0	46.0
+3.0	24.0	57.0	53.0	54.9	54.0	56.0	56.0	72.0
+7.0	27.0	85.0	79.0	77.3	73.0	78.0	79.0	79.0
+2.0	4.0	51.0	49.0	49.0	44.0	54.0	51.0	44.0
+10.0	7.0	66.0	63.0	62.9	62.0	67.0	64.0	78.0
+4.0	4.0	63.0	69.0	56.5	54.0	59.0	56.0	45.0
+2.0	24.0	51.0	60.0	50.8	47.0	53.0	50.0	46.0
+10.0	8.0	63.0	64.0	62.5	60.0	65.0	61.0	73.0
+9.0	15.0	75.0	79.0	71.0	66.0	76.0	69.0	64.0
+1.0	14.0	49.0	55.0	47.0	43.0	47.0	46.0	58.0
+4.0	1.0	68.0	73.0	56.0	54.0	59.0	55.0	41.0
+10.0	17.0	62.0	60.0	59.1	57.0	63.0	59.0	62.0
+6.0	18.0	71.0	67.0	70.2	67.0	75.0	69.0	77.0
+12.0	26.0	41.0	42.0	45.2	45.0	48.0	46.0	58.0
+5.0	17.0	57.0	60.0	65.0	62.0	65.0	65.0	55.0
+11.0	20.0	55.0	57.0	49.8	47.0	54.0	48.0	30.0
+12.0	18.0	35.0	35.0	45.2	44.0	46.0	46.0	36.0
+9.0	17.0	71.0	75.0	70.3	66.0	73.0	70.0	84.0
+2.0	26.0	59.0	61.0	51.1	48.0	56.0	53.0	65.0
+2.0	22.0	53.0	51.0	50.6	46.0	51.0	50.0	59.0
+6.0	26.0	69.0	71.0	71.9	67.0	74.0	72.0	70.0
+7.0	11.0	71.0	74.0	75.3	74.0	79.0	75.0	71.0
+12.0	30.0	48.0	48.0	45.4	44.0	46.0	44.0	42.0
+7.0	9.0	68.0	74.0	74.9	70.0	79.0	76.0	60.0
+6.0	21.0	70.0	76.0	70.8	68.0	75.0	71.0	57.0
+3.0	2.0	54.0	58.0	51.6	47.0	54.0	52.0	37.0
+2.0	20.0	53.0	51.0	50.4	48.0	55.0	51.0	43.0
+9.0	9.0	67.0	72.0	72.6	68.0	77.0	71.0	78.0
+9.0	26.0	67.0	76.0	67.2	64.0	69.0	69.0	74.0
+1.0	22.0	52.0	52.0	47.9	47.0	48.0	48.0	60.0
+11.0	27.0	52.0	53.0	48.2	48.0	49.0	49.0	53.0
+6.0	12.0	67.0	65.0	69.1	65.0	73.0	70.0	83.0
+10.0	20.0	61.0	58.0	58.1	58.0	59.0	58.0	43.0
+7.0	13.0	74.0	77.0	75.6	74.0	78.0	76.0	56.0
+11.0	7.0	58.0	61.0	52.9	51.0	56.0	51.0	35.0
+10.0	1.0	66.0	67.0	65.3	64.0	70.0	64.0	54.0
+11.0	22.0	55.0	54.0	49.3	46.0	54.0	49.0	58.0
+6.0	1.0	71.0	79.0	67.4	65.0	69.0	66.0	58.0
+5.0	13.0	81.0	77.0	64.3	63.0	67.0	66.0	67.0
+6.0	3.0	75.0	71.0	67.7	64.0	71.0	66.0	55.0
+4.0	12.0	59.0	58.0	57.7	54.0	59.0	57.0	61.0
+3.0	31.0	64.0	68.0	55.9	55.0	59.0	56.0	56.0
+12.0	14.0	43.0	40.0	45.4	45.0	48.0	45.0	49.0
+8.0	5.0	75.0	80.0	77.3	75.0	81.0	78.0	71.0
+5.0	4.0	87.0	74.0	62.3	59.0	65.0	64.0	61.0
+12.0	31.0	48.0	57.0	45.5	42.0	48.0	47.0	57.0
+1.0	21.0	48.0	52.0	47.8	43.0	51.0	46.0	57.0
+7.0	10.0	74.0	71.0	75.1	71.0	77.0	76.0	95.0
+3.0	15.0	54.0	49.0	53.6	49.0	58.0	52.0	70.0
+4.0	19.0	77.0	89.0	59.0	59.0	63.0	59.0	61.0
+10.0	14.0	66.0	60.0	60.2	56.0	64.0	60.0	78.0
+4.0	15.0	59.0	59.0	58.3	58.0	61.0	60.0	40.0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/feature_selection_result07
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/feature_selection_result07	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,262 @@
+month	day	temp_2	temp_1	average	forecast_noaa	forecast_acc	forecast_under	friend
+9.0	19.0	68.0	69.0	69.7	65.0	74.0	71.0	88.0
+4.0	14.0	60.0	59.0	58.1	57.0	63.0	58.0	66.0
+7.0	30.0	85.0	88.0	77.3	75.0	79.0	77.0	70.0
+5.0	15.0	82.0	65.0	64.7	63.0	69.0	64.0	58.0
+1.0	18.0	54.0	50.0	47.5	44.0	48.0	49.0	58.0
+1.0	25.0	48.0	51.0	48.2	45.0	51.0	49.0	63.0
+11.0	25.0	49.0	52.0	48.6	45.0	52.0	47.0	41.0
+7.0	20.0	73.0	78.0	76.7	75.0	78.0	77.0	66.0
+12.0	17.0	39.0	35.0	45.2	43.0	47.0	46.0	38.0
+12.0	8.0	42.0	40.0	46.1	45.0	51.0	47.0	36.0
+12.0	28.0	42.0	47.0	45.3	41.0	49.0	44.0	58.0
+7.0	17.0	76.0	72.0	76.3	76.0	78.0	77.0	88.0
+7.0	7.0	69.0	76.0	74.4	73.0	77.0	74.0	72.0
+12.0	15.0	40.0	39.0	45.3	45.0	49.0	47.0	46.0
+6.0	27.0	71.0	78.0	72.2	70.0	74.0	72.0	84.0
+5.0	31.0	64.0	71.0	67.3	63.0	72.0	68.0	85.0
+1.0	20.0	54.0	48.0	47.7	44.0	52.0	49.0	61.0
+8.0	10.0	73.0	72.0	77.0	77.0	78.0	77.0	68.0
+3.0	23.0	56.0	57.0	54.7	50.0	58.0	55.0	70.0
+12.0	24.0	45.0	40.0	45.1	44.0	47.0	46.0	39.0
+1.0	19.0	50.0	54.0	47.6	47.0	49.0	48.0	53.0
+11.0	6.0	65.0	58.0	53.2	52.0	57.0	55.0	71.0
+4.0	17.0	60.0	68.0	58.6	58.0	62.0	59.0	54.0
+10.0	29.0	60.0	65.0	55.3	55.0	59.0	55.0	65.0
+2.0	1.0	48.0	47.0	48.8	46.0	49.0	49.0	51.0
+12.0	12.0	44.0	44.0	45.6	43.0	50.0	45.0	42.0
+5.0	30.0	64.0	64.0	67.1	64.0	70.0	66.0	69.0
+10.0	23.0	59.0	62.0	57.1	57.0	58.0	59.0	67.0
+9.0	30.0	68.0	66.0	65.7	64.0	67.0	65.0	74.0
+9.0	12.0	77.0	70.0	71.8	67.0	73.0	73.0	90.0
+11.0	2.0	59.0	57.0	54.2	54.0	58.0	55.0	70.0
+11.0	17.0	55.0	50.0	50.5	46.0	51.0	50.0	57.0
+3.0	3.0	58.0	55.0	51.8	49.0	54.0	50.0	71.0
+11.0	21.0	57.0	55.0	49.5	46.0	51.0	49.0	67.0
+12.0	27.0	42.0	42.0	45.2	41.0	50.0	47.0	47.0
+4.0	24.0	64.0	65.0	60.1	57.0	61.0	60.0	41.0
+5.0	20.0	64.0	63.0	65.6	63.0	70.0	64.0	73.0
+1.0	16.0	49.0	48.0	47.3	45.0	52.0	46.0	28.0
+12.0	7.0	40.0	42.0	46.3	44.0	51.0	46.0	62.0
+1.0	7.0	44.0	51.0	46.2	45.0	49.0	46.0	38.0
+9.0	24.0	67.0	64.0	68.0	65.0	71.0	66.0	64.0
+8.0	30.0	79.0	75.0	74.6	74.0	76.0	75.0	63.0
+1.0	11.0	50.0	52.0	46.7	42.0	48.0	48.0	39.0
+6.0	9.0	85.0	67.0	68.6	66.0	73.0	69.0	80.0
+9.0	22.0	67.0	68.0	68.7	65.0	70.0	69.0	56.0
+3.0	25.0	53.0	54.0	55.0	53.0	57.0	57.0	42.0
+10.0	24.0	62.0	62.0	56.8	52.0	61.0	57.0	70.0
+7.0	16.0	77.0	76.0	76.1	76.0	78.0	75.0	61.0
+7.0	1.0	74.0	73.0	73.1	71.0	75.0	72.0	93.0
+11.0	18.0	50.0	52.0	50.3	50.0	53.0	50.0	35.0
+9.0	3.0	75.0	70.0	73.9	71.0	75.0	73.0	68.0
+8.0	2.0	73.0	77.0	77.4	75.0	80.0	79.0	62.0
+4.0	5.0	69.0	60.0	56.6	52.0	58.0	56.0	72.0
+3.0	13.0	55.0	52.0	53.3	50.0	55.0	53.0	54.0
+8.0	28.0	81.0	79.0	75.0	71.0	77.0	76.0	85.0
+4.0	9.0	77.0	76.0	57.2	53.0	61.0	57.0	74.0
+5.0	26.0	66.0	66.0	66.5	64.0	70.0	65.0	85.0
+10.0	10.0	68.0	57.0	61.8	58.0	64.0	61.0	62.0
+4.0	10.0	76.0	66.0	57.4	57.0	60.0	57.0	60.0
+10.0	19.0	60.0	61.0	58.4	58.0	60.0	57.0	41.0
+3.0	12.0	56.0	55.0	53.1	52.0	58.0	53.0	65.0
+1.0	24.0	57.0	48.0	48.1	46.0	50.0	48.0	54.0
+2.0	7.0	53.0	49.0	49.2	46.0	51.0	48.0	63.0
+5.0	27.0	66.0	65.0	66.7	64.0	67.0	68.0	73.0
+5.0	5.0	74.0	60.0	62.5	58.0	66.0	62.0	56.0
+3.0	11.0	55.0	56.0	53.0	53.0	53.0	51.0	36.0
+10.0	22.0	62.0	59.0	57.4	56.0	59.0	58.0	44.0
+12.0	11.0	36.0	44.0	45.7	41.0	46.0	47.0	35.0
+5.0	8.0	77.0	82.0	63.2	62.0	65.0	63.0	83.0
+5.0	29.0	64.0	64.0	67.0	65.0	71.0	65.0	76.0
+12.0	13.0	44.0	43.0	45.5	41.0	47.0	46.0	46.0
+3.0	30.0	56.0	64.0	55.7	51.0	57.0	56.0	57.0
+11.0	8.0	61.0	63.0	52.7	49.0	57.0	52.0	49.0
+6.0	20.0	65.0	70.0	70.6	67.0	71.0	70.0	79.0
+11.0	9.0	63.0	71.0	52.4	48.0	56.0	52.0	42.0
+7.0	3.0	76.0	76.0	73.5	69.0	76.0	75.0	85.0
+10.0	9.0	64.0	68.0	62.1	58.0	65.0	63.0	55.0
+12.0	16.0	39.0	39.0	45.3	44.0	49.0	44.0	39.0
+9.0	16.0	79.0	71.0	70.7	70.0	74.0	71.0	52.0
+6.0	25.0	68.0	69.0	71.7	68.0	73.0	73.0	89.0
+9.0	13.0	70.0	74.0	71.5	71.0	75.0	70.0	82.0
+5.0	12.0	75.0	81.0	64.1	62.0	67.0	63.0	81.0
+2.0	8.0	49.0	51.0	49.3	49.0	52.0	50.0	34.0
+1.0	12.0	52.0	45.0	46.8	44.0	50.0	45.0	61.0
+8.0	13.0	80.0	87.0	76.8	73.0	79.0	78.0	73.0
+7.0	4.0	76.0	71.0	73.8	71.0	76.0	73.0	86.0
+4.0	25.0	65.0	55.0	60.3	56.0	64.0	61.0	77.0
+8.0	12.0	76.0	80.0	76.9	72.0	79.0	77.0	81.0
+9.0	21.0	71.0	67.0	69.0	65.0	70.0	70.0	76.0
+4.0	30.0	64.0	61.0	61.4	60.0	65.0	62.0	78.0
+12.0	5.0	49.0	46.0	46.6	43.0	50.0	45.0	65.0
+12.0	19.0	35.0	39.0	45.1	42.0	46.0	45.0	51.0
+9.0	23.0	68.0	67.0	68.3	67.0	69.0	67.0	61.0
+11.0	29.0	48.0	52.0	47.8	43.0	48.0	47.0	50.0
+6.0	16.0	60.0	67.0	69.8	68.0	72.0	71.0	87.0
+9.0	14.0	74.0	75.0	71.2	67.0	75.0	73.0	77.0
+9.0	6.0	68.0	68.0	73.3	73.0	76.0	75.0	79.0
+6.0	6.0	81.0	92.0	68.2	65.0	70.0	67.0	71.0
+9.0	8.0	68.0	67.0	72.8	69.0	77.0	73.0	56.0
+1.0	3.0	45.0	44.0	45.8	43.0	46.0	47.0	56.0
+4.0	28.0	60.0	61.0	61.0	56.0	65.0	62.0	73.0
+11.0	5.0	65.0	65.0	53.4	49.0	58.0	52.0	41.0
+9.0	7.0	68.0	68.0	73.0	72.0	78.0	71.0	70.0
+5.0	3.0	77.0	87.0	62.1	62.0	66.0	64.0	69.0
+10.0	31.0	65.0	117.0	54.8	51.0	59.0	56.0	62.0
+7.0	18.0	72.0	80.0	76.4	75.0	77.0	75.0	66.0
+11.0	15.0	55.0	57.0	51.0	47.0	54.0	51.0	46.0
+5.0	10.0	63.0	67.0	63.6	61.0	66.0	64.0	68.0
+3.0	18.0	53.0	58.0	54.0	51.0	57.0	54.0	56.0
+10.0	26.0	61.0	65.0	56.2	53.0	57.0	57.0	41.0
+1.0	30.0	56.0	52.0	48.6	45.0	51.0	48.0	47.0
+3.0	27.0	57.0	59.0	55.3	52.0	58.0	55.0	39.0
+11.0	3.0	57.0	57.0	53.9	53.0	54.0	54.0	35.0
+4.0	20.0	89.0	81.0	59.2	56.0	63.0	61.0	66.0
+7.0	24.0	71.0	75.0	77.1	76.0	78.0	78.0	75.0
+7.0	31.0	88.0	76.0	77.4	76.0	78.0	79.0	95.0
+5.0	16.0	65.0	57.0	64.8	61.0	65.0	65.0	53.0
+7.0	6.0	68.0	69.0	74.2	72.0	76.0	75.0	86.0
+9.0	27.0	76.0	77.0	66.8	66.0	67.0	68.0	64.0
+2.0	16.0	58.0	55.0	49.9	47.0	54.0	51.0	55.0
+12.0	4.0	50.0	49.0	46.8	45.0	47.0	47.0	53.0
+3.0	9.0	53.0	54.0	52.7	48.0	56.0	54.0	57.0
+11.0	14.0	59.0	55.0	51.2	49.0	53.0	53.0	42.0
+3.0	29.0	51.0	56.0	55.6	53.0	59.0	54.0	45.0
+7.0	8.0	76.0	68.0	74.6	72.0	79.0	75.0	77.0
+3.0	14.0	52.0	54.0	53.4	49.0	58.0	55.0	44.0
+6.0	11.0	65.0	67.0	69.0	69.0	72.0	71.0	87.0
+1.0	13.0	45.0	49.0	46.9	45.0	51.0	46.0	33.0
+2.0	5.0	49.0	49.0	49.1	47.0	50.0	49.0	45.0
+1.0	29.0	57.0	56.0	48.5	48.0	52.0	47.0	49.0
+6.0	22.0	76.0	73.0	71.0	66.0	71.0	72.0	78.0
+5.0	25.0	65.0	66.0	66.4	65.0	67.0	66.0	60.0
+9.0	28.0	77.0	69.0	66.5	66.0	68.0	66.0	62.0
+5.0	14.0	77.0	82.0	64.5	64.0	66.0	66.0	65.0
+8.0	14.0	87.0	90.0	76.7	75.0	78.0	78.0	65.0
+2.0	23.0	51.0	51.0	50.7	49.0	53.0	51.0	43.0
+4.0	8.0	68.0	77.0	57.1	57.0	61.0	57.0	41.0
+10.0	11.0	57.0	60.0	61.4	58.0	66.0	61.0	58.0
+6.0	30.0	79.0	74.0	72.8	71.0	76.0	72.0	87.0
+7.0	26.0	80.0	85.0	77.2	73.0	79.0	76.0	74.0
+5.0	6.0	60.0	68.0	62.8	61.0	64.0	61.0	64.0
+2.0	11.0	62.0	56.0	49.5	46.0	53.0	50.0	37.0
+4.0	2.0	73.0	71.0	56.2	55.0	58.0	58.0	45.0
+10.0	16.0	60.0	62.0	59.5	57.0	60.0	59.0	40.0
+7.0	28.0	79.0	83.0	77.3	76.0	80.0	78.0	76.0
+5.0	19.0	71.0	64.0	65.4	62.0	68.0	67.0	56.0
+1.0	27.0	54.0	56.0	48.4	45.0	51.0	49.0	54.0
+12.0	25.0	40.0	41.0	45.1	42.0	49.0	44.0	31.0
+5.0	24.0	66.0	65.0	66.2	66.0	71.0	66.0	67.0
+11.0	4.0	57.0	65.0	53.7	49.0	55.0	54.0	38.0
+1.0	5.0	41.0	40.0	46.0	46.0	46.0	46.0	41.0
+1.0	1.0	45.0	45.0	45.6	43.0	50.0	44.0	29.0
+11.0	26.0	52.0	52.0	48.4	48.0	50.0	47.0	58.0
+11.0	12.0	64.0	63.0	51.7	50.0	52.0	52.0	63.0
+11.0	30.0	52.0	52.0	47.6	47.0	52.0	49.0	44.0
+4.0	13.0	58.0	60.0	57.9	55.0	62.0	56.0	77.0
+8.0	23.0	84.0	81.0	75.7	73.0	78.0	77.0	89.0
+7.0	14.0	77.0	75.0	75.8	74.0	76.0	77.0	77.0
+11.0	13.0	63.0	59.0	51.4	48.0	56.0	50.0	64.0
+8.0	9.0	72.0	73.0	77.1	77.0	80.0	79.0	94.0
+8.0	4.0	73.0	75.0	77.3	73.0	79.0	78.0	66.0
+4.0	16.0	59.0	60.0	58.5	56.0	60.0	59.0	59.0
+6.0	23.0	73.0	75.0	71.3	68.0	72.0	71.0	56.0
+4.0	11.0	66.0	59.0	57.6	56.0	60.0	58.0	40.0
+2.0	6.0	49.0	53.0	49.1	47.0	53.0	49.0	56.0
+8.0	6.0	80.0	79.0	77.2	76.0	81.0	79.0	60.0
+3.0	5.0	59.0	57.0	52.1	49.0	53.0	51.0	46.0
+6.0	2.0	79.0	75.0	67.6	64.0	71.0	67.0	77.0
+9.0	20.0	69.0	71.0	69.4	67.0	73.0	69.0	81.0
+2.0	19.0	57.0	53.0	50.2	50.0	52.0	51.0	42.0
+2.0	2.0	47.0	46.0	48.8	48.0	50.0	50.0	56.0
+7.0	22.0	82.0	81.0	76.9	72.0	77.0	76.0	70.0
+11.0	24.0	54.0	49.0	48.9	47.0	53.0	48.0	29.0
+1.0	28.0	56.0	57.0	48.4	44.0	52.0	48.0	34.0
+10.0	18.0	60.0	60.0	58.8	54.0	60.0	57.0	53.0
+9.0	4.0	70.0	67.0	73.7	72.0	77.0	75.0	64.0
+10.0	4.0	65.0	61.0	64.1	62.0	69.0	65.0	60.0
+6.0	14.0	70.0	66.0	69.5	66.0	71.0	69.0	85.0
+11.0	11.0	65.0	64.0	51.9	50.0	53.0	52.0	55.0
+5.0	21.0	63.0	66.0	65.7	62.0	67.0	65.0	49.0
+3.0	6.0	57.0	64.0	52.2	52.0	53.0	51.0	49.0
+5.0	18.0	60.0	71.0	65.2	61.0	68.0	65.0	56.0
+5.0	11.0	67.0	75.0	63.8	62.0	68.0	63.0	60.0
+1.0	9.0	45.0	48.0	46.4	46.0	50.0	45.0	47.0
+3.0	8.0	60.0	53.0	52.5	48.0	56.0	51.0	70.0
+1.0	15.0	55.0	49.0	47.1	46.0	51.0	46.0	65.0
+6.0	8.0	86.0	85.0	68.5	67.0	70.0	69.0	81.0
+2.0	10.0	57.0	62.0	49.4	48.0	50.0	49.0	30.0
+12.0	3.0	46.0	50.0	47.0	42.0	52.0	47.0	58.0
+10.0	27.0	65.0	58.0	55.9	51.0	60.0	55.0	39.0
+8.0	7.0	79.0	72.0	77.2	74.0	78.0	77.0	95.0
+11.0	16.0	57.0	55.0	50.7	50.0	51.0	49.0	34.0
+9.0	10.0	72.0	74.0	72.3	70.0	77.0	74.0	91.0
+7.0	29.0	83.0	85.0	77.3	77.0	80.0	79.0	77.0
+8.0	3.0	77.0	73.0	77.3	77.0	81.0	77.0	93.0
+12.0	1.0	52.0	52.0	47.4	44.0	48.0	49.0	39.0
+9.0	25.0	64.0	67.0	67.6	64.0	72.0	67.0	62.0
+12.0	23.0	49.0	45.0	45.1	45.0	49.0	44.0	35.0
+12.0	2.0	52.0	46.0	47.2	46.0	51.0	49.0	41.0
+10.0	13.0	62.0	66.0	60.6	60.0	62.0	60.0	57.0
+7.0	23.0	81.0	71.0	77.0	75.0	81.0	76.0	86.0
+6.0	13.0	65.0	70.0	69.3	66.0	72.0	69.0	79.0
+2.0	15.0	55.0	58.0	49.9	46.0	52.0	49.0	53.0
+8.0	8.0	72.0	72.0	77.1	76.0	78.0	77.0	65.0
+7.0	12.0	74.0	74.0	75.4	74.0	77.0	77.0	71.0
+10.0	3.0	63.0	65.0	64.5	63.0	68.0	65.0	49.0
+4.0	18.0	68.0	77.0	58.8	55.0	59.0	57.0	39.0
+2.0	25.0	60.0	59.0	50.9	49.0	51.0	49.0	35.0
+1.0	2.0	44.0	45.0	45.7	41.0	50.0	44.0	61.0
+2.0	21.0	51.0	53.0	50.5	49.0	54.0	52.0	46.0
+3.0	24.0	57.0	53.0	54.9	54.0	56.0	56.0	72.0
+7.0	27.0	85.0	79.0	77.3	73.0	78.0	79.0	79.0
+2.0	4.0	51.0	49.0	49.0	44.0	54.0	51.0	44.0
+10.0	7.0	66.0	63.0	62.9	62.0	67.0	64.0	78.0
+4.0	4.0	63.0	69.0	56.5	54.0	59.0	56.0	45.0
+2.0	24.0	51.0	60.0	50.8	47.0	53.0	50.0	46.0
+10.0	8.0	63.0	64.0	62.5	60.0	65.0	61.0	73.0
+9.0	15.0	75.0	79.0	71.0	66.0	76.0	69.0	64.0
+1.0	14.0	49.0	55.0	47.0	43.0	47.0	46.0	58.0
+4.0	1.0	68.0	73.0	56.0	54.0	59.0	55.0	41.0
+10.0	17.0	62.0	60.0	59.1	57.0	63.0	59.0	62.0
+6.0	18.0	71.0	67.0	70.2	67.0	75.0	69.0	77.0
+12.0	26.0	41.0	42.0	45.2	45.0	48.0	46.0	58.0
+5.0	17.0	57.0	60.0	65.0	62.0	65.0	65.0	55.0
+11.0	20.0	55.0	57.0	49.8	47.0	54.0	48.0	30.0
+12.0	18.0	35.0	35.0	45.2	44.0	46.0	46.0	36.0
+9.0	17.0	71.0	75.0	70.3	66.0	73.0	70.0	84.0
+2.0	26.0	59.0	61.0	51.1	48.0	56.0	53.0	65.0
+2.0	22.0	53.0	51.0	50.6	46.0	51.0	50.0	59.0
+6.0	26.0	69.0	71.0	71.9	67.0	74.0	72.0	70.0
+7.0	11.0	71.0	74.0	75.3	74.0	79.0	75.0	71.0
+12.0	30.0	48.0	48.0	45.4	44.0	46.0	44.0	42.0
+7.0	9.0	68.0	74.0	74.9	70.0	79.0	76.0	60.0
+6.0	21.0	70.0	76.0	70.8	68.0	75.0	71.0	57.0
+3.0	2.0	54.0	58.0	51.6	47.0	54.0	52.0	37.0
+2.0	20.0	53.0	51.0	50.4	48.0	55.0	51.0	43.0
+9.0	9.0	67.0	72.0	72.6	68.0	77.0	71.0	78.0
+9.0	26.0	67.0	76.0	67.2	64.0	69.0	69.0	74.0
+1.0	22.0	52.0	52.0	47.9	47.0	48.0	48.0	60.0
+11.0	27.0	52.0	53.0	48.2	48.0	49.0	49.0	53.0
+6.0	12.0	67.0	65.0	69.1	65.0	73.0	70.0	83.0
+10.0	20.0	61.0	58.0	58.1	58.0	59.0	58.0	43.0
+7.0	13.0	74.0	77.0	75.6	74.0	78.0	76.0	56.0
+11.0	7.0	58.0	61.0	52.9	51.0	56.0	51.0	35.0
+10.0	1.0	66.0	67.0	65.3	64.0	70.0	64.0	54.0
+11.0	22.0	55.0	54.0	49.3	46.0	54.0	49.0	58.0
+6.0	1.0	71.0	79.0	67.4	65.0	69.0	66.0	58.0
+5.0	13.0	81.0	77.0	64.3	63.0	67.0	66.0	67.0
+6.0	3.0	75.0	71.0	67.7	64.0	71.0	66.0	55.0
+4.0	12.0	59.0	58.0	57.7	54.0	59.0	57.0	61.0
+3.0	31.0	64.0	68.0	55.9	55.0	59.0	56.0	56.0
+12.0	14.0	43.0	40.0	45.4	45.0	48.0	45.0	49.0
+8.0	5.0	75.0	80.0	77.3	75.0	81.0	78.0	71.0
+5.0	4.0	87.0	74.0	62.3	59.0	65.0	64.0	61.0
+12.0	31.0	48.0	57.0	45.5	42.0	48.0	47.0	57.0
+1.0	21.0	48.0	52.0	47.8	43.0	51.0	46.0	57.0
+7.0	10.0	74.0	71.0	75.1	71.0	77.0	76.0	95.0
+3.0	15.0	54.0	49.0	53.6	49.0	58.0	52.0	70.0
+4.0	19.0	77.0	89.0	59.0	59.0	63.0	59.0	61.0
+10.0	14.0	66.0	60.0	60.2	56.0	64.0	60.0	78.0
+4.0	15.0	59.0	59.0	58.3	58.0	61.0	60.0	40.0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/feature_selection_result08
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/feature_selection_result08	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,11 @@
+0	1
+143.762620712	-0.330941870584
+-88.5787166225	1.08055532812
+-82.8452345578	0.272541389247
+72.4951388149	-0.26868660527800003
+11.805182128	1.0360467096600001
+-63.9354970901	-0.101485840571
+126.32584079600001	-0.35999834017899995
+23.0341392692	0.5185404651359999
+67.6714937696	-0.115688051547
+47.39275848810001	-0.7850965413680001
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/feature_selection_result09
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/feature_selection_result09	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,11 @@
+0
+143.762620712
+-88.5787166225
+-82.8452345578
+72.4951388149
+11.805182128
+-63.9354970901
+126.32584079600001
+23.0341392692
+67.6714937696
+47.39275848810001
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/feature_selection_result10
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/feature_selection_result10	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,262 @@
+month	day	temp_2	temp_1	average	forecast_noaa	forecast_acc	forecast_under	friend	week_Fri	week_Mon	week_Sat	week_Sun	week_Thurs	week_Tues	week_Wed
+9.0	19.0	68.0	69.0	69.7	65.0	74.0	71.0	88.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+4.0	14.0	60.0	59.0	58.1	57.0	63.0	58.0	66.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+7.0	30.0	85.0	88.0	77.3	75.0	79.0	77.0	70.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+5.0	15.0	82.0	65.0	64.7	63.0	69.0	64.0	58.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+1.0	18.0	54.0	50.0	47.5	44.0	48.0	49.0	58.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+1.0	25.0	48.0	51.0	48.2	45.0	51.0	49.0	63.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+11.0	25.0	49.0	52.0	48.6	45.0	52.0	47.0	41.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+7.0	20.0	73.0	78.0	76.7	75.0	78.0	77.0	66.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+12.0	17.0	39.0	35.0	45.2	43.0	47.0	46.0	38.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+12.0	8.0	42.0	40.0	46.1	45.0	51.0	47.0	36.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+12.0	28.0	42.0	47.0	45.3	41.0	49.0	44.0	58.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+7.0	17.0	76.0	72.0	76.3	76.0	78.0	77.0	88.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+7.0	7.0	69.0	76.0	74.4	73.0	77.0	74.0	72.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+12.0	15.0	40.0	39.0	45.3	45.0	49.0	47.0	46.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+6.0	27.0	71.0	78.0	72.2	70.0	74.0	72.0	84.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+5.0	31.0	64.0	71.0	67.3	63.0	72.0	68.0	85.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+1.0	20.0	54.0	48.0	47.7	44.0	52.0	49.0	61.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+8.0	10.0	73.0	72.0	77.0	77.0	78.0	77.0	68.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+3.0	23.0	56.0	57.0	54.7	50.0	58.0	55.0	70.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+12.0	24.0	45.0	40.0	45.1	44.0	47.0	46.0	39.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+1.0	19.0	50.0	54.0	47.6	47.0	49.0	48.0	53.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+11.0	6.0	65.0	58.0	53.2	52.0	57.0	55.0	71.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+4.0	17.0	60.0	68.0	58.6	58.0	62.0	59.0	54.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+10.0	29.0	60.0	65.0	55.3	55.0	59.0	55.0	65.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+2.0	1.0	48.0	47.0	48.8	46.0	49.0	49.0	51.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+12.0	12.0	44.0	44.0	45.6	43.0	50.0	45.0	42.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+5.0	30.0	64.0	64.0	67.1	64.0	70.0	66.0	69.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+10.0	23.0	59.0	62.0	57.1	57.0	58.0	59.0	67.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+9.0	30.0	68.0	66.0	65.7	64.0	67.0	65.0	74.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+9.0	12.0	77.0	70.0	71.8	67.0	73.0	73.0	90.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+11.0	2.0	59.0	57.0	54.2	54.0	58.0	55.0	70.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+11.0	17.0	55.0	50.0	50.5	46.0	51.0	50.0	57.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+3.0	3.0	58.0	55.0	51.8	49.0	54.0	50.0	71.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+11.0	21.0	57.0	55.0	49.5	46.0	51.0	49.0	67.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+12.0	27.0	42.0	42.0	45.2	41.0	50.0	47.0	47.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+4.0	24.0	64.0	65.0	60.1	57.0	61.0	60.0	41.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+5.0	20.0	64.0	63.0	65.6	63.0	70.0	64.0	73.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+1.0	16.0	49.0	48.0	47.3	45.0	52.0	46.0	28.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+12.0	7.0	40.0	42.0	46.3	44.0	51.0	46.0	62.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+1.0	7.0	44.0	51.0	46.2	45.0	49.0	46.0	38.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+9.0	24.0	67.0	64.0	68.0	65.0	71.0	66.0	64.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+8.0	30.0	79.0	75.0	74.6	74.0	76.0	75.0	63.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+1.0	11.0	50.0	52.0	46.7	42.0	48.0	48.0	39.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+6.0	9.0	85.0	67.0	68.6	66.0	73.0	69.0	80.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+9.0	22.0	67.0	68.0	68.7	65.0	70.0	69.0	56.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+3.0	25.0	53.0	54.0	55.0	53.0	57.0	57.0	42.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+10.0	24.0	62.0	62.0	56.8	52.0	61.0	57.0	70.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+7.0	16.0	77.0	76.0	76.1	76.0	78.0	75.0	61.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+7.0	1.0	74.0	73.0	73.1	71.0	75.0	72.0	93.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+11.0	18.0	50.0	52.0	50.3	50.0	53.0	50.0	35.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+9.0	3.0	75.0	70.0	73.9	71.0	75.0	73.0	68.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+8.0	2.0	73.0	77.0	77.4	75.0	80.0	79.0	62.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+4.0	5.0	69.0	60.0	56.6	52.0	58.0	56.0	72.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+3.0	13.0	55.0	52.0	53.3	50.0	55.0	53.0	54.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+8.0	28.0	81.0	79.0	75.0	71.0	77.0	76.0	85.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+4.0	9.0	77.0	76.0	57.2	53.0	61.0	57.0	74.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+5.0	26.0	66.0	66.0	66.5	64.0	70.0	65.0	85.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+10.0	10.0	68.0	57.0	61.8	58.0	64.0	61.0	62.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+4.0	10.0	76.0	66.0	57.4	57.0	60.0	57.0	60.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+10.0	19.0	60.0	61.0	58.4	58.0	60.0	57.0	41.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+3.0	12.0	56.0	55.0	53.1	52.0	58.0	53.0	65.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+1.0	24.0	57.0	48.0	48.1	46.0	50.0	48.0	54.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+2.0	7.0	53.0	49.0	49.2	46.0	51.0	48.0	63.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+5.0	27.0	66.0	65.0	66.7	64.0	67.0	68.0	73.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+5.0	5.0	74.0	60.0	62.5	58.0	66.0	62.0	56.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+3.0	11.0	55.0	56.0	53.0	53.0	53.0	51.0	36.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+10.0	22.0	62.0	59.0	57.4	56.0	59.0	58.0	44.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+12.0	11.0	36.0	44.0	45.7	41.0	46.0	47.0	35.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+5.0	8.0	77.0	82.0	63.2	62.0	65.0	63.0	83.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+5.0	29.0	64.0	64.0	67.0	65.0	71.0	65.0	76.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+12.0	13.0	44.0	43.0	45.5	41.0	47.0	46.0	46.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+3.0	30.0	56.0	64.0	55.7	51.0	57.0	56.0	57.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+11.0	8.0	61.0	63.0	52.7	49.0	57.0	52.0	49.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+6.0	20.0	65.0	70.0	70.6	67.0	71.0	70.0	79.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+11.0	9.0	63.0	71.0	52.4	48.0	56.0	52.0	42.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+7.0	3.0	76.0	76.0	73.5	69.0	76.0	75.0	85.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+10.0	9.0	64.0	68.0	62.1	58.0	65.0	63.0	55.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+12.0	16.0	39.0	39.0	45.3	44.0	49.0	44.0	39.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+9.0	16.0	79.0	71.0	70.7	70.0	74.0	71.0	52.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+6.0	25.0	68.0	69.0	71.7	68.0	73.0	73.0	89.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+9.0	13.0	70.0	74.0	71.5	71.0	75.0	70.0	82.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+5.0	12.0	75.0	81.0	64.1	62.0	67.0	63.0	81.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+2.0	8.0	49.0	51.0	49.3	49.0	52.0	50.0	34.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+1.0	12.0	52.0	45.0	46.8	44.0	50.0	45.0	61.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+8.0	13.0	80.0	87.0	76.8	73.0	79.0	78.0	73.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+7.0	4.0	76.0	71.0	73.8	71.0	76.0	73.0	86.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+4.0	25.0	65.0	55.0	60.3	56.0	64.0	61.0	77.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+8.0	12.0	76.0	80.0	76.9	72.0	79.0	77.0	81.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+9.0	21.0	71.0	67.0	69.0	65.0	70.0	70.0	76.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+4.0	30.0	64.0	61.0	61.4	60.0	65.0	62.0	78.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+12.0	5.0	49.0	46.0	46.6	43.0	50.0	45.0	65.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+12.0	19.0	35.0	39.0	45.1	42.0	46.0	45.0	51.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+9.0	23.0	68.0	67.0	68.3	67.0	69.0	67.0	61.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+11.0	29.0	48.0	52.0	47.8	43.0	48.0	47.0	50.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+6.0	16.0	60.0	67.0	69.8	68.0	72.0	71.0	87.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+9.0	14.0	74.0	75.0	71.2	67.0	75.0	73.0	77.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+9.0	6.0	68.0	68.0	73.3	73.0	76.0	75.0	79.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+6.0	6.0	81.0	92.0	68.2	65.0	70.0	67.0	71.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+9.0	8.0	68.0	67.0	72.8	69.0	77.0	73.0	56.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+1.0	3.0	45.0	44.0	45.8	43.0	46.0	47.0	56.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+4.0	28.0	60.0	61.0	61.0	56.0	65.0	62.0	73.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+11.0	5.0	65.0	65.0	53.4	49.0	58.0	52.0	41.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+9.0	7.0	68.0	68.0	73.0	72.0	78.0	71.0	70.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+5.0	3.0	77.0	87.0	62.1	62.0	66.0	64.0	69.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+10.0	31.0	65.0	117.0	54.8	51.0	59.0	56.0	62.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+7.0	18.0	72.0	80.0	76.4	75.0	77.0	75.0	66.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+11.0	15.0	55.0	57.0	51.0	47.0	54.0	51.0	46.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+5.0	10.0	63.0	67.0	63.6	61.0	66.0	64.0	68.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+3.0	18.0	53.0	58.0	54.0	51.0	57.0	54.0	56.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+10.0	26.0	61.0	65.0	56.2	53.0	57.0	57.0	41.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+1.0	30.0	56.0	52.0	48.6	45.0	51.0	48.0	47.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+3.0	27.0	57.0	59.0	55.3	52.0	58.0	55.0	39.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+11.0	3.0	57.0	57.0	53.9	53.0	54.0	54.0	35.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+4.0	20.0	89.0	81.0	59.2	56.0	63.0	61.0	66.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+7.0	24.0	71.0	75.0	77.1	76.0	78.0	78.0	75.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+7.0	31.0	88.0	76.0	77.4	76.0	78.0	79.0	95.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+5.0	16.0	65.0	57.0	64.8	61.0	65.0	65.0	53.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+7.0	6.0	68.0	69.0	74.2	72.0	76.0	75.0	86.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+9.0	27.0	76.0	77.0	66.8	66.0	67.0	68.0	64.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+2.0	16.0	58.0	55.0	49.9	47.0	54.0	51.0	55.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+12.0	4.0	50.0	49.0	46.8	45.0	47.0	47.0	53.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+3.0	9.0	53.0	54.0	52.7	48.0	56.0	54.0	57.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+11.0	14.0	59.0	55.0	51.2	49.0	53.0	53.0	42.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+3.0	29.0	51.0	56.0	55.6	53.0	59.0	54.0	45.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+7.0	8.0	76.0	68.0	74.6	72.0	79.0	75.0	77.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+3.0	14.0	52.0	54.0	53.4	49.0	58.0	55.0	44.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+6.0	11.0	65.0	67.0	69.0	69.0	72.0	71.0	87.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+1.0	13.0	45.0	49.0	46.9	45.0	51.0	46.0	33.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+2.0	5.0	49.0	49.0	49.1	47.0	50.0	49.0	45.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+1.0	29.0	57.0	56.0	48.5	48.0	52.0	47.0	49.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+6.0	22.0	76.0	73.0	71.0	66.0	71.0	72.0	78.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+5.0	25.0	65.0	66.0	66.4	65.0	67.0	66.0	60.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+9.0	28.0	77.0	69.0	66.5	66.0	68.0	66.0	62.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+5.0	14.0	77.0	82.0	64.5	64.0	66.0	66.0	65.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+8.0	14.0	87.0	90.0	76.7	75.0	78.0	78.0	65.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+2.0	23.0	51.0	51.0	50.7	49.0	53.0	51.0	43.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+4.0	8.0	68.0	77.0	57.1	57.0	61.0	57.0	41.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+10.0	11.0	57.0	60.0	61.4	58.0	66.0	61.0	58.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+6.0	30.0	79.0	74.0	72.8	71.0	76.0	72.0	87.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+7.0	26.0	80.0	85.0	77.2	73.0	79.0	76.0	74.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+5.0	6.0	60.0	68.0	62.8	61.0	64.0	61.0	64.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+2.0	11.0	62.0	56.0	49.5	46.0	53.0	50.0	37.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+4.0	2.0	73.0	71.0	56.2	55.0	58.0	58.0	45.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+10.0	16.0	60.0	62.0	59.5	57.0	60.0	59.0	40.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+7.0	28.0	79.0	83.0	77.3	76.0	80.0	78.0	76.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+5.0	19.0	71.0	64.0	65.4	62.0	68.0	67.0	56.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+1.0	27.0	54.0	56.0	48.4	45.0	51.0	49.0	54.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+12.0	25.0	40.0	41.0	45.1	42.0	49.0	44.0	31.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+5.0	24.0	66.0	65.0	66.2	66.0	71.0	66.0	67.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+11.0	4.0	57.0	65.0	53.7	49.0	55.0	54.0	38.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+1.0	5.0	41.0	40.0	46.0	46.0	46.0	46.0	41.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+1.0	1.0	45.0	45.0	45.6	43.0	50.0	44.0	29.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+11.0	26.0	52.0	52.0	48.4	48.0	50.0	47.0	58.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+11.0	12.0	64.0	63.0	51.7	50.0	52.0	52.0	63.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+11.0	30.0	52.0	52.0	47.6	47.0	52.0	49.0	44.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+4.0	13.0	58.0	60.0	57.9	55.0	62.0	56.0	77.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+8.0	23.0	84.0	81.0	75.7	73.0	78.0	77.0	89.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+7.0	14.0	77.0	75.0	75.8	74.0	76.0	77.0	77.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+11.0	13.0	63.0	59.0	51.4	48.0	56.0	50.0	64.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+8.0	9.0	72.0	73.0	77.1	77.0	80.0	79.0	94.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+8.0	4.0	73.0	75.0	77.3	73.0	79.0	78.0	66.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+4.0	16.0	59.0	60.0	58.5	56.0	60.0	59.0	59.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+6.0	23.0	73.0	75.0	71.3	68.0	72.0	71.0	56.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+4.0	11.0	66.0	59.0	57.6	56.0	60.0	58.0	40.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+2.0	6.0	49.0	53.0	49.1	47.0	53.0	49.0	56.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+8.0	6.0	80.0	79.0	77.2	76.0	81.0	79.0	60.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+3.0	5.0	59.0	57.0	52.1	49.0	53.0	51.0	46.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+6.0	2.0	79.0	75.0	67.6	64.0	71.0	67.0	77.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+9.0	20.0	69.0	71.0	69.4	67.0	73.0	69.0	81.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+2.0	19.0	57.0	53.0	50.2	50.0	52.0	51.0	42.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+2.0	2.0	47.0	46.0	48.8	48.0	50.0	50.0	56.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+7.0	22.0	82.0	81.0	76.9	72.0	77.0	76.0	70.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+11.0	24.0	54.0	49.0	48.9	47.0	53.0	48.0	29.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+1.0	28.0	56.0	57.0	48.4	44.0	52.0	48.0	34.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+10.0	18.0	60.0	60.0	58.8	54.0	60.0	57.0	53.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+9.0	4.0	70.0	67.0	73.7	72.0	77.0	75.0	64.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+10.0	4.0	65.0	61.0	64.1	62.0	69.0	65.0	60.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+6.0	14.0	70.0	66.0	69.5	66.0	71.0	69.0	85.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+11.0	11.0	65.0	64.0	51.9	50.0	53.0	52.0	55.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+5.0	21.0	63.0	66.0	65.7	62.0	67.0	65.0	49.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+3.0	6.0	57.0	64.0	52.2	52.0	53.0	51.0	49.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+5.0	18.0	60.0	71.0	65.2	61.0	68.0	65.0	56.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+5.0	11.0	67.0	75.0	63.8	62.0	68.0	63.0	60.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+1.0	9.0	45.0	48.0	46.4	46.0	50.0	45.0	47.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+3.0	8.0	60.0	53.0	52.5	48.0	56.0	51.0	70.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+1.0	15.0	55.0	49.0	47.1	46.0	51.0	46.0	65.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+6.0	8.0	86.0	85.0	68.5	67.0	70.0	69.0	81.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+2.0	10.0	57.0	62.0	49.4	48.0	50.0	49.0	30.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+12.0	3.0	46.0	50.0	47.0	42.0	52.0	47.0	58.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+10.0	27.0	65.0	58.0	55.9	51.0	60.0	55.0	39.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+8.0	7.0	79.0	72.0	77.2	74.0	78.0	77.0	95.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+11.0	16.0	57.0	55.0	50.7	50.0	51.0	49.0	34.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+9.0	10.0	72.0	74.0	72.3	70.0	77.0	74.0	91.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+7.0	29.0	83.0	85.0	77.3	77.0	80.0	79.0	77.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+8.0	3.0	77.0	73.0	77.3	77.0	81.0	77.0	93.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+12.0	1.0	52.0	52.0	47.4	44.0	48.0	49.0	39.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+9.0	25.0	64.0	67.0	67.6	64.0	72.0	67.0	62.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+12.0	23.0	49.0	45.0	45.1	45.0	49.0	44.0	35.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+12.0	2.0	52.0	46.0	47.2	46.0	51.0	49.0	41.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+10.0	13.0	62.0	66.0	60.6	60.0	62.0	60.0	57.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+7.0	23.0	81.0	71.0	77.0	75.0	81.0	76.0	86.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+6.0	13.0	65.0	70.0	69.3	66.0	72.0	69.0	79.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+2.0	15.0	55.0	58.0	49.9	46.0	52.0	49.0	53.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+8.0	8.0	72.0	72.0	77.1	76.0	78.0	77.0	65.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+7.0	12.0	74.0	74.0	75.4	74.0	77.0	77.0	71.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+10.0	3.0	63.0	65.0	64.5	63.0	68.0	65.0	49.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+4.0	18.0	68.0	77.0	58.8	55.0	59.0	57.0	39.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+2.0	25.0	60.0	59.0	50.9	49.0	51.0	49.0	35.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+1.0	2.0	44.0	45.0	45.7	41.0	50.0	44.0	61.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+2.0	21.0	51.0	53.0	50.5	49.0	54.0	52.0	46.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+3.0	24.0	57.0	53.0	54.9	54.0	56.0	56.0	72.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+7.0	27.0	85.0	79.0	77.3	73.0	78.0	79.0	79.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+2.0	4.0	51.0	49.0	49.0	44.0	54.0	51.0	44.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+10.0	7.0	66.0	63.0	62.9	62.0	67.0	64.0	78.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+4.0	4.0	63.0	69.0	56.5	54.0	59.0	56.0	45.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+2.0	24.0	51.0	60.0	50.8	47.0	53.0	50.0	46.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+10.0	8.0	63.0	64.0	62.5	60.0	65.0	61.0	73.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+9.0	15.0	75.0	79.0	71.0	66.0	76.0	69.0	64.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+1.0	14.0	49.0	55.0	47.0	43.0	47.0	46.0	58.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+4.0	1.0	68.0	73.0	56.0	54.0	59.0	55.0	41.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+10.0	17.0	62.0	60.0	59.1	57.0	63.0	59.0	62.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+6.0	18.0	71.0	67.0	70.2	67.0	75.0	69.0	77.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+12.0	26.0	41.0	42.0	45.2	45.0	48.0	46.0	58.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+5.0	17.0	57.0	60.0	65.0	62.0	65.0	65.0	55.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+11.0	20.0	55.0	57.0	49.8	47.0	54.0	48.0	30.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+12.0	18.0	35.0	35.0	45.2	44.0	46.0	46.0	36.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+9.0	17.0	71.0	75.0	70.3	66.0	73.0	70.0	84.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+2.0	26.0	59.0	61.0	51.1	48.0	56.0	53.0	65.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+2.0	22.0	53.0	51.0	50.6	46.0	51.0	50.0	59.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+6.0	26.0	69.0	71.0	71.9	67.0	74.0	72.0	70.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+7.0	11.0	71.0	74.0	75.3	74.0	79.0	75.0	71.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+12.0	30.0	48.0	48.0	45.4	44.0	46.0	44.0	42.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+7.0	9.0	68.0	74.0	74.9	70.0	79.0	76.0	60.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+6.0	21.0	70.0	76.0	70.8	68.0	75.0	71.0	57.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+3.0	2.0	54.0	58.0	51.6	47.0	54.0	52.0	37.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+2.0	20.0	53.0	51.0	50.4	48.0	55.0	51.0	43.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+9.0	9.0	67.0	72.0	72.6	68.0	77.0	71.0	78.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+9.0	26.0	67.0	76.0	67.2	64.0	69.0	69.0	74.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+1.0	22.0	52.0	52.0	47.9	47.0	48.0	48.0	60.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+11.0	27.0	52.0	53.0	48.2	48.0	49.0	49.0	53.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+6.0	12.0	67.0	65.0	69.1	65.0	73.0	70.0	83.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+10.0	20.0	61.0	58.0	58.1	58.0	59.0	58.0	43.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+7.0	13.0	74.0	77.0	75.6	74.0	78.0	76.0	56.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+11.0	7.0	58.0	61.0	52.9	51.0	56.0	51.0	35.0	0.0	1.0	0.0	0.0	0.0	0.0	0.0
+10.0	1.0	66.0	67.0	65.3	64.0	70.0	64.0	54.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+11.0	22.0	55.0	54.0	49.3	46.0	54.0	49.0	58.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+6.0	1.0	71.0	79.0	67.4	65.0	69.0	66.0	58.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+5.0	13.0	81.0	77.0	64.3	63.0	67.0	66.0	67.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+6.0	3.0	75.0	71.0	67.7	64.0	71.0	66.0	55.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+4.0	12.0	59.0	58.0	57.7	54.0	59.0	57.0	61.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+3.0	31.0	64.0	68.0	55.9	55.0	59.0	56.0	56.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+12.0	14.0	43.0	40.0	45.4	45.0	48.0	45.0	49.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+8.0	5.0	75.0	80.0	77.3	75.0	81.0	78.0	71.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+5.0	4.0	87.0	74.0	62.3	59.0	65.0	64.0	61.0	0.0	0.0	0.0	0.0	0.0	0.0	1.0
+12.0	31.0	48.0	57.0	45.5	42.0	48.0	47.0	57.0	0.0	0.0	1.0	0.0	0.0	0.0	0.0
+1.0	21.0	48.0	52.0	47.8	43.0	51.0	46.0	57.0	0.0	0.0	0.0	0.0	1.0	0.0	0.0
+7.0	10.0	74.0	71.0	75.1	71.0	77.0	76.0	95.0	0.0	0.0	0.0	1.0	0.0	0.0	0.0
+3.0	15.0	54.0	49.0	53.6	49.0	58.0	52.0	70.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+4.0	19.0	77.0	89.0	59.0	59.0	63.0	59.0	61.0	0.0	0.0	0.0	0.0	0.0	1.0	0.0
+10.0	14.0	66.0	60.0	60.2	56.0	64.0	60.0	78.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
+4.0	15.0	59.0	59.0	58.3	58.0	61.0	60.0	40.0	1.0	0.0	0.0	0.0	0.0	0.0	0.0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/feature_selection_result11
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/feature_selection_result11	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,51 @@
+Race	AIDS	Total
+4.0	2555.0	14443382.0
+4.0	55300.0	14704293.0
+4.0	82334.0	16641977.0
+4.0	38006.0	13888285.0
+4.0	16068.0	21845911.0
+2.0	2489.0	2367256.0
+2.0	34204.0	2410019.0
+2.0	51776.0	2727604.0
+2.0	23896.0	2276276.0
+2.0	10169.0	3580523.0
+3.0	1363.0	1542563.0
+3.0	20712.0	1570428.0
+3.0	27200.0	1777374.0
+3.0	11251.0	1483278.0
+3.0	4674.0	2333158.0
+1.0	38.0	699627.0
+1.0	731.0	712265.0
+1.0	1162.0	806125.0
+1.0	560.0	672738.0
+1.0	258.0	1058200.0
+0.0	26.0	169115.0
+0.0	390.0	172170.0
+0.0	417.0	194858.0
+0.0	140.0	162616.0
+0.0	48.0	255790.0
+4.0	490.0	14999423.0
+4.0	4788.0	15270378.0
+4.0	5377.0	17282659.0
+4.0	2152.0	14422956.0
+4.0	1790.0	22686934.0
+2.0	1490.0	2458391.0
+2.0	12280.0	2502800.0
+2.0	15713.0	2832611.0
+2.0	5788.0	2363908.0
+2.0	2534.0	3718366.0
+3.0	493.0	1601948.0
+3.0	4660.0	1630887.0
+3.0	5153.0	1845800.0
+3.0	1944.0	1540381.0
+3.0	910.0	2422980.0
+1.0	6.0	726561.0
+1.0	83.0	739686.0
+1.0	106.0	837159.0
+1.0	69.0	698637.0
+1.0	55.0	1098938.0
+0.0	3.0	175626.0
+0.0	78.0	178798.0
+0.0	77.0	202360.0
+0.0	31.0	168876.0
+0.0	14.0	265637.0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/feature_selection_result12
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/feature_selection_result12	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,11 @@
+0	1
+143.762620712	-0.330941870584
+-88.5787166225	1.08055532812
+-82.8452345578	0.272541389247
+72.4951388149	-0.26868660527800003
+11.805182128	1.0360467096600001
+-63.9354970901	-0.101485840571
+126.32584079600001	-0.35999834017899995
+23.0341392692	0.5185404651359999
+67.6714937696	-0.115688051547
+47.39275848810001	-0.7850965413680001
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/feature_selection_result13
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/feature_selection_result13	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,262 @@
+temp_1	average	forecast_noaa	friend
+69.0	69.7	65.0	88.0
+59.0	58.1	57.0	66.0
+88.0	77.3	75.0	70.0
+65.0	64.7	63.0	58.0
+50.0	47.5	44.0	58.0
+51.0	48.2	45.0	63.0
+52.0	48.6	45.0	41.0
+78.0	76.7	75.0	66.0
+35.0	45.2	43.0	38.0
+40.0	46.1	45.0	36.0
+47.0	45.3	41.0	58.0
+72.0	76.3	76.0	88.0
+76.0	74.4	73.0	72.0
+39.0	45.3	45.0	46.0
+78.0	72.2	70.0	84.0
+71.0	67.3	63.0	85.0
+48.0	47.7	44.0	61.0
+72.0	77.0	77.0	68.0
+57.0	54.7	50.0	70.0
+40.0	45.1	44.0	39.0
+54.0	47.6	47.0	53.0
+58.0	53.2	52.0	71.0
+68.0	58.6	58.0	54.0
+65.0	55.3	55.0	65.0
+47.0	48.8	46.0	51.0
+44.0	45.6	43.0	42.0
+64.0	67.1	64.0	69.0
+62.0	57.1	57.0	67.0
+66.0	65.7	64.0	74.0
+70.0	71.8	67.0	90.0
+57.0	54.2	54.0	70.0
+50.0	50.5	46.0	57.0
+55.0	51.8	49.0	71.0
+55.0	49.5	46.0	67.0
+42.0	45.2	41.0	47.0
+65.0	60.1	57.0	41.0
+63.0	65.6	63.0	73.0
+48.0	47.3	45.0	28.0
+42.0	46.3	44.0	62.0
+51.0	46.2	45.0	38.0
+64.0	68.0	65.0	64.0
+75.0	74.6	74.0	63.0
+52.0	46.7	42.0	39.0
+67.0	68.6	66.0	80.0
+68.0	68.7	65.0	56.0
+54.0	55.0	53.0	42.0
+62.0	56.8	52.0	70.0
+76.0	76.1	76.0	61.0
+73.0	73.1	71.0	93.0
+52.0	50.3	50.0	35.0
+70.0	73.9	71.0	68.0
+77.0	77.4	75.0	62.0
+60.0	56.6	52.0	72.0
+52.0	53.3	50.0	54.0
+79.0	75.0	71.0	85.0
+76.0	57.2	53.0	74.0
+66.0	66.5	64.0	85.0
+57.0	61.8	58.0	62.0
+66.0	57.4	57.0	60.0
+61.0	58.4	58.0	41.0
+55.0	53.1	52.0	65.0
+48.0	48.1	46.0	54.0
+49.0	49.2	46.0	63.0
+65.0	66.7	64.0	73.0
+60.0	62.5	58.0	56.0
+56.0	53.0	53.0	36.0
+59.0	57.4	56.0	44.0
+44.0	45.7	41.0	35.0
+82.0	63.2	62.0	83.0
+64.0	67.0	65.0	76.0
+43.0	45.5	41.0	46.0
+64.0	55.7	51.0	57.0
+63.0	52.7	49.0	49.0
+70.0	70.6	67.0	79.0
+71.0	52.4	48.0	42.0
+76.0	73.5	69.0	85.0
+68.0	62.1	58.0	55.0
+39.0	45.3	44.0	39.0
+71.0	70.7	70.0	52.0
+69.0	71.7	68.0	89.0
+74.0	71.5	71.0	82.0
+81.0	64.1	62.0	81.0
+51.0	49.3	49.0	34.0
+45.0	46.8	44.0	61.0
+87.0	76.8	73.0	73.0
+71.0	73.8	71.0	86.0
+55.0	60.3	56.0	77.0
+80.0	76.9	72.0	81.0
+67.0	69.0	65.0	76.0
+61.0	61.4	60.0	78.0
+46.0	46.6	43.0	65.0
+39.0	45.1	42.0	51.0
+67.0	68.3	67.0	61.0
+52.0	47.8	43.0	50.0
+67.0	69.8	68.0	87.0
+75.0	71.2	67.0	77.0
+68.0	73.3	73.0	79.0
+92.0	68.2	65.0	71.0
+67.0	72.8	69.0	56.0
+44.0	45.8	43.0	56.0
+61.0	61.0	56.0	73.0
+65.0	53.4	49.0	41.0
+68.0	73.0	72.0	70.0
+87.0	62.1	62.0	69.0
+117.0	54.8	51.0	62.0
+80.0	76.4	75.0	66.0
+57.0	51.0	47.0	46.0
+67.0	63.6	61.0	68.0
+58.0	54.0	51.0	56.0
+65.0	56.2	53.0	41.0
+52.0	48.6	45.0	47.0
+59.0	55.3	52.0	39.0
+57.0	53.9	53.0	35.0
+81.0	59.2	56.0	66.0
+75.0	77.1	76.0	75.0
+76.0	77.4	76.0	95.0
+57.0	64.8	61.0	53.0
+69.0	74.2	72.0	86.0
+77.0	66.8	66.0	64.0
+55.0	49.9	47.0	55.0
+49.0	46.8	45.0	53.0
+54.0	52.7	48.0	57.0
+55.0	51.2	49.0	42.0
+56.0	55.6	53.0	45.0
+68.0	74.6	72.0	77.0
+54.0	53.4	49.0	44.0
+67.0	69.0	69.0	87.0
+49.0	46.9	45.0	33.0
+49.0	49.1	47.0	45.0
+56.0	48.5	48.0	49.0
+73.0	71.0	66.0	78.0
+66.0	66.4	65.0	60.0
+69.0	66.5	66.0	62.0
+82.0	64.5	64.0	65.0
+90.0	76.7	75.0	65.0
+51.0	50.7	49.0	43.0
+77.0	57.1	57.0	41.0
+60.0	61.4	58.0	58.0
+74.0	72.8	71.0	87.0
+85.0	77.2	73.0	74.0
+68.0	62.8	61.0	64.0
+56.0	49.5	46.0	37.0
+71.0	56.2	55.0	45.0
+62.0	59.5	57.0	40.0
+83.0	77.3	76.0	76.0
+64.0	65.4	62.0	56.0
+56.0	48.4	45.0	54.0
+41.0	45.1	42.0	31.0
+65.0	66.2	66.0	67.0
+65.0	53.7	49.0	38.0
+40.0	46.0	46.0	41.0
+45.0	45.6	43.0	29.0
+52.0	48.4	48.0	58.0
+63.0	51.7	50.0	63.0
+52.0	47.6	47.0	44.0
+60.0	57.9	55.0	77.0
+81.0	75.7	73.0	89.0
+75.0	75.8	74.0	77.0
+59.0	51.4	48.0	64.0
+73.0	77.1	77.0	94.0
+75.0	77.3	73.0	66.0
+60.0	58.5	56.0	59.0
+75.0	71.3	68.0	56.0
+59.0	57.6	56.0	40.0
+53.0	49.1	47.0	56.0
+79.0	77.2	76.0	60.0
+57.0	52.1	49.0	46.0
+75.0	67.6	64.0	77.0
+71.0	69.4	67.0	81.0
+53.0	50.2	50.0	42.0
+46.0	48.8	48.0	56.0
+81.0	76.9	72.0	70.0
+49.0	48.9	47.0	29.0
+57.0	48.4	44.0	34.0
+60.0	58.8	54.0	53.0
+67.0	73.7	72.0	64.0
+61.0	64.1	62.0	60.0
+66.0	69.5	66.0	85.0
+64.0	51.9	50.0	55.0
+66.0	65.7	62.0	49.0
+64.0	52.2	52.0	49.0
+71.0	65.2	61.0	56.0
+75.0	63.8	62.0	60.0
+48.0	46.4	46.0	47.0
+53.0	52.5	48.0	70.0
+49.0	47.1	46.0	65.0
+85.0	68.5	67.0	81.0
+62.0	49.4	48.0	30.0
+50.0	47.0	42.0	58.0
+58.0	55.9	51.0	39.0
+72.0	77.2	74.0	95.0
+55.0	50.7	50.0	34.0
+74.0	72.3	70.0	91.0
+85.0	77.3	77.0	77.0
+73.0	77.3	77.0	93.0
+52.0	47.4	44.0	39.0
+67.0	67.6	64.0	62.0
+45.0	45.1	45.0	35.0
+46.0	47.2	46.0	41.0
+66.0	60.6	60.0	57.0
+71.0	77.0	75.0	86.0
+70.0	69.3	66.0	79.0
+58.0	49.9	46.0	53.0
+72.0	77.1	76.0	65.0
+74.0	75.4	74.0	71.0
+65.0	64.5	63.0	49.0
+77.0	58.8	55.0	39.0
+59.0	50.9	49.0	35.0
+45.0	45.7	41.0	61.0
+53.0	50.5	49.0	46.0
+53.0	54.9	54.0	72.0
+79.0	77.3	73.0	79.0
+49.0	49.0	44.0	44.0
+63.0	62.9	62.0	78.0
+69.0	56.5	54.0	45.0
+60.0	50.8	47.0	46.0
+64.0	62.5	60.0	73.0
+79.0	71.0	66.0	64.0
+55.0	47.0	43.0	58.0
+73.0	56.0	54.0	41.0
+60.0	59.1	57.0	62.0
+67.0	70.2	67.0	77.0
+42.0	45.2	45.0	58.0
+60.0	65.0	62.0	55.0
+57.0	49.8	47.0	30.0
+35.0	45.2	44.0	36.0
+75.0	70.3	66.0	84.0
+61.0	51.1	48.0	65.0
+51.0	50.6	46.0	59.0
+71.0	71.9	67.0	70.0
+74.0	75.3	74.0	71.0
+48.0	45.4	44.0	42.0
+74.0	74.9	70.0	60.0
+76.0	70.8	68.0	57.0
+58.0	51.6	47.0	37.0
+51.0	50.4	48.0	43.0
+72.0	72.6	68.0	78.0
+76.0	67.2	64.0	74.0
+52.0	47.9	47.0	60.0
+53.0	48.2	48.0	53.0
+65.0	69.1	65.0	83.0
+58.0	58.1	58.0	43.0
+77.0	75.6	74.0	56.0
+61.0	52.9	51.0	35.0
+67.0	65.3	64.0	54.0
+54.0	49.3	46.0	58.0
+79.0	67.4	65.0	58.0
+77.0	64.3	63.0	67.0
+71.0	67.7	64.0	55.0
+58.0	57.7	54.0	61.0
+68.0	55.9	55.0	56.0
+40.0	45.4	45.0	49.0
+80.0	77.3	75.0	71.0
+74.0	62.3	59.0	61.0
+57.0	45.5	42.0	57.0
+52.0	47.8	43.0	57.0
+71.0	75.1	71.0	95.0
+49.0	53.6	49.0	70.0
+89.0	59.0	59.0	61.0
+60.0	60.2	56.0	78.0
+59.0	58.3	58.0	40.0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/final_estimator.zip
Binary file test-data/final_estimator.zip has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/fitted_keras_g_regressor01.zip
Binary file test-data/fitted_keras_g_regressor01.zip has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/fitted_model_eval01.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/fitted_model_eval01.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+score
+0.8277511130733235
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/friedman1.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/friedman1.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,101 @@
+0	1	2	3	4	5	6	7	8	9	0
+0.54340494179097	0.27836938509380	0.42451759074913	0.84477613231990	0.00471885619097	0.12156912078311	0.67074908472678	0.82585275510505	0.13670658968495	0.57509332942725	13.16065039739808
+0.89132195431226	0.20920212211719	0.18532821955008	0.10837689046426	0.21969749262499	0.97862378470737	0.81168314908932	0.17194101273259	0.81622474872584	0.27407374704170	9.69129813765850
+0.43170418366312	0.94002981962237	0.81764937877673	0.33611195012090	0.17541045374234	0.37283204628992	0.00568850735257	0.25242635344484	0.79566250847329	0.01525497124634	15.82161996182878
+0.59884337692849	0.60380453904285	0.10514768541206	0.38194344494311	0.03647605659257	0.89041156344208	0.98092085701231	0.05994198881804	0.89054594472850	0.57690149940003	16.18933274618261
+0.74247968909798	0.63018393647538	0.58184219239878	0.02043913202692	0.21002657767286	0.54468487817865	0.76911517110565	0.25069522913840	0.28589569040686	0.85239508784131	11.33767760089345
+0.97500649360659	0.88485329349111	0.35950784393690	0.59885894587575	0.35479561165730	0.34019021537065	0.17808098950580	0.23769420862405	0.04486228246078	0.50543142963579	12.33714282417860
+0.37625245429736	0.59280540097589	0.62994187558750	0.14260031444628	0.93384129946642	0.94637988080910	0.60229665773087	0.38776628032663	0.36318800410935	0.20434527686864	12.88055071230146
+0.27676506139634	0.24653588120355	0.17360800174021	0.96660969448732	0.95701260035280	0.59797368432892	0.73130075305992	0.34038522283744	0.09205560337724	0.46349801893715	18.70900393660417
+0.50869889323819	0.08846017300289	0.52803522331805	0.99215803651053	0.39503593175823	0.33559644171857	0.80545053732928	0.75434899458235	0.31306644158851	0.63403668296228	13.32147913155627
+0.54040457530072	0.29679375088001	0.11078790118245	0.31264029787574	0.45697913004927	0.65894007022620	0.25425751781772	0.64110125870070	0.20012360721840	0.65762480552898	13.26925386310889
+0.77828921544985	0.77959839861075	0.61032815320939	0.30900034852440	0.69773490751296	0.85961829572907	0.62532375775681	0.98240782960955	0.97650012701586	0.16669413119886	16.26499517078734
+0.02317813647840	0.16074454850708	0.92349682525909	0.95354984987953	0.21097841871845	0.36052525081461	0.54937526162767	0.27183084917697	0.46060162107485	0.69616156482339	14.29442731349912
+0.50035589667487	0.71607099056434	0.52595593622978	0.00139902311904	0.39470028668984	0.49216696990115	0.40288033137914	0.35429830010632	0.50061431944295	0.44517662883114	11.02623719229622
+0.09043278819644	0.27356292002744	0.94347709774273	0.02654464133394	0.03999868964065	0.28314035971982	0.58234417021677	0.99089280292483	0.99264223740297	0.99311737248104	5.17529680436277
+0.11004833096656	0.66448144596394	0.52398683448831	0.17314990980873	0.94296024491503	0.24186008597625	0.99893226884321	0.58269381514990	0.18327900063058	0.38684542191779	8.73494610704017
+0.18967352891215	0.41077067302531	0.59468006890171	0.71658609312834	0.48689148236912	0.30958981776670	0.57744137282785	0.44170781956874	0.35967810260054	0.32133193200881	12.20292470261234
+0.20820724019602	0.45125862406183	0.49184291026405	0.89907631479371	0.72936046102944	0.77008977291970	0.37543924756199	0.34373953523538	0.65503520599932	0.71103799321050	15.54791473458014
+0.11353757521868	0.13302868937358	0.45603905760612	0.15973623015851	0.96164190377465	0.83761574486181	0.52016068703792	0.21827225772815	0.13491872253240	0.97907034548387	6.91854352707436
+0.70704349568914	0.85997555694566	0.38717262782864	0.25083401983172	0.29943801894470	0.85689552840502	0.47298399056822	0.66327704701613	0.80572860743679	0.25298050464972	13.68961636548041
+0.07957343897032	0.73276060501572	0.96139747750361	0.95380473416766	0.49049905188390	0.63219206443276	0.73299501983799	0.90240950324797	0.16224691874820	0.40588132236756	18.06987664088426
+0.41709073558366	0.69559102829207	0.42484723792483	0.85811422605143	0.84693247960942	0.07019911390869	0.30175241348415	0.97962368103017	0.03562699655303	0.49239264699858	20.83271160119166
+0.95237685301355	0.81057375852947	0.29433044129637	0.59623351851834	0.43117785229973	0.59239750298899	0.89375210472021	0.55402118977171	0.49286650734527	0.31927045718950	15.53075225731083
+0.26336578305072	0.54228061353580	0.08226452393202	0.63563670982540	0.79640522518621	0.95474750543081	0.68462427169271	0.48829316680510	0.48541431018437	0.96669292058297	18.16618569645921
+0.21134788749712	0.41164813817783	0.98966557677928	0.02841185671325	0.70132651409352	0.02517156388481	0.32088172608654	0.07352706186557	0.06088456434664	0.11140631670405	11.28551079661224
+0.16926890814543	0.62768627950105	0.43839309463984	0.83090376460397	0.23979218956447	0.19005270791974	0.71189965858292	0.85829492532678	0.55905588559602	0.70442040828886	12.86014244968713
+0.60511203551818	0.55921728326804	0.86039419090759	0.91975535915007	0.84960732575898	0.25446653549445	0.87755554228677	0.43513019009223	0.72949434396451	0.41264076753879	24.78184394518976
+0.19083604581122	0.70601951995616	0.24063282092985	0.85132442683300	0.82410228925859	0.52521178661397	0.38634079430617	0.59088079073492	0.13752361490783	0.80827040789161	18.08670751004708
+0.96582581524448	0.77979580423293	0.23933508209582	0.86726041310843	0.80811501289370	0.06368112422047	0.23122830404880	0.58968544870353	0.13748694797777	0.67844070437149	21.07291962657876
+0.99219068951525	0.28575198481557	0.76091275955885	0.04652716766614	0.33253590652221	0.94455279102706	0.63651704125478	0.60184860613189	0.92818468146365	0.18167941079661	11.26461844195291
+0.01782318402652	0.19007217613417	0.52187179782459	0.49582198590367	0.80049120556915	0.85943631144491	0.21295603224034	0.43726884144766	0.42161750906259	0.05471737708194	9.07666885187499
+0.00993369367098	0.78976567933601	0.27531321879490	0.71774000454334	0.42135592175656	0.14333587216900	0.19252168025198	0.31381523331764	0.80517016736730	0.01262583035748	10.54030475945929
+0.04910597269756	0.56600038498509	0.68681069615440	0.72681090505171	0.47969376130168	0.36765672177853	0.83997009920175	0.45416355245101	0.32136583878220	0.09271986717104	11.23660768699201
+0.06043793213559	0.09095116720087	0.68270645642831	0.68073576723064	0.24317416588743	0.64046144215603	0.06913918311155	0.87291996174627	0.10960694983251	0.16905576511943	8.86354312439895
+0.46737799144535	0.77594921940337	0.85444451570506	0.21038644476716	0.07664186926890	0.78891479710322	0.54750000114930	0.78625486281541	0.92004704285871	0.48097276592788	14.08324795108047
+0.45955367001018	0.59897915548095	0.59931878072428	0.50437345123376	0.30687852974345	0.54135298034911	0.92492694340279	0.97055080203022	0.39579460989700	0.79874527255534	14.38483602692814
+0.63508814775093	0.22996916524903	0.05120709286294	0.02846380617135	0.12284775190377	0.22021251783364	0.82902275370082	0.28549182770004	0.78106408263109	0.50466581259668	9.35618845606910
+0.13844892377658	0.77803655233398	0.92133179352084	0.94301863203619	0.70443579726394	0.69391644547591	0.54655181336750	0.36921722973788	0.98246757472699	0.06560922542750	19.82262440529854
+0.89767831074227	0.26393098909487	0.57447584202334	0.51286626809379	0.55447680807193	0.64716733182840	0.18547415905448	0.27197820430902	0.14843865774278	0.03030417059441	14.78671408760944
+0.93925558415214	0.34675413017620	0.10956460430561	0.37832699566147	0.38407945904141	0.66542368791946	0.24449092930616	0.66148097377368	0.09849288379186	0.58086274766685	17.29018333220705
+0.10686550466855	0.54825450746399	0.51975170771121	0.29623411786576	0.45572905099810	0.03866652012957	0.59900302488850	0.00048675947526	0.50181359368553	0.50172612169161	7.07905648426691
+0.06066969591496	0.94983693914984	0.60865904513982	0.67200268379214	0.46277352369457	0.70427309523497	0.18106714116611	0.64758217733233	0.56810873484550	0.95413831453450	11.07054139657063
+0.79669023888136	0.58531039271195	0.45535496707320	0.73845153053149	0.81223627796279	0.92729117355215	0.82637560672151	0.02995659766509	0.77280282180891	0.52177739361632	21.42960531525592
+0.88538733224123	0.45856166708365	0.54072257615962	0.90776499826541	0.55631004027687	0.18711472229065	0.68111136754195	0.01384668541809	0.38009165785093	0.80868449013339	21.45953015418183
+0.57612541241188	0.15178450453000	0.32985476037950	0.95177314614833	0.03038472299921	0.77817352715595	0.18138385983877	0.21365686845063	0.65259622292209	0.14409194606083	12.96144234516266
+0.38100727060705	0.40573453257265	0.65896543457260	0.51182267371344	0.48258510385024	0.52402179828399	0.80628587324272	0.80439108066929	0.14770043610251	0.99345357708070	12.70440240565187
+0.06776773575119	0.99581580696239	0.12344969265331	0.06192919793340	0.70403544177822	0.96097965297788	0.71215094790234	0.66308132232073	0.13367496222456	0.18034516922835	9.07950367161652
+0.15671586892228	0.09047348127883	0.97186614824503	0.50986113028490	0.45087747630105	0.32970097849721	0.49351204204947	0.14360098508058	0.15092029084048	0.81533857945988	12.25143944246482
+0.21128188379636	0.08654232235729	0.38725741753122	0.89340341402212	0.42864329794286	0.76630401218021	0.99526540201741	0.02006285089511	0.10819822866909	0.69474267149362	11.90558728034406
+0.89066405045655	0.49247632377658	0.07026799039549	0.08843736434988	0.10620815853049	0.20125887824678	0.87736400533064	0.94322250220193	0.13563613798032	0.85872697268385	14.92352889377353
+0.75715828243556	0.68617161445565	0.85639339016023	0.23087775291356	0.51933797921147	0.34333344517645	0.65877292935868	0.28279025386662	0.50246643375673	0.30327751955276	17.42695566075147
+0.55252942343432	0.16112709705428	0.56854896461828	0.48570986810678	0.12751954351367	0.54369216923004	0.20049060873266	0.67016085999980	0.55811221703619	0.23237831749161	8.34923366678330
+0.51558848560982	0.31499197341868	0.84659254892140	0.44737628027740	0.10008522439470	0.90159208539411	0.85608824855167	0.28632987391181	0.25901477045357	0.06637137355820	12.26035889088531
+0.31763167162788	0.05184299524331	0.94418831783190	0.71721730204322	0.55365920016146	0.35974476987986	0.15918230108433	0.43295804116480	0.27936217690989	0.96103763216531	14.40362888425922
+0.09813215580839	0.40699555242514	0.00837644600181	0.56805892959632	0.57660976836724	0.13714426132734	0.67221856604142	0.14287372745804	0.50923149725369	0.36876195253013	14.64895450617728
+0.24910738935854	0.13628212203334	0.11929113212326	0.05238812645692	0.43489931469305	0.77070538058679	0.85091418230683	0.62128266742959	0.37988768839810	0.67991103641724	6.66167749288799
+0.31376550425972	0.72663798299932	0.91448319108738	0.09489548073956	0.66497695183225	0.35687279405119	0.76229092026234	0.94500569115102	0.22374220285140	0.05725321925421	14.27547967969411
+0.64280185023314	0.08877710855285	0.66793841499865	0.60722138513113	0.01959981977284	0.39379334435774	0.45950730268612	0.02113601156076	0.37369090134502	0.56556713697610	8.51747510592055
+0.00887517698156	0.16284534638834	0.89813173697290	0.35543331858118	0.30975351516747	0.58215667826310	0.52216462192832	0.88245576935173	0.27234446484001	0.29982005678289	8.31868305553578
+0.30838670679481	0.10100427170621	0.29502169857894	0.72890479204163	0.34187889271524	0.28606815551840	0.95634760610720	0.99947915113229	0.33735192139329	0.47512155679994	10.81575853973493
+0.82964965999061	0.09940514628181	0.50811464169943	0.83383656635549	0.77012299341349	0.81600034975497	0.05154997641545	0.68132378787249	0.96329363280780	0.70094745657225	14.75232420521660
+0.40984647181440	0.20704058883509	0.95602266692247	0.40601117716636	0.71688013090461	0.67233140843997	0.84213710255372	0.94074039229739	0.46980110670096	0.10771652388871	14.43797785097415
+0.56668539874134	0.97977702990243	0.43391470153019	0.81803443648298	0.43724959672413	0.81053429927520	0.22960846580858	0.41097814516879	0.73095113981813	0.63731440623807	20.30381136043412
+0.76914268082137	0.95622404224590	0.37600666184612	0.89570142179706	0.20848049565757	0.06319643998308	0.23942167291856	0.78019924882548	0.37607544151753	0.58148372955245	17.69321151497255
+0.24170213567377	0.43855458675317	0.18045227317064	0.37312046783579	0.86393339073833	0.85599367530562	0.94007954956649	0.40573998966211	0.98231021350577	0.48260394378308	13.36195445998140
+0.87712078246949	0.40887922024698	0.31977322627438	0.64246859816541	0.70936544581600	0.74234681673010	0.60451462714969	0.85844154739163	0.64990683828800	0.27048588919742	19.65109554124215
+0.85847486563106	0.18082496800679	0.53770511514807	0.38692991753348	0.61958520927384	0.54858630597310	0.46389401201881	0.82644483823136	0.40099782742517	0.61950327976840	11.68144386299844
+0.50070911833379	0.50088950415368	0.60890310381674	0.99536524099590	0.24794951921664	0.73843340589201	0.93004391818057	0.58441207569543	0.88064715207894	0.69205911980567	18.51941343398680
+0.35141827940418	0.82069945085175	0.23708496119130	0.92169366848244	0.91884890455408	0.62953071183575	0.51222311703411	0.29985152129988	0.45106209908849	0.71714358334722	23.06448024681492
+0.28971076971743	0.20884415472966	0.31653691874944	0.57323461685184	0.46252622730190	0.50261856416272	0.48724154374219	0.77922726964764	0.39013589036969	0.76853517787418	10.60752767434245
+0.86146826276145	0.15345044177087	0.61535449914318	0.51323155241671	0.98926563892177	0.08282528798350	0.71146992621616	0.27315441706017	0.99494142639456	0.35472791394446	14.37938086158539
+0.08862541413399	0.98325037691655	0.47924298187184	0.48216702048721	0.52654541604361	0.94307432682412	0.49070385171700	0.03013039616057	0.93547034282071	0.74728000088264	10.16656140847249
+0.73041149211281	0.10528115445791	0.76560256302600	0.70787904460859	0.92253814371614	0.50907136245055	0.71210996838295	0.87104832153077	0.43066181495719	0.48712869117963	15.49478454570371
+0.12223180018509	0.19001608363716	0.59974053041439	0.29807762865415	0.18268336777640	0.50302769030357	0.95066963715835	0.23258009195867	0.73908204427052	0.76167131427116	4.82217585230506
+0.76605647968187	0.92449580160326	0.32280872608905	0.67894288377289	0.17181998957628	0.70957394379345	0.48932338476601	0.44192126924927	0.64657579779853	0.47843358177396	16.21224059173453
+0.78098356537321	0.56378445954728	0.84916037229680	0.33248749263079	0.68763834572982	0.31032585761983	0.66079546151380	0.35447467775251	0.06131248614217	0.44390848519874	19.02599760966650
+0.70832584976610	0.25741865781347	0.61836302788063	0.12162527851495	0.63732430810473	0.05829174691838	0.04762410122742	0.51194455920393	0.29931499088475	0.34643613534057	10.10316440407160
+0.64921743460370	0.94888827010862	0.51624187917788	0.71354344076022	0.58616124878881	0.39493583813539	0.67181652529010	0.23717057627672	0.84820914623505	0.29247316701051	19.41441624254201
+0.12065632604964	0.43118419459565	0.27195156073031	0.27372627608197	0.64220256936113	0.44991232849801	0.90848477286916	0.77539716806071	0.33911251996551	0.70374065036125	8.61554713256363
+0.23911862145194	0.20516107579980	0.68396860083795	0.41669528896656	0.19521144746510	0.39032957527824	0.09852342315710	0.32254437988659	0.88947813567597	0.94227191496291	7.35500227276053
+0.65747075744411	0.19562874880188	0.52567876074104	0.31080910409256	0.55534839433138	0.53552980736766	0.46511292889839	0.76786459433331	0.88694697168655	0.82980936841814	9.82967962816587
+0.95884307895640	0.91106399609686	0.11967478384416	0.11446859495951	0.99696500632827	0.04000832595811	0.85956374451868	0.46550503372369	0.28899832738919	0.73326395780051	12.89083214454110
+0.47219244963378	0.36603378202459	0.07374308587639	0.82120530233350	0.48801691478932	0.75706206486561	0.37107807260931	0.26950482476264	0.73459463542670	0.84656452629874	19.45300037464767
+0.77315971269645	0.09726311997083	0.31288480540422	0.05429737124805	0.99641786449707	0.17769873435229	0.37123100482185	0.35893259209644	0.23918094189868	0.19412444639857	8.56586545020601
+0.72215686978947	0.99634986239999	0.65788106155873	0.18964066816522	0.79605001337872	0.63314883404405	0.05997465943644	0.45123696414114	0.39815557985267	0.45748771121895	14.08990318454368
+0.17329540858703	0.55516022466921	0.67557570281697	0.82642784063039	0.75397534640948	0.03806626488278	0.79511365190160	0.65393180708085	0.60499330235987	0.00079912648847	15.62730799178629
+0.01311478146364	0.14710484933761	0.26562391867981	0.06049450827852	0.25786563084967	0.22906133301836	0.82408377109698	0.20185448655187	0.88109232562870	0.21436450568576	3.05352492776642
+0.09124750057287	0.74580579352311	0.50434003505263	0.58620204328337	0.36415611319488	0.55325395954112	0.81284469910627	0.14007325741439	0.26762510211970	0.73954855025783	9.80487335854274
+0.27379607811177	0.59686146440691	0.33862246805035	0.07160379461501	0.49859687569685	0.71449130961071	0.99063426277316	0.30616421419444	0.43181899369393	0.54818355986588	8.64124014879148
+0.59227891215502	0.10793438223332	0.72180302378353	0.28781493382596	0.71019549092984	0.26491733998837	0.32929177720525	0.15393928318286	0.30573627751887	0.76759356843621	9.40791896736063
+0.57384804400007	0.97171023509445	0.69184936806689	0.49136225796250	0.41895381309770	0.95287842205705	0.14422252170336	0.52121030585434	0.88914945419428	0.72431615291271	17.58115736412586
+0.65242730280799	0.57321087719437	0.18508275660220	0.61388086886624	0.07695021292316	0.66809451701064	0.23147976471743	0.22373847184444	0.07931564343309	0.52905314066137	17.73348320503098
+0.29220722494692	0.53474433027316	0.49663946753281	0.43871374689137	0.40966714178368	0.26061101484449	0.08937483777811	0.80668663205374	0.15657531573242	0.91392614525783	11.14983699152543
+0.44666536992173	0.44940086096851	0.08179437299051	0.69649341618554	0.20657215375014	0.09570310018075	0.72201072227904	0.39365518629943	0.59111307585184	0.51276461818493	17.39215032093714
+0.02479244084719	0.76279461390933	0.26576180603379	0.97882684017667	0.94868600684785	0.72566997348949	0.72550502055146	0.05082479081617	0.59406611432528	0.71712665638338	16.22282316439366
+0.04187295085350	0.48584833343640	0.98682425894389	0.04782633490074	0.57885197413725	0.07155939791944	0.28014174429831	0.70182182600545	0.16232193959805	0.49228648720155	8.75116795261410
+0.95454571129748	0.58935516236524	0.60662682021074	0.86798654403851	0.93654793684458	0.14416045993162	0.27700719020078	0.12532193725529	0.88472078815751	0.82673777046447	23.39743606740882
+0.99535888109278	0.81386961579101	0.11914570059659	0.93153678351429	0.00698669273111	0.53839624945247	0.78250154219744	0.88886925172791	0.30537562757152	0.64467750393558	17.86973520845505
+0.12491934664886	0.60858430036276	0.18949843940085	0.43906581937979	0.97041260302138	0.06809275523457	0.20517286226115	0.50757194094102	0.14050011761811	0.93373835572665	13.53666671909896
+0.60654543170675	0.46153152916887	0.80150217090955	0.69870731207645	0.74455734291899	0.32516377858166	0.17845078715926	0.01435150262556	0.10704972728076	0.27305170093104	20.23185859895480
+0.61652177543964	0.94757922376409	0.90647236884292	0.96509402821359	0.33762107364120	0.65640308766918	0.29145578099293	0.15086922353098	0.03693206346401	0.59796374251126	24.29559045754858
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/friedman2.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/friedman2.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,101 @@
+0	1	2	3	0
+54.34049417909655	580.41577804498036	0.42451759074913	9.44776132319904	252.31753213122840
+0.47188561909726	324.26244765650472	0.67074908472678	9.25852755105048	217.49891878908315
+13.67065896849530	1065.15237514930618	0.89132195431226	3.09202122117190	949.49181230866191
+18.53282195500751	302.71124845232475	0.21969749262499	10.78623784707370	69.03858906148859
+81.16831490893233	406.55138981837536	0.81622474872584	3.74073747041699	341.61946168251893
+43.17041836631217	1661.32290939370682	0.81764937877673	4.36111950120899	1359.06532936898702
+17.54104537423366	734.73264332017334	0.00568850735257	3.52426353444840	18.03201411041058
+79.56625084732873	150.58465705466725	0.59884337692849	7.03804539042854	120.25989238218870
+10.51476854120563	749.61728091801888	0.03647605659257	9.90411563442076	29.29500204274906
+98.09208570123114	223.58662823399155	0.89054594472850	6.76901499400033	221.96451266962563
+74.24796890979773	1155.14994326908754	0.58184219239878	1.20439132026923	676.20288008333796
+21.00265776728606	1015.47627228348676	0.76911517110565	3.50695229138396	781.30027040619507
+28.58956904068647	1518.16034202109449	0.97500649360659	9.84853293491106	1480.49219516480912
+35.95078439369023	1103.97655589147462	0.35479561165730	4.40190215370646	393.33223818275417
+17.80809895058049	513.96766354295312	0.04486228246078	6.05431429635789	29.13372581378542
+37.62524542973630	1094.08731435497407	0.62994187558750	2.42600314446284	690.23728828859043
+93.38412994664191	1671.69654829222122	0.60229665773087	4.87766280326631	1011.17845018088019
+36.31880041093498	459.48790885887036	0.27676506139634	3.46535881203550	132.25413083472941
+17.36080017402051	1704.74454199041770	0.95701260035280	6.97973684328921	1631.55429074897393
+73.13007530599226	681.72659818103102	0.09205560337724	5.63498018937148	96.36589298307057
+50.86988932381939	270.17473755699689	0.52803522331805	10.92158036510528	151.45967058029146
+39.50359317582296	673.90351039803500	0.80545053732928	8.54348994582354	544.23136876662579
+31.30664415885097	1161.44389849996833	0.54040457530072	3.96793750880015	628.42966975327408
+11.07879011824457	636.40170691532239	0.45697913004927	7.58940070226197	291.03303662060034
+25.42575178177181	1172.98478850506444	0.20012360721840	7.57624805528984	236.11479781477169
+77.82892154498485	1399.23761909305881	0.61032815320939	4.09000348524402	857.53308148795691
+69.77349075129560	1529.96037797557256	0.62532375775681	10.82407829609550	959.26142361657560
+97.65001270158552	397.97993628844188	0.02317813647840	2.60744548507082	98.08464391759719
+92.34968252590873	1683.40961181445255	0.21097841871845	4.60525250814608	366.97302133435386
+54.93752616276721	569.73424151618599	0.46060162107485	7.96161564823385	268.10919955478056
+50.03558966748651	1295.45745511454766	0.52595593622978	1.01399023119044	683.18750535064999
+39.47002866898355	929.68153737371244	0.40288033137914	4.54298300106321	376.62409950100181
+50.06143194429532	852.91679202019429	0.09043278819644	3.73562920027441	91.95318916050276
+94.34770977427269	169.02778025117351	0.03999868964065	3.83140359719820	94.58952950769820
+58.23441702167689	1744.41411222868214	0.99264223740297	10.93117372481045	1732.55803362523739
+11.00483309665630	1211.17932126885103	0.52398683448831	2.73149909808731	634.73712227782266
+94.29602449150258	520.77315817937847	0.99893226884321	6.82693815149899	528.69394897178495
+18.32790006305758	757.62528864091405	0.18967352891215	5.10770673025310	144.86527485195924
+59.46800689017054	1296.29894117862568	0.48689148236912	4.09589817766705	633.95209204331320
+57.74413728278473	847.25004745856268	0.35967810260054	4.21331932008814	310.15968510981907
+20.82072401960227	862.85251081887418	0.49184291026405	9.99076314793711	424.89820582123940
+72.93604610294412	1383.70406021234839	0.37543924756199	4.43739535235384	524.59168356660120
+65.50352059993224	1287.23540880812243	0.11353757521868	2.33028689373575	160.15715894498879
+45.60390576061239	386.61331307620571	0.96164190377465	9.37615744861810	374.56979106026796
+52.01606870379233	482.23941725143015	0.13491872253240	10.79070345483869	83.29980059287064
+70.70434956891431	1530.54400996658046	0.38717262782864	3.50834019831725	596.78770591774582
+29.94380189447022	1525.51238854778512	0.47298399056822	7.63277047016128	722.16391321853644
+80.57286074367852	538.93978749627786	0.07957343897032	8.32760605015715	91.27494219348714
+96.13974775036056	1683.82599797014495	0.49049905188390	7.32192064432755	831.49166928308580
+73.29950198379923	1599.86530042897266	0.16224691874820	5.05881322367561	269.72394592144269
+41.70907355836609	1262.00081162397328	0.42484723792483	9.58114226051430	537.77735754569346
+84.69324796094190	240.34295682649764	0.30175241348415	10.79623681030170	111.50170710135895
+3.56269965530348	930.05020983962822	0.95237685301355	9.10573758529471	885.76533883366380
+29.43304412963712	1099.68758377622316	0.43117785229973	6.92397502988986	475.07343392634488
+89.37521047202061	1030.72833399792353	0.49286650734527	4.19270457189501	515.81329069273181
+26.33657830507240	1011.54859781106711	0.08226452393202	7.35636709825399	87.28262499048417
+79.64052251862078	1685.36613567278891	0.68462427169271	5.88293166805099	1156.58767097944997
+48.54143101843673	1704.88050248556237	0.21134788749712	5.11648138177833	363.57774253644357
+98.96655767792834	172.07811591269444	0.70132651409352	1.25171563884812	156.06931868323713
+32.08817260865362	245.77958638999525	0.06088456434664	2.11406316704053	35.40508437542623
+16.92689081454309	1151.06970045219464	0.43839309463984	9.30903764603975	504.90473090436518
+23.97921895644722	436.13916546124790	0.71189965858292	9.58294925326778	311.41167624355961
+55.90558855960195	1276.42473559746963	0.60511203551818	6.59217283268040	774.40045791345551
+86.03941909075867	1628.20197943455605	0.84960732575898	3.54466535494455	1386.00528001290149
+87.75555422867708	836.50464658900239	0.72949434396451	5.12640767538794	616.50288055791896
+19.08360458112225	1279.03708947993277	0.24063282092985	9.51324426832995	308.36928692774461
+82.41022892585868	983.66448115430603	0.38634079430617	6.90880790734925	388.86234039746984
+13.75236149078257	1446.07702142766880	0.96582581524448	8.79795804232935	1396.72614500682334
+23.93350820958198	1542.44475628035298	0.80811501289370	1.63681124220468	1246.70212041837362
+23.12283040488030	1088.99047240300797	0.13748694797777	7.78440704371486	151.49686527332432
+99.21906895152472	592.47620099114886	0.76091275955885	1.46527167666139	461.61075902543962
+33.25359065222067	1668.71176293712756	0.63651704125478	7.01848606131893	1062.68380316914022
+92.81846814636464	422.46031132251642	0.01782318402652	2.90072176134172	93.12330768632674
+52.18717978245897	935.65247451329367	0.80049120556915	9.59436311444911	750.79740145181643
+21.29560322403450	839.99840771015579	0.42161750906259	1.54717377081942	354.79694525077520
+0.99336936709830	1415.84717539845406	0.27531321879490	8.17740004543336	389.80262255819741
+42.13559217565558	359.82122610463938	0.19252168025198	4.13815233317635	81.08093014555008
+80.51701673672972	146.28961840978741	0.04910597269756	6.66000384985094	80.83675338792878
+68.68106961543961	1313.00248207047480	0.47969376130168	4.67656721778529	633.57254918876924
+83.99700992017513	867.59808369591872	0.32136583878220	1.92719867171042	291.19364899071132
+6.04379321355856	274.24409587470802	0.68270645642831	7.80735767230638	187.32527058550369
+24.31741658874254	1171.93956616774358	0.06913918311155	9.72919961746265	84.59721173364210
+10.96069498325127	401.83796801162464	0.46737799144535	8.75949219403373	188.12950260375516
+85.44445157050565	469.35693097718968	0.07664186926890	8.88914797103218	92.70787499286608
+54.75000011493021	1410.11180659606998	0.92004704285871	5.80972765927881	1298.52380843775677
+45.95536700101840	1104.17293369002959	0.59931878072428	6.04373451233758	663.34519384806902
+30.68785297434506	1010.03319009672180	0.92492694340279	10.70550802030219	934.71071704336362
+39.57946098969964	1430.51649192529544	0.63508814775093	3.29969165249033	909.36559893052390
+5.12070928629372	172.16298201137550	0.12284775190377	3.20212517833639	21.75914684133634
+82.90227537008228	592.05120099602254	0.78106408263109	6.04665812596679	469.80205128257876
+13.84489237765847	1396.68614300270474	0.92133179352084	10.43018632036191	1286.88575739979092
+70.44357972639433	1259.26516594596546	0.54655181336750	4.69217229737883	691.84909149860289
+98.24675747269930	232.84478566118992	0.89767831074227	3.63930989094871	230.95708002350815
+57.44758420233384	963.49649420466915	0.55447680807193	7.47167331828399	537.31617549230930
+18.54741590544805	569.97496501234991	0.14843865774278	1.30304170594405	86.61413266611218
+93.92555841521393	692.13102468460193	0.10956460430561	4.78326995661470	120.71709895964038
+38.40794590414141	1212.71859427964318	0.24449092930616	7.61480973773685	298.97589013891826
+9.84928837918622	1074.57745936695619	0.10686550466855	6.48254507463987	115.25672659315927
+51.97517077112073	609.60010892704452	0.45572905099810	1.38666520129567	282.63144665101163
+59.90030248885009	126.45889013919340	0.50181359368553	6.01726121691614	87.26338001352038
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/friedman3.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/friedman3.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,101 @@
+0	1	2	3	0
+54.34049417909655	580.41577804498036	0.42451759074913	9.44776132319904	1.35373021827042
+0.47188561909726	324.26244765650472	0.67074908472678	9.25852755105048	1.56862672525420
+13.67065896849530	1065.15237514930618	0.89132195431226	3.09202122117190	1.55639796005439
+18.53282195500751	302.71124845232475	0.21969749262499	10.78623784707370	1.29902155047722
+81.16831490893233	406.55138981837536	0.81622474872584	3.74073747041699	1.33090339404347
+43.17041836631217	1661.32290939370682	0.81764937877673	4.36111950120899	1.53902619730346
+17.54104537423366	734.73264332017334	0.00568850735257	3.52426353444840	0.23388919220068
+79.56625084732873	150.58465705466725	0.59884337692849	7.03804539042854	0.84782025617307
+10.51476854120563	749.61728091801888	0.03647605659257	9.90411563442076	1.20367824178660
+98.09208570123114	223.58662823399155	0.89054594472850	6.76901499400033	1.11305076538663
+74.24796890979773	1155.14994326908754	0.58184219239878	1.20439132026923	1.46077316749872
+21.00265776728606	1015.47627228348676	0.76911517110565	3.50695229138396	1.54391141597256
+28.58956904068647	1518.16034202109449	0.97500649360659	9.84853293491106	1.55148427211649
+35.95078439369023	1103.97655589147462	0.35479561165730	4.40190215370646	1.47926803122527
+17.80809895058049	513.96766354295312	0.04486228246078	6.05431429635789	0.91315256357435
+37.62524542973630	1094.08731435497407	0.62994187558750	2.42600314446284	1.51625869990221
+93.38412994664191	1671.69654829222122	0.60229665773087	4.87766280326631	1.47831276444836
+36.31880041093498	459.48790885887036	0.27676506139634	3.46535881203550	1.29260835966305
+17.36080017402051	1704.74454199041770	0.95701260035280	6.97973684328921	1.56015547475739
+73.13007530599226	681.72659818103102	0.09205560337724	5.63498018937148	0.70920593282267
+50.86988932381939	270.17473755699689	0.52803522331805	10.92158036510528	1.22827369187885
+39.50359317582296	673.90351039803500	0.80545053732928	8.54348994582354	1.49814640817714
+31.30664415885097	1161.44389849996833	0.54040457530072	3.96793750880015	1.52095843815128
+11.07879011824457	636.40170691532239	0.45697913004927	7.58940070226197	1.53272000488866
+25.42575178177181	1172.98478850506444	0.20012360721840	7.57624805528984	1.46290326408829
+77.82892154498485	1399.23761909305881	0.61032815320939	4.09000348524402	1.47991217301289
+69.77349075129560	1529.96037797557256	0.62532375775681	10.82407829609550	1.49799535701286
+97.65001270158552	397.97993628844188	0.02317813647840	2.60744548507082	0.09417496029834
+92.34968252590873	1683.40961181445255	0.21097841871845	4.60525250814608	1.31640898791919
+54.93752616276721	569.73424151618599	0.46060162107485	7.96161564823385	1.36442735303208
+50.03558966748651	1295.45745511454766	0.52595593622978	1.01399023119044	1.49749225094498
+39.47002866898355	929.68153737371244	0.40288033137914	4.54298300106321	1.46580400777824
+50.06143194429532	852.91679202019429	0.09043278819644	3.73562920027441	0.99509523340377
+94.34770977427269	169.02778025117351	0.03999868964065	3.83140359719820	0.07152072382162
+58.23441702167689	1744.41411222868214	0.99264223740297	10.93117372481045	1.53717818150701
+11.00483309665630	1211.17932126885103	0.52398683448831	2.73149909808731	1.55345783481985
+94.29602449150258	520.77315817937847	0.99893226884321	6.82693815149899	1.39148036801250
+18.32790006305758	757.62528864091405	0.18967352891215	5.10770673025310	1.44393949404119
+59.46800689017054	1296.29894117862568	0.48689148236912	4.09589817766705	1.47685300084874
+57.74413728278473	847.25004745856268	0.35967810260054	4.21331932008814	1.38352817292728
+20.82072401960227	862.85251081887418	0.49184291026405	9.99076314793711	1.52177501985608
+72.93604610294412	1383.70406021234839	0.37543924756199	4.43739535235384	1.43131051873998
+65.50352059993224	1287.23540880812243	0.11353757521868	2.33028689373575	1.14944356563723
+45.60390576061239	386.61331307620571	0.96164190377465	9.37615744861810	1.44874342727972
+52.01606870379233	482.23941725143015	0.13491872253240	10.79070345483869	0.89637671767748
+70.70434956891431	1530.54400996658046	0.38717262782864	3.50834019831725	1.45204252713946
+29.94380189447022	1525.51238854778512	0.47298399056822	7.63277047016128	1.52932043994563
+80.57286074367852	538.93978749627786	0.07957343897032	8.32760605015715	0.48911511072272
+96.13974775036056	1683.82599797014495	0.49049905188390	7.32192064432755	1.45491391763543
+73.29950198379923	1599.86530042897266	0.16224691874820	5.05881322367561	1.29557754875837
+41.70907355836609	1262.00081162397328	0.42484723792483	9.58114226051430	1.49316010451513
+84.69324796094190	240.34295682649764	0.30175241348415	10.79623681030170	0.70814600275849
+3.56269965530348	930.05020983962822	0.95237685301355	9.10573758529471	1.56677414495359
+29.43304412963712	1099.68758377622316	0.43117785229973	6.92397502988986	1.50880189842928
+89.37521047202061	1030.72833399792353	0.49286650734527	4.19270457189501	1.39664692470419
+26.33657830507240	1011.54859781106711	0.08226452393202	7.35636709825399	1.26428010560184
+79.64052251862078	1685.36613567278891	0.68462427169271	5.88293166805099	1.50188361535352
+48.54143101843673	1704.88050248556237	0.21134788749712	5.11648138177833	1.43688601455846
+98.96655767792834	172.07811591269444	0.70132651409352	1.25171563884812	0.88392739834518
+32.08817260865362	245.77958638999525	0.06088456434664	2.11406316704053	0.43631433888508
+16.92689081454309	1151.06970045219464	0.43839309463984	9.30903764603975	1.53726512352234
+23.97921895644722	436.13916546124790	0.71189965858292	9.58294925326778	1.49371835981379
+55.90558855960195	1276.42473559746963	0.60511203551818	6.59217283268040	1.49854138074293
+86.03941909075867	1628.20197943455605	0.84960732575898	3.54466535494455	1.50867912100600
+87.75555422867708	836.50464658900239	0.72949434396451	5.12640767538794	1.42796708729724
+19.08360458112225	1279.03708947993277	0.24063282092985	9.51324426832995	1.50887120141284
+82.41022892585868	983.66448115430603	0.38634079430617	6.90880790734925	1.35725052598321
+13.75236149078257	1446.07702142766880	0.96582581524448	8.79795804232935	1.56095002746356
+23.93350820958198	1542.44475628035298	0.80811501289370	1.63681124220468	1.55159769213597
+23.12283040488030	1088.99047240300797	0.13748694797777	7.78440704371486	1.41756832683904
+99.21906895152472	592.47620099114886	0.76091275955885	1.46527167666139	1.35416492977877
+33.25359065222067	1668.71176293712756	0.63651704125478	7.01848606131893	1.53949913387512
+92.81846814636464	422.46031132251642	0.01782318402652	2.90072176134172	0.08093567500779
+52.18717978245897	935.65247451329367	0.80049120556915	9.59436311444911	1.50123122833668
+21.29560322403450	839.99840771015579	0.42161750906259	1.54717377081942	1.51073828234348
+0.99336936709830	1415.84717539845406	0.27531321879490	8.17740004543336	1.56824793336494
+42.13559217565558	359.82122610463938	0.19252168025198	4.13815233317635	1.02432784389074
+80.51701673672972	146.28961840978741	0.04910597269756	6.66000384985094	0.08897131915549
+68.68106961543961	1313.00248207047480	0.47969376130168	4.67656721778529	1.46218003661270
+83.99700992017513	867.59808369591872	0.32136583878220	1.92719867171042	1.27818079494083
+6.04379321355856	274.24409587470802	0.68270645642831	7.80735767230638	1.53852709677779
+24.31741658874254	1171.93956616774358	0.06913918311155	9.72919961746265	1.27923356083904
+10.96069498325127	401.83796801162464	0.46737799144535	8.75949219403373	1.51250187991915
+85.44445157050565	469.35693097718968	0.07664186926890	8.88914797103218	0.39847812418013
+54.75000011493021	1410.11180659606998	0.92004704285871	5.80972765927881	1.52862056179624
+45.95536700101840	1104.17293369002959	0.59931878072428	6.04373451233758	1.50146258128116
+30.68785297434506	1010.03319009672180	0.92492694340279	10.70550802030219	1.53795903482368
+39.57946098969964	1430.51649192529544	0.63508814775093	3.29969165249033	1.52725831744223
+5.12070928629372	172.16298201137550	0.12284775190377	3.20212517833639	1.33323212481198
+82.90227537008228	592.05120099602254	0.78106408263109	6.04665812596679	1.39340530523187
+13.84489237765847	1396.68614300270474	0.92133179352084	10.43018632036191	1.56003767212055
+70.44357972639433	1259.26516594596546	0.54655181336750	4.69217229737883	1.46880028650007
+98.24675747269930	232.84478566118992	0.89767831074227	3.63930989094871	1.13140390826337
+57.44758420233384	963.49649420466915	0.55447680807193	7.47167331828399	1.46367578814173
+18.54741590544805	569.97496501234991	0.14843865774278	1.30304170594405	1.35498659455596
+93.92555841521393	692.13102468460193	0.10956460430561	4.78326995661470	0.67921924302924
+38.40794590414141	1212.71859427964318	0.24449092930616	7.61480973773685	1.44197530054534
+9.84928837918622	1074.57745936695619	0.10686550466855	6.48254507463987	1.48523676081889
+51.97517077112073	609.60010892704452	0.45572905099810	1.38666520129567	1.38584637577290
+59.90030248885009	126.45889013919340	0.50181359368553	6.01726121691614	0.81422640615706
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/gaus.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/gaus.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,101 @@
+0	1	0
+1.17052698294814	2.07771223225020	1
+2.03460756150493	-0.55071441191459	1
+-0.07602346572462	0.00395759398760	0
+-0.18949583082318	0.25500144427338	0
+1.29974807475531	-1.73309562365328	1
+1.94326226343400	-1.44743611231959	1
+1.18962226802913	-1.69061682638360	1
+-0.57882582479099	-1.19945119919393	1
+0.73100034383481	1.36155612514533	1
+-0.51442989136879	-0.21606012000326	0
+0.10886346783368	0.50780959049232	0
+-0.12620118371358	1.99027364975409	1
+-0.70441819973502	-0.59137512108517	0
+-1.50758516026439	0.10788413080661	1
+-0.45802698550262	0.43516348812289	0
+1.09368664965872	-0.22951775323996	0
+-0.94004616154477	-0.82793236436587	1
+0.46629936835719	0.26998723863109	0
+-0.32623805920230	0.05567601485478	0
+0.69012147022471	0.68689006613840	0
+1.58617093842324	0.69339065851659	1
+0.67272080570966	-0.10441114339063	0
+-0.59998304484887	1.57616672431921	1
+2.07479316794657	-0.34329768218247	1
+-0.54443916167246	-0.66817173681343	0
+0.52299780452075	-0.01634540275749	0
+-2.97331547405089	0.03331727813886	1
+-0.00889866329211	-0.54319800840717	0
+-1.29639180715015	0.09513944356545	1
+-1.49772038108317	-1.19388597679194	1
+-0.25187913921321	-0.84243573825130	0
+-0.07961124591740	-0.88973148126503	0
+0.89459770576001	0.75969311985021	0
+-0.23871286931468	-1.42906689844829	1
+0.22117966922140	-1.07004333056829	0
+-0.31983104711809	-1.14774159987659	0
+-0.42371509994342	-1.18598356492917	1
+0.98132078695123	0.51421884139438	0
+0.75044476153418	-0.45594692746800	0
+1.29626258639906	0.95227562608189	1
+-1.74976547305470	0.34268040332750	1
+0.73699516901821	0.43586725251491	0
+0.61303888168755	0.73620521332382	0
+-1.41504292085253	-0.64075992301057	1
+0.22239080944545	-0.68492173524723	0
+1.61898166067526	1.54160517451341	1
+1.87657342696217	-0.37690335016897	1
+0.00731456322890	-0.61293873547816	0
+0.74705565509915	0.42967643586261	0
+0.10887198989791	0.02828363482307	0
+-0.43813562270442	-1.11831824625544	0
+0.30104946378807	-1.68489996168518	1
+-1.39699934495328	-1.09717198463982	1
+-0.24888866705811	-0.45017643501165	0
+-1.63552939938082	-1.04420987770932	1
+-0.17478155445150	1.01726434325117	0
+-0.58359505032266	0.81684707168578	0
+-1.95808123420787	-0.13480131198999	1
+0.42238022042198	-1.09404293103224	0
+-0.98331009912963	0.35750775316737	0
+-1.56668752957839	0.90497412146668	1
+0.94900477650526	-0.01939758596247	0
+-0.53128037685191	1.02973268513335	0
+0.75306218769198	-1.60943889617295	1
+0.13024845535270	0.94936086466099	0
+-0.33177713505281	-0.68921797808975	0
+1.70362398812070	-0.72215077005575	1
+-1.84118830018672	0.36609322616730	1
+-0.36546199267663	-1.27102304084666	1
+-0.88179838948302	0.01863894948806	0
+-1.70595200573817	0.36916395710701	1
+-0.86222734651048	1.24946974272698	1
+-1.18801759731772	-0.54974619353549	1
+-1.70465120576096	-1.13626100682736	1
+-0.18501411089711	-2.48715153522277	1
+-0.45592201921402	0.64917292725468	0
+0.22239960855530	-1.44321699522534	1
+0.75045333032684	-1.30699233908082	1
+0.13242780114877	0.02221392803939	0
+1.83193608182554	0.00301743403121	1
+-0.41581633584065	-1.35850293675980	1
+-1.35639904886131	-1.23243451391493	1
+-1.54061602455261	2.04671396848214	1
+-1.21725413064101	-0.15726516737514	0
+1.02692143939979	-1.43219061105893	1
+1.15303580256364	-0.25243603652139	0
+0.58057333579427	-1.10452309266229	1
+1.77599358550677	0.51307437883965	1
+-0.75635230559444	0.81645401101929	0
+1.23690788519023	-0.23028467842711	1
+0.31736797594107	-0.75241417772504	0
+0.18451869056394	0.93708220110895	0
+-0.61662937168319	0.76318364605999	0
+0.77962630366370	-0.43812091634884	0
+0.23784462192362	0.01354854862861	0
+2.29865394071368	-0.16520955264073	1
+0.19291719182331	-0.34845893065237	0
+-1.61357850282218	1.47071386661213	1
+-2.01518871712253	-0.07954058693411	1
+0.77882239932307	0.42823287059674	0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/gbc_model01
Binary file test-data/gbc_model01 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/gbc_result01
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/gbc_result01	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,6 @@
+0	1	2	3	predicted
+3.68258022948	2.82110345641	-3.9901407239999998	-1.9523364774	1
+0.015942057224	-0.7119585943469999	0.125502976978	-0.972218263337	0
+2.0869076882499997	0.929399321468	-2.1292408448400004	-1.9971402218799998	1
+1.4132105208399999	0.523750660422	-1.4210539291	-1.49298569451	1
+0.7683140439399999	1.38267855169	-0.989045048734	0.649504257894	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/gbr_model01
Binary file test-data/gbr_model01 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/gbr_prediction_result01.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/gbr_prediction_result01.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,88 @@
+year	month	day	temp_2	temp_1	average	forecast_noaa	forecast_acc	forecast_under	friend	week_Fri	week_Mon	week_Sat	week_Sun	week_Thurs	week_Tues	week_Wed	predicted
+2016	9	29	69	68	66.1	63	71	68	57	0	0	0	0	1	0	0	69.58390938468499
+2016	4	27	59	60	60.7	59	65	60	50	0	0	0	0	0	0	1	62.52052253790107
+2016	11	28	53	48	48.0	46	48	49	44	0	1	0	0	0	0	0	51.680887055498296
+2016	10	12	60	62	61.0	60	63	63	52	0	0	0	0	0	0	1	61.246237852679315
+2016	6	19	67	65	70.4	69	73	70	58	0	0	0	1	0	0	0	65.03047512424794
+2016	5	7	68	77	63.0	61	65	63	83	0	0	1	0	0	0	0	71.59883326872612
+2016	7	25	75	80	77.1	75	82	76	81	0	1	0	0	0	0	0	78.5487110206859
+2016	8	15	90	83	76.6	76	79	75	70	0	1	0	0	0	0	0	80.77545676519121
+2016	10	28	58	60	55.6	52	56	55	52	1	0	0	0	0	0	0	62.11231551486949
+2016	6	5	80	81	68.0	64	70	66	54	0	0	0	1	0	0	0	72.42798354934989
+2016	3	19	58	63	54.2	54	59	54	62	0	0	1	0	0	0	0	61.63169537788603
+2016	6	7	92	86	68.3	67	69	70	58	0	0	0	0	0	1	0	74.4731129283374
+2016	12	10	41	36	45.9	44	48	44	65	0	0	1	0	0	0	0	39.39391240070939
+2016	4	23	73	64	59.9	56	63	59	57	0	0	1	0	0	0	0	62.93072314757922
+2016	6	24	75	68	71.5	67	73	73	65	1	0	0	0	0	0	0	73.42248151259705
+2016	2	9	51	57	49.4	45	52	49	57	0	0	0	0	0	1	0	55.106926049453094
+2016	11	10	71	65	52.2	52	54	51	38	0	0	0	0	1	0	0	62.931939262865185
+2016	3	21	61	55	54.5	52	56	55	52	0	1	0	0	0	0	0	56.54303204039889
+2016	2	28	60	57	51.3	48	56	53	66	0	0	0	1	0	0	0	57.5819236251605
+2016	6	28	78	85	72.4	72	76	74	67	0	0	0	0	0	1	0	77.87772901898535
+2016	10	6	63	66	63.3	62	67	63	55	0	0	0	0	1	0	0	64.65839290042257
+2016	2	17	55	56	50.0	45	51	49	46	0	0	0	0	0	0	1	54.26509333618539
+2016	6	15	66	60	69.7	65	73	71	69	0	0	0	0	0	0	1	66.15190585447276
+2016	10	15	60	60	59.9	59	62	59	46	0	0	1	0	0	0	0	62.135403207035466
+2016	3	26	54	57	55.2	53	57	55	54	0	0	1	0	0	0	0	59.148716891180484
+2016	1	26	51	54	48.3	44	53	50	61	0	0	0	0	0	1	0	53.05069255536133
+2016	5	23	59	66	66.1	63	68	68	66	0	1	0	0	0	0	0	64.85734973368784
+2016	1	10	48	50	46.5	45	48	48	49	0	0	0	1	0	0	0	45.06961558051259
+2016	5	22	66	59	65.9	62	66	65	80	0	0	0	1	0	0	0	60.46222634728846
+2016	7	15	75	77	76.0	74	80	78	75	1	0	0	0	0	0	0	82.42822449858019
+2016	4	22	81	73	59.7	59	64	60	59	1	0	0	0	0	0	0	72.82325656081416
+2016	4	29	61	64	61.2	61	65	61	49	1	0	0	0	0	0	0	65.00954748796826
+2016	1	23	52	57	48.0	45	49	50	37	0	0	1	0	0	0	0	50.836039030817304
+2016	8	16	83	84	76.5	72	78	78	90	0	0	0	0	0	1	0	82.12928759095375
+2016	8	1	76	73	77.4	76	78	79	65	0	1	0	0	0	0	0	72.22807576891064
+2016	2	27	61	60	51.2	51	53	53	61	0	0	1	0	0	0	0	61.680080402280524
+2016	2	12	56	55	49.6	49	52	48	33	1	0	0	0	0	0	0	54.563346197441135
+2016	1	31	52	48	48.7	47	52	49	61	0	0	0	1	0	0	0	51.05906646453181
+2016	9	5	67	68	73.5	71	75	73	54	0	1	0	0	0	0	0	68.96231670707674
+2016	12	20	39	46	45.1	45	49	45	62	0	0	0	0	0	1	0	41.12571355242521
+2016	5	1	61	68	61.6	60	65	60	75	0	0	0	1	0	0	0	66.15287588548186
+2016	3	28	59	51	55.5	55	57	55	47	0	1	0	0	0	0	0	59.11011722462772
+2016	4	21	81	81	59.4	55	61	59	55	0	0	0	0	1	0	0	74.41085058157081
+2016	1	6	40	44	46.1	43	49	48	40	0	0	0	0	0	0	1	41.20470505512009
+2016	10	21	58	62	57.8	56	60	59	44	1	0	0	0	0	0	0	61.62578223843827
+2016	5	2	68	77	61.9	60	66	61	59	0	1	0	0	0	0	0	72.48517225879384
+2016	3	1	53	54	51.5	48	56	50	53	0	0	0	0	0	1	0	53.70588500948454
+2016	7	21	78	82	76.8	73	81	78	84	0	0	0	0	1	0	0	82.7108327367616
+2016	3	17	51	53	53.9	49	58	52	62	0	0	0	0	1	0	0	53.251174797156146
+2016	12	6	46	40	46.4	44	50	45	56	0	0	0	0	0	1	0	42.363067913515295
+2016	12	21	46	51	45.1	44	50	46	39	0	0	0	0	0	0	1	45.6445314453422
+2016	1	4	44	41	45.9	44	48	46	53	0	1	0	0	0	0	0	42.214387828919136
+2016	10	2	67	63	64.9	62	69	66	82	0	0	0	1	0	0	0	62.736396078841445
+2016	5	28	65	64	66.8	64	69	65	64	0	0	1	0	0	0	0	63.947755881441275
+2016	9	11	74	77	72.1	69	75	71	70	0	0	0	1	0	0	0	73.98460722074996
+2016	10	25	62	61	56.5	53	60	55	70	0	0	0	0	0	1	0	61.917230159710556
+2016	2	18	56	57	50.1	47	55	49	34	0	0	0	0	1	0	0	55.720840480421955
+2016	11	1	117	59	54.5	51	59	55	61	0	0	0	0	0	1	0	61.52527009553642
+2016	3	16	49	51	53.7	52	54	55	65	0	0	0	0	0	0	1	54.86875365404632
+2016	4	26	55	59	60.5	56	61	62	75	0	0	0	0	0	1	0	61.34654097192005
+2016	6	10	67	65	68.8	67	71	67	73	1	0	0	0	0	0	0	65.38427016260138
+2016	2	3	46	51	48.9	48	49	50	40	0	0	0	0	0	0	1	49.75042424691725
+2016	3	7	64	60	52.4	49	57	53	71	0	1	0	0	0	0	0	61.08886411894317
+2016	9	18	75	68	70.0	66	73	71	90	0	0	0	1	0	0	0	70.7844532497458
+2016	3	20	63	61	54.3	51	56	55	50	0	0	0	1	0	0	0	59.66542877819202
+2016	4	6	60	57	56.8	53	59	57	64	0	0	0	0	0	0	1	59.301283011436794
+2016	7	2	73	76	73.3	70	77	73	84	0	0	1	0	0	0	0	71.22373270826222
+2016	7	5	71	68	74.0	72	77	74	62	0	0	0	0	0	1	0	69.18347305115272
+2016	7	19	80	73	76.6	76	78	77	90	0	0	0	0	0	1	0	77.46150755171419
+2016	12	9	40	41	46.0	43	51	44	54	1	0	0	0	0	0	0	41.72540550328788
+2016	6	29	85	79	72.6	68	76	74	81	0	0	0	0	0	0	1	76.10594345672801
+2016	3	22	55	56	54.6	51	55	54	64	0	0	0	0	0	1	0	58.39058086785531
+2016	4	3	71	63	56.3	54	61	56	64	0	0	0	1	0	0	0	60.14340322699943
+2016	1	17	48	54	47.4	45	51	46	47	0	0	0	1	0	0	0	50.26292708961779
+2016	3	10	54	55	52.8	49	55	53	50	0	0	0	0	1	0	0	55.522605642512985
+2016	5	9	82	63	63.4	59	66	62	64	0	1	0	0	0	0	0	61.00788720614107
+2016	1	8	51	45	46.3	43	47	46	34	1	0	0	0	0	0	0	44.83434926564482
+2016	8	11	72	76	76.9	74	81	75	80	0	0	0	0	1	0	0	74.70250254902773
+2016	12	29	47	48	45.3	43	50	45	65	0	0	0	0	1	0	0	49.53438043623214
+2016	11	23	54	54	49.1	48	52	49	38	0	0	0	0	0	0	1	51.467278500089826
+2016	11	19	52	55	50.0	50	54	49	56	0	0	1	0	0	0	0	53.781953941654095
+2016	4	7	57	68	56.9	52	61	55	38	0	0	0	0	1	0	0	68.59176558339176
+2016	6	4	71	80	67.9	63	72	66	76	0	0	1	0	0	0	0	72.73805569547436
+2016	6	17	67	71	70.0	66	74	69	54	1	0	0	0	0	0	0	74.00873400230815
+2016	10	5	61	63	63.7	61	66	65	48	0	0	0	0	0	0	1	63.553834877849695
+2016	3	4	55	59	51.9	47	56	53	45	1	0	0	0	0	0	0	57.389419897063036
+2016	12	22	51	49	45.1	42	47	46	38	0	0	0	0	1	0	0	44.218563783534144
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/get_params.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/get_params.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,6 @@
+	Parameter	Value
+@	copy_X	copy_X: True
+@	fit_intercept	fit_intercept: True
+*	n_jobs	n_jobs: 1
+@	normalize	normalize: False
+	Note:	@, params eligible for search in searchcv tool.
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/get_params01.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/get_params01.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,30 @@
+	Parameter	Value
+*	memory	memory: None
+*	steps	"steps: [('robustscaler', RobustScaler(copy=True, quantile_range=(25.0, 75.0), with_centering=True,
+       with_scaling=True)), ('selectkbest', SelectKBest(k=10, score_func=)), ('svr', SVR(C=1.0, cache_size=200, coef0=0.0, degree=3, epsilon=0.1,
+  gamma='auto_deprecated', kernel='linear', max_iter=-1, shrinking=True,
+  tol=0.001, verbose=False))]"
+@	robustscaler	"robustscaler: RobustScaler(copy=True, quantile_range=(25.0, 75.0), with_centering=True,
+       with_scaling=True)"
+@	selectkbest	selectkbest: SelectKBest(k=10, score_func=)
+@	svr	"svr: SVR(C=1.0, cache_size=200, coef0=0.0, degree=3, epsilon=0.1,
+  gamma='auto_deprecated', kernel='linear', max_iter=-1, shrinking=True,
+  tol=0.001, verbose=False)"
+@	robustscaler__copy	robustscaler__copy: True
+@	robustscaler__quantile_range	robustscaler__quantile_range: (25.0, 75.0)
+@	robustscaler__with_centering	robustscaler__with_centering: True
+@	robustscaler__with_scaling	robustscaler__with_scaling: True
+@	selectkbest__k	selectkbest__k: 10
+@	selectkbest__score_func	selectkbest__score_func: 
+@	svr__C	svr__C: 1.0
+@	svr__cache_size	svr__cache_size: 200
+@	svr__coef0	svr__coef0: 0.0
+@	svr__degree	svr__degree: 3
+@	svr__epsilon	svr__epsilon: 0.1
+@	svr__gamma	svr__gamma: 'auto_deprecated'
+@	svr__kernel	svr__kernel: 'linear'
+@	svr__max_iter	svr__max_iter: -1
+@	svr__shrinking	svr__shrinking: True
+@	svr__tol	svr__tol: 0.001
+*	svr__verbose	svr__verbose: False
+	Note:	@, searchable params in searchcv too.
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/get_params02.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/get_params02.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,33 @@
+	Parameter	Value
+*	memory	memory: None
+*	steps	"steps: [('robustscaler', RobustScaler(copy=True, quantile_range=(25.0, 75.0), with_centering=True,
+       with_scaling=True)), ('lassocv', LassoCV(alphas=None, copy_X=True, cv='warn', eps=0.001, fit_intercept=True,
+    max_iter=1000, n_alphas=100, n_jobs=1, normalize=False, positive=False,
+    precompute='auto', random_state=None, selection='cyclic', tol=0.0001,
+    verbose=False))]"
+@	robustscaler	"robustscaler: RobustScaler(copy=True, quantile_range=(25.0, 75.0), with_centering=True,
+       with_scaling=True)"
+@	lassocv	"lassocv: LassoCV(alphas=None, copy_X=True, cv='warn', eps=0.001, fit_intercept=True,
+    max_iter=1000, n_alphas=100, n_jobs=1, normalize=False, positive=False,
+    precompute='auto', random_state=None, selection='cyclic', tol=0.0001,
+    verbose=False)"
+@	robustscaler__copy	robustscaler__copy: True
+@	robustscaler__quantile_range	robustscaler__quantile_range: (25.0, 75.0)
+@	robustscaler__with_centering	robustscaler__with_centering: True
+@	robustscaler__with_scaling	robustscaler__with_scaling: True
+@	lassocv__alphas	lassocv__alphas: None
+@	lassocv__copy_X	lassocv__copy_X: True
+@	lassocv__cv	lassocv__cv: 'warn'
+@	lassocv__eps	lassocv__eps: 0.001
+@	lassocv__fit_intercept	lassocv__fit_intercept: True
+@	lassocv__max_iter	lassocv__max_iter: 1000
+@	lassocv__n_alphas	lassocv__n_alphas: 100
+*	lassocv__n_jobs	lassocv__n_jobs: 1
+@	lassocv__normalize	lassocv__normalize: False
+@	lassocv__positive	lassocv__positive: False
+@	lassocv__precompute	lassocv__precompute: 'auto'
+@	lassocv__random_state	lassocv__random_state: None
+@	lassocv__selection	lassocv__selection: 'cyclic'
+@	lassocv__tol	lassocv__tol: 0.0001
+*	lassocv__verbose	lassocv__verbose: False
+	Note:	@, searchable params in searchcv too.
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/get_params03.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/get_params03.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,43 @@
+	Parameter	Value
+*	memory	memory: None
+*	steps	"steps: [('robustscaler', RobustScaler(copy=True, quantile_range=(25.0, 75.0), with_centering=True,
+       with_scaling=True)), ('xgbclassifier', XGBClassifier(base_score=0.5, booster='gbtree', colsample_bylevel=1,
+       colsample_bytree=1, gamma=0, learning_rate=0.1, max_delta_step=0,
+       max_depth=3, min_child_weight=1, missing=nan, n_estimators=100,
+       n_jobs=1, nthread=None, objective='binary:logistic', random_state=0,
+       reg_alpha=0, reg_lambda=1, scale_pos_weight=1, seed=None,
+       silent=True, subsample=1))]"
+@	robustscaler	"robustscaler: RobustScaler(copy=True, quantile_range=(25.0, 75.0), with_centering=True,
+       with_scaling=True)"
+@	xgbclassifier	"xgbclassifier: XGBClassifier(base_score=0.5, booster='gbtree', colsample_bylevel=1,
+       colsample_bytree=1, gamma=0, learning_rate=0.1, max_delta_step=0,
+       max_depth=3, min_child_weight=1, missing=nan, n_estimators=100,
+       n_jobs=1, nthread=None, objective='binary:logistic', random_state=0,
+       reg_alpha=0, reg_lambda=1, scale_pos_weight=1, seed=None,
+       silent=True, subsample=1)"
+@	robustscaler__copy	robustscaler__copy: True
+@	robustscaler__quantile_range	robustscaler__quantile_range: (25.0, 75.0)
+@	robustscaler__with_centering	robustscaler__with_centering: True
+@	robustscaler__with_scaling	robustscaler__with_scaling: True
+@	xgbclassifier__base_score	xgbclassifier__base_score: 0.5
+@	xgbclassifier__booster	xgbclassifier__booster: 'gbtree'
+@	xgbclassifier__colsample_bylevel	xgbclassifier__colsample_bylevel: 1
+@	xgbclassifier__colsample_bytree	xgbclassifier__colsample_bytree: 1
+@	xgbclassifier__gamma	xgbclassifier__gamma: 0
+@	xgbclassifier__learning_rate	xgbclassifier__learning_rate: 0.1
+@	xgbclassifier__max_delta_step	xgbclassifier__max_delta_step: 0
+@	xgbclassifier__max_depth	xgbclassifier__max_depth: 3
+@	xgbclassifier__min_child_weight	xgbclassifier__min_child_weight: 1
+@	xgbclassifier__missing	xgbclassifier__missing: nan
+@	xgbclassifier__n_estimators	xgbclassifier__n_estimators: 100
+*	xgbclassifier__n_jobs	xgbclassifier__n_jobs: 1
+*	xgbclassifier__nthread	xgbclassifier__nthread: None
+@	xgbclassifier__objective	xgbclassifier__objective: 'binary:logistic'
+@	xgbclassifier__random_state	xgbclassifier__random_state: 0
+@	xgbclassifier__reg_alpha	xgbclassifier__reg_alpha: 0
+@	xgbclassifier__reg_lambda	xgbclassifier__reg_lambda: 1
+@	xgbclassifier__scale_pos_weight	xgbclassifier__scale_pos_weight: 1
+@	xgbclassifier__seed	xgbclassifier__seed: None
+@	xgbclassifier__silent	xgbclassifier__silent: True
+@	xgbclassifier__subsample	xgbclassifier__subsample: 1
+	Note:	@, searchable params in searchcv too.
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/get_params04.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/get_params04.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,39 @@
+	Parameter	Value
+*	memory	memory: None
+*	steps	"steps: [('selectfrommodel', SelectFromModel(estimator=AdaBoostClassifier(algorithm='SAMME.R', base_estimator=None,
+          learning_rate=1.0, n_estimators=50, random_state=None),
+        max_features=None, norm_order=1, prefit=False, threshold=None)), ('linearsvc', LinearSVC(C=1.0, class_weight=None, dual=True, fit_intercept=True,
+     intercept_scaling=1, loss='squared_hinge', max_iter=1000,
+     multi_class='ovr', penalty='l2', random_state=None, tol=0.0001,
+     verbose=0))]"
+@	selectfrommodel	"selectfrommodel: SelectFromModel(estimator=AdaBoostClassifier(algorithm='SAMME.R', base_estimator=None,
+          learning_rate=1.0, n_estimators=50, random_state=None),
+        max_features=None, norm_order=1, prefit=False, threshold=None)"
+@	linearsvc	"linearsvc: LinearSVC(C=1.0, class_weight=None, dual=True, fit_intercept=True,
+     intercept_scaling=1, loss='squared_hinge', max_iter=1000,
+     multi_class='ovr', penalty='l2', random_state=None, tol=0.0001,
+     verbose=0)"
+@	selectfrommodel__estimator__algorithm	selectfrommodel__estimator__algorithm: 'SAMME.R'
+@	selectfrommodel__estimator__base_estimator	selectfrommodel__estimator__base_estimator: None
+@	selectfrommodel__estimator__learning_rate	selectfrommodel__estimator__learning_rate: 1.0
+@	selectfrommodel__estimator__n_estimators	selectfrommodel__estimator__n_estimators: 50
+@	selectfrommodel__estimator__random_state	selectfrommodel__estimator__random_state: None
+@	selectfrommodel__estimator	"selectfrommodel__estimator: AdaBoostClassifier(algorithm='SAMME.R', base_estimator=None,
+          learning_rate=1.0, n_estimators=50, random_state=None)"
+@	selectfrommodel__max_features	selectfrommodel__max_features: None
+@	selectfrommodel__norm_order	selectfrommodel__norm_order: 1
+@	selectfrommodel__prefit	selectfrommodel__prefit: False
+@	selectfrommodel__threshold	selectfrommodel__threshold: None
+@	linearsvc__C	linearsvc__C: 1.0
+@	linearsvc__class_weight	linearsvc__class_weight: None
+@	linearsvc__dual	linearsvc__dual: True
+@	linearsvc__fit_intercept	linearsvc__fit_intercept: True
+@	linearsvc__intercept_scaling	linearsvc__intercept_scaling: 1
+@	linearsvc__loss	linearsvc__loss: 'squared_hinge'
+@	linearsvc__max_iter	linearsvc__max_iter: 1000
+@	linearsvc__multi_class	linearsvc__multi_class: 'ovr'
+@	linearsvc__penalty	linearsvc__penalty: 'l2'
+@	linearsvc__random_state	linearsvc__random_state: None
+@	linearsvc__tol	linearsvc__tol: 0.0001
+*	linearsvc__verbose	linearsvc__verbose: 0
+	Note:	@, searchable params in searchcv too.
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/get_params05.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/get_params05.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,18 @@
+	Parameter	Value
+@	bootstrap	bootstrap: True
+@	criterion	criterion: 'mse'
+@	max_depth	max_depth: None
+@	max_features	max_features: 'auto'
+@	max_leaf_nodes	max_leaf_nodes: None
+@	min_impurity_decrease	min_impurity_decrease: 0.0
+@	min_impurity_split	min_impurity_split: None
+@	min_samples_leaf	min_samples_leaf: 1
+@	min_samples_split	min_samples_split: 2
+@	min_weight_fraction_leaf	min_weight_fraction_leaf: 0.0
+@	n_estimators	n_estimators: 100
+*	n_jobs	n_jobs: 1
+@	oob_score	oob_score: False
+@	random_state	random_state: 42
+*	verbose	verbose: 0
+@	warm_start	warm_start: False
+	Note:	@, params eligible for search in searchcv tool.
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/get_params06.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/get_params06.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,22 @@
+	Parameter	Value
+*	memory	memory: None
+*	steps	"steps: [('pca', PCA(copy=True, iterated_power='auto', n_components=None, random_state=None,
+  svd_solver='auto', tol=0.0, whiten=False)), ('adaboostregressor', AdaBoostRegressor(base_estimator=None, learning_rate=1.0, loss='linear',
+         n_estimators=50, random_state=None))]"
+@	pca	"pca: PCA(copy=True, iterated_power='auto', n_components=None, random_state=None,
+  svd_solver='auto', tol=0.0, whiten=False)"
+@	adaboostregressor	"adaboostregressor: AdaBoostRegressor(base_estimator=None, learning_rate=1.0, loss='linear',
+         n_estimators=50, random_state=None)"
+@	pca__copy	pca__copy: True
+@	pca__iterated_power	pca__iterated_power: 'auto'
+@	pca__n_components	pca__n_components: None
+@	pca__random_state	pca__random_state: None
+@	pca__svd_solver	pca__svd_solver: 'auto'
+@	pca__tol	pca__tol: 0.0
+@	pca__whiten	pca__whiten: False
+@	adaboostregressor__base_estimator	adaboostregressor__base_estimator: None
+@	adaboostregressor__learning_rate	adaboostregressor__learning_rate: 1.0
+@	adaboostregressor__loss	adaboostregressor__loss: 'linear'
+@	adaboostregressor__n_estimators	adaboostregressor__n_estimators: 50
+@	adaboostregressor__random_state	adaboostregressor__random_state: None
+	Note:	@, searchable params in searchcv too.
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/get_params07.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/get_params07.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,16 @@
+	Parameter	Value
+*	memory	memory: None
+*	steps	"steps: [('rbfsampler', RBFSampler(gamma=2.0, n_components=10, random_state=None)), ('adaboostclassifier', AdaBoostClassifier(algorithm='SAMME.R', base_estimator=None,
+          learning_rate=1.0, n_estimators=50, random_state=None))]"
+@	rbfsampler	rbfsampler: RBFSampler(gamma=2.0, n_components=10, random_state=None)
+@	adaboostclassifier	"adaboostclassifier: AdaBoostClassifier(algorithm='SAMME.R', base_estimator=None,
+          learning_rate=1.0, n_estimators=50, random_state=None)"
+@	rbfsampler__gamma	rbfsampler__gamma: 2.0
+@	rbfsampler__n_components	rbfsampler__n_components: 10
+@	rbfsampler__random_state	rbfsampler__random_state: None
+@	adaboostclassifier__algorithm	adaboostclassifier__algorithm: 'SAMME.R'
+@	adaboostclassifier__base_estimator	adaboostclassifier__base_estimator: None
+@	adaboostclassifier__learning_rate	adaboostclassifier__learning_rate: 1.0
+@	adaboostclassifier__n_estimators	adaboostclassifier__n_estimators: 50
+@	adaboostclassifier__random_state	adaboostclassifier__random_state: None
+	Note:	@, searchable params in searchcv too.
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/get_params08.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/get_params08.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,24 @@
+	Parameter	Value
+*	memory	memory: None
+*	steps	"steps: [('featureagglomeration', FeatureAgglomeration(affinity='euclidean', compute_full_tree='auto',
+           connectivity=None, linkage='ward', memory=None, n_clusters=3,
+           pooling_func=)), ('adaboostclassifier', AdaBoostClassifier(algorithm='SAMME.R', base_estimator=None,
+          learning_rate=1.0, n_estimators=50, random_state=None))]"
+@	featureagglomeration	"featureagglomeration: FeatureAgglomeration(affinity='euclidean', compute_full_tree='auto',
+           connectivity=None, linkage='ward', memory=None, n_clusters=3,
+           pooling_func=)"
+@	adaboostclassifier	"adaboostclassifier: AdaBoostClassifier(algorithm='SAMME.R', base_estimator=None,
+          learning_rate=1.0, n_estimators=50, random_state=None)"
+@	featureagglomeration__affinity	featureagglomeration__affinity: 'euclidean'
+@	featureagglomeration__compute_full_tree	featureagglomeration__compute_full_tree: 'auto'
+@	featureagglomeration__connectivity	featureagglomeration__connectivity: None
+@	featureagglomeration__linkage	featureagglomeration__linkage: 'ward'
+*	featureagglomeration__memory	featureagglomeration__memory: None
+@	featureagglomeration__n_clusters	featureagglomeration__n_clusters: 3
+@	featureagglomeration__pooling_func	featureagglomeration__pooling_func: 
+@	adaboostclassifier__algorithm	adaboostclassifier__algorithm: 'SAMME.R'
+@	adaboostclassifier__base_estimator	adaboostclassifier__base_estimator: None
+@	adaboostclassifier__learning_rate	adaboostclassifier__learning_rate: 1.0
+@	adaboostclassifier__n_estimators	adaboostclassifier__n_estimators: 50
+@	adaboostclassifier__random_state	adaboostclassifier__random_state: None
+	Note:	@, searchable params in searchcv too.
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/get_params09.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/get_params09.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,39 @@
+	Parameter	Value
+*	memory	memory: None
+*	steps	"steps: [('relieff', ReliefF(discrete_threshold=10, n_features_to_select=3, n_jobs=1,
+    n_neighbors=100, verbose=False)), ('randomforestregressor', RandomForestRegressor(bootstrap=True, criterion='mse', max_depth=None,
+           max_features='auto', max_leaf_nodes=None,
+           min_impurity_decrease=0.0, min_impurity_split=None,
+           min_samples_leaf=1, min_samples_split=2,
+           min_weight_fraction_leaf=0.0, n_estimators='warn', n_jobs=1,
+           oob_score=False, random_state=None, verbose=0, warm_start=False))]"
+@	relieff	"relieff: ReliefF(discrete_threshold=10, n_features_to_select=3, n_jobs=1,
+    n_neighbors=100, verbose=False)"
+@	randomforestregressor	"randomforestregressor: RandomForestRegressor(bootstrap=True, criterion='mse', max_depth=None,
+           max_features='auto', max_leaf_nodes=None,
+           min_impurity_decrease=0.0, min_impurity_split=None,
+           min_samples_leaf=1, min_samples_split=2,
+           min_weight_fraction_leaf=0.0, n_estimators='warn', n_jobs=1,
+           oob_score=False, random_state=None, verbose=0, warm_start=False)"
+@	relieff__discrete_threshold	relieff__discrete_threshold: 10
+@	relieff__n_features_to_select	relieff__n_features_to_select: 3
+*	relieff__n_jobs	relieff__n_jobs: 1
+@	relieff__n_neighbors	relieff__n_neighbors: 100
+*	relieff__verbose	relieff__verbose: False
+@	randomforestregressor__bootstrap	randomforestregressor__bootstrap: True
+@	randomforestregressor__criterion	randomforestregressor__criterion: 'mse'
+@	randomforestregressor__max_depth	randomforestregressor__max_depth: None
+@	randomforestregressor__max_features	randomforestregressor__max_features: 'auto'
+@	randomforestregressor__max_leaf_nodes	randomforestregressor__max_leaf_nodes: None
+@	randomforestregressor__min_impurity_decrease	randomforestregressor__min_impurity_decrease: 0.0
+@	randomforestregressor__min_impurity_split	randomforestregressor__min_impurity_split: None
+@	randomforestregressor__min_samples_leaf	randomforestregressor__min_samples_leaf: 1
+@	randomforestregressor__min_samples_split	randomforestregressor__min_samples_split: 2
+@	randomforestregressor__min_weight_fraction_leaf	randomforestregressor__min_weight_fraction_leaf: 0.0
+@	randomforestregressor__n_estimators	randomforestregressor__n_estimators: 'warn'
+*	randomforestregressor__n_jobs	randomforestregressor__n_jobs: 1
+@	randomforestregressor__oob_score	randomforestregressor__oob_score: False
+@	randomforestregressor__random_state	randomforestregressor__random_state: None
+*	randomforestregressor__verbose	randomforestregressor__verbose: 0
+@	randomforestregressor__warm_start	randomforestregressor__warm_start: False
+	Note:	@, searchable params in searchcv too.
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/get_params10.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/get_params10.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,12 @@
+	Parameter	Value
+*	memory	memory: None
+*	steps	"steps: [('adaboostregressor', AdaBoostRegressor(base_estimator=None, learning_rate=1.0, loss='linear',
+         n_estimators=50, random_state=None))]"
+@	adaboostregressor	"adaboostregressor: AdaBoostRegressor(base_estimator=None, learning_rate=1.0, loss='linear',
+         n_estimators=50, random_state=None)"
+@	adaboostregressor__base_estimator	adaboostregressor__base_estimator: None
+@	adaboostregressor__learning_rate	adaboostregressor__learning_rate: 1.0
+@	adaboostregressor__loss	adaboostregressor__loss: 'linear'
+@	adaboostregressor__n_estimators	adaboostregressor__n_estimators: 50
+@	adaboostregressor__random_state	adaboostregressor__random_state: None
+	Note:	@, params eligible for search in searchcv tool.
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/get_params11.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/get_params11.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,46 @@
+	Parameter	Value
+*	memory	memory: None
+*	steps	"steps: [('editednearestneighbours', EditedNearestNeighbours(kind_sel='all', n_jobs=1, n_neighbors=3,
+            random_state=None, ratio=None, return_indices=False,
+            sampling_strategy='auto')), ('randomforestclassifier', RandomForestClassifier(bootstrap=True, class_weight=None, criterion='gini',
+            max_depth=None, max_features='auto', max_leaf_nodes=None,
+            min_impurity_decrease=0.0, min_impurity_split=None,
+            min_samples_leaf=1, min_samples_split=2,
+            min_weight_fraction_leaf=0.0, n_estimators='warn', n_jobs=1,
+            oob_score=False, random_state=None, verbose=0,
+            warm_start=False))]"
+@	editednearestneighbours	"editednearestneighbours: EditedNearestNeighbours(kind_sel='all', n_jobs=1, n_neighbors=3,
+            random_state=None, ratio=None, return_indices=False,
+            sampling_strategy='auto')"
+@	randomforestclassifier	"randomforestclassifier: RandomForestClassifier(bootstrap=True, class_weight=None, criterion='gini',
+            max_depth=None, max_features='auto', max_leaf_nodes=None,
+            min_impurity_decrease=0.0, min_impurity_split=None,
+            min_samples_leaf=1, min_samples_split=2,
+            min_weight_fraction_leaf=0.0, n_estimators='warn', n_jobs=1,
+            oob_score=False, random_state=None, verbose=0,
+            warm_start=False)"
+@	editednearestneighbours__kind_sel	editednearestneighbours__kind_sel: 'all'
+*	editednearestneighbours__n_jobs	editednearestneighbours__n_jobs: 1
+@	editednearestneighbours__n_neighbors	editednearestneighbours__n_neighbors: 3
+@	editednearestneighbours__random_state	editednearestneighbours__random_state: None
+@	editednearestneighbours__ratio	editednearestneighbours__ratio: None
+@	editednearestneighbours__return_indices	editednearestneighbours__return_indices: False
+@	editednearestneighbours__sampling_strategy	editednearestneighbours__sampling_strategy: 'auto'
+@	randomforestclassifier__bootstrap	randomforestclassifier__bootstrap: True
+@	randomforestclassifier__class_weight	randomforestclassifier__class_weight: None
+@	randomforestclassifier__criterion	randomforestclassifier__criterion: 'gini'
+@	randomforestclassifier__max_depth	randomforestclassifier__max_depth: None
+@	randomforestclassifier__max_features	randomforestclassifier__max_features: 'auto'
+@	randomforestclassifier__max_leaf_nodes	randomforestclassifier__max_leaf_nodes: None
+@	randomforestclassifier__min_impurity_decrease	randomforestclassifier__min_impurity_decrease: 0.0
+@	randomforestclassifier__min_impurity_split	randomforestclassifier__min_impurity_split: None
+@	randomforestclassifier__min_samples_leaf	randomforestclassifier__min_samples_leaf: 1
+@	randomforestclassifier__min_samples_split	randomforestclassifier__min_samples_split: 2
+@	randomforestclassifier__min_weight_fraction_leaf	randomforestclassifier__min_weight_fraction_leaf: 0.0
+@	randomforestclassifier__n_estimators	randomforestclassifier__n_estimators: 'warn'
+*	randomforestclassifier__n_jobs	randomforestclassifier__n_jobs: 1
+@	randomforestclassifier__oob_score	randomforestclassifier__oob_score: False
+@	randomforestclassifier__random_state	randomforestclassifier__random_state: None
+*	randomforestclassifier__verbose	randomforestclassifier__verbose: 0
+@	randomforestclassifier__warm_start	randomforestclassifier__warm_start: False
+	Note:	@, searchable params in searchcv too.
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/get_params12.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/get_params12.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,32 @@
+	Parameter	Value
+@	estimator	"estimator: XGBRegressor(base_score=0.5, booster='gbtree', colsample_bylevel=1,
+       colsample_bytree=1, gamma=0, learning_rate=0.1, max_delta_step=0,
+       max_depth=3, min_child_weight=1, missing=nan, n_estimators=100,
+       n_jobs=1, nthread=None, objective='reg:linear', random_state=0,
+       reg_alpha=0, reg_lambda=1, scale_pos_weight=1, seed=None,
+       silent=True, subsample=1)"
+@	n_features_to_select	n_features_to_select: None
+*	step	step: 1
+*	verbose	verbose: 0
+@	estimator__base_score	estimator__base_score: 0.5
+@	estimator__booster	estimator__booster: 'gbtree'
+@	estimator__colsample_bylevel	estimator__colsample_bylevel: 1
+@	estimator__colsample_bytree	estimator__colsample_bytree: 1
+@	estimator__gamma	estimator__gamma: 0
+@	estimator__learning_rate	estimator__learning_rate: 0.1
+@	estimator__max_delta_step	estimator__max_delta_step: 0
+@	estimator__max_depth	estimator__max_depth: 3
+@	estimator__min_child_weight	estimator__min_child_weight: 1
+@	estimator__missing	estimator__missing: nan
+@	estimator__n_estimators	estimator__n_estimators: 100
+*	estimator__n_jobs	estimator__n_jobs: 1
+*	estimator__nthread	estimator__nthread: None
+@	estimator__objective	estimator__objective: 'reg:linear'
+@	estimator__random_state	estimator__random_state: 0
+@	estimator__reg_alpha	estimator__reg_alpha: 0
+@	estimator__reg_lambda	estimator__reg_lambda: 1
+@	estimator__scale_pos_weight	estimator__scale_pos_weight: 1
+@	estimator__seed	estimator__seed: None
+@	estimator__silent	estimator__silent: True
+@	estimator__subsample	estimator__subsample: 1
+	Note:	@, params eligible for search in searchcv tool.
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/glm_model01
Binary file test-data/glm_model01 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/glm_model02
Binary file test-data/glm_model02 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/glm_model03
Binary file test-data/glm_model03 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/glm_model04
Binary file test-data/glm_model04 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/glm_model05
Binary file test-data/glm_model05 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/glm_model06
Binary file test-data/glm_model06 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/glm_model07
Binary file test-data/glm_model07 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/glm_model08
Binary file test-data/glm_model08 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/glm_result01
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result01	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,5 @@
+86.97021227350001	1.00532111569	-1.01739601979	-0.613139481654	0.641846874331	20479602419382.055
+91.2021798817	-0.6215229712070001	1.11914889596	0.390012184498	1.28956938152	21460309408632.004
+-47.4101632272	-0.638416457964	-0.7327774684530001	-0.8640261049779999	-1.06109770116	-11245419999724.842
+61.712804630200004	-1.0999480057700002	-0.739679672932	0.585657963012	1.4890682753600002	14574106078789.26
+-206.998295124	0.130238853011	0.70574123041	1.3320656526399999	-1.3322092373799999	-48782519807586.32
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/glm_result02
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result02	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,5 @@
+3.68258022948	2.82110345641	-3.9901407239999998	-1.9523364774	1
+0.015942057224	-0.7119585943469999	0.125502976978	-0.972218263337	0
+2.0869076882499997	0.929399321468	-2.1292408448400004	-1.9971402218799998	1
+1.4132105208399999	0.523750660422	-1.4210539291	-1.49298569451	1
+0.7683140439399999	1.38267855169	-0.989045048734	0.649504257894	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/glm_result03
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result03	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,5 @@
+3.68258022948	2.82110345641	-3.9901407239999998	-1.9523364774	1
+0.015942057224	-0.7119585943469999	0.125502976978	-0.972218263337	0
+2.0869076882499997	0.929399321468	-2.1292408448400004	-1.9971402218799998	0
+1.4132105208399999	0.523750660422	-1.4210539291	-1.49298569451	0
+0.7683140439399999	1.38267855169	-0.989045048734	0.649504257894	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/glm_result04
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result04	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,5 @@
+86.97021227350001	1.00532111569	-1.01739601979	-0.613139481654	0.641846874331	0.5282637592226301
+91.2021798817	-0.6215229712070001	1.11914889596	0.390012184498	1.28956938152	0.5180352211818147
+-47.4101632272	-0.638416457964	-0.7327774684530001	-0.8640261049779999	-1.06109770116	0.012682414140451959
+61.712804630200004	-1.0999480057700002	-0.739679672932	0.585657963012	1.4890682753600002	0.1869842234155321
+-206.998295124	0.130238853011	0.70574123041	1.3320656526399999	-1.3322092373799999	-1.6599360904302456
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/glm_result05
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result05	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,5 @@
+3.68258022948	2.82110345641	-3.9901407239999998	-1.9523364774	1
+0.015942057224	-0.7119585943469999	0.125502976978	-0.972218263337	0
+2.0869076882499997	0.929399321468	-2.1292408448400004	-1.9971402218799998	1
+1.4132105208399999	0.523750660422	-1.4210539291	-1.49298569451	1
+0.7683140439399999	1.38267855169	-0.989045048734	0.649504257894	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/glm_result06
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result06	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,5 @@
+3.68258022948	2.82110345641	-3.9901407239999998	-1.9523364774	1
+0.015942057224	-0.7119585943469999	0.125502976978	-0.972218263337	0
+2.0869076882499997	0.929399321468	-2.1292408448400004	-1.9971402218799998	1
+1.4132105208399999	0.523750660422	-1.4210539291	-1.49298569451	1
+0.7683140439399999	1.38267855169	-0.989045048734	0.649504257894	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/glm_result07
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result07	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,5 @@
+86.97021227350001	1.00532111569	-1.01739601979	-0.613139481654	0.641846874331	0.6093152833692663
+91.2021798817	-0.6215229712070001	1.11914889596	0.390012184498	1.28956938152	0.5963828164943974
+-47.4101632272	-0.638416457964	-0.7327774684530001	-0.8640261049779999	-1.06109770116	-0.07927429227257948
+61.712804630200004	-1.0999480057700002	-0.739679672932	0.585657963012	1.4890682753600002	0.2621440442022235
+-206.998295124	0.130238853011	0.70574123041	1.3320656526399999	-1.3322092373799999	-1.7330414645145749
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/glm_result08
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/glm_result08	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,5 @@
+3.68258022948	2.82110345641	-3.9901407239999998	-1.9523364774	1
+0.015942057224	-0.7119585943469999	0.125502976978	-0.972218263337	0
+2.0869076882499997	0.929399321468	-2.1292408448400004	-1.9971402218799998	0
+1.4132105208399999	0.523750660422	-1.4210539291	-1.49298569451	0
+0.7683140439399999	1.38267855169	-0.989045048734	0.649504257894	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/grid_scores_.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/grid_scores_.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,18 @@
+grid_scores_
+0.7634899597102532
+0.7953981831108754
+0.7937021172447345
+0.7951323776809974
+0.793206654688313
+0.8046265123256906
+0.7972524937034748
+0.8106427221191455
+0.8072746749161711
+0.8146665413082648
+0.8155998800333571
+0.8056801877422021
+0.8123573954396127
+0.8155472512482351
+0.8164562575257928
+0.8151250518677203
+0.8107710182153142
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/hamming_loss.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/hamming_loss.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+hamming_loss : 
+0.15384615384615385
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/hastie.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/hastie.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,12001 @@
+0	1	2	3	4	5	6	7	8	9	0
+-1.74976547305470	0.34268040332750	1.15303580256364	-0.25243603652139	0.98132078695123	0.51421884139438	0.22117966922140	-1.07004333056829	-0.18949583082318	0.25500144427338	-1.00000000000000
+-0.45802698550262	0.43516348812289	-0.58359505032266	0.81684707168578	0.67272080570966	-0.10441114339063	-0.53128037685191	1.02973268513335	-0.43813562270442	-1.11831824625544	-1.00000000000000
+1.61898166067526	1.54160517451341	-0.25187913921321	-0.84243573825130	0.18451869056394	0.93708220110895	0.73100034383481	1.36155612514533	-0.32623805920230	0.05567601485478	-1.00000000000000
+0.22239960855530	-1.44321699522534	-0.75635230559444	0.81645401101929	0.75044476153418	-0.45594692746800	1.18962226802913	-1.69061682638360	-1.35639904886131	-1.23243451391493	1.00000000000000
+-0.54443916167246	-0.66817173681343	0.00731456322890	-0.61293873547816	1.29974807475531	-1.73309562365328	-0.98331009912963	0.35750775316737	-1.61357850282218	1.47071386661213	1.00000000000000
+-1.18801759731772	-0.54974619353549	-0.94004616154477	-0.82793236436587	0.10886346783368	0.50780959049232	-0.86222734651048	1.24946974272698	-0.07961124591740	-0.88973148126503	-1.00000000000000
+-0.88179838948302	0.01863894948806	0.23784462192362	0.01354854862861	-1.63552939938082	-1.04420987770932	0.61303888168755	0.73620521332382	1.02692143939979	-1.43219061105893	-1.00000000000000
+-1.84118830018672	0.36609322616730	-0.33177713505281	-0.68921797808975	2.03460756150493	-0.55071441191459	0.75045333032684	-1.30699233908082	0.58057333579427	-1.10452309266229	1.00000000000000
+0.69012147022471	0.68689006613840	-1.56668752957839	0.90497412146668	0.77882239932307	0.42823287059674	0.10887198989791	0.02828363482307	-0.57882582479099	-1.19945119919393	-1.00000000000000
+-1.70595200573817	0.36916395710701	1.87657342696217	-0.37690335016897	1.83193608182554	0.00301743403121	-0.07602346572462	0.00395759398760	-0.18501411089711	-2.48715153522277	1.00000000000000
+-1.70465120576096	-1.13626100682736	-2.97331547405089	0.03331727813886	-0.24888866705811	-0.45017643501165	0.13242780114877	0.02221392803939	0.31736797594107	-0.75241417772504	1.00000000000000
+-1.29639180715015	0.09513944356545	-0.42371509994342	-1.18598356492917	-0.36546199267663	-1.27102304084666	1.58617093842324	0.69339065851659	-1.95808123420787	-0.13480131198999	1.00000000000000
+-1.54061602455261	2.04671396848214	-1.39699934495328	-1.09717198463982	-0.23871286931468	-1.42906689844829	0.94900477650526	-0.01939758596247	0.89459770576001	0.75969311985021	1.00000000000000
+-1.49772038108317	-1.19388597679194	1.29626258639906	0.95227562608189	-1.21725413064101	-0.15726516737514	-1.50758516026439	0.10788413080661	0.74705565509915	0.42967643586261	1.00000000000000
+-1.41504292085253	-0.64075992301057	0.77962630366370	-0.43812091634884	2.07479316794657	-0.34329768218247	-0.61662937168319	0.76318364605999	0.19291719182331	-0.34845893065237	-1.00000000000000
+2.29865394071368	-0.16520955264073	0.46629936835719	0.26998723863109	-0.31983104711809	-1.14774159987659	1.70362398812070	-0.72215077005575	1.09368664965872	-0.22951775323996	1.00000000000000
+-0.00889866329211	-0.54319800840717	0.75306218769198	-1.60943889617295	1.94326226343400	-1.44743611231959	0.13024845535270	0.94936086466099	-2.01518871712253	-0.07954058693411	1.00000000000000
+0.30104946378807	-1.68489996168518	0.22239080944545	-0.68492173524723	-0.12620118371358	1.99027364975409	0.52299780452075	-0.01634540275749	-0.41581633584065	-1.35850293675980	1.00000000000000
+-0.51442989136879	-0.21606012000326	0.42238022042198	-1.09404293103224	1.23690788519023	-0.23028467842711	-0.70441819973502	-0.59137512108517	0.73699516901821	0.43586725251491	-1.00000000000000
+1.77599358550677	0.51307437883965	1.17052698294814	2.07771223225020	-0.45592201921402	0.64917292725468	-0.17478155445150	1.01726434325117	-0.59998304484887	1.57616672431921	1.00000000000000
+0.60442353858920	-0.90703041748070	0.59202326936038	-0.43706441565157	0.10177577296932	1.30834682664415	1.38760181140855	-1.73539114733307	0.28837742022732	-0.33908543327636	-1.00000000000000
+0.52736913282441	-0.37430288374775	0.47709229741768	-1.42976266223621	0.40770652497651	-0.82828039274557	0.42345728183765	-0.15951736500333	1.24108208719660	1.66353631073731	-1.00000000000000
+-0.66193771492591	3.46522714847932	0.39143861927192	0.32724535297645	-0.31134706056867	-1.42465558867969	-0.62487218534123	-0.10999539592086	0.95295942799193	-0.98336264364294	1.00000000000000
+-1.09455718961570	-0.24134874955198	-0.59511383915670	-0.98281189478231	0.08822993442549	-0.60275936982371	1.12555545298260	0.92705329880025	-2.26915699468627	-0.34817063773317	1.00000000000000
+-0.16402540267606	1.21658059036491	-0.62685390472830	-0.27493980788960	1.14745743851399	1.15996897407507	0.70218450535978	-1.28390481061431	1.52230776787768	-0.17996331764913	-1.00000000000000
+-0.37614736761594	0.46034921066168	1.45542146073777	0.24150688787545	-0.03766667059724	0.83153302990514	2.29936946875559	-0.93960244305876	0.11182257854218	2.53943203311146	1.00000000000000
+0.40359841542536	-1.88483438731958	1.27745203186489	-0.44558826380658	-1.27031803892548	0.63550116819545	-0.29843567109233	-0.40228992159718	-0.53664042681232	0.82312440166648	-1.00000000000000
+0.02519190327454	1.51753612835426	0.36961115067373	-0.48063216216889	1.04233274302134	1.09887598656687	-2.13291037390772	0.75920433140196	-0.28518087012270	0.48041141127152	1.00000000000000
+0.46800068820276	2.70900194736592	2.01908611672986	0.74740341823995	-0.58970858674772	-0.81342482457680	-0.17689686434453	0.50704750197629	-0.26677816423726	-0.85606202199786	1.00000000000000
+1.55931485688910	-1.09268886462831	0.75804249816576	-1.19943996946799	0.17637047815504	-0.87573084159878	0.11760845626656	-0.95816833558135	-1.88111464894141	0.18234272748704	1.00000000000000
+-0.54849228027521	-0.05263496977245	3.17339052396198	3.33420351759743	1.60337199634899	1.01289623095502	1.84452320625568	-0.33614362847696	0.49875048880423	-1.07782607706718	1.00000000000000
+0.57693405994303	0.08652484860757	0.38378884838188	1.33473075772714	1.67179118861467	-0.31300773157575	0.12355262918533	1.54772910282559	-0.10788917679724	1.00339755722139	-1.00000000000000
+0.88767178082627	0.08864979057353	-1.32457809594023	0.23838464525501	1.19666146012001	-0.46484257027188	-1.13667271129239	0.24849462488068	0.35069281439802	-0.13207671471324	-1.00000000000000
+-0.52564519481547	-0.58488933245995	-0.92924719790142	0.39841641960968	-1.35590785559730	-1.71158305311757	0.15859859636139	2.13248672882896	2.72133360986656	-1.97286404807838	1.00000000000000
+0.53981291899131	0.54317318009914	0.96374453107731	1.25372613426345	-0.22013056376799	-0.25227004044698	0.01003713940840	0.48028838228527	-1.95696755224306	-0.56448465830768	-1.00000000000000
+-1.16323582218066	-0.02117577430050	0.33107168261446	-0.36649624944706	0.86047540690491	-0.24659729953407	1.49053309726734	-0.39939137701025	0.32520629231681	-0.65428085380793	-1.00000000000000
+-0.01912275129905	0.99294164933736	-0.12959655901367	-0.17083040768744	0.79042809047227	1.09181590721546	-0.40508326392064	0.53644393686813	-2.13131465998520	0.26307668943329	-1.00000000000000
+-1.27105798549423	0.92910011329669	-1.93141285692905	0.02421534060406	-1.21369153934521	0.18813695705594	-0.57226389920743	2.74511796477507	0.12495397935004	-1.06524615482103	1.00000000000000
+0.60305369790333	-1.06146763692164	-1.51643049572030	0.32928250529486	-1.98362094280418	0.16713678370411	-0.17889399951874	1.17823915920031	-0.44340798605666	0.73895390075995	1.00000000000000
+-0.15484845483449	-0.08605564337254	-0.33575683852309	-0.13662937928239	0.09277642496735	0.18971879197959	-2.04867192260410	0.78378607818048	-0.23298456157950	-1.18441142741057	-1.00000000000000
+-0.19779729026120	-0.85467278927957	0.02359749586525	-0.17045646840965	-1.06966626664016	0.22583874577075	-0.86765949836639	0.41841523883775	-2.30525815198371	0.16215559976204	-1.00000000000000
+-0.57884112094720	-0.39928463454410	1.48789443213364	-0.35781685235194	0.35643089395409	1.03128219680197	1.52254309281047	-1.01648111218062	1.12841475186597	-0.92724859936777	1.00000000000000
+-1.19277138302917	1.37485941753989	-0.70323695106615	0.24420707079597	1.03234591077902	1.61693990218971	-0.05483023725937	-0.24801134827200	-0.39672494986314	-0.03354702733866	-1.00000000000000
+1.03291804591606	-1.98982223993829	-0.27803371711013	0.76569542610858	0.74414956800267	-1.72319332396534	1.03039242631308	0.05971477069294	-0.93421583755644	-1.06244113688843	1.00000000000000
+-0.62944586062934	-0.30228442486170	1.03963889488589	-0.93096965277262	-1.27762908064025	-0.94432002593898	-0.31880742296040	-2.08427088355489	1.27031154469251	0.03087775298064	1.00000000000000
+0.65317585214330	0.55834690228402	0.13639753659343	-0.33733841113673	-1.33716505088513	-0.41149095236240	-0.10777619396316	0.52291736315098	0.95614997864827	1.20332059263536	-1.00000000000000
+-0.97623152182091	-0.07515257041891	0.35280658284313	0.04903746154802	1.28601746710163	-0.26722530141904	1.32423802209627	-0.26759192177398	-0.46940622268798	-1.42575628144634	-1.00000000000000
+0.80549210614694	1.35476913985709	0.82555918146703	-0.25868959047151	0.75749952442315	-0.70445570309903	1.21131850738496	-1.84223417403460	-0.36824556412752	-1.54799256341008	1.00000000000000
+-0.45167227065102	-1.13754239865575	-0.13587675227719	0.63437909378909	-0.01355791803045	0.37589682732796	-0.23658235285975	0.97914133604624	1.09374819797522	-1.38362215623411	-1.00000000000000
+1.01013388286572	0.87266312623186	1.03761233514904	0.30254770163553	-1.29811748129429	0.84786371812492	-0.26887639936832	0.30198299200600	-2.27190549861767	0.75760498765253	1.00000000000000
+0.87605118541231	2.15621999334801	1.28870255629561	-0.14253519602585	1.66590470279182	-1.38011429643308	3.85793967348964	3.07557389343242	0.83081956369486	-0.87826816754173	1.00000000000000
+0.13986220576101	0.71253894037464	0.35962374341728	0.71274800118976	1.06878568075187	-0.49517395484316	0.13296228043630	-0.08289852500467	0.21421904746683	0.69269605713184	-1.00000000000000
+-1.90818478313660	0.11653331605849	1.75517416567648	-0.39556563485904	-0.93258345676184	-0.67356455479923	0.71453204799170	-1.79000391907616	0.22430285295478	-3.20995538197805	1.00000000000000
+1.52358483157953	-0.06961565914855	1.36559019919265	-0.55869533571676	0.27539347594118	2.40091831132128	-1.01103512095547	0.94250687917122	-2.22151082370052	-2.58576758899944	1.00000000000000
+0.68892136215794	0.04127457420270	-0.49772668445685	-0.00984728747148	-0.51766032371938	0.30217682520827	0.77344099754421	0.98820884848646	0.01760020692310	0.81980615401978	-1.00000000000000
+0.68775969579480	0.39315819224911	-0.51086319348789	-2.75203766267793	-0.19206908223922	-0.23406889069910	-1.60141394152819	0.79102614968522	0.01286688418472	-1.34851188441845	1.00000000000000
+0.86605917282181	0.79129498040016	1.17695251369075	-1.16543173350357	0.53824609750456	-0.84286055170898	-2.87496887986553	-0.52850563611267	-0.32108899071015	2.18227591083450	1.00000000000000
+0.32870245607284	1.44800142087605	-0.43728724254382	0.91147448513032	-1.12682828365713	1.11473389263156	-1.22656743165181	1.35527256153284	-0.08885766708389	-0.69494912373732	1.00000000000000
+-1.01447204069737	0.87121601371846	-0.91947922766802	0.28763112142636	-0.53279237278261	0.16564178605540	0.01667237342327	-0.63143225155943	-1.00401580667882	-1.31209853152664	-1.00000000000000
+0.44682624679648	0.14853198602057	1.83630816031061	0.13966757848863	-1.76519385068265	1.44760405289435	-1.14177869440826	0.74640215370270	-0.46902780374761	0.78698146524371	1.00000000000000
+-0.18202083482438	-1.00338071773004	-0.93692211107218	-0.94427060043736	-0.72752125085450	2.06548613728673	0.13606129350626	0.20181386383006	1.27075490447891	-1.00347453471153	1.00000000000000
+-0.73233781024839	-0.64799211304521	-0.78552143832369	1.73473118319348	-0.44615385943240	-1.23992032828593	-0.29178644639701	-0.66013927084282	-1.09179766493574	0.56485691272211	-1.00000000000000
+-1.94454028229548	0.26393122365044	1.53875365950315	2.39707306723396	1.55620837098324	-0.20268282272443	-0.10890626163811	1.13520166746838	1.00979354229043	-0.91342069483830	1.00000000000000
+-2.22925893308860	-0.46273031364217	1.62820763578731	-0.07589976704854	-1.39453271532136	-0.77999830271270	0.69863077029901	0.47291346464840	-0.27245180877096	0.18479275551351	1.00000000000000
+-0.33898353209291	-0.14231230753550	-1.44904592785806	-1.32271650036149	-0.71090242259897	-0.60618411010976	-1.07224227237928	0.54545402972289	0.53917244527671	1.19882393851677	-1.00000000000000
+-0.07684033970520	-0.69338785111048	-0.94697605259024	-2.26861996224610	0.21359010083020	-1.26505769401880	0.96369686489873	0.51834351515590	0.59002612631513	1.13118119092022	1.00000000000000
+-0.10907396256763	-0.05816611715256	-0.84251599247383	-0.75294560429257	-0.48256531456154	0.52454784623453	-0.26458368036447	0.35300518346143	0.22382411909066	-0.37219899010144	-1.00000000000000
+2.64741898928310	0.13329024202743	0.81009786739909	-2.06645372378496	-0.32840807939173	0.28544899454626	0.91272825867490	-0.88539519723148	0.66289321510005	-1.54807741104142	1.00000000000000
+-0.55587442554628	-0.20939878024356	1.83987093518309	-0.01203576792221	1.54424956156833	-2.18515380325798	-0.90525364077921	0.21306591909620	-0.96571566244728	1.00948977186841	1.00000000000000
+-1.01221122074599	0.90505286293288	-0.91298932261592	-0.45036832301511	1.04071749528225	-0.75552508928466	0.42441824827810	0.06644430233107	-0.08799540550164	1.95443008890281	-1.00000000000000
+0.56794338164994	-0.10163797438184	0.06925096183453	-1.16160194672828	0.32702615652722	0.56733342056442	0.90159225838742	1.87714287063779	0.43061327513407	-1.19078425486019	-1.00000000000000
+0.22621213114101	-0.56931657031587	-0.73226070973677	-0.71174158551669	0.05687216122626	-0.82349887163333	0.30663585257869	-1.83387373528744	-2.89224040536514	-0.15859132011071	1.00000000000000
+-1.53160182309595	-0.57794626699179	-1.90590553684648	-2.00894261676224	0.23889598302964	-0.50845288515225	-0.04826170379593	-0.03502705018891	-0.72730690571494	1.51836206992618	1.00000000000000
+0.36102541634538	2.57697767903116	1.58732124247286	0.68767761615488	-0.01821234710461	-0.58958206791907	-0.73016628022484	0.13438281144362	0.97155356324931	-1.05837944272187	1.00000000000000
+-0.02860552628380	-1.25227751410810	0.10659762229931	0.54225733318692	0.99121885080264	0.28721298619813	-0.63596981864126	-0.37850280255917	0.01632286834065	-0.20958795245615	-1.00000000000000
+0.32144427129437	0.23351936921649	1.01495228874720	-1.36534324182302	0.27653105409089	-0.95521588382280	-0.26051262079765	-1.32749098273129	0.03730765585465	-1.45264067391114	-1.00000000000000
+-0.82760173749992	2.29219364581099	0.62788767844617	0.95270524350930	-0.82962773861004	1.16046637087229	-0.31152510549227	-0.53939102282005	0.54043275536691	0.14069505646733	1.00000000000000
+1.23826241313624	-1.28557386041386	-0.78043417951363	-0.46617212638524	0.09694034331841	-0.45823039827602	-0.07936631605576	-0.31828531361553	0.91954364575782	-0.56117734271977	-1.00000000000000
+-0.41011200920817	0.06812570823585	-0.09891912036095	0.23925986087457	-1.26749599415944	0.09157124428915	-0.16935301763052	-0.88569789419583	-1.64560796462227	0.16979751913292	-1.00000000000000
+-0.13785869633103	-0.07149411774530	-0.38621990548929	1.34495027194420	-1.08125857121519	-0.06307879670507	-0.50356048600791	-2.05090576304937	0.08725798075221	-1.32944561779624	1.00000000000000
+0.75637688792742	0.82428920150463	0.37967322200031	0.52422365195372	-0.45271329511708	0.68759278675132	0.91674695152792	1.11971610167859	1.26354483633054	-1.45610559752933	-1.00000000000000
+0.32128693891874	-2.43702669941400	0.97337371093006	-0.64248112674987	0.29283256357178	-0.46398126201592	0.38673364020325	0.67249644253334	-1.09097595301491	-0.52700342019866	1.00000000000000
+-0.30440284592937	0.77081843337639	-0.23575096986828	-0.17778292517384	2.28863529133324	-2.52894751088469	0.56775355409626	0.07355255089438	0.74832418672378	0.91465664311128	1.00000000000000
+1.25223156262730	-0.88472860123867	1.17560948074634	0.47969620845726	-0.58996743406612	0.86216891849810	-1.47265712624577	0.65231019836457	-0.15168996527867	1.34323688312126	1.00000000000000
+-0.65948406246294	-0.40906579310461	-0.33858048238969	-0.39661868538565	-1.45824184628667	-0.01090659216795	-0.76657297567464	0.84217249032250	0.79187920141782	-1.31762772533865	-1.00000000000000
+0.01315303655787	0.15323002771334	-0.78639503041184	1.36810521913452	0.00400879553357	0.45319420435997	-0.40637868993132	0.68411948932681	2.88396925177584	-0.58818877513993	1.00000000000000
+0.36522540717597	0.32310950138879	0.58240426467360	-0.00845748620002	-1.72365143380736	-1.02553725476702	0.53492759374879	-1.65002519482436	0.66894730906415	0.28032230350373	-1.00000000000000
+0.40271751266444	0.59519151467352	-0.04489492214522	0.64534644308214	-1.12745914989289	0.22451442073277	0.10571095020939	-1.00134678404358	-0.18618164454287	1.99795151776873	-1.00000000000000
+0.57255675159723	-1.36871620107071	-1.15772004612616	1.06582622979255	-1.65499679923647	1.47713538228764	-0.93286094213424	0.13042091725382	-0.03102869757093	-0.08768373982573	1.00000000000000
+0.61775947077628	2.88575179539228	1.75982110036090	1.09133090752907	-2.21346060739119	-0.02398076189861	1.23725351268738	-0.45619206614093	2.12474539951312	0.24074228458820	1.00000000000000
+-0.05864391264017	-0.87399991994747	-0.12278570026443	0.91179656231331	-0.10746411474279	-0.72747083460478	1.59576290128042	0.98774702734042	-0.48811101691646	0.62969480563024	-1.00000000000000
+-0.45339969843110	0.60909959142993	-0.85224895065849	-0.05454962931514	1.09079462734148	-1.84634161455384	-0.41243382161399	-0.41546602951165	-1.30175658921974	-1.13609897454000	-1.00000000000000
+-1.79763757816820	-0.66155694349019	2.54928569877370	-1.63767562413715	0.00631766181730	0.54171265127420	-0.13210003839032	-0.37873629845671	1.94062280466786	-1.04187437109117	1.00000000000000
+-0.28559377932837	-0.59892262579212	-0.38234037804602	-0.98598081157493	-1.36447657201091	-0.82353342400180	-1.68138681554986	-0.91621993917044	0.54362793226983	1.52486260054826	1.00000000000000
+1.19741734779592	-1.22250529739662	-2.02376353002073	0.05371174766609	-0.53629036242314	0.10714253527293	0.61515218539276	0.90506544040104	1.65258564139881	-0.84281968759992	1.00000000000000
+-0.06340532135398	0.48905360189012	0.70453542780530	-1.07173556758791	0.41375864841338	-0.34502527403732	1.24018981821212	0.10342901781619	-2.14185161440355	-0.68365014168151	-1.00000000000000
+-1.18079802759063	1.18100216181730	-1.06605525816211	-0.74304592231484	-0.88592524951272	-0.49581833514280	0.52738768762870	-0.30175139488690	0.35564438892659	1.32813211314365	-1.00000000000000
+0.23807425695170	0.17185882517031	1.11676824680888	-0.01368885520815	1.28290975661447	-1.12997104581712	0.75872144408905	-1.09860423557013	-0.30290404839246	1.49961056170431	-1.00000000000000
+0.14614254213308	1.90341641619205	-0.30620639436988	-0.45706533906365	-2.38861407368411	-0.86179917990581	-0.53439383530306	-1.26260428547622	-1.02319884121943	0.53846601124160	1.00000000000000
+1.71650277423513	0.17912390469971	-0.45596835004497	0.32669169909967	0.68196488401329	-0.73798870708179	1.32634484032934	0.92700352399697	0.21309224825039	1.32833309213812	-1.00000000000000
+-0.21086735397273	-0.67691516582881	0.13511777624745	-0.16425303413718	1.09972052782062	-0.58573665545518	1.03265375465552	-0.78682452225503	1.61774196142305	1.76686175167260	1.00000000000000
+0.02671427780161	-0.69387520207473	1.97532817125755	-1.22038699166548	-1.13149838485326	2.52707092078269	-0.73681484165252	0.24991368104673	-0.40720157196165	-0.52833335165891	1.00000000000000
+0.70004527231468	0.07455981071054	-0.09180805144899	-0.81056011591737	1.99985784045740	-0.79047271088966	1.27203492786928	0.12340670941540	-0.14471976544476	0.06339992712335	-1.00000000000000
+0.03104795204671	-1.73909927285195	0.08649405653784	-0.49104596911570	-2.67435494854769	0.64435936243261	-0.14505356097390	0.81169105187866	-0.24481231922778	-0.69635074191039	1.00000000000000
+0.44909883424447	-0.82308786099501	-0.40249559696951	1.38578376645451	0.58452074310721	-0.24814981566369	0.32847783781428	1.14307342544157	0.71583729974384	1.35080136501707	-1.00000000000000
+-0.17345609362160	0.03192366589003	-0.86037047628512	1.41787893985715	-0.21636159151508	-1.01548935711666	-0.72597531242581	1.22770549324071	-1.12648546303188	-0.60170249786771	-1.00000000000000
+0.26686482080895	-1.02807068249337	1.62046839874561	0.07902571896854	-0.56957364717962	-0.14829295739478	-0.15048806046766	-0.88796113476465	0.28675094725200	0.28597294251824	-1.00000000000000
+0.30743025186465	-0.65751914045096	-0.12518483708270	-0.90416520924335	0.07971000908831	0.48923376483358	-2.26787692109136	-1.43639202877881	0.59233942121097	-0.12518243894875	-1.00000000000000
+-0.53721915084252	-0.86995665452769	0.20985948458268	-0.65144358419921	0.76441509704166	-1.05949973115471	-0.23003580655163	1.88470605445356	-0.54981177998242	0.25069797962240	-1.00000000000000
+0.26294826841518	0.40492907257520	-1.60248453016383	-0.06048301501586	-0.69753059114904	0.15037810499509	-0.07780687825586	0.12521268584196	-0.99846607168437	-0.25597521409264	-1.00000000000000
+1.47911698111755	0.47594636026706	-0.18580560212243	1.05404247481340	-0.78587615821105	1.31902000563410	-0.17228886477186	-1.84602959651520	-0.72475736692633	-0.01380577028470	1.00000000000000
+0.58444269589575	-1.07944895168607	0.71469582726835	0.22357751470351	-0.90608677894424	0.21453403707113	-1.43133844949823	-2.27041320216111	1.66803512796643	0.68771749134311	1.00000000000000
+1.46920830285220	-0.44703433158366	0.96921333984274	0.84668723774938	0.61081809397362	-0.66528888555852	-0.53906864157748	-0.56995179625459	-1.48934343703746	-0.04884518704140	-1.00000000000000
+0.54993059705704	1.30483782959653	0.52231095857855	0.84381004627805	0.05568648814205	1.56379260861824	-0.63804073501091	-0.70473922024255	-1.04662737981767	2.04977877144408	1.00000000000000
+0.38994299710336	-0.22795940583767	1.26529937609102	1.68503101293086	-0.43075414491187	2.49440561798007	0.60627820368255	1.89749568490005	-0.36523398198146	-0.35012000796409	1.00000000000000
+0.89689355586200	-1.29614227036199	-0.76610222077183	-2.23625278820163	0.04632755731085	-0.05535106725613	0.42491286095294	0.62282151475396	-0.20458977846843	-0.90352072580641	1.00000000000000
+-0.70778800820319	-0.28824269480757	0.37527517082853	0.04209531864772	-0.08995684027341	1.31442829458894	-0.20552190606537	-0.96111851955694	-0.87707970471058	-0.34938053901100	-1.00000000000000
+0.65956346509166	0.67902030451042	-0.40937398914928	-0.35331772809174	0.42931928660867	1.34878786829010	-0.27289135617129	0.18393634027607	0.55886578794897	-1.37132324714712	-1.00000000000000
+-0.33064387147695	0.45223327235005	-0.53051831435872	-0.28145821900384	-0.64412787386933	-1.13002622574528	-1.16176653394227	0.16933309281863	-0.05969813961280	1.10583644659743	-1.00000000000000
+-0.66189127587285	-0.35850443734187	-0.07117035012373	0.09786380091577	1.77066826083462	0.71611091434967	-0.25203469271236	1.66817944125433	-0.83348164541541	1.16518178124656	-1.00000000000000
+0.16824138572934	-0.09701976042143	-1.10837164045886	1.16312573437369	-2.20422692007755	-0.12336287720355	-0.43910471923623	0.62998761682914	-0.86955070652243	-0.60808108193892	-1.00000000000000
+1.19933281075384	2.72502080734977	0.45076298555580	-0.83947772441124	-0.04019547527576	0.88508989186866	1.58606514164395	2.02577923393804	1.53030103085952	1.83273343012926	1.00000000000000
+0.96890455773333	0.17077093196796	0.70799437963389	1.30161022453538	0.37742602405131	-0.78790112920094	0.92821235504231	2.03332331706350	0.58126290998869	1.56072342378178	1.00000000000000
+0.07371157701561	-0.02235671114494	0.68558209372613	-0.22007309599774	-2.06889049535591	0.63361311272871	-2.34092551640182	-0.41984607954645	1.01731916862618	-0.38910754054643	1.00000000000000
+-0.73726216157733	-0.00659820348762	0.27650295204355	-0.58526773653832	2.28127210740249	1.15351988705559	1.29725053661935	-0.22290652406606	0.34421346303858	-1.99828208763225	1.00000000000000
+0.55154018140607	-0.83470023457854	-0.81062581222911	0.10382736210532	-0.28854033016482	-0.92949768413126	0.44878878757341	-0.55606815946511	1.30995232375324	-0.68639586551848	-1.00000000000000
+-1.13324727107082	-0.16433173228337	1.06049118341091	-0.52964950255039	-0.42081660974292	-2.59304938782319	0.28768107786746	0.81019164225428	0.10193764725371	-0.28050963185139	1.00000000000000
+-0.57777271708645	-0.24321111498677	-1.49252017362111	0.24204583536789	-1.41304072773344	-0.94533461209859	1.52215285997152	2.00067202408474	-0.65637898517119	-0.47291319401645	1.00000000000000
+1.74625631827517	1.44308758345478	-0.91944918476336	1.09015289264315	1.09256336197860	-0.32415019818830	0.82371260812247	1.95505544387808	-0.65113051695822	0.96888684822170	1.00000000000000
+0.42023925046178	-1.70771489038527	-0.00592407225118	-0.74049700625808	1.35213675856099	-0.64498854209998	-0.15514280895006	-0.06865025280147	-0.43232000255590	-2.19769192666658	1.00000000000000
+0.89225788474987	0.14386099595966	1.27559732330514	-0.46898715506364	0.47412482777189	0.66839521890313	-1.20471587989712	-0.85113208816929	0.89912452927707	0.93719153370628	-1.00000000000000
+0.95358665169946	-2.20510346457549	-2.28130579269409	-0.61163107591882	2.80970114357323	0.17584571165005	-0.63075559065252	1.85554554037016	0.16029074988454	-1.42284954696312	1.00000000000000
+-0.36765985352241	-1.88628836750776	0.75482209317788	1.78122457816227	0.65262945998463	0.23750379404051	0.59420142654116	-1.13293433132828	0.49742787278958	-0.24423451883693	1.00000000000000
+1.04068151796384	-0.26707103356968	-0.67728368618506	-0.67160782301516	2.62561444578465	-1.11680064015089	0.93625357254660	-0.56618238374823	-0.50534692148270	-0.86641728530192	1.00000000000000
+1.39703111443078	-0.86192197429386	-0.11515634319649	0.01053669744720	-0.51961635999419	-0.24957125769622	2.24365945072822	-0.48299659888296	-2.36898017503155	-0.92158082263334	1.00000000000000
+1.51900331388425	0.55249841886654	-0.69268161369909	-1.06000825915833	1.46715555041065	-0.16791317278749	0.75979590681133	-0.20862173185309	-0.04822163559468	-0.18337459189216	-1.00000000000000
+1.28303077470863	0.68476315549096	0.50782717604328	0.41614597578860	0.14295695245145	-0.06162756634039	-0.31480674559034	0.66105743346714	-1.09486848955906	-0.34735426368722	-1.00000000000000
+1.35836119344929	-0.29805890017704	-0.08008290659022	0.49468129909972	1.37332641197813	-0.92876576084625	-1.05628060800437	0.20225506690040	-0.67825090790002	-0.02201246704805	-1.00000000000000
+-1.90036969146443	-1.02393641925718	0.21506804700839	-0.52669820264485	-0.52443498054272	0.54705279757494	0.11873192576863	-2.30532242342615	0.71999113868596	-1.28450455961991	1.00000000000000
+1.35697878766828	0.48468627798386	-0.25611541433026	1.35462630683437	2.07595058038693	0.66688019935718	-1.01371970243794	0.19659506908436	0.21087317003824	-1.55238870643750	1.00000000000000
+-1.11063467203220	0.45044561776910	2.28031127323918	1.69259062798494	0.88417181820482	-0.53847994465738	-0.37667434221349	-0.43238636618531	1.58065982941181	-1.68470641515874	1.00000000000000
+2.13583957966129	-0.01204523685327	-0.29108659019024	0.56245625463307	0.73156355474731	0.20809368345217	0.14688445026803	0.50954937261940	1.54055553097994	1.68624027507551	1.00000000000000
+-1.17692489125799	-0.18952778229310	0.03428860534610	-0.33390993070057	-0.38212536558313	0.97279724853587	0.30867526144868	0.45675680055101	-0.35970358543714	-0.84765491128206	-1.00000000000000
+1.21163866634881	-1.54513479247270	0.68309768317027	0.35618373486097	-0.11846930012185	-0.12660063112598	-0.35432027228238	1.62263447803408	0.48781476497659	-1.12198923773443	-1.00000000000000
+-1.27181166795962	-0.24320231504243	-0.56664127771572	0.63074297976962	-0.12917328933681	0.83085260101875	-0.95373772154093	0.46020710543896	1.66083540305834	-0.76404024780852	-1.00000000000000
+0.12771181052703	-0.82918256335977	-0.50047441141399	0.68762595105335	1.53455299292131	-1.03724152904860	-1.14096696114584	0.58606596126713	-0.72038199226362	0.31369744702418	-1.00000000000000
+0.57081667179724	0.91148722778550	-0.30229983961680	-2.09192224595068	-0.37834187454000	-0.97783117164403	-0.50244393016290	1.11373246944271	-0.67022422619825	-0.35444017877375	-1.00000000000000
+1.63591387534772	2.92966089343238	1.02496354466242	0.82636784748711	-1.20472252967611	1.10393109847706	0.41080891898718	-1.16329587634886	-0.71112606864810	-0.77768839458826	1.00000000000000
+-0.70148114726004	0.51678635048715	-0.41439949325445	-0.56158479425220	0.34371703262203	1.74752208638427	0.53989987701503	-0.49519737438897	0.46301689909690	0.23737629933432	-1.00000000000000
+-0.59186322726051	0.65517052833489	0.09451199914285	1.18341257320349	-0.22160844758174	-0.77676896123635	0.05633894424120	0.36247267480026	0.43035789354356	0.06160768626593	-1.00000000000000
+-2.81865300250736	0.82717756235674	0.86211901342962	-0.52402017253811	0.55580647222209	-0.29971585133852	-0.85708255039404	0.66758809223607	0.94175526669991	-0.64696211157545	1.00000000000000
+2.29788557899753	1.27624794598934	-0.47009316461769	-0.71920612728623	-0.15806847832807	-0.54828134463686	-0.69500988234387	-0.50807986288157	0.84510709853710	-0.36418635729920	1.00000000000000
+0.10415185780639	-1.13272917818355	0.99518438312051	1.50380466533721	-0.35779084437972	0.43925107369418	0.97617679318048	0.54855666050758	0.27987375745446	0.46054390238907	-1.00000000000000
+-1.81559956919532	0.73895099749018	0.33409134205811	-1.13662591270665	0.33687080618689	-1.93022327109422	0.94045481943182	-0.07844206283832	-0.68854089765781	-0.72305978753721	1.00000000000000
+0.81432461353739	1.21405951712152	-1.61195033936970	0.38265856161426	0.84591347041895	0.32351256640858	0.17759075527122	0.02272578262120	1.10927385522428	0.74631228295486	-1.00000000000000
+0.84932026904071	-0.71719712842115	0.62719563155225	-0.84460866879706	0.12548690045125	0.01971106661271	0.33128518790477	1.39287220764142	-0.36580059274080	2.27510798428090	1.00000000000000
+-0.41089883250021	-0.86369513471085	0.60910571044828	1.26195725302240	1.24552417959664	-0.60451754286066	0.20927629446991	0.06886762106071	0.92062286363650	0.86865026174101	-1.00000000000000
+0.11248681150044	0.53336626468608	0.26574012341415	0.51069429889518	-0.62553340053294	1.19073160862588	0.67015655033214	-0.53690477132988	-0.87509938541256	-1.38203472602272	-1.00000000000000
+-2.61928060359101	0.58616532716987	-0.76249075938351	0.63977056741894	2.15602528615351	1.08549401158481	-1.57959882389898	-0.08438402162960	-0.10678367894303	-0.87130264702368	1.00000000000000
+0.70852633013248	-0.17704463664704	-1.70774484272890	0.49356800079005	-2.26688495579483	0.95928316416588	0.99739273288514	0.12372879270055	-0.69870881191519	0.29032122469609	1.00000000000000
+-0.87071920954846	1.44561839409914	0.49499027263261	-0.84516646553810	-0.26281303379846	3.19748295397337	-0.00105884233708	-0.37829745272535	1.01101081626547	-0.63343005038353	1.00000000000000
+-0.58560616456922	0.77714472670555	-0.76850611444608	-1.29702771520254	0.73757066753288	0.75291842952402	-2.30618294114761	-0.80927303339709	-0.23693404546697	0.32390725067122	1.00000000000000
+1.07206884381149	0.08645024003598	0.12369973790391	-1.06222933444924	-0.83470398475351	0.89838207250241	-1.10048794622371	0.63387081378507	-0.91527048466399	-1.29747175535927	-1.00000000000000
+-0.43221175305307	1.05945551681193	-2.15959205046823	0.27360750323242	0.21789245532885	1.07594091815337	0.06937008395654	0.46665199638203	-1.52878699473782	-0.92563839209779	1.00000000000000
+-0.66313298126150	-2.27407005373147	1.16679802849735	-0.72493307763488	0.74114051798485	-1.00201341426072	-0.73166504185827	0.59631435543253	0.53634444403331	-1.37922561613492	1.00000000000000
+0.13908675055447	-0.06451309551366	-0.09527290234272	0.33795356999333	1.58078609084390	-0.69533963352308	1.58708893707405	0.40043811487948	-0.64181458755874	-0.69262219750205	-1.00000000000000
+-0.56275588007192	-0.46948669807164	-0.94297879662871	-0.35865315095417	0.58135917300059	0.11220827271786	1.59881271022057	0.30430567959513	0.92876873289337	-1.89006424101399	-1.00000000000000
+0.99118445895813	0.54760981763061	1.38744006141647	0.86965646470040	0.54183932510373	0.57065526463020	-0.26774268073720	0.39242735549608	-0.71263003889833	-1.25108251980948	-1.00000000000000
+1.78939620600234	-0.38542737502405	-0.33937719999794	-0.46537678392965	-0.85439807543532	0.17840259925317	0.23731164772087	0.74278616610630	0.24930998597508	-1.93152932509806	-1.00000000000000
+0.79295189758418	-1.53768482264940	1.38971429390086	1.18365592695542	-1.23787039502056	2.13554560159511	-0.16672104301294	-0.71696757931791	-0.44385381956290	0.63254479697250	1.00000000000000
+-0.37048875517772	-1.92608826517881	-0.98951114687389	-1.09384108244855	-0.01527361681360	-2.27243937784938	2.57076451076604	-0.05559892689283	-0.70914009446327	-0.74488917332986	1.00000000000000
+-1.16045058959635	0.29442208903978	-1.00991536358007	-0.08405908275244	0.63641252153443	-0.12031642840440	-0.29672975912512	0.25434203705865	1.63470761092968	-0.72167070822085	-1.00000000000000
+1.02192519611460	0.19299500589830	-0.47729389928282	-0.27166980167059	-0.24751855177125	-1.13224127168569	-0.81102229054031	-0.10473605798933	-0.03592836294147	-0.65347232226131	-1.00000000000000
+-0.81545786921724	3.25290080230116	-0.32230874972039	-1.59588136903204	-0.94713926617294	-0.46615570221613	-1.19630997140351	-0.67881021015951	-0.22815479658338	-1.47376551761364	1.00000000000000
+-0.81164199574491	-0.09317352694210	0.11250426233137	0.09207904862564	-1.38671465261539	0.82829089845702	0.00943042045478	0.38416436496132	0.78312203082146	-0.02867786645987	-1.00000000000000
+0.57482093126366	-0.22085148462506	1.48317891613439	0.53847146764008	-1.93736462781153	-0.77424462206273	0.98636816490667	1.13753778208345	-1.32848396851821	0.93140074843532	1.00000000000000
+0.41529870162847	2.56591736017761	1.31109091857193	-0.20429550994058	-0.52778304032194	-0.05624642393738	-0.18726676450257	0.41535786515367	-0.18032332448792	-1.23775731178111	1.00000000000000
+0.40944806598520	0.97101507393984	0.05589336010351	-0.13442562190597	-0.79350827923054	1.24851306311143	-1.14464828962824	-0.92284959319310	-1.55737402557916	-1.15388579272057	-1.00000000000000
+0.49790841207097	-2.33827338672236	-0.77359597333041	0.68071643163492	-0.72102784522139	0.62322167403123	-1.32832487309615	1.83568546159400	0.59646916463244	1.11694972800202	1.00000000000000
+0.95286809097754	-0.54579760282679	0.54507847151932	-0.92753200328799	0.55688820276477	-2.65454143301367	-0.24928762363266	-2.53371490068694	0.20604165648495	0.54161611666685	1.00000000000000
+0.52199797058332	0.56394933943390	-0.05818985492235	1.07780358731347	0.67913806366811	0.49256225202706	-0.10405164557506	0.07530237581079	-0.38465598282467	-1.66451043296171	-1.00000000000000
+0.39058426076125	1.39252607799062	0.16841451395907	-0.39256877587960	-0.30229931902300	-0.53831139368581	-0.40544947525878	2.30841741126472	-1.16148195023671	0.36522981144030	1.00000000000000
+-0.38764651972311	-0.32107571525220	0.14753580887585	0.32032143845469	2.45406998657260	1.48165499306989	1.39125634898900	0.60656726069033	-1.32704849889692	-0.30710431365795	1.00000000000000
+-0.94369758837852	-0.78787019096885	-1.04143201454603	-0.98194051591479	0.85091769041245	-0.03764483160530	-0.10897822398419	0.27029012954100	0.23171425886031	-1.52889113905006	-1.00000000000000
+1.48640631903602	-1.62821777180962	0.85151694240477	1.57545462068964	-1.75187737591560	-0.66745614006467	0.62281607050984	-1.37673177011338	2.25710565232505	0.36492588017405	1.00000000000000
+-1.27684180321357	-1.47945235072339	-0.16855252122596	-1.05340778690377	0.44210387411915	1.91974255851513	0.97293284933260	-0.12931445088700	0.63224807672432	0.65002118945772	1.00000000000000
+-1.04132871861780	-1.89943473982177	-2.25133516914352	-0.50912521786848	-0.47736885712639	0.88267324177621	0.22204744890590	0.90230353252561	0.50473019645579	1.27770675903322	1.00000000000000
+-1.91867051463498	1.23953469504633	0.13276628757163	-0.93416374286335	-0.67536139282347	-1.11734685917487	-0.91933868352159	-1.64505975037400	0.49964503885838	-0.14793977663719	1.00000000000000
+0.80101320256416	-0.65616839141888	-0.73034321346699	1.05261221379816	0.20588204620130	-0.70894374471068	-0.27750871888408	0.52532086561303	-0.10263740350804	-1.47180240222042	-1.00000000000000
+-0.17200164077205	-0.03485269020052	-1.12593959633095	0.11353638062793	-1.80223381223842	0.07794539839356	-1.64556309241950	-1.08327246061057	0.27391970907521	-0.22261666691449	-1.00000000000000
+-0.67129856546585	-0.42488720824823	-0.23156601234163	-0.25204009950055	-0.03998527731894	0.08845019567417	0.73320108170001	-1.79522233143678	-0.86083405208718	-0.35928445739812	-1.00000000000000
+1.86150797912939	0.07567969491410	0.31671759658979	-0.14088196706511	-0.79594908286135	-0.19577646314540	0.31641359928794	-0.84049597176074	0.69504591529888	2.57437741705726	1.00000000000000
+-0.03850183629653	-0.88318109338268	-0.13261465381721	1.24592732719868	-0.02921535061610	-1.24475552978125	0.70900716478074	1.09326515444629	-2.11795868821422	0.55460321377855	1.00000000000000
+0.37380450070119	-0.94475239718646	0.65790634665557	1.69072715737977	0.19795807338872	0.46313191383624	0.16805519074751	0.14337348117549	-2.10257256956536	-1.53451858798111	1.00000000000000
+0.54220098765448	0.02113738380347	-0.39134273968267	1.17542204863277	-0.16241286336126	-0.32967599007510	-0.66989991355051	0.79575386168328	-2.06546002375025	1.64795218970982	1.00000000000000
+0.79165686193107	0.02604794972522	0.11980403894989	0.40033494520882	-0.53284125888756	0.55152282832803	-0.04328498355774	0.83602161983182	-1.10190796280200	1.83923961261428	-1.00000000000000
+-0.83927871967345	-0.90326127952282	-1.03601557454339	0.35841843007310	1.61132781529346	-1.12287140885388	-0.00573629616465	0.67859750714451	0.73551413696486	-1.11632983193236	-1.00000000000000
+-0.42149791592154	-0.81119098451529	0.51335162068047	0.55960499614656	1.23720732770172	-0.02976749070840	0.64167665840306	0.96138365261514	0.02142685002903	-0.26229033898779	-1.00000000000000
+-0.89159076599021	-1.04708538445108	0.72565729204670	0.88191411240776	-0.24574077501449	-0.67579861857835	1.27329616906945	-1.64224090592553	0.11342576959258	-0.76951597969322	-1.00000000000000
+-0.98058221756987	1.17108350361865	-1.02243901415325	0.63238016880307	-0.05879930999669	-0.96212866624671	0.88659906032689	1.26503773854364	1.97152121164796	-2.19450880304470	1.00000000000000
+-0.05743347337349	-0.52451706111483	0.38976152676693	-1.89152317129488	-1.42265330543716	-1.22086001827980	1.05334664754725	0.42840060230530	-0.49295571686582	-0.88063090884717	1.00000000000000
+0.59220888856477	0.29682919133623	-0.16467980281744	0.28093706475016	1.55588879978394	0.74586858497619	-0.13393665804210	-0.22214270831378	0.43052180752145	0.41024752258201	-1.00000000000000
+1.45789154480667	-1.25234840669722	1.30781308171466	0.59568405233605	-1.84730756598923	0.05745400435124	-0.41872518391633	-0.75013236801716	-0.35339746345380	-0.54476911366839	1.00000000000000
+-0.69087574507093	3.69529977835013	0.25406833827517	-0.64971245692424	0.58557360710927	-0.26597152644485	-0.07882919793238	0.72793903587558	1.36694974295589	-1.66688050225999	1.00000000000000
+0.33780119369614	0.20791533464874	-1.49885505410249	0.92409256601004	1.10919976721021	-0.82737259275277	-0.83236212870386	0.68538875926529	2.05453268528124	1.39108648385490	1.00000000000000
+-0.28092320612016	-0.48057596253158	-0.24394028298367	0.15383110884472	1.92093917402858	-2.47138554228265	0.17987313715453	-0.57950730067292	-0.87351952795602	0.16597253072044	1.00000000000000
+0.12864079034854	0.00473982193278	-0.14454495683808	-0.95528856459517	1.47371552247279	-1.68292829680383	0.72051674045052	0.25820545739708	0.72955398378128	-0.49036321851585	-1.00000000000000
+0.15571555789835	0.14474981471101	-0.55601163288695	2.03511295529497	0.66571680275187	-1.16087801438722	-0.22724707736807	-1.14556050776555	-0.09382341620634	-0.38713935944426	-1.00000000000000
+-0.79172222696205	0.80175977098916	0.14156820012350	0.11944449842230	-0.59471315063908	-0.91108945699879	-0.21406430482932	1.03201758215091	1.08262637695515	-0.68984327313534	-1.00000000000000
+0.10189135481818	-0.74708530460630	1.78878998132128	-0.69989800116214	1.02632671723665	1.18204822662364	-0.63984126922496	0.69304397576838	-0.73539847334906	1.43244517288102	1.00000000000000
+0.00203998931280	-0.05242307406752	-1.49164829714866	0.35034932531788	-1.43045835132095	0.56363994003780	0.13284630812698	0.64006527712100	-0.02454130061915	-0.03805465490844	-1.00000000000000
+1.65406935887170	1.00772158295772	-1.77900521980859	-0.01462447874399	0.67624979937259	0.21076381406530	-1.86180235120416	0.27734607491290	0.11957236699383	0.09230308711426	1.00000000000000
+1.02092398022724	-0.51236076329509	-0.04100745586156	-0.33997777557902	0.57406693541952	2.66282719183090	-1.36830195639258	-0.59274406249763	-0.49850298818036	-1.44913283833913	1.00000000000000
+1.04792553943564	-0.70971120747053	1.11018655266838	1.72123119765181	1.64272679099395	0.42604107028870	1.89224039000434	2.22550996123369	-0.88361389539080	1.02860799311460	1.00000000000000
+0.58725946809788	-0.45186439475169	0.47422403034583	-0.09572608603917	0.36767347630475	-0.27590718483285	0.72577510861552	1.35258835724488	-1.71554047709632	0.68942651065361	-1.00000000000000
+-0.71721011226228	-0.62580619481323	-0.04862094515233	-0.28352190645161	0.02075411792998	-0.60061928108883	-1.18336380112792	0.98122091065469	1.05623566225127	-1.35109741007581	-1.00000000000000
+-1.19270821234849	0.90590645568978	-0.11033751258127	-0.96688703561691	1.56973338225729	1.09453422287246	0.96243709558340	0.90670081209711	1.76027271828188	1.01762849591326	1.00000000000000
+1.64185343672488	0.97878159675935	0.45187539696618	0.75172685734187	0.45962084160257	1.21752159269684	0.41889930681095	-1.03407151900200	1.64615065381323	-1.19436828147964	1.00000000000000
+-0.24434612500460	0.89057952995516	-0.58664552154587	0.03053194235190	1.51410447510684	0.92937971799566	0.59156531213735	0.14073031758719	-1.52145268077060	1.02184266769816	-1.00000000000000
+-1.58227678600233	0.50951459531196	-0.35687701161565	-2.21756850024936	-0.59168211787820	-1.25650641629701	0.67057138105928	0.09924302883050	1.59477698865504	-0.94127337729540	1.00000000000000
+-0.73855353298015	0.19762742151241	1.35573679744800	0.53830658105352	0.03551647259452	-0.86700374479912	2.17808933919939	-0.15880038306289	-1.23095625175820	0.27536023960277	1.00000000000000
+-0.76888106313370	-0.97929407721463	1.13735223914166	0.70087391806578	0.59205155931608	1.25987937651699	0.13228469802575	-1.26635247082197	0.21908701821239	-0.01180014420646	-1.00000000000000
+-0.92534398134520	-1.25241494390116	1.49302263571426	0.78547645285499	-0.90271645383321	-0.93331720124442	0.50457976547048	-0.03636883391061	0.85615555683656	-0.05134291270421	-1.00000000000000
+-0.32954303263353	0.45482917149687	-0.15947032644385	-0.67433118548630	0.56012316103031	0.98891289429138	-0.44614803280348	-0.42788233263563	-0.65107896429202	-0.93851928205576	-1.00000000000000
+0.38117292894343	0.93646394601953	-1.59283988299122	-2.11349417452781	-1.78253353439187	1.44494486545794	0.36574449125854	0.84466526590456	-0.59089830446606	0.98349490213998	1.00000000000000
+0.57598444063289	-0.42120753173040	-2.17526085624965	0.87901872438343	-0.62242584585518	0.27491499598144	0.19290973969550	0.83221055194221	0.61428514812013	0.88510251494934	-1.00000000000000
+0.48843220829072	-0.47756825940893	0.37648272196138	0.25458733392416	-0.26903784148159	0.12734193950368	0.68650826998327	-0.30273873737298	1.08004263424443	1.53226524900698	-1.00000000000000
+0.69143488367090	0.40493210788022	-0.62410687649436	-0.42778372998725	-0.59692939291585	1.22466405521239	-0.19278078851351	-0.44838400048471	-1.00529759994329	0.20618061071079	-1.00000000000000
+1.43629012375632	0.97298269517817	1.37421809513366	-1.25773571934466	0.44267472266842	-1.10523524291490	0.75151420160182	1.05753063237406	-0.50078331545508	0.45993715118448	1.00000000000000
+0.65601050889378	0.00541104057746	-0.73747063306162	1.11889025721168	-1.08836699202503	1.18358674091081	0.37478194393334	-1.02199532852630	-0.20161303094545	0.50087095549708	-1.00000000000000
+-0.08454378176961	0.06581590910791	0.01018230120525	1.77982437665335	0.09721144394745	0.27452429517308	0.61147493247361	0.34455332880166	2.24149537865924	-2.08463913245419	1.00000000000000
+0.29278037857570	-0.32718066974612	1.23745254085896	1.06996910168923	1.67950835828363	2.61167206503173	-0.38408692932100	0.40445166836461	-1.24677147070361	-1.28634416770847	1.00000000000000
+0.16807720186664	-1.36204695753497	0.50903089565831	0.36586657398015	-1.01018184270819	1.33085308867384	-0.76104435642641	1.27021746349824	-1.84207659279609	0.49557004820497	1.00000000000000
+0.62772064162177	-0.28759791546421	-1.05856170608174	-2.20224147187092	-0.53003975804257	0.66399470874777	0.69035181951884	-0.16525156924900	-1.42387390325478	1.75080217782484	1.00000000000000
+0.61018095851466	0.02198340371154	0.05052246940085	1.06880935829881	-0.53062823174545	-1.57775791204774	-1.22035238812186	2.10453099687290	-0.37333697669245	-1.25673650993136	1.00000000000000
+0.67702986849365	-0.06329423876550	-0.78544545002692	-0.65966646698525	-0.99202193093118	-1.34805930724102	-0.52185169268662	2.44734642152670	0.12593047317490	-0.77347232901706	1.00000000000000
+-1.62552969717786	-0.84960283327241	0.98546342183149	0.35213740144335	1.90251392053200	-0.38203252453882	-0.48685100067279	0.02702719917854	0.36588164236314	-0.16602861813409	-1.00000000000000
+0.54040227582000	-0.22359822709110	0.26170103652107	-0.87882569912227	0.22338152449599	0.27594189907791	0.06464925530844	0.25129617537816	-0.23892745611740	-1.25889401338615	-1.00000000000000
+-2.50556216910377	-0.33917079652490	0.48349270599591	-0.33237846308783	0.79424995547807	0.06333222100801	0.55450251542103	-0.76190257382497	-1.07422203007314	-1.24990631452673	1.00000000000000
+0.90286769096480	-0.40831520780284	-0.33375727444635	-1.08609447188844	1.07940427327474	-0.83392935473959	-0.90669337741161	0.47914430143706	0.42444351582043	0.99668353059328	-1.00000000000000
+-0.45856237177030	0.08476026448907	-0.75178877030570	-1.06024894332193	0.61054056030369	0.40627103433728	0.06945486058985	1.92472952203794	1.45392470112750	2.08623818383769	1.00000000000000
+-0.33901502980396	-0.94724270301085	-0.10187157236010	-0.56496992517263	-0.28053543152835	-0.33665621874796	-1.09411240185078	-0.53500479966104	0.05140356784040	-0.46015395801657	-1.00000000000000
+-3.01947828912756	-0.80347890842219	1.01553124415400	-0.84237988127277	0.60298550429462	-0.02112686166147	1.05961965189812	0.59358638763266	0.86216166767960	0.30150156015547	1.00000000000000
+-0.48152007909040	0.12213336537981	0.46676252634654	0.29207422144612	1.19050327452036	-1.16449600478523	-1.91183847649389	0.57676593508819	0.31294480761307	-1.36645582721129	-1.00000000000000
+-0.32094617970992	-0.03218742948789	0.92425718841558	-0.10530188835403	-0.14713637940923	0.76397395195672	-1.77506612463993	0.54398007332163	0.16920718894615	-0.92601640820222	-1.00000000000000
+-0.02387659729528	1.28516508228772	0.36501060120401	1.95714748525154	-1.52462066693024	-0.52262479893785	-0.80274940323322	-0.51542197279942	-0.56228197370260	-0.64571404608039	1.00000000000000
+0.59446690026467	-1.14899631952474	-0.81917880971935	0.18340384896407	1.93314940514764	0.06339719161510	-0.13231336136076	-0.61314728631319	-1.56526863511656	-0.97217252028459	1.00000000000000
+-0.17271456198533	0.33181175287606	0.71763428683260	0.92380467905748	0.70876840727328	0.63266115530981	-1.66107764522918	0.03152888550240	1.60903477112184	0.47177761480284	-1.00000000000000
+2.04689568584425	1.22297957033743	0.62939609984347	-0.99027372662895	0.78552104217310	0.74475090424097	0.60485035977112	0.94791352935839	0.02919824227611	-0.15329499941220	1.00000000000000
+-0.80825327805690	0.71484581505297	0.03837002381134	1.08862772584186	-1.42018105492234	0.19773612678223	-0.10630799215816	0.01777062822280	0.35644111212354	-0.14474255579500	-1.00000000000000
+-1.25253007197131	0.17099173202804	2.77632545880003	-1.22007837390479	-0.34153074332486	0.45476536272576	0.23842571206456	-0.11660753330508	-0.48053705721974	-0.14144979290749	1.00000000000000
+0.74611435735919	-0.23244920353017	0.85503084583770	-0.08217955576858	1.22791719488876	-1.01491204505336	0.58263517960352	-0.56054901089217	1.51887091277134	0.47973453921572	-1.00000000000000
+-0.48487002597630	0.18552322332851	-0.64758970269249	1.76430689077991	-0.76234517720612	0.15835059144669	0.93890377729439	0.62909850709659	-0.32383251498638	0.95171239990030	-1.00000000000000
+0.20187081849229	-1.17911490528266	-1.11028599599765	1.14546143365439	-1.62701719626098	-1.01623586712682	1.65570423822718	0.44800925605212	0.63248309614337	-0.32938728705761	1.00000000000000
+1.76094829095010	-0.27310283347530	0.92648519545678	-1.07898571121250	-0.58086539547761	-2.72904435708972	1.10200009732387	-0.48461048206082	1.14398835125444	0.59917299161582	1.00000000000000
+1.11712875733376	1.63027500926502	1.75735239793197	0.19216480176474	0.66281176615266	-2.06294416460408	0.44354425344114	-0.96621365438453	0.18686589206271	0.43966891204061	1.00000000000000
+-0.18464622990604	1.30341691844031	1.01394428505913	1.19566781672823	0.90502641895338	0.56045339704805	-0.87703325270504	1.53837985180269	1.73354132549215	0.33781442919692	1.00000000000000
+-0.24077939122000	-1.38364668533387	0.27624619403045	0.16775394441283	0.52093341199876	1.67197260082661	-1.13655189258879	-0.67967476350677	0.89576575472507	0.93822799273493	-1.00000000000000
+0.79306055245184	-0.04238235772628	-0.05705869182666	0.03121605299136	-1.32081736676951	-0.21899848103126	-0.42039445805126	0.31000867774906	2.18049631963877	0.66967728546606	-1.00000000000000
+1.29904948521420	0.77797308552080	-0.53698477316446	-0.18085904537193	0.62541617313744	-1.41072302714466	-1.71369690195832	-0.20792927144826	-0.44324426212312	0.21044802246357	-1.00000000000000
+1.33717035390092	0.84999093815312	0.65541006990361	0.51794617742319	0.22641983526201	-0.52406942010115	2.73472206806510	-0.34408047191206	0.57326676988249	0.19180119933627	1.00000000000000
+0.53387522016381	0.14259804246316	-0.82952594834635	0.24350121915887	-1.21423044904284	2.14071963584826	1.35681885966989	0.51467964505219	0.32488842221473	0.74968866099708	1.00000000000000
+-0.54263447216697	-0.90778532513607	-1.83442582148460	-2.18970055774918	0.83007009623657	2.11497218011132	-0.36828110384226	1.94082103916430	-0.84190151798419	1.68927969566034	1.00000000000000
+-0.35241187715519	-0.12169176759296	-0.15487598945341	2.47251301713223	0.36792051934856	-0.40139670771988	-1.28540179635771	1.62456183646752	-0.06673601881933	0.32899969445643	1.00000000000000
+-0.28519943718192	1.01506807871549	-0.60034432764350	-0.22476104884445	-1.56194549060726	0.51839638229376	0.17884920877519	-0.45540169600101	0.29544075938587	0.54381104462477	-1.00000000000000
+0.24107892253465	-1.44152150166083	0.25021786836212	0.52229574809203	-0.60348124002864	-1.59044858507619	-0.33384317523741	-0.12214358859249	-1.18209492229718	0.54860064349134	-1.00000000000000
+0.20734902788956	-0.40800572079705	-0.98470915743857	-0.05325385960764	-0.54255728927874	0.09498250661408	1.83997148290589	0.29505979145212	-2.04249975403047	0.17774789041522	-1.00000000000000
+-0.98116053025592	0.57943068912792	1.04758648232320	0.35384034605852	1.75835565073389	1.32393049920405	1.72239723276866	-1.61142917732431	0.78118765595680	-1.94356889847121	1.00000000000000
+1.79757280504752	-0.28744255330986	-0.01667833844315	-1.61254032348568	0.51820246808255	0.82905588299615	0.74133091787653	-1.53789317042995	-0.36200627724969	-1.10325516047591	1.00000000000000
+-0.43432765000649	-1.06820419831922	-1.84333028776992	-0.27274824801804	0.34880534908634	-0.86009434942919	-0.34606254157301	0.14194710254526	0.09826733603967	0.13537551720562	-1.00000000000000
+-0.21823473396034	0.38075301011111	0.23872553143896	0.13454766011680	1.63971059949391	-0.61448513941461	-1.35903055962305	-0.58727851261606	-1.94355569580495	-0.21788449197405	1.00000000000000
+-0.97525855898614	0.18437595321563	0.11425073663181	0.84434677943450	-0.17082205638356	-0.30948092562896	0.45428081919140	0.30607515491167	0.67614595494342	0.85646992794544	-1.00000000000000
+-0.20909371912166	0.66578549863331	0.32170344221018	0.49438241866784	-0.59479368529067	-1.11874629342765	-1.09761190970470	-0.27444347957018	-1.45997095374488	-0.07670617897726	-1.00000000000000
+0.53974807688963	0.39088606986928	-0.88100361234823	-0.51308513710540	-1.24522194206529	-1.39476115902359	1.58066958697749	-0.00067203798491	-0.08369416433756	1.36751802947267	1.00000000000000
+-1.58205425909868	-0.18275779202563	2.94928553740967	0.96395753193551	0.15743530150122	-0.76908736317196	-1.18123347484611	0.35357153833238	0.95634693271303	-1.51332176676678	1.00000000000000
+0.78818701690278	1.04824906045827	1.57465538942236	1.01702539895478	1.94965333078867	0.37024531375610	1.00102827639011	-0.14302139975792	-0.04486219143408	1.07714012175480	1.00000000000000
+-1.38334980583010	0.00252792396464	0.57631363823979	1.43380319792447	0.80302273981501	-0.10702764324002	0.25072518481994	-0.74481399073758	1.48013763150144	-0.52124907058293	-1.00000000000000
+1.93558864893177	0.12349185339738	-0.19699911640783	-0.65811334121072	1.30307153830832	-0.75956032947863	0.92591227916876	-0.98946927996528	-0.23623684340347	-0.33462033041774	-1.00000000000000
+1.22395774339351	-1.56684328708570	-1.22848936243898	0.91634917910656	1.27179426828177	1.03238308776031	2.08061671351714	-0.61520620764937	-2.45356620530485	-0.70833255203758	1.00000000000000
+-0.44111448096795	0.01194832949858	-0.10013781078317	-1.51344909778696	-1.20164514430770	1.15229605184472	1.95637025193374	0.25062104075411	-1.28754862685745	0.54405467818800	1.00000000000000
+-0.97633576308856	0.85719138946155	1.29251429455728	1.47466620778412	-0.28524834467092	-1.19480643417467	-1.90111973322871	1.66711307606431	0.20898972573566	-0.03779952942285	1.00000000000000
+-1.39292788780168	0.33689819504509	0.14776654174954	-0.33299341718695	1.77271420347055	0.15009042371487	1.12255887064596	0.84132019438746	-1.84286467228001	-2.00925456255999	1.00000000000000
+-0.70762605589717	0.60188394028094	1.81512343132975	-1.00002892792779	0.24491740363809	-0.35688989769158	-0.96803965652010	0.82607133885753	0.33884697913904	1.58255249408749	1.00000000000000
+0.00986687347310	0.95342033758124	-0.55524692277405	0.52277032355671	-1.04070696910250	0.00048299060134	1.00350733705348	-1.24880773365240	0.07328162495381	-1.37411098170475	-1.00000000000000
+-0.59907844859613	0.67274253603237	0.56032622619027	0.00476358171050	0.18166179174550	1.42104832349286	0.74433271002929	0.68564197314306	-0.69407198802805	-0.47472800853181	-1.00000000000000
+1.25823822064100	0.40195887068315	0.36203891387029	1.72639639291121	-0.90240442390261	-0.41323336649748	-1.44565409435171	-0.52442802594386	-1.34466973746209	-2.48028746555471	1.00000000000000
+-0.16309013666904	-0.51478673709471	-0.53040942803005	-1.15862067036494	2.72265798549338	-0.28791268959378	2.76385564262439	0.10416628741063	0.89285174433701	0.74471340329805	1.00000000000000
+0.58763887523380	0.14460914761244	-0.41229910610962	-2.31365831216100	0.33249526217871	0.16931042803721	-0.79378077814297	0.66273239634231	-0.36088786782315	0.02071123962714	-1.00000000000000
+-0.79412347535503	0.88023630219330	0.64196325760386	-1.42133783943089	0.59785771333450	-1.30890692002140	0.34472059018565	-0.76046937815826	-0.14067727228562	-0.60045540686325	-1.00000000000000
+0.60771926897304	0.56143933965894	0.57586433800261	2.30364559136121	-1.35218508482241	0.40210659978010	0.89904133855454	-0.41057612192262	-0.93829635382044	1.45005122167493	1.00000000000000
+-0.84628154014509	2.40322784974689	0.92454453978287	1.13265443413917	-0.59310635501256	1.51382193500254	0.44118232537964	1.72959162554155	-0.13072742282139	0.07055177751602	1.00000000000000
+-0.85879710889865	-0.08707681322173	1.02181058032764	1.78995114440304	-0.44171209653593	-0.08314082723387	0.82048676060393	-0.53709609014327	0.29298558440163	-0.05315331116089	-1.00000000000000
+-0.95452820322858	-1.29623255290790	0.28922996107466	0.39412136243439	0.95744084949312	-0.83477350005599	-0.72225736545482	-0.51978990063666	0.66061034069735	-0.35250745064609	-1.00000000000000
+-0.51256193842803	1.78349742022723	-0.03214387268415	0.99640329382398	0.25636081622249	1.67558451935899	-1.04084403360503	-0.90751410583276	1.24158232048234	0.26997744559873	1.00000000000000
+0.73057265487375	0.32892274884153	0.38703693699544	1.25062678414699	0.25954300918840	0.83584599970334	-2.55481405039711	-0.87549628765832	-1.25955238824187	0.56898981620026	1.00000000000000
+0.36295138311199	-0.24493165793476	-0.89062718796085	0.22746085677060	-1.35887420217081	1.12088661527391	-0.81227866935907	-1.36549987809939	-0.20106018519975	-0.19413827519552	-1.00000000000000
+0.76146090585051	0.52223393477637	0.43662119021414	-0.46382136291295	-0.43039660684542	-0.43945835995994	0.84453757608375	-0.34661930103528	-1.85506231882390	1.33766558971195	-1.00000000000000
+-0.71676198285976	0.29396621086825	1.58236973360205	1.27777810237399	-0.31901568507019	-0.21472822782873	1.56684644605604	1.64747384309288	0.40983883442266	-0.00152271454015	1.00000000000000
+0.40349862023671	-0.52061281047407	-1.12472275210807	-0.41606346520678	0.49876410576743	0.07212492808793	-1.92139632229487	1.36820782417535	1.43636345241552	1.13182560044782	1.00000000000000
+0.65770792710663	0.22260596043089	0.33187636048699	1.30969619734061	0.04613231639449	-0.87350675274130	-0.05574492665120	-1.49310854959295	0.00857057873712	-0.59949886342082	-1.00000000000000
+-0.05491251790269	2.41075733155841	0.31006029717985	0.49423123195870	-1.40300817045126	-0.39683153307267	0.92892176907148	0.89663574291032	0.32275553462583	2.01739757834081	1.00000000000000
+-1.18097663070209	0.62339666847262	-1.06132200388070	0.83869921876842	-2.67481443851287	-0.91458923222037	0.61539349290177	0.11702435033107	1.01665449662449	-0.38661129049386	1.00000000000000
+0.31284917854425	1.54631513022096	0.26651882984744	-1.77390237979677	-0.31496343501988	-0.49553650615678	-0.73447585581426	0.10719287249680	-0.91979362886803	1.57017498367264	1.00000000000000
+0.10011845364190	0.70450919952631	0.43371435429526	-0.63016499074960	0.20479266970356	-1.69233884444532	0.38473954319328	0.21755165324758	1.84865854026355	1.24517688510667	-1.00000000000000
+-0.88426974974394	-0.74857950862615	1.52509720728604	-1.05054924091012	-0.14049754781225	0.20636071914402	1.70507521991582	-1.06588938527590	-0.83105561011588	-0.16704848061303	1.00000000000000
+-0.22516071659483	-1.26641698959108	0.18233426852884	0.47571797295158	-0.00624749909608	-0.42860068950384	0.09281635295595	-0.15309936522224	1.08166421019659	-0.62966214029979	-1.00000000000000
+-0.38767663351136	1.54820599989367	0.93191636340928	-0.36683283885408	-1.53276745131076	-0.63255078857528	-0.86057297238854	0.69267341404237	-1.39951354678885	-0.03900084187524	1.00000000000000
+0.68693767706164	0.02461092435439	0.61995160291408	-0.01843261323416	-0.41866790047305	-0.50643713863378	0.11816520887304	0.28019350876253	0.17609060654774	0.85324258399395	-1.00000000000000
+-0.20772226152840	-0.40363697742893	-0.63762664079209	0.98157257754322	-1.20942255149378	2.45333308505905	1.58532041845449	-0.20640389337347	0.80149953023218	-0.89929912857773	1.00000000000000
+-0.18178378221099	0.45625792012817	-2.29824497752493	-0.75719966274831	-0.51234946144279	-1.52911761277096	1.57871001876532	-0.29179516831966	-2.89151148026647	1.58134343161406	1.00000000000000
+1.67907091393753	1.84299482925891	-0.24104904339346	-0.47197704985890	-0.04472071656060	1.24851755191534	0.21077639827867	-0.72360078809019	0.11570072469253	1.56849523846961	1.00000000000000
+1.99520491495813	-2.04738691778099	1.04225089374782	-0.04894159950050	-0.98832415555988	0.06264861100814	1.17263107984010	-2.14590649099201	-0.81754954637459	0.33801810767192	1.00000000000000
+-0.01002724526373	-0.76504407655314	0.11139191480131	-1.08314363737545	-0.77528926132395	0.13709833236790	0.39824856259262	0.47159048751603	0.26725894417147	-0.08696044863427	-1.00000000000000
+-0.23623063578080	-0.19237387601598	0.63558576701527	1.33875245154078	1.73391440437887	-0.28230330899905	-0.06746988975378	0.12769130229012	0.13357971925722	-1.01704694461756	-1.00000000000000
+0.70337012953240	2.01817310540842	-2.11844360220433	0.93407508651128	-1.20652153292749	1.09739682231768	0.45649848502098	1.68122524483674	0.79472260375013	-0.07990314551890	1.00000000000000
+-1.34119209281075	0.13798757250416	0.78004315415512	0.48669587923112	-0.66473520567704	-1.20404752442651	0.17254732987559	0.80598343266521	1.27922106374415	-0.46393585695803	-1.00000000000000
+-0.53649125678013	1.02388871112381	-0.17773979821252	0.73493229286802	0.21762562625294	-1.34549613070002	-0.23246046381217	1.27019848504733	1.30610534226461	-1.33035505829699	-1.00000000000000
+-0.27240144950647	0.39944503867986	0.72212753413589	0.85097065084024	-0.16497629634505	-2.82813083903565	-0.85256329158641	0.94819301551344	-0.82290468210378	-0.19262731037511	1.00000000000000
+-0.58284273507593	-1.11667091463225	-1.14703050421273	1.01233012915357	-0.60339694669446	0.16902656575001	0.99677698688706	0.30756862968407	1.24716023801265	-0.32451917971977	-1.00000000000000
+-0.53242161537851	-0.87062318665389	-1.55846763262097	-1.72518170846262	0.61929178123674	1.11423043122097	-2.17268803509731	-0.01406171985858	-0.98104677029861	0.77445391770783	1.00000000000000
+-1.52139029377199	0.58353377115804	0.43229829833764	-0.58324352906836	-0.55262032525851	0.28565904369762	0.47105343515246	0.05389801515569	2.42875449179891	-0.53786654595522	1.00000000000000
+0.44343359918321	-0.84113557421620	0.60711720079632	-1.11834036512685	0.91158350869973	0.49570660587299	0.21620530529445	0.66942308022336	-0.92620244123667	0.13713873110153	-1.00000000000000
+0.82224011553374	0.39523394757452	-0.29933287109748	0.08802660199278	-0.23904327354462	0.81955668362063	0.32615014517430	1.48466900846835	0.64675292878371	-0.36414147000169	-1.00000000000000
+-0.71732295839540	-0.21098957751191	0.66859125023804	2.67602023768652	0.98050124475620	-0.76306298004819	0.71727329380079	0.25515027597795	-0.76045039511322	-1.96365213189423	1.00000000000000
+-1.01330705735830	0.66654569160005	0.10344156347143	2.02222918038293	-1.66480005416940	0.23212711401667	1.92434686474473	0.80799312403205	0.03784392223651	-0.87814344077209	1.00000000000000
+-0.23076981760868	0.09532380010913	-0.32644361861668	1.52309485482836	-2.04000542532887	-0.36663718340930	-0.96017972447499	-0.72287585321521	-1.18269346052704	-0.39546458167579	1.00000000000000
+-0.36384437035240	-0.60923482008364	-0.13131119308435	0.82833679018968	0.22468694646702	1.24043943236649	-2.22334910758758	0.37934294025429	0.05416138462197	-0.16728168369342	-1.00000000000000
+-0.90325374570057	-0.93041570404701	1.82582765801510	1.84152433012121	-1.16155424988279	0.54426091178689	-0.44885245631263	-2.70896235092552	-0.90521946974507	0.37427143010408	1.00000000000000
+-0.26786058872577	0.19515911022955	-0.94399150771478	-1.03063348543544	0.71049851013645	-1.53471503701257	0.47920744733532	-2.11844214743670	-1.18754577566874	-1.44353981569905	1.00000000000000
+-1.65566177873312	-0.13897571459460	0.12927613208904	-0.15283744229134	-0.63798261723599	1.16844747032850	-0.35437033568282	-0.00853987247180	-2.08466112487513	2.72411049921578	1.00000000000000
+1.11000086876294	-0.87063587255507	-0.04404298783135	-0.08674639175942	0.71385186495772	0.18900662205754	1.46947758181744	-0.68217350483095	-0.08280882147581	-1.58399175555073	-1.00000000000000
+-0.71502227074316	1.86253664811816	-0.48201800365812	-1.72536224159375	2.65294588041599	0.58088311059278	-1.30896591872359	-1.39100321144728	-1.78983432100004	-2.20018308333539	1.00000000000000
+0.96525221520717	-0.76550978080254	-1.18957486652419	-1.55576968967249	-0.47834564938154	-0.33978304961743	-0.38074612241068	0.65969506192225	0.23479550988516	-0.57090368421815	-1.00000000000000
+0.27254273082410	-0.26836813835056	0.13687042883691	-0.06638489106889	0.61905312957028	-0.23438252214543	0.07043187851425	0.24949428091851	-0.84840584235259	1.18421029274433	-1.00000000000000
+0.04104710872568	0.13548793223523	-1.69528069290329	0.17812227233907	-0.04527856251083	2.05199840934946	-0.59270216977864	-0.16521378061409	-0.20034307182725	-0.71687538879114	-1.00000000000000
+0.01667711794144	-0.47336487400886	1.11849590491587	0.48607320858206	-1.02770157505667	-1.76264614531235	0.10436756302337	-0.83484840752271	1.04633342710199	-0.89595768007701	-1.00000000000000
+-1.35891613312140	1.33041759095043	0.92931310925055	-0.04460441452115	0.95089837778410	-0.63242546134069	-1.06115041354686	0.37165952143384	0.09596235048166	1.39773086544050	-1.00000000000000
+-2.06206379573886	0.82491727680058	0.11794483950465	0.47813267257155	-0.51652137759975	-0.51331554009586	0.94918710405911	0.71877358613569	1.86142630322813	0.02584422370008	1.00000000000000
+1.31602008426851	-0.64570114731647	1.41512409597988	0.39707445532969	-0.36118450218430	-0.52996810095391	0.95666379949758	-1.47900020436081	-1.32230215206597	-2.64778872984068	1.00000000000000
+-0.53442707536180	-0.01130186793684	-0.75639885362772	-0.75690984787502	1.15974506898306	0.70640618424563	-0.67407979275498	0.10601918208232	0.74070365495494	-0.55854431026348	-1.00000000000000
+-1.20390437267348	-1.15869528978356	-1.09530936746743	-0.41196568854745	0.26600487863012	-0.89714187887038	-2.02254118721113	-0.35703715769564	-2.19314827650692	-0.48781533994925	1.00000000000000
+0.72704378009088	2.28976883733854	0.68491292710535	0.02579473198903	-2.23533322173639	-0.02377977823655	-0.24295786625630	-0.77961460338751	1.32917099290646	-0.97893377178959	1.00000000000000
+-1.84521313373644	0.65249841739273	0.97138857405928	1.45131726643247	1.91201318507319	0.61506569410299	-0.46684479718205	-1.78593311257271	-1.30407889117907	1.63179356937912	1.00000000000000
+0.23692067333609	-0.65567511118391	-0.24275198853720	-0.88837057805743	-0.57403689812084	0.01306552604647	0.37728424085439	-1.72047623051435	-0.71909963523305	0.63144453228233	-1.00000000000000
+0.59288338460863	0.95623777643535	0.14160987398660	0.10264288919982	-0.37715430417166	0.57548977411594	0.19854924559011	1.15654849938714	-0.54459093779026	-1.92799454082649	-1.00000000000000
+0.82741282863620	0.16397417435465	0.31585789922913	0.27490700974104	-0.22900212736726	-1.06182953132626	0.40996865462658	-0.64933360481603	0.73594222609732	0.34947412980616	-1.00000000000000
+-1.78206731334789	1.34224769308339	-0.83688028480850	0.48448402138417	2.02114321376988	-1.78863739709995	-0.61008306779834	-0.21359128937633	1.30477925263706	0.86371464774723	1.00000000000000
+0.31611636397074	-0.68558658253456	0.66305259310665	-1.29677639340382	1.27721914430828	-0.25759205669569	0.61409058945142	1.32546737918929	2.12996254409708	0.25613136261829	1.00000000000000
+1.02552983908154	-0.48913244491665	0.01974972012542	-0.65821655402649	0.54605477740013	1.17863220766025	0.64407899493265	0.46084632910535	0.27221579461685	-0.57790191076986	-1.00000000000000
+-1.55451668462667	-0.62289469506942	0.37898274503459	-0.02184214620819	0.88422018850821	-1.13306118187044	-2.99565923306392	0.38319979769984	-1.42030075830991	0.08024791004509	1.00000000000000
+-0.48043253398959	-1.67001178842392	1.54015320346067	0.70263593951681	-0.82164519613281	-0.19949613625230	1.81841313335067	0.62654078637807	0.86295221230262	0.25173127529377	1.00000000000000
+0.95832740467460	2.47720394156925	-2.52326382016491	-1.02784750151547	-0.97982827436267	0.88515690788019	1.34464262514618	-0.14907056457727	-0.75163849232470	-0.79412732695959	1.00000000000000
+-0.32487923813193	-0.81795475974269	-0.62039461093762	0.27560995260510	-0.60363847762990	1.13285628849110	-0.69463707800065	0.79199827926289	1.74552421943047	1.20468170495807	-1.00000000000000
+-2.13647101286755	-2.07412537040676	-0.34752899289413	-1.06200804136298	-0.09626509905957	-0.54022391280628	0.80479979153498	-0.58208189894273	1.35568182958241	0.33479222224752	1.00000000000000
+-1.32375562033450	0.05739620711733	1.17255505633687	-1.20226805199120	1.21319868593147	1.23878514428405	0.83851731204307	0.62626733122012	-2.80702134287572	-0.96980230621241	1.00000000000000
+1.04081486573800	1.63666387163611	0.86941046258591	0.27995293275756	0.72151683374021	0.48470549177627	-0.02896881924639	0.29199124075082	-0.15594119624566	0.43847236098863	-1.00000000000000
+-0.66492835448311	0.65364918994571	0.64274633548075	-0.23061690629814	0.81712046469058	-0.30515628807508	-1.97629489573092	0.09135888719421	-0.88131471452213	-0.48664408672596	-1.00000000000000
+-0.53554804665413	0.07083612541006	0.62029781598803	-0.33602630838451	0.26652334916817	-0.01599908393883	0.61027474826945	0.39007568319144	-0.54795958620379	-1.78522868874675	-1.00000000000000
+-0.92865410934256	0.35445179908439	0.26581542135661	-0.56146221888221	-0.32725492547191	-0.80315057257834	-0.00619823333807	0.20317556111915	-0.83065773839144	1.09184682272928	-1.00000000000000
+0.27729251721085	1.20301875008106	-0.05097909198987	-0.62418490452035	0.49735882101322	-0.69849782229485	-0.14904244468736	-0.64490496802744	-1.41761913085882	-0.61370419911740	-1.00000000000000
+0.31616934347779	-0.17888572021406	-1.07678500882178	-1.13851971671774	-0.13057675888246	-0.34479384716130	-0.66073595788022	-0.04949100906818	-0.37102435419105	-0.13901760781045	-1.00000000000000
+0.29921569652752	-0.38310874173183	1.07022049237627	-0.25735009443271	-0.22877881799865	-0.10011796387947	-0.44760270800615	-0.58119617005901	-1.03203480995207	0.63887681594610	-1.00000000000000
+-0.08985101768708	1.02514483097011	-0.01948239420888	-0.70480562775024	-0.19776492953637	0.66095508777377	-0.16572132238818	-0.52691473620811	0.80052404521516	1.99011479770375	-1.00000000000000
+1.57496117866488	-1.25801023527529	-0.60238717569114	-2.34345110309052	1.13816677216056	-1.42313658998581	0.91427466042393	0.22725393740230	-0.46714916129402	-0.92840709217580	1.00000000000000
+0.00483180973632	-0.02561667670096	-2.65742589558578	1.79302528432230	0.87637987049935	-0.29509828981324	-0.64027317977314	0.18406998905192	-1.39590553528440	-0.08307465728395	1.00000000000000
+0.22177534627142	-1.48417843397247	0.83456809048655	0.70292849054600	1.27736601321958	2.37643713871573	0.00916443145049	0.57544149846065	-1.51214174723064	0.87457384693703	1.00000000000000
+3.20915397175154	0.55151884115508	-0.00080899257311	-1.09225675983491	0.75145617738301	-1.44847513160358	1.17471370713701	0.41191998359893	-1.58460947184970	0.26591514249925	1.00000000000000
+-1.98999218017875	-1.02446989456245	-0.77873128768381	-2.48542167236452	-1.07765443733641	-1.42003401832500	1.53619523838226	2.09058201900616	-1.37730579551423	1.07324521456159	1.00000000000000
+0.13530051854730	-0.07627348942622	-0.26332748481915	-1.16107237264281	0.32761950088689	0.12936993315252	-1.00319737955778	0.58307764537387	-0.25171105437444	0.47162156169552	-1.00000000000000
+2.66062776724198	1.13770965485967	0.31728072747963	-0.09445442977702	1.09491877315537	0.49889004555144	0.19580295488899	1.56731657624145	0.65816870124662	-1.20267207291400	1.00000000000000
+1.50992509872890	1.68023918741133	1.18565318653551	0.13886362814684	1.38911954812564	-0.47951423120958	0.47017542842254	-0.49474676253084	0.35201138999786	0.06160666997064	-1.00000000000000
+-0.78001387080232	-1.05077637708626	-1.74483538203107	-0.48822887288540	2.86440982135278	1.28950889120899	-1.28517950423883	-0.78406415938721	0.25534181555395	0.05408430234132	1.00000000000000
+0.63631775551804	1.65061057515429	-1.88273912338563	1.31573242600862	-0.33750264324332	-0.39040121423881	1.14648796381249	0.13277769142148	-1.89819976496742	1.01715782762861	1.00000000000000
+-2.46214935965358	-1.04452618819526	0.82273598517635	0.97385775328521	1.16041108663904	-0.36022735174714	-0.61765478834963	0.22957648624281	1.50173477115025	0.48126589816265	1.00000000000000
+0.31785297189550	0.04039473148273	-1.66407176025946	1.33210125090470	-0.86289480405033	-0.03536832084080	-1.74072889999885	0.92587145547177	-0.99727404781262	0.20114044005615	1.00000000000000
+0.63472690685258	-1.78383701676582	1.58986617036583	0.61981448999640	-0.62896214127894	-0.68790853198804	1.81241648305024	0.96150720252784	-0.17457636669612	0.63644925849689	1.00000000000000
+0.80360332612928	1.72168414618614	-0.83025719678593	-1.10892796979588	0.25834886041991	0.21232513672501	-0.72235737871125	0.88835121473013	0.31666913082336	-0.46794493092435	-1.00000000000000
+0.08029282816138	-0.39312638369341	-0.61427488147199	1.73805279237266	-0.05479647337549	-0.60387877251900	0.05189800571520	0.99548069397187	1.64659140742473	-0.85206960552465	-1.00000000000000
+1.22619309270920	-1.40965253181126	-0.95749783834589	-0.15418510627167	-0.61741288434896	-0.11158158538997	-1.25296280467458	0.18017323736953	0.13850840695624	-0.58034560090389	-1.00000000000000
+-0.70994342102016	-0.05156342459302	-0.13070247449714	1.01229506388111	0.81568459067934	-0.32584486975140	-0.25847076830634	-0.89044046388733	-0.45817250767783	3.45859681611483	1.00000000000000
+-0.97041821787443	2.68716120333928	0.93127761446655	-0.53312972260428	-0.28529427255598	-0.94894371882567	2.50995206772295	-0.54659878446908	-0.59045577410630	0.04478654086973	1.00000000000000
+-0.35010324127495	-2.33741750309075	-0.39193394121558	-1.43634420978274	-0.77014400299132	-0.75126183284201	-0.47290993591376	-1.04884099046814	1.09844408992457	-0.24592515568695	1.00000000000000
+0.84142569238758	0.74083842419248	-0.29871029318940	0.15018404550084	-0.09293132743622	0.34447088622059	0.33251104369688	0.31659004415549	-0.22101348869903	2.20708305596651	-1.00000000000000
+1.82436432938029	-0.94808429746267	-0.17907621643172	0.64887328654516	-2.41527792983074	0.56444600666267	-1.21895141928241	0.64915549190698	-0.07814405455485	1.71246991410673	1.00000000000000
+0.01812188449898	1.28685662712794	-0.95367708999579	0.62497161580466	-2.10793518248250	1.25958316716667	0.05229554082446	-1.69358753979204	0.77965469811817	0.25156414068307	1.00000000000000
+0.41680075873532	-0.65750453050909	1.49511969207907	-0.26190368355415	0.14332671267990	0.40856170791346	1.82156313457058	-0.66581979235695	-1.02948842654469	-0.55848421095118	-1.00000000000000
+0.07169915686160	0.38931484982301	1.23814982209376	0.54263491738343	0.41760547207838	-0.24905612865738	1.76165586979036	-0.77772664383746	1.58456927484766	0.24618496271496	-1.00000000000000
+1.61972903533170	-1.38904583961858	-0.51368994218474	0.65048892201379	-0.68681587002194	0.15730681894998	0.82583657576801	0.94390841331928	-0.32031813273184	-0.13065313987924	-1.00000000000000
+1.15018909123871	0.29042618875806	1.16074823801478	0.91820958939388	0.75197234029144	0.51923827227930	-1.60575325391702	-0.03309136571850	-0.99641024538668	1.47630152230586	1.00000000000000
+-0.44253687900481	1.32911620683372	-1.38568424083541	-0.13919576433460	-1.37238235774783	0.00280351923813	-0.29182929357100	-1.86178210744909	1.28188727270388	0.71264909657753	1.00000000000000
+-0.92451729841685	0.40097526845531	-1.20719783751236	0.62681695493224	0.68115461640573	1.21356025478807	1.73325759140599	-0.49477352924893	0.65999428825591	0.67149903030127	-1.00000000000000
+-0.41416577531521	0.01393188406203	0.64187112563671	2.22273039826348	-0.31852975203810	-0.72495303566671	-0.46759915708751	-0.47357745730860	-0.07378020274487	0.78137058638109	-1.00000000000000
+0.79346564469809	-0.39713294545059	0.09663161980913	-1.67062439379033	-0.43798952023258	1.25776471903148	-0.12603917503188	2.27112861474699	-0.76261922455134	-1.16272251712708	1.00000000000000
+-1.29586113691217	0.42291158108434	-0.13601396986120	-1.39817460926535	-0.28037383746578	2.20244555122261	0.77875720612257	-0.05927088042974	-2.74707428959856	0.18156341601484	1.00000000000000
+0.29950210736329	0.08361582073076	1.85778286091246	0.53136991402843	-0.09266556751861	1.76854567125202	1.14050566785714	0.99610283560426	-1.23754432193428	-2.20977278770451	1.00000000000000
+-0.20846892700575	-0.35871014116977	-0.62772488284301	-0.58570479464514	-0.76917228345127	-0.74172316544879	0.69405083443007	-0.09522896898741	0.37052873102233	-1.07071944232541	-1.00000000000000
+-0.18979187817705	-1.07252807340102	0.61167265704308	1.39306504233210	0.19535464832843	1.07562368470055	-0.49178234988188	-0.94224253814597	-0.14539920223680	0.63626226601826	-1.00000000000000
+0.04182810570370	-0.21389287889053	0.92210056199485	-1.01450123126276	1.80840320283409	-0.83185027038490	-0.78948875676097	0.12701619644362	-0.23870123059701	1.96342110246178	1.00000000000000
+0.10993177853937	0.96850262295050	-0.96830998129624	-1.32419853665546	0.05661601077254	-2.04170276690205	-0.64920404632119	-0.34881462586889	-0.49656904072825	0.85353358283231	-1.00000000000000
+-0.64304518387473	-1.58826134511165	0.29255675297253	-0.05617111868066	0.53177901466212	-1.04524669316681	0.87746646416769	-0.43158147314665	-0.66421922275743	2.26539676763682	1.00000000000000
+-1.87694615144744	0.88923075204805	-0.31794498217714	-0.47668799514279	0.96047417601902	3.44751267428489	0.53049074771494	0.86639976267089	0.92462342056744	0.79426254491449	1.00000000000000
+0.81000308672324	0.61418802732537	2.21152731744976	2.02017638811770	2.22997684161630	-1.88893327644738	-0.04578266007662	-0.48047895588042	0.51454185011047	-1.47617193509836	1.00000000000000
+-0.42575171287638	0.14058402603523	-0.15851392021066	-0.87230265497703	0.14648587809512	-0.03357519221113	-0.40801545395194	0.08819553550109	0.18335151677199	0.68443727677063	-1.00000000000000
+0.94581127226169	-2.92730470434811	0.80141667342154	-0.56631082248092	1.01896722703947	0.11324150930846	0.53812680523490	1.49889540724335	1.17930684495704	0.71559309322142	1.00000000000000
+-1.08093982364788	-0.61798730724452	-0.35161171835720	-0.74438422970973	-0.47508681280967	0.84236787690628	0.04219011905687	-1.61991722561974	-1.72303929992935	0.33117003378724	-1.00000000000000
+-0.87499150578001	-1.47739980228949	0.92564391646248	0.02909366061365	1.67839247014988	1.00620739655509	0.01655783990329	0.15137696817956	1.22020141180993	-1.18434776181219	1.00000000000000
+0.34217707371512	0.06430029220994	-2.06149802210438	-0.38827991711771	-0.13295242646086	1.83073234173031	-1.47327406197125	1.04740754068996	0.75561809788037	0.15696581407373	1.00000000000000
+0.84225780906212	0.21319822408301	0.67995413174507	0.61264879367301	0.59526945196366	-0.01600164267051	0.29608266120145	0.90493476945027	-0.60103547870572	0.57281072617518	-1.00000000000000
+-0.67424055996537	0.28133115394510	-1.55476148767310	-1.73937907932269	-2.16057336649846	-1.95957795459791	1.55629817063475	0.32728124011411	0.48609260073359	-1.24140695997679	1.00000000000000
+-0.54018585481798	-0.10834784260107	-0.84086230309030	0.48073817168725	-1.47553496319649	0.41717464104231	1.50148117210944	1.11795909784289	-1.93768686744972	-1.96971360011089	1.00000000000000
+-1.01751883850764	1.13607861367834	-2.06661794310332	-1.49527753574825	0.67289831496009	-1.76466694426462	-0.85165312478971	-0.60530656286035	-0.80528731413955	2.53359590871119	1.00000000000000
+0.83323257272461	-1.08700857434471	-0.03203702989305	0.66955546040083	-0.35750587001043	-0.73688146957460	-0.59668259400946	-0.43947623292375	0.21677041583682	-1.20965480689123	-1.00000000000000
+-0.97555485367227	-0.12546677939511	-1.14305699556243	-0.53969883591433	-0.36745424170400	0.50348366256542	-1.77977516714972	-1.44633394972283	-0.54352014360604	-0.42750592564638	-1.00000000000000
+2.06314487498477	-0.41117001919851	-1.89160668217876	0.17977180277517	-1.29854071511577	0.35551752752193	0.09274956037328	-1.32852379513420	-1.27577321445241	2.44382498518456	1.00000000000000
+-0.38507447926986	1.29898113392182	-0.17385947328691	-1.16840478522345	-1.82192197432894	1.17469057116239	0.39065353232009	0.99493761897608	-0.50388294443836	0.12121828145689	1.00000000000000
+-1.33401458977386	-0.40134564691807	-1.03580998424150	0.07866249867007	-0.12247655094076	-0.52237964465781	-0.83874472894751	-1.25068445172450	1.06483187798492	-1.73492589294434	1.00000000000000
+0.17238422867531	0.10587185773539	0.48087086224395	-0.08869658792811	-0.03945700916163	-0.15256795650609	0.20589152720838	0.78674503337431	-0.81990485428488	0.41978802366658	-1.00000000000000
+-0.95730676702355	-1.01777032015894	-1.29603491776665	-0.85371799439649	1.20309792998375	0.41381437605472	-1.34511544384089	0.27566056886643	-0.73049075818035	-0.78984951377215	-1.00000000000000
+2.89820619266554	1.58111842390768	0.25468976146568	0.58453549274416	1.29714640081018	-0.51382767037076	-0.78684867942999	0.21748307116912	-0.05584787328110	0.76868464315819	1.00000000000000
+0.71752833584648	1.29655053819846	-0.35458486574299	0.30134810389253	0.50874504410975	1.65581992484908	-0.62852831852354	-0.86535080289905	0.96888698431414	1.28438338449989	-1.00000000000000
+0.77081448578198	1.36871012357774	0.65781421217168	-0.93215757594415	0.29475161885457	0.10073964563305	0.79103247716398	-0.82781803028538	-0.49999112059189	0.95213619368166	-1.00000000000000
+0.58552106706673	0.36433532967740	0.92441984484308	0.12427879489590	1.30654086472355	-0.42746127528210	-0.71035780677251	0.08673275328357	1.66347500973781	0.14836066686102	-1.00000000000000
+-0.52337299276143	-0.62454378130028	-0.82098087957051	-1.07065696287547	-0.96196816455268	-0.61521424761850	0.25000879229761	-0.69273559142909	0.79060498315542	0.94061147718630	-1.00000000000000
+0.11067652064373	0.08016039144403	0.06735076268881	0.14509497472689	1.31054650815127	-0.28890181862109	-0.08386604949330	1.57982176977838	0.34897645936960	0.91424737967521	-1.00000000000000
+-0.25065505333996	-1.77735677483900	-0.85461177179209	1.29841934439445	1.50847369985984	0.13920799755829	1.36279408783655	0.84471868216816	-0.79770286222923	1.34565853347249	1.00000000000000
+0.52589081849009	-0.88709700395597	0.25725359246395	0.21507044307340	0.47869405392555	1.58521811148341	-1.55216762082834	1.70657177542842	-1.08512900577270	1.45619738017844	1.00000000000000
+1.06466924066016	0.61912782990034	-0.09182482057905	-0.65012209308352	1.01819992438826	-0.05887498161268	1.59053418227284	0.79567966263108	-1.81830216540714	3.15339213702926	1.00000000000000
+1.88514304077337	0.34045328943976	-1.09675037912677	-0.85134534531627	1.03223713358853	1.02617890456543	1.28650059443073	0.38984338767530	-2.22529850735205	-0.57192363872476	1.00000000000000
+-0.74193259937246	0.55311140252008	0.81787423762442	-0.11169201358308	-0.24281669250063	0.56551073476677	-1.19133133442471	-0.16037413153006	0.00166872461300	0.17729020131651	-1.00000000000000
+0.25526965807018	-0.88456351563158	-0.80615267597283	-0.92694500878970	0.13365491795790	0.56127530078447	-0.73752628953609	-1.89502334245523	1.35808362017793	-0.83506872664955	1.00000000000000
+-1.36993367188055	1.10149521027424	-0.36358016088241	-0.96921134094500	0.48908480206144	1.32302410307027	0.19733365034861	-1.75127114176714	-1.37257080550454	0.38858515238047	1.00000000000000
+0.19642833108712	-0.56749008367003	-0.45842443984219	-0.68436234148101	-0.30196568364525	1.03358066829412	-0.37794528332813	-0.53405627446001	0.46077555174801	-0.54501855829420	-1.00000000000000
+-0.06907959275270	0.72553769026361	-1.69527337971782	-1.04662083648334	0.49381141397504	-1.22885972262994	-1.26137717819236	-0.76931151413580	-0.40205147385169	-0.05736797104843	-1.00000000000000
+-1.01683896008396	0.22876689591944	0.38824180373022	1.46109539974248	-1.05252218917258	-0.98578213935099	-1.29454833771848	0.49174595538952	0.20304460093894	-0.13298594534832	-1.00000000000000
+0.57269594252942	0.84454696312219	0.70597555694639	-0.43195752420646	0.41952857952143	-0.32990149710917	-0.18230481887726	-1.79329060520391	-0.48225713496807	-1.10323859899734	-1.00000000000000
+-1.00108980001687	-0.24047102860609	0.25538526919955	0.28297478883800	0.05020629227570	-0.85573459941781	-0.38428519791628	0.08023790280266	-0.28621289990793	-0.27086727566315	-1.00000000000000
+-1.06698049883602	1.15223514936106	0.11356526903860	-0.95887487155075	-0.06338128352465	0.97683888583266	-0.68154084697198	1.80810546027698	1.29262075917722	0.12144040286126	1.00000000000000
+0.88474857238876	2.73165740390708	-0.48534569744915	0.47743331367039	-0.23737694521216	0.19447986216594	0.31853145199723	-0.45436438842782	-0.92677720114731	-0.45957604931739	1.00000000000000
+-1.05250092460670	0.01582884313015	-1.88133991347147	-0.39914510372852	0.87007392975822	0.28315439184704	0.43049750124209	0.05189079227587	0.71197350649826	0.11511101918420	-1.00000000000000
+-0.55908206838476	-1.51335311017291	0.15627796712174	1.36354269198788	-1.16676201164635	-0.50870762313681	0.49377293672210	-0.31552603005049	-1.23132301587650	-0.97124898350430	-1.00000000000000
+1.44625023128847	0.76532045160393	-1.57805925172434	0.11798112486318	-0.46956645480533	-1.57596880307754	-0.03490254168295	1.73210966075590	-1.89436511105639	-1.14052224730645	1.00000000000000
+-0.70223461514255	0.17373385394310	0.20909584705607	-0.54905939196496	0.39655180066883	-0.02983698525124	0.26686796952951	0.42350831251139	-0.73878781656931	0.80766882061895	-1.00000000000000
+-0.22152373597015	-0.69341366915829	-0.33832286309141	-1.49164850214162	-0.35164335030646	1.60435106416775	-1.39804738841456	0.27904039053026	-0.86930906498704	1.36265166908355	1.00000000000000
+-0.50145793480025	0.69290058511369	0.51013410265176	0.78885737524128	-0.77711229705581	0.07667421331539	-0.57228977778950	-0.64922590181036	-1.38272578433744	0.00806801313697	-1.00000000000000
+0.37733703429563	-0.79603901637367	-0.16251265372045	0.42441529869267	0.09462589768642	1.01635016809792	1.50710954123929	1.00928192962753	0.39234022675072	-1.60138825217622	-1.00000000000000
+-1.50220637322443	0.02714255154190	1.48877277872380	0.13659228198972	-0.90412131800503	-2.00634924382851	-0.42711255321007	0.33906732805495	-0.45589031488384	1.26248044674252	1.00000000000000
+-0.17354717618796	-1.38153492543424	1.11804914625680	0.51021697726536	-1.41920220555263	-1.34460290103766	0.40320409769310	1.05985356770417	-1.24421909741809	0.48075557263940	1.00000000000000
+-0.85105107217914	-0.03710148502632	-0.17086543176171	-0.47264639859850	-1.76478658966632	-0.44157059811018	0.65686899615709	1.09225686732525	0.84499405771552	0.29055481300774	-1.00000000000000
+-1.18491359879660	-1.42888919240924	-0.92264788263110	-0.33804352966123	-0.38424745429698	0.93951000249078	2.94190010450209	-0.49341368458829	-0.92978237491353	0.92592471052358	1.00000000000000
+-0.20657718796852	-2.78412599521638	0.28615352847100	-1.11287043581601	-0.54472074067077	0.77782537944884	-0.33389718290509	0.64390869019525	-0.71529377193883	0.29755375302778	1.00000000000000
+0.82652967239436	-0.04413634824140	-0.56896683024931	0.47280270911404	-0.46492410983922	-1.50171168930055	0.75030068893215	0.15255593748469	1.20353286396071	-0.50219411556924	-1.00000000000000
+0.70167829598013	-0.36305564037357	-0.62319692387032	0.50405726923042	-1.72718834712848	0.58369788267979	0.30592251074771	0.91384588363917	-0.29581151440468	1.12984651720063	-1.00000000000000
+0.39732769667234	-0.79902106766283	-1.34238077050188	1.07635582836163	1.37608517468105	-0.89717533873070	-0.21070237563237	-1.11733301647517	-1.06077535094698	1.24771974027670	1.00000000000000
+-1.44943246170963	0.10594780499086	1.15422070799168	-1.54633385415870	1.23794658172594	1.11215662584122	0.16126931859841	-1.59567325664173	-0.09577341039166	-1.91244766323246	1.00000000000000
+1.56733359139555	1.58228179571590	0.64307211143671	0.09659492374073	2.85195001145423	-1.95655791997583	0.41431769072388	-0.08179619690236	2.29708685804274	-0.18678651803450	1.00000000000000
+-1.25678966384947	-1.34863575467756	2.77538211642644	0.49991635782010	0.01242424859437	0.38957790648763	-0.07623095716045	0.59931316208899	-0.58031851363652	1.50035757886359	1.00000000000000
+-1.04659766934247	-0.61010403535437	0.99067700176551	-0.47877282400639	0.83278302396612	-1.43145718151164	-1.85950916548548	1.15609357958677	-0.71005952085140	-0.02013537567643	1.00000000000000
+-2.08978194979401	0.32082524058621	0.06765280961513	0.15324554328312	-0.06983224710479	0.63165820165887	0.26632184535452	0.40769453844323	-0.31239115103111	-1.08919962263961	-1.00000000000000
+0.44424286449910	1.04798113824920	0.74497513836766	0.84826516635826	-1.36227299675292	0.29286391943532	-1.05811059676979	-0.98141526599547	0.37215376680088	0.08190939862180	-1.00000000000000
+-0.57501559283981	0.34740650995611	-0.38356840573813	0.08567585935807	0.92431667651783	-0.41303701972737	0.93605834204049	-0.15048769700898	-0.72041460150809	0.57411676439462	-1.00000000000000
+0.08997749833181	0.20792988171370	-0.74860110360851	0.94932745017034	-0.82893572820219	-0.19681459852311	-0.72474668957983	-0.63027200040612	-0.47343760655378	-0.74948233183579	-1.00000000000000
+-0.58418278501515	0.17603121588818	1.74119761308765	0.43469733219865	-0.18032841398595	-0.61866475821757	-0.55328837849634	-2.01505732797837	0.53843053344581	0.02374026311067	-1.00000000000000
+0.75057484722409	0.45203398946731	-1.01387042084351	1.13771860287971	-0.14394322492402	-1.69003162724298	-0.66575050442904	0.51751929957680	0.63587841499844	1.28356002271181	-1.00000000000000
+0.50639440061423	-2.14588679792632	-1.21647654226326	0.38175378353567	-1.05303394812047	0.56338251712291	0.22127375522211	1.11110654177585	-1.44045143369674	1.55389897710243	1.00000000000000
+0.76386893413176	1.83994963055741	-0.12239760192074	-1.12259590764015	-0.51767519115923	-0.07722387609604	-1.44718431799349	0.27349194096620	0.49546514629803	-0.96731765891180	-1.00000000000000
+1.03113337200430	0.76927049117557	-0.96570987421670	-1.91492817349487	1.51319198717822	1.82648404237636	0.75670036615865	-0.02095822991115	-1.17897589665846	0.56562473305279	1.00000000000000
+1.21935325510419	0.28262159055981	-0.18766385053728	-0.59316033093809	0.22514518786078	1.70928494573571	1.47322446736778	-0.38130946655205	-0.57064868035020	1.89226862079190	1.00000000000000
+-0.07025913864658	-0.19846457938874	0.87935496444136	1.84235756008697	0.43890612641572	-0.50150725523661	-1.18670177472146	-0.86495189424019	-1.20070650090100	-0.66355113372819	-1.00000000000000
+-1.43242019846215	-0.77220359723843	-0.85469199753633	0.68826089035723	0.20278896420107	-1.06892902364016	-0.85609723400442	0.24331219961763	0.72086484100997	-0.14605438477884	-1.00000000000000
+-0.65666156714819	0.98038863960216	1.35103654725275	0.12826796931738	-0.70307962242397	-1.93975970799203	-0.79041591678245	0.07621536928306	1.20942261148170	1.01645173768848	1.00000000000000
+1.96177407364450	-0.67777605140012	1.30726596430629	-0.32098711972394	-0.63033408667503	-0.10216974805535	-1.54394323641784	0.14377439893095	-1.04280309041504	-0.18584614159461	1.00000000000000
+-0.41231397008039	0.99497077762508	0.33310830572758	0.86481629831455	-1.81033392039582	-0.74091649721328	-0.55591787214570	0.61346141381796	-0.28692261114735	-0.63751448604541	-1.00000000000000
+-0.59467962658410	2.11400564534567	-1.18128999684733	0.15085282765731	-2.88373043806562	-1.11925372226175	-0.23979661136712	1.05907848817747	-0.68761879894502	0.34997218112817	1.00000000000000
+-0.27243804051414	-0.18151912940747	1.40075365722500	-0.56491517693009	0.21905490740933	-0.36917260711038	-2.09216376379004	-1.07780425073798	0.63178608918510	-0.46675757953711	-1.00000000000000
+-1.54581428876415	-0.34720359315039	0.05422486142590	-2.33895646706247	0.30289223391360	0.96464057294866	0.47369931818742	-0.53364595525150	0.17565929597975	1.59274944315704	1.00000000000000
+-1.04510121663659	-0.16057434224099	0.10943621735141	-1.18291681910647	-1.84880675707303	-1.06686114392896	0.48162835049875	-0.38585088908351	0.74079837517810	0.07047790903175	-1.00000000000000
+-0.52208103148585	-0.30137288266731	-0.66660026743630	-1.56075986849864	0.89746452863354	0.49912316755688	0.12054627724308	0.47049261914201	-0.48059449402328	-1.19031733463992	-1.00000000000000
+0.71076517410073	-0.55379628052969	0.16346088438584	0.10496050401054	1.15013674331112	0.55656163475216	0.60904917001488	-0.63251326080876	0.58031841396510	-0.06065686295533	-1.00000000000000
+1.08954136184671	0.04122581703700	0.65861311776873	1.44142698374766	-0.00737630533347	0.99295732320322	0.48410162661283	-1.00634811113442	-2.51871608248123	0.77429235463578	1.00000000000000
+-0.87136555675802	1.07128841234052	-0.75099328459008	-1.40215793942063	0.98045505345914	0.55123101024886	-0.43561938641337	1.02530872676844	0.13248571077964	0.18606310012075	-1.00000000000000
+-0.52934591199550	0.89721351811360	1.48739970871313	0.71978889976909	0.86762496574731	-0.01152932198313	-1.68487619834236	-1.15014856812047	0.67574853246925	0.73856834577585	1.00000000000000
+0.00031061577754	0.49515906973825	-0.43895925845998	0.81587917127766	0.18144010629406	0.10803797920981	-1.52773726582063	-0.82136683796692	-0.56394963213685	-0.51447138890868	-1.00000000000000
+-0.17107483949929	0.95098980317983	-0.32901065637107	0.34915122582326	-0.10531928574470	0.47730393689332	-0.47034452117796	1.65338640897453	0.08661627333884	0.00151178624205	-1.00000000000000
+-1.12633861937796	0.77430790092523	0.58764014555272	-0.80788251637963	0.07824444348495	0.36841962395381	-2.11736263934892	-0.39259816530312	1.62356811999793	-1.16808574400263	1.00000000000000
+-0.62258788697146	-0.26443824934454	0.89168756780733	-1.68876473073888	0.08152067323403	0.95665980866462	-1.58276535932866	-1.45919092683669	1.07652899450215	-0.45648915183614	1.00000000000000
+-1.45866362482966	-0.19488815770290	0.01292026552969	-0.63265129673397	0.07910798853031	0.96640462416727	2.36269920896494	-0.06788278782023	0.22262863581002	0.21098015077189	-1.00000000000000
+-1.34517344647488	-0.56764476157495	-1.34445167977149	-0.86945946292347	1.17434993498553	-2.00968102041663	-0.09925735459981	1.31821697261128	-0.29066794001209	1.69433219802401	1.00000000000000
+0.95520593263015	0.63425688983434	-0.31559724629122	-0.00585406646256	-0.70989311767666	1.42647058207287	0.97219718868853	-0.28169086505569	-0.35397316560392	-0.29421070247440	-1.00000000000000
+0.06134031050569	-0.58185841047675	0.85423568705889	-0.49011057428258	0.00197491634542	-0.64788858186794	-0.01615749501836	-1.03637386157937	1.75346217893096	-1.02093361077415	-1.00000000000000
+0.41401030035857	0.95382022623031	3.81919219017520	1.35178401636706	-0.22105083178461	-0.44012812009388	0.81651329320256	-0.20531006812362	2.28109371424973	-0.66102639372694	1.00000000000000
+2.26168939231262	-0.01670069992886	-0.77519343666767	0.78333926705324	-2.55617381626622	1.12692160530505	-1.38153201215724	1.35585633705023	1.26553343107876	-0.04677204433258	1.00000000000000
+-0.23395647038079	2.37315723857145	-0.20673969695638	1.44083050545613	1.14561712557757	-1.94321951165303	-0.77769139342231	1.94772444689085	-1.14691963107992	0.51220404983132	1.00000000000000
+-0.38515756062354	-0.50046711635040	-1.13779590302710	0.12850251223132	0.84323411642328	-1.40291580947963	0.01759992778379	1.85396419118063	0.62340162940386	-0.54922572266752	-1.00000000000000
+0.59346127966551	0.18319432148914	-0.04640851129205	-0.66504040763621	-0.52091791772273	-0.72993632314162	-0.79052643157895	0.90161903286567	0.30015512879457	0.77109616473560	-1.00000000000000
+0.40262761438233	1.01627486225925	-1.17188149853108	1.20453643902250	0.06612758134608	0.32387448030281	-0.44533651803172	-1.27276301542129	1.12450122141999	-1.50060854732986	1.00000000000000
+1.09943847159962	2.04207532021155	0.34129450909373	-1.24512847507481	0.60429658977306	1.55321681035915	1.79763253848593	0.10129882011110	0.11272865538094	-1.38750907992740	1.00000000000000
+1.58893552705754	0.80255966780705	0.34971084067282	1.03408601094333	-0.99065800085994	-1.32588823427922	-1.23615719235706	-0.18751598407183	0.05089796352466	0.39267042405480	-1.00000000000000
+0.04391971527693	-0.91954114731568	0.43138059234729	-0.07529992286534	0.67089470143661	-0.55872252349954	-1.27532809886708	1.55333668975366	-0.91319932743561	-0.90075506491838	-1.00000000000000
+0.34781783390270	-0.33187432673338	0.86808950456481	-0.58796355463035	1.55240112684171	0.40834327005535	0.19626309777824	0.22614263862304	0.24334059059423	1.56811998554203	-1.00000000000000
+0.04546481803708	0.54037043152523	1.33851526083075	0.94451432691959	-0.47931886366751	-0.05941500240542	1.12050150707955	0.06346235424028	-1.33120413553912	0.61980358089268	-1.00000000000000
+-1.44631600120499	-1.14489712094299	1.90659647973074	-0.49351437757812	-2.64629329629355	-0.05824150571174	0.83664527833708	-0.39884590002055	-0.17448841397393	0.68553648625535	1.00000000000000
+0.97898426074191	-1.05963908925750	0.23852982942963	-0.80531409504059	0.78710407214462	1.97667702755659	0.59956850953643	1.12578361592423	1.44434627688843	0.18452040005385	1.00000000000000
+1.39731257913356	-0.30625448987067	-0.79762195021188	-0.40151386976975	1.26230720670704	1.82079148764931	-1.04186780413216	-1.58966521342893	0.53073647163920	-0.79228035470404	1.00000000000000
+1.10175760640748	-1.06785276227400	-0.94459829604073	-2.10119710498413	-0.11413232110539	-1.22200333720390	-2.45504661423104	-1.12018456782121	-0.71562529742484	-0.02576081685939	1.00000000000000
+-1.80584080194791	0.73661869553748	-0.32080614910167	-0.43306138863878	-1.49629927138158	0.40508582774259	0.44138872930676	-0.54908314046260	0.61001162860313	-0.82885164729651	-1.00000000000000
+1.23753050621481	-0.51923835176096	1.28537324525823	-1.56717360361501	0.02827639221332	0.81398817572329	0.54634108574228	-0.06302357453907	-0.05500426148539	0.00064259510634	-1.00000000000000
+-0.07145737231421	-1.39500110713296	0.28458137387342	0.38679160339170	-0.72672493847467	-0.18496077328512	-0.67489966013144	-0.43674374808587	0.67481973806360	-0.40554207157953	-1.00000000000000
+-1.00696330920959	-1.26888176101983	-0.32042678881724	1.03520399433437	1.45228797948679	-0.96634203108665	2.01005968546991	0.63825358857687	-0.37210757142254	0.10177233182574	1.00000000000000
+1.11581898903754	0.42214550402037	-2.18232577234497	-0.90665121506621	-1.41231683902822	-0.33062637671512	-0.71424406804035	0.92313325091088	0.40749776579757	-0.50788915323440	1.00000000000000
+0.88747900665656	-1.41816962334346	1.73265246953955	1.40053754921282	-0.77652811271980	-0.77506619672441	-0.03944246509191	-0.18435061102909	2.34264998959277	0.24730882154570	1.00000000000000
+1.11676239802414	-1.17101672779515	0.48404516268493	0.61298961966911	0.78617490919434	-0.45673282761442	1.19602177374054	0.61858240149039	-0.80524201931644	-0.17371537721977	-1.00000000000000
+0.38860633542037	-0.85191918157699	0.77779843075663	-0.19567402460114	-0.98183429860217	-1.80827472024128	0.09109665891071	1.97206325513313	1.30870504470546	1.47455968392259	1.00000000000000
+0.67438569969138	0.50760457715395	-1.34353448045359	-0.62710865632929	-0.06417465757776	-1.53476536227905	-0.28388146910277	2.01229729925180	-0.69784300521292	0.32760478280433	1.00000000000000
+0.92626707752398	1.77366496335898	-1.80166611174266	0.84669084728248	-0.02744135898988	-0.07821244380148	0.68421113096017	0.23005842525377	-0.27864006963781	-1.78470498935557	1.00000000000000
+-0.57322079054234	-1.77567356718588	-2.77434292563498	-0.20348106727286	0.05171883427542	1.07457782272155	0.84258934275269	-0.97834141801268	-0.56623915416835	-0.42460481580850	1.00000000000000
+0.33503930425481	1.70937976209221	-0.61584640890701	-0.53376989885114	1.56481790560749	-1.20087125261144	-1.61405945166478	-0.12634115842089	-0.41067155295716	0.36317102055545	1.00000000000000
+-0.62552868451915	-0.28071832227846	0.90232328434833	-0.19571829101336	0.02755754119477	-1.65928985307577	1.50095701141901	0.66577816968633	-0.67046025831404	0.24281495777844	-1.00000000000000
+1.53610750572021	-0.79337758330260	-0.51513155327419	0.33802068753858	-0.44990350112173	-0.33866554470860	-0.02418429990430	0.12286788044018	0.30878596572739	-1.25518895893938	-1.00000000000000
+-0.46257037254050	0.29288447162778	-0.83606253583799	0.59546133090813	0.79075309482050	0.08330739096431	0.19590182711116	0.59059576442279	1.06610518184285	1.16375201348356	-1.00000000000000
+-0.91883417673077	0.57723733551842	0.51037242771711	-0.87382719572956	0.38042912543649	0.39295136926932	0.22000216981799	2.20283141210221	1.48680049139438	-0.93517866742905	1.00000000000000
+-1.94963054377691	0.24065306950471	-0.00374782569396	-0.64513510565187	1.17176221701199	-1.14112904095416	0.20841859381746	1.20457876227714	-0.33984267738726	0.19388181547747	-1.00000000000000
+0.06581618993434	1.25365068385030	0.20100174039756	1.22629435169890	0.62550214542704	0.68571707907135	-0.64960798423730	-1.14320545064565	1.88394521488106	-1.50477210878064	1.00000000000000
+1.90764309597868	-0.43711167209021	-0.11932283876529	-1.05299989041142	0.84482183934422	-1.76399020461501	1.43296263638543	0.85760582583429	-0.66766312888495	0.04234871251329	1.00000000000000
+-0.42096311043465	0.53191770558498	-0.50339691765812	-1.41639523028686	-0.66762631865672	-0.80721463004680	0.26725983276554	-0.57920003228768	0.80101632890685	-0.43717923585797	-1.00000000000000
+-0.64888395144408	-1.37185610938006	2.38701543533494	-0.17162990916383	-1.88661870667244	0.23636828949395	1.50389210952655	0.52317508953504	1.44654529807622	-0.12232719399096	1.00000000000000
+0.24730261710509	-0.22969359436015	0.80929884852966	-0.87021161913261	-0.82415779751937	1.00739361606794	0.10869000584189	-1.05323141400181	1.00162668945700	0.01330776199140	-1.00000000000000
+-0.58052348667003	-0.06592809584334	-1.87821606955059	0.51134053497020	0.19802932566382	-0.17917520272367	-0.62246889495630	0.92388626752956	2.09052685002845	-0.77604615473074	1.00000000000000
+-1.31769526198858	0.27285114699823	0.58343307075843	0.32477106605334	0.81752939484138	-0.05143464523814	1.09799065455033	-1.42607970679554	-0.67307450416554	-0.73454471518641	-1.00000000000000
+-1.67802316373841	-1.00111797568797	-1.20680861144495	-2.08037553750348	1.64903412899024	-0.42287307418887	1.75033907305734	0.48737121476628	-0.29839070149368	-0.64242806569388	1.00000000000000
+0.22326758776569	-0.84912337019037	0.42963564522382	-1.18684963077833	0.82887052347107	-1.00878701928307	0.83602375042918	1.28613630600933	-1.79947055465867	0.26017539225357	1.00000000000000
+-0.34264274255648	0.36893981741100	-1.70638257808941	0.00948331634404	0.14192653307463	0.85806252467423	0.28344237829034	1.93122364323137	0.17206818556904	0.43284871187605	-1.00000000000000
+-0.34934298548501	-0.30627904204094	0.98341794190333	-1.44799944933468	1.56165577367923	-0.99620901514614	-0.77223728420998	2.32147178240124	-1.18035744344120	-0.23262770964087	1.00000000000000
+-2.27188150922846	-0.54403348298509	-0.22004918763242	-1.22171440388384	-0.92728230098261	0.26986120763838	0.61362787824674	-0.73719411805131	-0.09527287531893	-0.38013003169035	-1.00000000000000
+-0.43127943000415	-0.68598444536901	-0.12639873091840	-0.05557262526068	-0.33751580279769	0.60786316056963	-1.03342572917817	1.40273769484900	1.35972907453666	-0.27326271043764	-1.00000000000000
+-0.46403527389485	0.55850170951467	-0.05392825488468	-0.20348049475629	0.01409059407441	0.61631761476499	-0.17700696998060	1.68673074920963	0.94174239199510	0.37218518549031	-1.00000000000000
+0.71098758655597	-0.13803353805904	0.44509194817063	-0.13757119461187	-0.16529336091014	0.33555263122051	0.90769515820434	-0.02956212425316	0.62934700880957	0.16285776033696	-1.00000000000000
+0.41898652072243	-0.64485684017456	1.01060439703072	0.19779551234203	1.51973365929547	-0.63480634137192	1.86521942673122	0.20363657658428	0.19885284128331	0.17343564215333	-1.00000000000000
+0.00237317485420	-0.32072144250564	-0.12856543154526	-0.28967654343563	0.70349967306490	-1.78851887224043	0.96815268237236	-1.37314374099103	-0.89404003318756	1.38054002689822	1.00000000000000
+1.39903372162280	-1.70775494274118	0.79405613450962	-0.59475471196968	-0.39445843389046	-2.00292020394409	-0.39539103096972	0.96971879243850	0.31936537901897	1.02618541017619	1.00000000000000
+-1.47852531610831	-2.09930799159135	0.01824430667556	1.86257293009435	-2.44012413052577	0.00233063860882	1.53794531092664	-0.67806290999829	0.68842512205417	-0.45112484398348	1.00000000000000
+-0.04069101492097	-0.56269401167672	-1.41332331224353	-1.85110750767517	-1.68588645761520	-0.69196410173586	-1.25887998587520	0.55773985261720	1.15974589356045	0.90351534785015	1.00000000000000
+-0.80323939993979	-0.93823152186873	1.00228981250299	0.88643950937251	0.46559642270486	-0.44681009135136	-1.43102578813188	-2.01859119337207	1.57141993995898	-1.11763484979803	1.00000000000000
+-0.91528667622153	-0.20047330203809	1.39779411509909	-0.93782464765058	0.52956798312903	-0.08737078948197	1.59949728917403	-0.79692339669248	-1.67326963482454	-0.19957759748310	1.00000000000000
+-0.01335536688888	0.51322716996826	1.06616126915032	0.43636426186294	0.15975930390337	-1.50894828833263	-1.19914690030036	-1.12344229777328	0.56966159636638	0.02483526622743	-1.00000000000000
+0.30093392414094	0.92814726974625	0.76708901071338	-1.02524495089072	-0.16160986786544	1.59176280691394	-1.32423807723531	-0.59511312664897	1.51595707121713	-0.41478445715748	1.00000000000000
+1.91701759756705	0.88034896181970	-0.07841370544633	-1.68555929555258	-0.27856511562302	-0.56465709771955	-0.43122453048439	-0.32308748918940	-0.53166395879398	0.20046008646420	-1.00000000000000
+0.38065488076790	1.05892389679234	0.25054572016926	0.29345647495680	-0.77804691797837	-0.36720126869992	0.50812158017767	1.13505266739101	1.57748198206235	0.24619163555483	-1.00000000000000
+1.12868905077069	1.11381523288884	-1.60653199350900	-1.19247342285097	-1.21086864075693	1.28006584965980	-1.09330146046519	-0.61908095654760	0.62156664515051	0.98435634844022	1.00000000000000
+-0.51449474942438	-2.34175714269291	1.41588645376208	0.30877078793522	-0.60673255629315	-0.03905224641879	0.45448373349021	1.00261374680937	0.49395399847300	1.94629205489077	1.00000000000000
+0.94815154524388	-0.66723039696601	1.35852865816822	-1.98723764445648	-1.50864863545846	1.32643876944535	0.59694619969191	-1.12051944910719	-0.22269525483718	-0.14621470287263	1.00000000000000
+-0.73736285024183	-1.23133453416494	-0.74437231461526	1.22181378570592	-0.57652431230235	0.52843654124261	-0.73724532569556	0.44528248727669	0.34324784873148	-0.42923760260529	-1.00000000000000
+-0.74680469249904	-0.32249116279684	0.46251303301681	-1.47771421086048	-0.11234304016547	-1.88216688442725	-0.44434666013776	0.96796353865551	-0.02604461776717	-0.51503762575859	-1.00000000000000
+-1.81480400292855	1.61128277063693	-0.36684233094174	-0.11333795345844	-0.92587673687544	0.17777100891415	-0.78583676554311	-0.85556796689114	0.49337647822693	1.86163137725797	1.00000000000000
+1.03416916001971	-0.27169453585068	1.46827929549258	-0.69239001268737	0.43031257692042	0.91930160866948	-1.00094591658661	2.00604983315791	0.76965824287167	-1.16517673860765	1.00000000000000
+0.69627491595514	-1.07503405992723	1.15525689685863	0.38535805054577	0.14602577944168	-1.01016487537234	1.72903183168733	-1.69495880028880	-0.01114125811107	0.19632138062708	1.00000000000000
+0.53564530506815	0.38135869916277	0.32875674946434	1.38895018699911	-0.78968795745192	1.86916865004686	-1.05675488403640	0.06953533435911	-1.33770112616232	1.05306916632260	1.00000000000000
+-1.95672907987947	0.09674317141924	0.47933986192260	0.33732365770188	0.03161298322822	-0.16714531392307	-0.04784706196528	-0.49620023744721	0.23657236978031	-1.44723205438064	-1.00000000000000
+-1.83860651992280	-2.48816012381320	0.85308662136658	-0.17573857964071	-1.12928280875660	0.84007987875116	0.22575818998454	-0.51315755584243	1.13410002644143	-1.53766016565767	1.00000000000000
+-0.66544236784807	-1.48145714376455	-0.39132017688814	-0.56075906213470	0.49399488729257	-0.26713582161612	1.42216144416077	-1.34651966158177	1.17333301015498	-0.42417481887472	-1.00000000000000
+-0.57344754629816	-0.65383679108753	0.57279946279298	-0.00826375712217	-0.14411459170705	-0.35891843701082	0.50587595179842	0.15646945616991	0.26604793663821	-0.50817662424505	-1.00000000000000
+0.78405056002850	-0.99642626791980	0.69212771400312	0.66089846054817	0.14138147777016	0.41213287132794	-0.34066262128922	0.31411293746637	-0.18368328923943	1.25527503545983	-1.00000000000000
+1.15064326826250	0.64971875749553	-0.30924008807326	1.12764421977694	1.33510958673354	0.34436848311876	-0.71808101018309	1.52138386736533	0.42664115229945	0.15186923108825	-1.00000000000000
+-0.99223965832651	1.26034387217925	-1.34907660434447	-0.41883139041301	-0.06069184588514	1.23311767042743	-1.52646468825703	1.15440811805863	-0.54253463156690	1.07608173281409	1.00000000000000
+-0.41323864450751	0.56897360353272	-0.84536794534859	-0.70582119546060	-1.99476810749673	0.70510966132033	0.45037547566300	0.93876289308139	0.84565150427757	-0.10239298875772	-1.00000000000000
+1.15458365368359	0.17655580084185	0.39868644716833	-0.76452367899058	-0.65148701392369	-1.33804286036160	1.77783556705028	-0.06802109100979	-1.20896131966596	0.74623056051364	1.00000000000000
+-2.59327448723262	-0.65355290892703	-0.31366416590567	0.33663768968591	0.84374895460336	-1.35572485555963	0.51589925396158	-0.75620914199018	0.68576039116998	-0.72543256141039	1.00000000000000
+-0.24203939089471	-0.82763653290220	-0.95877349586009	0.57508490063350	-0.87084559957171	-0.87225619275806	1.58746550552678	1.06903600847483	-0.82743738594919	0.09824812897172	-1.00000000000000
+2.16835984972170	1.53093064957169	-0.07665521532271	0.48931951257760	1.04023030973799	0.41738270335269	-1.79800152532694	0.28127567701179	-0.63761824808558	1.20750441985220	1.00000000000000
+1.79997043203105	-0.49887518525136	0.43441897442106	0.89085725804611	1.34615068796485	0.00739671636935	-1.11104747382038	0.68325331340290	-0.59359197690230	-0.16565361556734	-1.00000000000000
+-0.04310081128733	-0.02378320073482	0.44706268946330	0.36536771336862	-0.57443632275247	-1.49025145930781	0.75450917123574	1.13429292439123	0.92726629868161	-0.90522300519793	-1.00000000000000
+0.09258761536292	0.61695564625486	-0.91010726400287	0.93436651143654	-0.95052764769250	2.11706549612480	-0.42488711862200	0.18470567818918	0.01719088282515	0.74108006091085	-1.00000000000000
+0.21195232049157	-0.34464408604547	0.27363180477975	-1.66003530110453	-0.46450514299622	0.78605259013459	-1.29139204743064	-0.21026301056465	0.39350835922817	-0.83612711510760	-1.00000000000000
+-0.57551091786770	0.50941609956270	0.66718453341277	0.40349598675388	-0.95262183743669	0.37638940632934	-0.70334056444209	-1.52170511536002	1.86769489382967	0.45328111268115	-1.00000000000000
+-0.38347439810911	-0.49492051037651	-0.12232105489848	0.52527021060110	0.14413958583356	-1.32272548840879	-0.04961878313037	-0.24900450820726	1.06286521934782	-0.54953167510253	-1.00000000000000
+0.35564446693979	-0.08589378375206	-1.88763105117720	-0.45630894137812	1.64924800941425	0.09175699102065	1.85524491975957	-1.72633476290354	-1.35295636502847	0.83653262599812	1.00000000000000
+0.91025802126147	-0.85017365206209	-1.16696105223900	-1.25954092793670	0.29893708958150	0.07303474450567	1.57369351630713	-0.40934755827503	1.52803969143288	0.48596637861344	1.00000000000000
+0.58620921851611	0.54631407491362	-0.14291528294558	-0.71997912618815	1.53370694989233	-1.41744883105608	-1.52489462603475	0.32290469113896	1.04798414810842	-0.81009491637967	1.00000000000000
+0.95152740307346	0.69664205261743	-0.11841376098173	-1.76653517949162	-0.43118891549985	0.76775381553840	-2.65911283659938	1.91555411693306	-1.94560170418721	1.63589321712284	1.00000000000000
+0.09393433118919	1.37980585745118	0.93209368593598	0.74052673724598	-0.92532013127807	0.45757695816544	-1.04082504764818	0.23149694961784	0.32184888243425	-2.52655025766330	1.00000000000000
+-0.28109433319072	-0.32427745907217	0.13148058447863	-0.57011520885049	0.79834394396158	-0.79620960511765	0.21398126993619	0.00928220841674	0.50722159326213	0.55544020510924	-1.00000000000000
+-0.27526219531660	0.20323338404762	1.00723239692187	-2.39073130300142	0.01259120614638	1.17039537767531	-1.99297377467222	-1.06600154266205	1.10390718787921	0.33533733148199	1.00000000000000
+1.91101781377062	-0.23107259438145	-3.02223478092557	1.12269302602259	-1.81965506233219	2.33829711333972	0.38505101783937	0.91648531510222	-1.79518958324987	-0.67942178882341	1.00000000000000
+-0.58230252097712	0.91272267719043	0.14259926524344	-2.19937202927393	-1.49013706768362	-0.23818797618809	0.96236306361617	1.08522700729646	1.27116744453588	-0.56200745929828	1.00000000000000
+-0.57714839289474	0.31999718802029	0.75252927394356	-1.27675919821039	-1.00842394678574	-0.30150680389443	1.65643569079107	0.33476324942302	0.66779387370793	-1.69617169822560	1.00000000000000
+1.10992031395934	-0.47216351131623	-0.41778623258996	0.81553783357639	-1.15704845938508	0.45206428978804	0.39716995571772	-1.23924389726192	0.16083740517604	-0.42861482375968	-1.00000000000000
+-1.40626875415263	1.08226378529261	-0.58277966631157	0.75558607266865	1.22760300537070	-1.50829613405488	-0.16320109999304	0.36674379998885	-0.46129485523472	-1.26769217520477	1.00000000000000
+-0.15080090013696	0.90851757507710	0.53893841098479	-1.52026941409893	-1.75895497154212	-0.56807508285776	0.42074980790049	-1.23683008698567	-0.53141552546911	-0.58651630520901	-1.00000000000000
+-1.33667877606815	0.25948920907823	-1.64996612988387	-0.03260144257512	-1.16021863779047	1.10927167434091	-0.53359980502431	0.78540231150022	-0.75207633562505	-1.46003394051966	1.00000000000000
+-2.58651651169032	-0.01553889476856	-1.35670190281462	-1.22548415877702	0.78183807568001	0.15503214566988	0.47114110121133	-0.33314075349869	-0.41479650951109	-0.72410381016575	1.00000000000000
+0.58474972202278	-0.01569606897387	-0.17199423887660	-1.40431891272240	0.10940873637880	1.88493217057946	-2.13513046801183	-0.97555727612356	-0.08749103486815	1.52525063695998	1.00000000000000
+-0.48738834716186	-1.15977167848573	-0.05444389938549	0.90634642283880	-0.95489617818700	-0.87092762390722	1.11145289995655	-0.49836837975439	0.28049468599073	-1.20394772281725	-1.00000000000000
+-1.83913938043923	1.27611953045517	1.38053898990779	1.59684406720228	0.17205487245376	0.54486677314067	-0.08557368666587	0.67552638669251	1.39875348074128	-0.87880523936936	1.00000000000000
+-0.02340626983319	0.03670013025781	1.40686714201832	-0.58922317163468	-0.01061551929925	1.10454720185075	-1.11383501125351	0.94805517613420	-1.17690578747815	0.07917949885861	-1.00000000000000
+-0.05523892035892	0.98112077951633	-0.01854856316107	0.11966887273846	0.42640179576218	-0.45695130330752	-0.42902077736201	-0.05503716909872	-1.07689542881084	-0.35770273439052	-1.00000000000000
+-0.71641600097820	-0.74913658648600	-0.91419606563208	-1.20481318701074	1.13075257464700	-0.28663180890729	0.38612592552610	-0.28456189058377	-1.02903348724410	0.53748161073702	-1.00000000000000
+1.85802039220758	1.72536397764349	-0.11240823967079	-0.14714869142423	0.03316542387805	-0.42236464719255	-0.71721714241551	-1.54887329478877	0.32804569674911	0.06975612753001	1.00000000000000
+-1.64389356081876	-0.93906966315529	-1.07151230683853	-0.66619188933252	1.15066416685943	-0.20937712601375	1.46468146362344	-0.91609727248558	0.80807407729529	-0.53476805911002	1.00000000000000
+0.09311070367831	0.16349028190474	-0.40873553173513	-1.39086349240824	1.69382007740643	0.82335567574587	0.35275413442660	-0.01225007885917	-0.26812639061493	0.84811532364803	-1.00000000000000
+-0.06317729979494	0.14668827699595	0.99175650590455	0.10478992725531	-0.49870391508198	-0.35032342286098	1.73659041941985	-0.27397877669094	0.75070492983542	-1.23845841371401	-1.00000000000000
+-0.92607686768667	-1.63321740197392	-0.49392104840838	-0.91403875587295	0.44569229245033	-1.14141092811277	-2.26178238328119	-0.98826110891547	0.03702544158630	-0.04123539552950	1.00000000000000
+1.78380578989255	0.65402309281216	-0.67407458051265	-0.87485789248075	-1.00771260483999	-0.95362353766592	0.96624593337558	-0.42831071697740	-1.62140965180433	-2.53591769701790	1.00000000000000
+1.32560284682255	0.57817332751618	0.39503746321277	2.23167990003180	0.35921021514755	-0.68378301323355	-0.66631357680754	-0.09372242947512	-1.08227485754994	2.21902342400668	1.00000000000000
+-0.47630382946818	-0.39181545952787	0.55498877545656	-0.77697347387938	1.43127866185655	-0.08633708909346	-1.25198149950300	0.06665705844307	1.11051984352877	0.77350032709294	-1.00000000000000
+0.73234414567467	-0.48770743942331	-0.37800617745680	1.02275598671931	-0.40048699254874	0.51534595539665	0.48196935625066	-1.27595196285025	0.42131724213733	0.57984847679803	-1.00000000000000
+0.88807050348678	0.36151564054382	0.55550082680649	-1.55039846351065	0.58839967282694	0.10758407655917	-1.65783673100636	-1.57551684443402	-0.40011937071572	0.68211688672307	1.00000000000000
+0.71573481530487	0.80202497868662	-0.72140358929444	-0.14855122280234	-0.60070604018335	0.74250528414756	0.52076910597396	-0.26138740156194	-0.46729967496423	0.16415045951939	-1.00000000000000
+0.39652665243359	0.37606413832639	-0.41568599706365	0.63947035404518	-1.33498087380541	-1.14354465294870	1.45399557066344	0.49278078953369	0.74502532136478	-0.23166423343158	-1.00000000000000
+-0.72466683204568	0.45292246503710	1.00139208278641	0.78246739954919	1.00925540352445	-2.49432105977188	-0.48104450858833	1.18595514588528	0.99085634653088	-0.30004084198674	1.00000000000000
+-0.03941108338753	-0.88573943776404	0.28244514895971	0.37169778801089	-0.45107670178899	-1.68757141259862	-0.99984919565061	-0.63799585051663	-1.26925599918287	1.41018471619668	-1.00000000000000
+1.19109584245807	-2.93945402623268	0.29709483161602	0.93026310604633	0.03589098986827	0.44203580046205	-1.28298206121363	0.22381525401752	0.52398205959548	-0.89942110324181	1.00000000000000
+1.79091935094332	-0.98005630074370	-0.56469248558454	-0.31294344531549	0.10182098963901	-0.19980423791532	-1.33071783383557	-1.18083241222369	0.52734824653334	0.94513740842195	-1.00000000000000
+1.01418960006177	-1.05506430664229	-0.19050068651868	-1.53035679635680	1.07743648577275	0.59953217010301	0.21743737779022	1.40532672350075	0.36637247488255	-0.51174721812501	-1.00000000000000
+0.16248231239452	-0.84336811896495	0.41692176537745	0.12846095470876	-0.33415557368041	-1.06737113143172	-1.22118874293628	0.96387478374730	2.42182349074680	1.20387794434349	1.00000000000000
+0.97691891347880	-1.74415837013360	-0.08863188512291	0.89137635889969	-0.15720493949636	-0.63246414861767	1.41047838221223	-0.91325966532833	-1.39202299644409	0.42096790941055	1.00000000000000
+0.02812798963253	-0.71292612356201	0.20308458426915	-1.46321954586914	1.67244587001315	-0.05153201481060	-0.78820358852213	0.78372396770704	-0.59751817552357	-2.00061171726496	1.00000000000000
+-0.16809433605388	-0.69609052035882	0.79220379223163	-0.91141071635852	0.83372355156695	-1.66078921999198	0.18698715953816	-0.15783564022999	1.93098464555733	0.23298754304613	-1.00000000000000
+0.59376917528515	-0.83912983203876	-0.24449536039349	-1.12767105643049	1.04225392079647	-0.02145320772864	0.68652265795127	-1.33782836435243	-1.89442507261839	-0.88052603905215	1.00000000000000
+0.91094051918345	-1.61836516859602	0.69466386816529	0.59357769338122	-0.76536601190187	-0.34258477125811	0.46655071850645	-0.38434497371167	-1.04195844077771	-0.41108812818067	-1.00000000000000
+-0.97769299011405	1.41883005806661	-0.27819442211170	-0.16190688032375	-1.13317640798020	1.39312220003489	-1.07463280922014	0.47661627836693	-0.80856996299297	0.80813129902114	-1.00000000000000
+0.22846819456003	-0.10045914128828	-0.17659273382948	0.60107364893760	0.71515782756833	-0.04873569244194	-1.50058149773895	0.97241948228963	0.10804191798611	1.48281986420421	-1.00000000000000
+0.08070980195427	-0.14463594906244	-0.69806292177379	0.17046152640744	0.80178256148683	0.22180640166335	1.30743664506059	0.63313096576851	0.09480566688752	-0.55824296468371	-1.00000000000000
+-0.41229933607140	-0.84638717227429	-0.14337045638837	-1.05941475535581	0.10121344416710	-0.36371328567827	-0.29764526269802	1.11198773170114	0.93989023260519	1.71415385314430	-1.00000000000000
+-1.31839410208143	0.38464619181793	0.40227778986108	1.25249225510296	-0.36018392588216	1.92242343791683	-0.13950065562368	-0.23460151106459	-1.42567277615058	-0.34478066438331	1.00000000000000
+0.14800512052845	-0.47451334654421	-1.05385664264324	0.44229691204107	-1.69973650159582	-0.70268548756494	-0.11839025178106	-0.93914061605116	-0.81380523449561	0.39644453853063	-1.00000000000000
+-0.64977663445530	0.98606152988085	-1.14255798005321	-1.44154680715785	-0.73622278694758	1.41677730450979	-1.72762024202747	-0.17815228389684	-0.51878693571826	0.10663379456252	1.00000000000000
+-1.56925436386542	0.73007728757955	-1.01424283673032	-1.61870296201772	-0.21096833163520	0.90886479260714	-0.57235989352765	0.41310691121398	0.42929761533276	-0.07250542240067	-1.00000000000000
+-1.06712699245584	1.15299921041376	0.72600395273350	-0.76265059119776	-0.04703322757168	3.05616789794572	0.86623933240352	0.28642416949696	0.11736131348113	-0.82887944208730	1.00000000000000
+-0.83614771840528	1.96877431899773	0.44575611441653	0.78763346488683	0.62012721773238	-0.02898648172167	1.53629292143752	-0.80670735424292	-1.11899898715414	0.42111903516139	1.00000000000000
+-0.19441475520652	-0.98002449861716	0.81523758544173	1.10016093383403	-1.28752739689525	0.32397805545186	-1.54311204317840	-0.11604450506318	-0.21073848869675	0.55252189882446	-1.00000000000000
+0.23343311870793	0.82905674581785	0.67870368697588	-1.11543546463070	-0.10393644103591	-0.29300156828176	0.45922459425885	1.43924362309173	-0.04438488567068	1.39288134572617	-1.00000000000000
+-0.91511067495983	-1.82594295213940	-0.09737254758721	0.20540906746208	-1.22501753265651	-1.63559436589120	-0.24428399614294	-1.10507997674477	-1.14946380600619	0.80602929485992	1.00000000000000
+-0.03959248222631	0.51172636391823	-0.12334897487342	0.12965188345047	-0.88489924698671	0.61856348797175	0.58039849991616	1.19364870096398	0.74016405669662	-0.50977393407063	-1.00000000000000
+1.03509757545419	-0.01808502204789	0.51857040708973	-2.14065173722520	-0.11303630982187	-0.29496022190770	-0.71338100397835	0.40959579855119	-0.45975877940269	0.19989429431027	-1.00000000000000
+-1.21954891188046	-0.48177908155920	-1.76727890725306	-0.61033550875345	1.73341973351040	1.06024997771121	0.50582212834559	1.05611389219230	-1.24960361044679	0.77212446947439	1.00000000000000
+-0.14030364690299	-1.60515870931798	-2.68093971742700	2.19811891486377	2.13097697552497	-1.19455205272399	-1.07401298162501	-0.44310663177011	0.51596749143715	-0.47250258416061	1.00000000000000
+0.86591250263919	1.82220909686859	-0.93146343948333	-0.16399047233950	-1.27552565146540	1.57059946194859	1.18438910028083	-1.21200093542217	0.19777288266124	0.58159894125110	1.00000000000000
+0.60134535760530	1.23774810950444	0.68688222118671	-1.75825708590963	0.84376564897414	-0.15274867036915	-1.16521793109774	1.08973471382361	0.51029590275177	-0.84182782123162	1.00000000000000
+1.13266269945958	-0.22365334502617	-0.46709100753137	-0.44760290457024	-1.78558411696325	0.62569967344406	-0.10760526555833	-0.40632877747023	1.01990743375523	-2.24686691247365	1.00000000000000
+-0.89879458006918	-0.95273807786878	-0.25637012987823	1.33196412798578	-1.26523113822972	0.54920725193041	0.58393229889877	-0.11852020736895	-0.31637400342825	-0.83753060974643	-1.00000000000000
+0.20174018206511	0.08553096050358	-1.23005401629543	1.95101032590928	-0.85119602096774	-0.75066117737511	1.51743693003815	-0.03091044526501	-0.67635352558107	-0.86718580894570	1.00000000000000
+1.25663098986856	0.00382728820157	2.45729458906539	-0.48154331070475	-1.65567819736165	0.32394320067265	0.04606068550973	0.82467155246302	0.17709038735160	0.94773300328017	1.00000000000000
+-1.77164811539956	0.75617103870715	-0.00041900640911	-1.61940864389895	0.60059731408021	-0.37016768877335	-0.35325293596846	-0.33816958213576	2.12238444513483	0.12404443549411	1.00000000000000
+1.80132865296969	0.43298750265476	-0.41055717801551	0.84861463579662	0.25629416320792	-0.48775220424905	1.02109365879592	0.50749435988139	0.43260536447898	-0.53295884012444	-1.00000000000000
+-0.26693774818874	-0.86082371817589	0.34493339570580	-0.06903364793907	-0.96495762969502	2.11119340517594	-1.07291039730988	-0.16065930935766	1.14895530483006	-0.06831955046279	-1.00000000000000
+0.71758758501919	-0.96814647882124	0.88995746743205	-0.85537601123395	-0.15368025726188	0.64906460899666	0.53400818130713	-0.17968240762178	-0.21279986644757	-0.21685878634417	-1.00000000000000
+0.24107499361742	1.00126161020819	1.48328887374094	-0.73494529340058	-1.32828815054547	1.22884818960892	-1.41553545263657	0.21619030567037	0.02855690701210	-0.68842884835015	1.00000000000000
+0.59686612695676	-0.17355823957423	-0.18568361489942	-0.44901391719760	-0.66271314201151	-0.03328106877934	0.82792470476057	0.47913059628598	-0.08273851353005	-0.07576332416913	-1.00000000000000
+-0.97474121996813	-0.48906202428599	-0.45324174299625	1.04390258739738	1.34731393850510	1.79394721358859	0.55303692218189	-0.51423107269586	-1.30460249823597	-0.65759696103077	1.00000000000000
+0.90713521921810	-0.38846724360150	-0.34897153974633	-0.45010334984429	1.08397992665649	-0.92539658793170	-1.69886552399871	-0.50722520283563	0.18219474781001	0.24010268323408	-1.00000000000000
+1.34184259653624	0.11796790090879	-0.13874495728770	1.65179223085336	-1.60853034951428	-0.04491081095560	-0.70144056870437	1.37907382970892	0.23468493582501	0.28905140117423	1.00000000000000
+-0.54104594502208	-0.71092650536873	-0.56757070099714	-0.18002474183726	0.39783481612024	-0.00946060391641	-0.54113717200021	-0.18673859429046	-0.74428320531026	-0.67660610536527	-1.00000000000000
+2.49123322317737	-0.82318542377801	0.22371569410373	-2.63995870211062	-0.14228651307625	0.85872916214583	-0.49707518190192	-0.46736430239296	0.32456622189523	-0.36942677734403	1.00000000000000
+-0.10290258544372	-0.00004692364842	0.89168284875568	-1.34949869960793	-1.80783915972600	-1.34037320407428	0.24704615342240	2.14211920917794	-0.27266738484089	0.38784688001747	1.00000000000000
+0.29165717566470	-0.01998011137842	-1.34560509411301	0.95045943490642	-0.06034007258187	0.04393700630922	-0.61605925297803	1.45477741380301	0.42447874132744	-0.96732408731307	-1.00000000000000
+-0.69054279123800	0.02151891066196	0.71621994109292	0.82358914287389	1.07623053869333	1.70516754264917	1.51697763102202	0.67190398356659	1.04212235470706	0.82757338240166	1.00000000000000
+-1.24815469493989	-0.98595838844770	1.18161182676019	0.36198391780055	-0.09298991277744	-0.26226264279813	0.48954760187344	1.47991116610202	0.03221247025305	-1.11493370310948	-1.00000000000000
+1.55309537062290	0.13891357638744	0.82417314669445	0.77272893758727	0.02294779077263	-0.25008041396037	-0.19411851184901	-0.46381005296278	0.47184525606695	0.11202699557935	-1.00000000000000
+-0.22390044893106	-0.43578309799629	-0.74037673570707	-1.53859230021218	-0.62664325444773	-0.33366768918091	-0.87942249771224	-0.06989426329468	-1.06743701839669	-1.08642119577312	-1.00000000000000
+1.60838184446633	0.44757460623941	0.11174167310999	0.59548382184627	0.91931634416039	-1.57882048645913	0.92186885281197	-0.33592000451810	-1.59848944855990	2.01443780856466	1.00000000000000
+-2.39987109998579	-0.13487364953547	-1.92607304725601	1.25686587116291	0.59861927086325	0.37273691740683	-0.56284815563978	0.26022518507551	-0.83552796115089	-0.50515572553956	1.00000000000000
+-1.14603148816586	0.26813467693922	-0.81151322118059	0.66006853056512	-0.70251476140616	0.54697354071627	1.05752663321703	-2.45746233323133	-0.79455841741649	0.70971777550925	1.00000000000000
+-0.25199952706681	0.35658838500266	-1.56400727165643	1.10191608815751	-0.55927250227947	0.88922507155753	-0.58316016849061	-0.18181804005855	0.60342485997761	0.09858219421417	-1.00000000000000
+-0.99059890225378	-0.86793247389614	-0.81417467910951	-0.33404122530864	1.24077920729760	0.44049371657989	1.01282420866240	-1.10571303796230	-1.01108751276865	-0.69364307508480	-1.00000000000000
+-1.37852913957562	-0.87440474152653	1.78049039505377	2.41315971003628	1.42760411267439	-1.75838861831620	-0.27067456679954	0.00418646639543	0.77671147856860	0.83393476033931	1.00000000000000
+-0.26118576529325	-0.27615698896262	0.31496996848582	-0.65898538558521	2.81990763419778	0.83604453169928	-0.38532962247294	0.96166124014647	-1.17759810098669	0.26277133565875	1.00000000000000
+0.02527309482095	-1.50721983557469	0.45599002483155	0.80074979670045	-1.05036094419895	-1.00305015273403	0.78371287841064	0.11280789406053	-1.06489426366551	1.48572711507738	-1.00000000000000
+0.25707672516032	-0.39056285404054	0.47767994203151	-0.45583513182117	0.01689444133413	-0.36262884758188	0.56523344936118	-1.50358122193905	2.69118392333630	0.08232654879434	1.00000000000000
+0.77005761795783	-0.19746261726843	-0.66440657277788	-0.34817156166701	-0.15522471302754	-0.88058543602587	-0.80520758818281	-1.11615566569023	0.69334079476880	-0.25452208281282	-1.00000000000000
+0.48428044716794	-0.49578445261214	0.43631693659620	1.13141231053317	1.02460866526831	0.03602026306287	0.67968851312825	0.35890998726974	-1.42268990949976	0.47430212858153	-1.00000000000000
+-1.60568752553561	-2.48304129477194	0.41117528257991	-1.27459459029864	1.28034262669475	-0.50102944708696	-0.63142706139990	-0.67851140381449	-0.70686511869679	-0.28005061744659	1.00000000000000
+-0.17777471160788	1.41097705448862	0.46393123229276	-0.85372589489174	0.96929214041449	-0.33960730626217	-0.17225781195207	0.73536731655197	0.27423429265671	-1.43971622862043	-1.00000000000000
+0.25679298213415	1.25862690708819	-0.51967878967260	2.56757533474819	-1.20298084030903	-1.44115728772231	0.56265303071473	0.28527840201933	-1.60541611694059	-0.31375148196507	1.00000000000000
+0.28840266167732	-1.56450511526693	-0.87531488285232	-1.45642127869786	-0.27104663726570	0.12710296580042	0.80955060606322	1.89195904484205	0.00873103818430	0.26528997592076	1.00000000000000
+-0.63335950217465	-0.66332064805905	-1.54327021193327	-1.76693205577845	0.43038239797812	-0.46175427663082	1.39992114425482	-2.03886402245571	-0.58581854308557	1.27104564349521	1.00000000000000
+0.57043100825844	0.36128016913391	0.47888269083377	-0.40060452019969	0.22893481911606	-1.15628836821884	1.13344741901570	0.19736979672604	-0.31447224553682	-0.66442150054322	-1.00000000000000
+0.26024081537408	1.41333221987285	-0.98012531864654	0.11174787960267	-0.92976787274689	0.63717771946865	0.42552865981831	-0.00107476713360	-0.46742394177998	1.10018175276202	-1.00000000000000
+-0.36001120873927	-1.03284148532547	-0.08413858918338	1.05796219039752	-2.70791676707336	0.46921967260450	1.09010770320751	-2.15513935128698	-2.18135933683967	-0.11865151519592	1.00000000000000
+-0.03986470272537	-0.79482787228435	-0.79617707154678	-0.60970111645605	0.48782171082759	0.08736172853578	-0.43588811786845	-0.08101601979140	-0.63034668857911	1.43576046614844	-1.00000000000000
+0.07124340140598	-1.25412388575158	0.81781247075196	-0.29738186591640	1.64883679254338	0.31417139085053	0.84264122711141	-0.34750927953831	0.87923792823133	0.27399242241062	-1.00000000000000
+0.76397161904223	0.66790127587206	-0.59045203049462	-0.51567310118644	-0.74432968801310	0.57485859415160	-0.21058603886876	-0.00698306744684	-0.96700821110584	-0.02593063456943	-1.00000000000000
+-0.82468906828727	0.47550508114085	1.06689018407432	1.65049637031583	-0.66695414114150	0.30953692591781	-0.58091751923367	-1.35097590700570	0.17209491566562	-1.34285292027204	-1.00000000000000
+-0.90719534614389	1.37083162261108	0.43513424952585	-0.12244541575575	-1.33487812278546	1.24863320296881	-1.46657154198010	-0.35014310622512	0.08043131702057	-1.21409442285701	1.00000000000000
+-0.30191539589876	-0.27273775366147	-0.06958910926608	-0.83456213472346	-1.28966231641202	-1.35720189085026	0.21972050880376	-1.15121973786817	1.21140579247711	-2.62269466783022	1.00000000000000
+1.51631405810172	-0.04490421779302	0.84858585034289	0.60624187269026	0.98889428829855	-0.44919688257035	0.35368310028367	1.02101366826457	-1.23137259658208	-1.09484102945830	-1.00000000000000
+-1.88682802708395	-1.09758455847722	0.57882529416697	1.28414645338939	-0.40307052968047	0.17903748217802	0.96439704522497	0.38455344046270	-1.50134027004688	-0.94838056903278	1.00000000000000
+-1.05716187350563	0.31348936805697	1.38208249510652	0.40440576782413	-2.53571791212050	-1.30679657457425	1.26285431795602	0.45792783204652	1.19068689477015	1.13432968769871	1.00000000000000
+0.12396212221955	-0.11581961448364	-2.07069953202991	0.00095682025800	0.53037165751532	-0.05021905452525	-0.98046837892930	1.27346262156706	0.86918887502341	-0.57394326068823	-1.00000000000000
+0.84039725519990	-1.26854720478723	-2.09862918589491	1.27136855007851	0.43218840071681	-0.32372949921869	0.83968989820127	1.30824522880767	-0.43756620844878	-1.14063152536238	1.00000000000000
+-1.07789744354195	1.72989495450255	0.60431692022009	-0.54032230849680	1.22978023456799	-1.72500091733015	1.30581029979653	-0.37483135229591	-2.12988392980997	0.05696536106536	1.00000000000000
+1.18185929553268	1.17564231419129	1.53648281669868	-1.57760225036989	-0.23952308229061	1.50688978315184	0.22687513999867	1.28600587970976	0.22338174940582	-0.87154671393117	1.00000000000000
+0.48330997566378	0.20689472993577	-0.38071174491787	0.65757312549123	0.31247971693281	0.25486482108742	1.05036120914809	0.85253656986770	1.11891863708690	1.07757450046199	-1.00000000000000
+0.65707826671251	0.61404499087041	0.69992638897531	-0.39075210726745	-0.33498685695044	-0.29992932647565	1.00055309048537	0.39179053392903	1.15715366559930	-0.59627733948273	-1.00000000000000
+0.72059826314574	0.61539847376215	0.67225467126708	0.24414829520697	-2.29314213670384	0.11745262455474	0.98200696851862	-0.12856690978265	-0.53357026463205	-1.23610210916290	1.00000000000000
+-0.66849651139085	-2.50395096245701	1.14516685134435	-0.69810615071700	-0.03083290116491	0.14025482509329	1.81090379014873	-1.06899305996407	0.00034034755766	0.21488405836851	1.00000000000000
+-0.76205492626280	-0.90726254095564	-1.71581457984744	0.92642400266909	1.24921906641752	0.66107830142591	1.11679346553496	-0.67912697966675	-1.44659528010770	1.29316921777669	1.00000000000000
+-1.57737155489118	-0.12928023961540	-0.95466560131511	0.30735420707645	0.42301440328500	-0.06494287131142	-0.26070543143090	1.41367603803834	-0.06012759903707	0.67852529537931	-1.00000000000000
+0.30881955439843	1.07789545842203	0.06036925279842	0.76477939659188	-0.03792237968212	-2.08316219187317	-0.51238961631623	-0.61835700695687	0.05453262972312	0.43557292295845	-1.00000000000000
+0.69690396633394	-0.48666918749456	-0.64701583101961	-1.31739323029919	0.85995094348421	0.36805128767859	1.09103321819422	-0.82583806001976	-0.79775293634525	0.11797021995522	-1.00000000000000
+0.86424396469030	-0.53612173451045	0.63319312140480	0.84863823924315	-0.62832737677706	-0.08212033961560	0.04192163376629	-0.47560191433281	0.08915409897520	-1.14246604460390	-1.00000000000000
+0.53240100244882	-0.29105581272370	0.01807358134635	-0.11159017823022	0.14650391694471	0.86070156580417	-1.26447770173494	-2.03601246529011	-0.92532092640027	-0.73932987456389	-1.00000000000000
+0.84335492480941	0.63652782067379	-1.56137029960442	-1.21773953828842	-0.25232149972156	-1.09682520366409	-1.47337404330438	-1.24085552938332	0.14144691390381	-2.02995672871678	1.00000000000000
+-0.50153624629835	-0.26393368269565	-0.97768669306500	-0.14663930025565	-0.89920795272370	-1.74078092546528	0.67760135793719	-0.68498598887283	-0.57745860097334	1.64686186553554	-1.00000000000000
+-0.23538961812081	-0.89377575486935	1.26007980755454	1.48736104546505	-0.82104161511804	-0.41431530732624	-1.53719753545861	0.79548399982687	0.09121968868826	-1.23143212517737	1.00000000000000
+0.54622017251160	-0.38243791333295	0.72586349708017	-0.07836884456793	-0.20500750175415	-2.05607431438784	-0.08767313304112	0.45231171037814	0.10245113568230	-0.19096216376048	-1.00000000000000
+-0.58910734319034	1.39038535475695	0.16334941058451	0.86308472180505	-2.40065425443544	-0.21575574035476	-0.17966311319184	-0.28265362184995	-0.12952804666948	-0.29108489312600	-1.00000000000000
+-0.66184280608271	1.17692233056370	-0.36447638495207	0.58453680938218	-0.68507284216423	0.44984557061249	-0.02223507616165	-0.39713889021962	1.05377985666171	0.88476770068457	-1.00000000000000
+0.35836179655058	-1.06742235875152	-0.15903336397853	1.29373726935070	0.77408424906635	1.13957302088164	-0.82052905642337	0.07820446740299	0.46624767595974	0.56176540109827	-1.00000000000000
+-1.75006437830870	-0.65611732456591	1.16373097152504	-0.00068585584628	1.28764623908474	0.33185087637114	0.72378799748445	0.04567721901866	1.15288106147081	1.68404904683736	1.00000000000000
+0.16364693611425	-0.75967615465285	0.74007683012838	-0.44180056615967	-1.88040825095128	2.65921640690455	0.09919945586212	-0.89700090816546	0.01470030364577	0.57350447742159	1.00000000000000
+-0.09418897057868	-0.68856269058699	1.24674950163012	0.00398002089223	1.95482096352309	-1.17116567673392	-0.31007503623312	0.62129823379734	0.21979090754115	-1.03044667520049	-1.00000000000000
+-2.02061392555983	0.43114580639317	2.07518066023861	0.21103694026131	-0.19934792265669	1.34369270676001	-0.21388944557063	0.27967353952859	0.19058337157148	-1.07326351778215	1.00000000000000
+-1.91728317494540	0.92970653234550	0.04162935854623	0.59974845797551	-0.10106640228787	0.74150883629441	0.32684438919327	0.68705057240047	-0.31749541136452	-1.34236017020080	-1.00000000000000
+0.61354598448530	0.43784247509706	-1.17550949443372	-0.72669807655722	0.11235880346706	-0.70339409410878	0.23988258483362	2.12125248438620	-0.09198885175718	0.61060803793811	-1.00000000000000
+0.21648139758672	-1.28074594502688	1.49738928769207	0.96072022621068	0.55513568554990	0.48759210459922	0.90860862629014	-0.59880210721889	1.01318241875674	-1.68450927038326	1.00000000000000
+0.77973338217018	2.02566908709146	-0.21165208548913	0.73735813948204	2.60882734810160	-1.04727222196133	1.81768760173189	-2.80648665430559	-1.31908433326516	1.34191396033770	1.00000000000000
+1.21774536549510	0.78113779647822	-0.01541081961357	0.75298593710420	-0.53523776906729	0.24765000129750	0.23209075650700	1.62821545585105	1.51626881110975	-1.30914414041690	1.00000000000000
+-1.61792052902001	0.83141731840125	1.47136204237194	0.40161041603138	-1.87992003623613	-0.98757152611936	-1.87811609468144	-1.49643137741807	-1.07307324330019	-0.29317882067729	1.00000000000000
+0.35791137249759	-0.78070873813242	1.32788628452539	-0.16191813343796	1.49499691227504	0.94655161109999	-0.29811446939434	1.05863925584001	-0.92793058981289	-1.91439586392305	1.00000000000000
+1.84048543174931	0.81629666094986	0.24015099483488	1.41262797413830	0.26828061437881	-1.98557239510039	-0.07775726556080	-0.58388941931642	-0.29823765059617	-0.67412769245738	1.00000000000000
+-0.98933716865221	1.22605881800665	0.24832602576702	1.54046353967904	2.00580654013838	0.53364099892440	0.78174632569386	-0.81928843012624	-0.27062910186446	-1.07842856656343	1.00000000000000
+0.87744824540740	-0.57223000322982	-1.36494548611288	-1.51692576747353	-0.39710954778341	-0.90994001887199	0.07146070549131	-1.61236369281192	1.93117941902837	-0.59294216017003	1.00000000000000
+-0.13771186564608	-0.33418548590687	1.01951116459518	2.07522787070169	0.04306225121625	-0.42500640397633	-0.45479173867420	-0.59411393213236	-0.90192749939987	0.56331002750338	-1.00000000000000
+-0.04170664725736	1.96017184839008	-0.30822042929912	-0.94300399203998	-0.89266036801272	-0.88051084469996	-0.21894353343129	2.12579785325617	1.93893504166378	0.23729977991079	1.00000000000000
+-0.20382070564307	-1.49981080660348	1.07036028574279	-0.89670744455314	-0.12815942094116	0.20593400544691	0.90310315882540	0.50933313967243	-1.20095788268363	1.27908848412365	-1.00000000000000
+-0.65729585078458	-0.68566433180079	0.39903559542739	-0.18775866430007	1.00583354324936	-0.44742206345505	-0.52605709462192	-1.12189535282868	-0.64281712867200	0.14490783281513	-1.00000000000000
+-0.15663124469744	1.03833365824105	-0.42707225831883	-0.68382768961220	-0.50670752740064	-0.12132087586355	-0.30839244152673	-0.48768344803958	0.22923526864041	-0.40541420269429	-1.00000000000000
+-1.69695895375479	1.03530828019690	-1.73796505582609	0.55776855435606	0.31514655042184	-0.81331752018173	0.75120700376413	0.72781814366764	-0.77992239965684	0.65531676776910	1.00000000000000
+-0.73361088375779	-0.58165107488339	-1.31558324355781	1.70858874064561	0.27943288610787	-0.10325107918881	1.67461089357830	0.27618727073050	0.92014001186196	1.54004505392479	1.00000000000000
+-2.26775974562354	0.38464432736402	-1.48888942538805	1.79240891105707	0.14462826198240	1.27489827986867	-1.22581335013218	-0.65376704917741	1.02187046039150	1.98380768997405	1.00000000000000
+-1.97192869284642	-0.76774721208813	-0.52584541239804	-1.45593485251425	1.19436332992678	1.11708902511014	-0.04023185070889	-0.48561028980135	1.27055016570502	1.35072880288867	1.00000000000000
+-0.63332985934328	0.54710479139073	-1.99733775325153	-2.10471392978882	1.27066617509227	-0.54120332289770	0.16569144238396	-1.47101855393740	1.70586683849704	-1.34894041105658	1.00000000000000
+0.58215503031235	-0.07915806552111	0.87679248854910	2.33823257471980	0.90886312871808	-0.50989235966972	0.47057473525496	1.18400175164047	-0.44641374713115	0.28318486126366	1.00000000000000
+0.21576931738734	-1.12815548203103	0.60825522883290	0.99309779568723	-0.80402669732210	0.65987396405427	0.49800794585314	1.36337438622852	0.82642403315789	0.48378299348230	-1.00000000000000
+0.60546261837084	1.15788176433466	0.06553709774387	-1.62608569744516	0.69565740300422	-1.86261936737543	0.59097947817308	1.50060473375726	0.71498980860905	-0.93148663249758	1.00000000000000
+-0.61012453487593	-0.87807717665374	0.48017567862674	-0.11645437071570	0.12168919181901	-1.36360824865495	-1.85451199509185	1.49066471057656	0.64651943698371	0.77041990679610	1.00000000000000
+-0.19888065525716	-0.93929050634725	2.46598880707857	-0.81653746987096	0.51581640391155	0.05478370225444	0.10839453664482	-1.09205996147130	1.09066565355480	-0.11219091523467	1.00000000000000
+-1.51602632426897	0.90090590730655	-0.72265157733906	0.40682178217221	0.64922359616686	1.22591467225412	-0.39779623610127	1.00738642473082	0.18251326463727	0.15015854720955	-1.00000000000000
+-1.01058298272238	0.32372229098315	-0.29765994093546	-0.22443489989314	1.07640937269921	-0.89805895272999	-0.53608862130312	-1.83767256101175	-1.34352909699076	0.15698317225554	-1.00000000000000
+-0.57776728604733	0.66219447584803	1.69388004726418	-0.50405081831345	-0.22241764838241	1.25865484984779	0.42377328016603	-1.54554538438516	-1.54242474317987	0.79894770868825	1.00000000000000
+-1.95490010432396	0.03559433431935	1.86225034635936	0.41345962867788	0.27938570052741	-0.14371194228967	-1.04531884651614	-1.83248098815270	1.21060070777700	0.94294970387432	1.00000000000000
+-0.38455862627330	-1.28069888962569	0.14424192365261	1.31312034240541	-0.50469682879244	0.33150806819328	-1.50050781532726	-2.46888363066774	0.86619642616854	1.49001703928095	1.00000000000000
+1.43988663685773	-0.64775158481197	-0.14027696798572	1.14269089056552	-0.20228105692791	0.25071794162057	0.20031873003483	1.66230353321512	-2.11185388251156	-0.06863771222246	1.00000000000000
+-1.09845649435155	1.15124096406009	-0.50526002509255	-0.52700469515969	0.20912814027575	-0.72589993803933	1.11409002032412	0.08734081074671	-0.41664673016121	-0.06436359974931	-1.00000000000000
+-0.90586416739257	-1.56801316616609	-0.48314224962823	1.47495501937814	-0.66467159232514	-0.01521535625682	-1.62731879378960	-0.59234270839447	1.03492325046198	-1.01188794228860	1.00000000000000
+-1.15232037525006	0.23955298039022	2.26909463593031	0.24280066301944	0.27635216206676	-0.34654624687023	1.28655530353634	-0.02041006363679	1.49654162033581	-0.01779881719190	1.00000000000000
+-0.33419114415772	1.02076250496426	0.19373483339054	3.15217175414863	0.69525779828192	-0.48497500562853	-0.06274340626219	-1.62111875224303	1.03126254606210	-0.70551653609639	1.00000000000000
+-0.92847325256371	-1.03242957317340	-1.56303787069804	-0.47018810502868	1.07876693747758	0.15594548938541	1.30676572667637	-0.18233514492739	-0.11374741750750	0.31555876015829	-1.00000000000000
+0.62054594864508	0.70645644549797	-0.15707370226237	1.21373613188559	-1.05794104330146	0.64861468529272	1.22099649537185	-0.35671007195524	-0.42404955474871	-1.12552205318430	-1.00000000000000
+1.16972705288782	-0.75305787808310	-0.55646531285585	-0.97639998410442	-0.04568716284552	0.20841147805942	-1.07648514247444	1.00938689527079	-0.14837403067022	-0.92250147094377	-1.00000000000000
+-0.15078404618428	-2.34455212110272	0.73274769968577	1.32148041888627	1.56379379086194	-0.19334270600070	1.37742091975469	-1.03185524526652	0.20418816126951	-0.40582402985755	1.00000000000000
+-0.29409045550462	-0.24815683115450	-0.21842004760876	2.25788318121107	-0.81475522436517	-0.28800588066852	1.11635872204375	1.17576076160416	-1.24117397825372	-1.11694933445517	1.00000000000000
+0.37329387064614	0.66651303220881	-0.83813168418052	-2.53260498399090	-0.89826046694067	0.01378431197102	-0.26880451121350	1.37271419107494	-1.30149799200389	-0.25812009439425	1.00000000000000
+0.69893655842451	0.25216685749133	0.01965559559331	-0.13394065275717	1.35667364968561	0.04648836807976	-0.63910523423676	-1.34259298070016	-1.37404618048635	0.41402652545070	-1.00000000000000
+-0.35033804658145	0.75872281128808	0.42918380412796	-0.13639695871917	0.53453737316928	0.43092787514326	-0.16830955500926	0.47399974979802	-1.06920039736629	-0.22162012209544	-1.00000000000000
+0.63656697009173	1.55552039386085	1.78166558740094	0.23215015115032	1.94146182834657	-0.00132328378662	-0.41137252459851	0.35486942122590	2.55401894984651	0.01317822458354	1.00000000000000
+0.40776699302961	-0.65401240403666	0.37207012675274	-0.65603581275142	-0.46751923807040	-0.94729168922549	0.56135219978606	-0.43362498916251	-2.07870745049221	-1.57263782281471	1.00000000000000
+-0.34095099547610	-1.33200660524170	1.37134004833326	0.71279079991185	-0.04238655950547	-0.57201599245687	0.23616828488443	0.56805562216935	0.42310724471751	0.95887911109428	-1.00000000000000
+-1.27538239444783	-0.01274299775052	0.13416460556866	-0.29194311372864	-0.34806796396138	1.06151813915677	-0.06611326127525	1.55844070091210	1.42194459766525	-0.10046770431772	-1.00000000000000
+1.13639798181376	-2.07640915511610	-0.47833344856130	-0.55522210000675	0.21331575176343	-0.60063989325184	-1.47660447335409	-0.43962458921237	-0.05524726319889	0.30344541675144	-1.00000000000000
+-0.55575718627569	0.91801931628910	-1.66965147147727	0.39855418546269	-2.39885149866919	1.47236959537503	0.62072159792750	-1.89690189194636	0.89448678206218	-0.71557363217321	1.00000000000000
+0.84013059894774	0.54694077669745	1.02634389914139	1.71560356892486	-0.96050241948932	0.64788816608178	-0.84677566212058	0.18122487083842	0.23083378179179	-0.31959547362628	-1.00000000000000
+-0.36622520944109	-1.73229349918893	-0.10983352066908	0.86824894143669	-0.27080738555517	1.28049594082555	0.34434856482531	0.61027597199081	-0.43883400682281	-0.10290457813007	-1.00000000000000
+-0.15162394516087	0.08556965981154	-1.04019898786869	0.82126673665524	0.05686376685022	1.26295664793481	0.53985744455289	0.29827139991912	1.00651854583672	0.71844228523507	-1.00000000000000
+-0.53388872506499	1.08250718241616	-2.21278834210218	-0.05705078534083	0.45739083311344	0.51695505789819	0.31582375749697	-1.39506056890719	-0.87409499340979	0.64323859831106	1.00000000000000
+0.63001342016154	1.31790619769259	0.42267985020187	0.22947735705150	-1.42374690443803	-0.29496641914311	1.04556281673215	0.28140262401684	1.36384938681917	-0.36737865130906	-1.00000000000000
+-0.51584438618039	-0.53641181299733	-0.02778498395112	-0.64720694395527	0.51309206960214	-0.18029420877981	0.43899452428635	-0.13760068751873	0.07056481815123	0.13150039586303	-1.00000000000000
+-0.02015216264471	-0.82859943526298	-0.48044322255341	-0.28469970812814	0.99610891165425	-0.47015322100417	0.34929292293946	-0.99747864849752	-0.65567956053727	0.52449180176510	-1.00000000000000
+0.15538222556682	0.60601451732944	0.27501537137586	-1.94916994753801	2.16155128335990	0.15892284401728	0.42161806347965	0.34526073327211	0.05534708673197	0.95632417198215	1.00000000000000
+0.18911314310958	0.65386137478493	-1.82187418810474	1.55205788709569	2.63641934664710	0.55277677546827	0.84717572964620	-0.94003330257403	-1.62424424405229	-1.56765520988923	1.00000000000000
+-0.01186519946267	1.05912643361369	-0.50212996087858	-0.56920895637548	0.21009123683659	0.75646080392610	1.23045767238811	-0.66411830981953	1.43139768634744	-0.41704437764442	-1.00000000000000
+-0.93063590214986	0.62043817499346	-0.16675731307953	0.16309921015451	0.04737997785399	0.72146800285475	-0.65174563870892	-1.63941101317793	0.82128761377631	-0.55140794108584	-1.00000000000000
+-2.15039936115554	0.06895659361416	0.00945583339502	-0.79521555764439	0.67150538554424	-1.48306681407552	-0.16104448170268	-0.34789771373064	-0.41404176748924	0.33374859054091	-1.00000000000000
+-0.43005210449502	1.97031310327167	0.61606111183751	0.00855027188283	-0.57633239067434	1.36238164773649	0.48029513530512	-0.64843386279617	-2.06494450904685	0.59503344907505	1.00000000000000
+-0.21732850560326	1.73937457361324	-2.08113708935705	0.84237883176053	0.93655712368837	-0.58820914733350	-1.28256743682801	0.86771018410871	-0.47743793393662	-0.13150609375208	1.00000000000000
+0.44192955782818	0.93513644990444	-0.29223129379247	0.00412514417076	0.63152180272187	-1.31636586856055	-0.32377034080588	0.31588166775505	0.45704214143897	0.22794275921146	-1.00000000000000
+0.25454471691282	0.76907532796441	-0.01513984836818	0.02848556925001	0.63862850841850	0.73952865248516	-0.19851695038156	-0.81604562367686	1.38629739101285	-0.60787278965301	-1.00000000000000
+-0.08557406247184	-0.55729526234432	0.25779881222600	0.34505513763731	-0.18221012389788	0.50455935009935	0.66758695509121	-0.09789701795265	1.26543327894364	-1.01218473074390	-1.00000000000000
+0.16735642242490	0.87660467724864	0.72042408043638	-1.68145140970845	1.21749501563320	1.06378517509930	2.64227776011366	-1.51000956117059	-0.45894460951794	-0.19724427143959	1.00000000000000
+-0.38833624421884	0.68726959983325	1.77237364367416	2.68514063281568	-1.54373166873646	0.07203754723271	1.85315106817606	-0.95007883894013	-1.25667593368627	-1.08760163916656	1.00000000000000
+0.97609278184300	-0.46956595378324	0.33734399703447	-2.26747424506599	-0.93917311883075	-0.30816021023739	-0.24936692838604	-0.98478655686749	0.12597472196038	-0.13554703553192	-1.00000000000000
+-0.81362759639833	-1.30595755217047	-0.28141426932430	0.54618155122413	0.98424487815670	-0.87224499472466	1.17259285737635	-0.19407168088968	1.27507826720551	-0.38469977288953	-1.00000000000000
+-0.45963658537181	0.64903433199352	1.04835600819854	-2.00303349020379	1.40477311682557	1.57248073807874	-0.94159187674666	-1.38600288343324	0.90585794929652	0.66402832337787	1.00000000000000
+-0.16261039078205	-1.06197304920797	-1.08938335222297	0.04046821169873	-2.37838816610165	0.42307992877073	-0.01856133387221	-1.20327236238558	0.99869000875129	-0.01291499320984	1.00000000000000
+-1.34444287599646	1.34155370794177	1.03998297104192	1.09393426146189	1.20083853497603	-0.54424779898509	-0.08886352123367	-0.01135456452439	-0.64826238631134	-0.84845174141148	-1.00000000000000
+0.09216821074290	1.29284063615814	1.69843207567251	-0.37305400808560	-0.52600960247350	-0.20257208745487	0.59104826366619	-1.46203939484677	1.36335902972002	1.47547893352593	1.00000000000000
+-2.17927304408555	-0.64427063877365	0.41698085655917	0.62604341462805	0.21761055987278	0.01154665767498	2.21491821883566	-2.01901355710465	-0.70916522540844	-0.24254685459539	1.00000000000000
+-2.02981114180360	1.09980762164388	-0.76694946392091	-0.21952903540409	-1.09233924091993	0.23101407526745	-0.17500447729039	-0.81262025602341	0.63981892124986	-0.53881769242212	-1.00000000000000
+-0.50262821539493	-2.75094756807761	-1.18456753411865	1.03926180858931	-0.89945613541789	0.04939410606466	0.38473171315984	0.12856761629374	-0.17015389843900	-1.99249915991246	1.00000000000000
+0.39163300359577	0.76403581612156	-0.53223931447005	0.05052357099235	-1.51167016588019	-2.16190302153989	0.25510979221367	-1.27564831862259	-0.55408814905404	-0.28567991419129	1.00000000000000
+-1.73122125054227	0.48772490986113	-0.82540718138197	1.04349706376771	-1.00370083334601	-0.17643807390989	1.96278399737404	0.68469721574037	-1.89637306118786	-0.68432408071698	1.00000000000000
+-0.73674362327619	-1.07715182977075	-1.56832490320969	-1.07391211528593	0.37477924196387	0.60652076957323	1.18554134807764	1.55584439501538	-0.24552486040404	0.20287471835666	1.00000000000000
+-0.17207328001004	-0.48625613370653	-1.72851936670536	-0.08813495961037	-0.20870111400347	0.69930790437624	-0.46305089189494	-0.68886895630423	1.55321865503057	0.65452168843976	-1.00000000000000
+0.86899016712676	-1.02526452614977	0.98659251400384	0.57886500101243	-0.97463692588780	-1.21460612665044	0.60041666297351	0.64440285906178	0.32492515934217	0.60267976868707	-1.00000000000000
+-1.00533921960505	-0.90449281911880	-1.54856241522880	0.57212052511056	-0.60632725771030	0.23689248478204	0.37331799331930	1.95078759062241	-0.29381629820326	-0.66928571416886	1.00000000000000
+0.11435788747562	-0.58097852196687	-0.72563441216237	0.54556966533598	-0.23662158736489	0.58982996403623	1.07113879804575	-2.27811822954257	-2.06557630689760	0.59077817489657	1.00000000000000
+-1.29394521913468	-0.52836247736773	-0.02207883991010	1.09950562010572	0.87086516627949	1.37455039342507	-0.31740934484204	0.17723010510126	0.68741967543430	2.19470331355183	1.00000000000000
+-0.19377850082585	-0.62394235129185	-0.54554785063136	-1.41179172829558	0.11890542517230	0.87727957055020	0.37847338967711	-0.15536389622096	-0.24045858125573	-0.48919660071892	-1.00000000000000
+-2.08824609676805	0.63233806678328	0.74733829252179	0.83334548617370	-0.45316627827029	0.23202688117380	0.95153961151760	-1.44545796113324	0.33646947134663	0.46004672263288	1.00000000000000
+0.35082624167613	-0.80741913042254	-0.66067919907349	0.76889751136338	0.42139316885581	-0.30778500965645	0.03946279048167	-0.31771306931925	0.16947673903520	-0.40233962129800	-1.00000000000000
+-0.27352246371253	-1.39636091566781	-0.76170663738733	0.33183378898655	-0.81766700029708	-0.04424166334611	-0.58380758452182	-1.69667037040064	0.64638220955072	0.34942988893539	-1.00000000000000
+-1.35436521346976	-1.11152085996309	0.77116358564062	-0.79323523774805	0.81544675604713	1.73522134077785	-0.64295697173486	0.97043190250713	-0.22761060832257	-2.52223390883334	1.00000000000000
+-1.44894029831505	-0.04130758586255	-1.04249839278699	0.44974755044691	-0.91169292245894	-0.07094159654537	-2.50517861402261	0.80136505783905	-0.59203042352480	0.72729856868983	1.00000000000000
+0.27750843672672	1.71935898995856	-1.07448512960606	0.79963719377277	0.19991711057483	-0.79131414604393	0.17239772600582	-0.55033972764195	-0.75960145362350	-3.06865965482480	1.00000000000000
+2.42927698601159	-0.19957280228930	0.05569218919379	1.15830550309158	-0.07187429024562	1.15923252659992	-1.47717547890001	0.62310454191975	0.02277106486052	-0.21124065868172	1.00000000000000
+1.23424495827210	1.39347065656952	0.72533571897235	-0.02629132045491	0.33915816107425	0.56338462154246	1.05992170321075	1.90156686247442	1.22245363441224	-0.79943372909283	1.00000000000000
+-0.79233943427677	-0.18791009235703	2.00484893403820	-0.86955058296915	0.33500698491637	0.59830036291635	-0.93092686594660	0.72051719443242	-0.28868103633213	-0.28450606115843	-1.00000000000000
+-1.17146431949651	-0.14725439039293	0.47879371537880	0.07153122744181	0.12938721272815	1.53750783561340	-1.01444959346702	-0.10824714097010	-0.39368019124705	-1.70358658538506	-1.00000000000000
+0.23004866022068	0.90990391629298	0.39914219408064	-0.08499871799625	0.87385127021501	2.44663594558118	0.87958673557713	0.17781626558816	-1.30460637864350	-0.01388994040937	1.00000000000000
+0.01198534707278	0.28464190094031	0.93930271793693	0.14529096572906	-0.56267654034997	0.23486588916903	-0.51855437138907	-0.75974001293604	-0.29553995221049	-1.48383850742506	-1.00000000000000
+-1.26693869131253	-0.43559886627459	-0.59283634462387	-1.21443730656852	0.60840692351556	-0.27833461269833	-0.25158618426482	-0.95255315127764	-0.20648164548847	-0.98072298937565	-1.00000000000000
+-1.29252772858723	0.73764946507534	-1.41129483195717	0.36999773251962	0.49597404813146	-0.69975856857173	-2.69397392771888	-0.11826106493052	1.39134963763149	0.97360541004009	1.00000000000000
+0.01607238501099	-0.92137980872115	-0.91489732067886	-0.18555794143655	1.08633290046676	0.02001406249059	-0.36160843887673	1.42876492112578	-1.31443348680313	-0.78477096894672	-1.00000000000000
+0.81508636541300	-0.21910520449954	0.54738096325336	-1.84132642956028	0.90925942978053	-1.34319831253132	0.37000667437464	-0.75782013660950	-1.08986350333131	0.84946120915174	1.00000000000000
+0.11616996929286	0.57503023982850	0.21472295797993	-0.29996616086756	-1.51869835901801	0.22863599484526	-1.06335009742644	-0.11060042340561	-0.12839314647429	-1.68363962915833	-1.00000000000000
+-0.01523421626087	-0.17456844029291	0.09070581837991	-0.06842148642048	-0.49289669006410	1.72219606370423	0.97646459602462	0.13704916600554	-0.55454593869287	0.84289906001566	-1.00000000000000
+-0.67476439230958	0.03096843440672	-0.76560066770804	-0.63874914639017	1.16955300027249	1.63327561766418	-0.74354266820481	0.43670264994490	0.90622528817534	-1.22132484934622	-1.00000000000000
+-0.68770513197294	0.14613061725988	-0.35366227552682	0.80362265935917	1.04223760913673	-0.02320368828959	1.45654764299083	-0.70035151442734	0.94188892790598	-1.50393600377694	-1.00000000000000
+-0.59199191824715	0.43706998235851	-1.22163380897679	0.45926723447903	-0.66403005428078	-1.00846746483880	-1.71773487561508	0.75388953352120	2.28489034444606	2.25025092763627	1.00000000000000
+0.31406757488332	-0.43885972807692	0.44303140036437	-0.31629563434097	-0.28952462205507	-0.00564463790094	-1.09469802179063	-1.26627317782005	-0.42631367260740	0.51862857873778	-1.00000000000000
+-0.47311702441175	0.77552722970579	0.24621757457783	0.57010218802028	0.39410731094051	0.63632328399832	1.66638325270258	1.61050272840605	1.29522566609296	1.20875821683937	1.00000000000000
+-1.38444443777389	0.20216975907101	-2.22347976723193	0.89841893842412	0.80256600279718	1.29429493872359	-0.10142859096933	1.18963780218869	-1.02153810220936	-0.63852499043117	1.00000000000000
+-0.32736159557559	0.84266932146659	0.82323004819646	-0.42571587987749	-0.10233911195945	0.33009671359517	0.53931291271669	1.71925226830590	-0.55729359965497	-1.46123525035655	-1.00000000000000
+-0.81417104265693	-0.66869970835467	0.56992204795497	0.06795536501263	0.91543147704630	-0.31473730920689	0.49805354137877	0.46315603854531	0.95696417804256	-0.56880230670358	-1.00000000000000
+0.55843774413695	-0.40434751373119	0.22947036892796	-0.45751581302286	-0.09410393113389	0.68585209985297	0.55630005438833	-0.34564752083914	1.45245635465150	-0.32240307211271	-1.00000000000000
+1.28730441715029	0.78338914100291	0.18879866320990	-1.89991459561061	-0.98446065533268	0.12413603818360	-0.76473941549714	-0.66317309956921	-0.70285799624859	-1.53650245814487	1.00000000000000
+0.37024980783686	-0.85935906978785	0.09727192171450	0.54154316276641	1.44020869774190	2.03587069152956	-1.79658566281839	-0.52492873912732	-0.99837823815193	-0.32233980766498	1.00000000000000
+-1.31464936182519	0.55574823878448	-0.88782571940255	1.31726246734945	-0.71508863256353	0.81505901743091	-1.29897808329546	0.34985235737472	0.12012710080302	0.43712174673388	-1.00000000000000
+0.11125773338330	1.77533097919632	0.64828966224648	0.69313769017350	-0.11340015290773	-0.40824531465148	-1.13261513657046	-0.05767876680783	-1.06764736169652	1.60232599862447	-1.00000000000000
+-0.67054403603921	-1.05800173092861	1.57004191602788	-0.42349091697045	2.54258163157675	0.91985300736931	0.27977942135967	-1.07230780002117	0.53243843860830	0.18129764009853	1.00000000000000
+2.14903884886610	-0.76958450697875	0.87996177286494	0.76816700325577	-1.06998623619066	-2.89921548518789	-0.82334200311744	-0.21930307042151	0.63325536019448	-0.59466456474353	1.00000000000000
+2.03318107641510	-2.57092069804582	-0.64543661765593	-1.58621109170536	-1.08253549941625	-0.47506469682613	0.80865738804815	-0.96048079613058	0.37789812105231	0.01499274526023	1.00000000000000
+0.00003821688661	0.86636864807494	0.28175986241297	-1.13690656369851	1.40956378493415	-0.52108483212612	0.18979697580970	0.80426397769103	0.73266290512627	-1.73345228013854	-1.00000000000000
+-1.25318872693810	-1.17498506051978	-0.89892744374809	1.87542985267408	0.31904409765191	1.72791506643712	-0.74511306613439	0.01704629098668	0.21927974168967	-0.35626565190656	1.00000000000000
+-0.58027590555339	0.19100846967688	-1.42376242684708	-1.41447921097575	-0.31306670625260	0.05620965608259	0.31773863810775	1.08035585383206	-2.12269357911018	0.97757166179023	1.00000000000000
+-0.25412543454522	-0.57265676903169	-0.81274796855477	-0.39646871176150	0.67137704493643	-1.64789645160895	-1.20540534803405	0.37612382180038	-0.35395058607792	-0.76721517469843	-1.00000000000000
+-0.27009563032084	0.63968104716280	-0.63842960648510	1.00486767335942	-0.42708309660138	0.05793637913866	1.43153004847297	-0.64757790004240	-0.64652941101725	0.16367264651409	-1.00000000000000
+0.73537091959573	1.27807444106703	-0.60013542716991	-1.07641241372230	-1.94996110855379	0.95479548044025	-0.82500883083613	0.83971775809643	0.82163782590776	-1.48177365409568	1.00000000000000
+-1.07578377352847	1.43139435246322	-1.11134507414587	0.90224730254889	-0.21681273301629	0.97324132419371	0.10062624722110	-2.06126245571583	-0.68610025158762	-0.58595322636766	1.00000000000000
+-0.17170592241337	0.33609045136699	1.56589257557317	0.73025258429468	-1.13280035299273	1.22971874563225	0.11442909702019	1.08315275138023	0.98118972532235	0.50440678609316	-1.00000000000000
+-1.12339337581082	-0.53471921590327	0.96225703674330	1.80239042546146	-0.47946793783441	0.20345737220567	-0.85554039248279	-0.18462590495313	0.66146222578848	-1.73337919698402	1.00000000000000
+0.01163811707543	-0.46161968058496	0.79776314397163	0.46495779872659	-1.08534266237368	-0.80533446142592	-0.59520317754494	0.45026243300498	-1.74833501022067	0.85128795369498	-1.00000000000000
+0.28127971724393	1.69355243795629	-1.12054592567879	0.37719073305720	-1.42790096251477	0.51454250642429	0.67313871887040	1.23792923184947	0.33951174877855	-0.40698488871523	-1.00000000000000
+-0.84392779812746	-0.13771592943905	0.45736099136854	-0.93602846622399	-0.59801436481700	-0.63484469571709	1.60616011148532	0.26493616619955	0.85197205378919	1.21135781281056	-1.00000000000000
+-0.65565619882092	1.13275623542857	0.49050212065559	-0.68927489999547	1.43203785254763	0.20379540998307	0.04332675574656	0.94915770599960	0.55208134890838	1.35859775254570	-1.00000000000000
+-0.44636639968044	1.05663380109584	0.61017206567012	0.25431521742909	-1.34954832697825	-0.59677582796185	0.37648618885667	1.50698413914817	0.11765017184279	-0.40344421043447	-1.00000000000000
+0.04734561790763	1.44451357774026	0.46215554330225	0.54490111574140	-0.14729983402055	-0.15171459029358	0.11666058942725	1.29354585442169	2.14205200686154	-1.65279124555346	1.00000000000000
+-0.03053394029836	0.92339919918796	-0.12246297949795	0.85411792373367	0.67766687923623	0.54851900635602	0.40768874438723	-0.72977248054832	-1.12036880636403	1.62879051955270	-1.00000000000000
+-2.04273655688569	1.29044421858853	-0.83765959024089	0.14383412686534	0.27164184658994	-0.14759557276086	-0.21462208438045	0.57571885435008	-1.17490417949138	0.06681752838011	-1.00000000000000
+0.52956058669649	0.42681856360737	1.29441912918710	1.32977535799966	0.08548251430034	-0.88829628241521	1.94893534205111	1.31331469734595	0.24251543704215	0.73836373145707	1.00000000000000
+-0.25330044381114	0.11514620017243	-1.63278598389425	-0.90518643345142	0.45722842581013	1.19467014457827	-1.91226357867813	0.10520234705296	-0.46396944249906	-0.18169911229327	-1.00000000000000
+-0.05614434305627	1.10278641287052	1.62389618425790	1.50072764769057	0.48340308952121	0.40096455898845	0.17907827840848	0.88568389946145	-0.64175197637942	0.32306588087736	-1.00000000000000
+-0.72985261900583	-0.53942533630721	-0.08126361905262	-0.91473073587528	1.50611105689855	0.43040222602673	0.59071906145721	0.53724135233664	-0.24598151665305	0.07587346095916	-1.00000000000000
+0.26398123829502	-0.51971076606505	-1.14489374970743	0.12676462188999	0.58691186093351	-0.04948168266258	-0.31447959282881	0.23062779263181	-0.85805717091857	0.79968957965646	-1.00000000000000
+-0.16975170497893	1.37438147666423	0.98363561879443	-0.22001698492489	1.21592347920931	0.28289849944791	0.04846503869139	-0.05562014146540	-0.75461175078963	1.73654969866719	-1.00000000000000
+0.50707056922347	0.43138278450691	-0.68991493802087	-0.91842607403009	-0.76777446513032	0.29515448431413	-1.92995188418199	-0.08973727210301	-0.74260583099751	-0.36182938659142	-1.00000000000000
+0.12013451362439	-1.79350649340124	0.11983894124354	-0.07258892011136	1.70938336389227	0.53802305523467	-0.61038052987833	-0.10035809078079	-1.12631849798435	1.50088674892618	1.00000000000000
+0.83326898512462	-0.59556639143856	-0.20045551445663	-0.44597536219563	-1.10260599248929	0.89770765999916	-0.82587977572124	-0.92905463224135	1.74804177579487	-0.48981556453953	-1.00000000000000
+-0.88805409621703	-0.69253053755425	0.74835102892741	0.56168020143069	0.11779811580119	-0.38421266558689	0.54056530594471	0.67902374571449	1.10063507023130	-0.98652899341616	-1.00000000000000
+-1.39168658700784	-0.30776291684667	-0.18506999191618	-0.78766585955405	1.32841642145111	-0.32797704776744	0.48171868139017	0.30406561204845	0.19506017014263	-1.92605755564053	-1.00000000000000
+-0.52351837638652	-0.44283058848624	2.19358733105029	-1.62230268360632	-0.40334770456463	1.58176196335605	0.52764604948967	-1.02216971773228	1.24158813442106	-0.79855715883843	1.00000000000000
+2.15648605425089	0.10507521383048	-0.98055766528080	-0.04939692005088	-0.75242183741536	2.64764119667458	-1.37958834095557	0.26908372958608	0.31266769812928	0.70652425107460	1.00000000000000
+0.21295656721036	0.80484095522081	0.23344148850686	-1.14663423333821	0.64996009169977	-2.60570086158510	1.49376490939663	-0.46423324324249	1.13188939300824	0.52718941543087	1.00000000000000
+0.71727106279513	0.47189185278225	0.28451630335358	-0.04147364381361	0.18996192530594	-1.28000525974047	0.35646156398745	-1.44032554512212	-0.83067262548191	-2.75399439623809	1.00000000000000
+-1.94742857107159	-1.07473700626576	2.58987786854812	0.69966242815453	1.37984507284836	0.35862698661410	1.46080829687507	1.29752521456244	-0.08320813580903	0.85518188076263	1.00000000000000
+0.93012041871149	-0.61554382605409	-0.98601687308613	-0.80076201382923	-1.15390594616347	0.89279409873222	0.44264517581568	-1.34284956667977	0.12034531941479	-1.15605631064741	-1.00000000000000
+0.69245905017337	0.48868156524268	0.66715534901773	-2.21557669751673	0.64596364367883	-0.07121407145719	1.12556540239670	-1.43266499341111	-0.65263257410764	0.48842926768120	1.00000000000000
+-0.20045977763241	-0.13256540194324	0.51780014132893	2.50371354683367	-0.30176617166129	0.06743204078346	2.05261475824247	-0.58977920052385	0.02042685045411	1.06065059333918	1.00000000000000
+-0.39016646725244	0.57560117159236	-2.06979282385431	0.10076725420128	-0.65067865650394	1.37292552298259	0.87453430081419	0.47823812377305	0.30282453869857	-1.18501059669587	1.00000000000000
+0.31246335836550	-0.35257793975927	-1.43951335772667	-0.17050972869915	1.05047198411877	-0.50756416284849	-0.23360351594125	1.63820420675785	-1.47023190774427	-0.27140158552493	-1.00000000000000
+-1.33796121019978	-1.20576076636063	0.64734924008394	-0.42802978647160	-0.56348326934775	-0.05350399155936	0.86240581458478	-0.95016040939428	-1.51060588793332	-2.18399184239918	1.00000000000000
+0.17936204011130	-1.29983502767110	-2.03869470793271	-1.04797155046024	-0.10029381079401	-0.42577371407978	-0.48709448069526	1.61989634945954	0.31892442127050	2.47051140162914	1.00000000000000
+-1.13709729574076	-0.52712797983477	1.05334372042292	0.94847436974027	1.78918347022456	-0.96769225329000	1.06767356697271	-0.53224432626209	1.99891068114876	-1.71918636011054	1.00000000000000
+2.37876976301789	-0.73620990228732	-0.17144516781101	1.90192724000895	0.38756676254589	-0.83131963499275	0.87437619514588	0.22343101005545	-0.82742891668937	-1.07279784809465	1.00000000000000
+0.70368069305504	-0.34136956560059	1.81971517903598	-1.90458026355356	-0.98281316514014	-1.64090217750951	1.58374324686185	0.07284021251238	-0.58166646081217	0.74800595215092	1.00000000000000
+0.17633003566405	1.76497758578563	0.11566538410186	0.49473279104056	1.15668840501798	-1.07522954167309	-0.52792102478525	0.00512313142155	-0.25817599341173	0.17602871851570	-1.00000000000000
+-0.32895483981010	1.23391885130652	0.39171749835738	-1.11761526625257	-0.22723305643787	1.71120230643488	-0.85648675414455	0.95153786298165	-1.37001752540822	0.60772331985459	1.00000000000000
+0.24399211847151	0.58057929394896	-0.17567464975870	1.23575161359874	1.52559434083406	-0.13045484768485	0.64269958944098	-1.69112076900909	0.41180989594059	0.01056344343516	-1.00000000000000
+0.14981245977246	1.80188792182790	-0.65586574707540	-0.86158547183694	0.74282548545549	0.36674573322670	0.99374489425507	-0.81625855657110	-0.41393335743515	1.39203706121885	-1.00000000000000
+0.28814219836335	0.41236284827212	0.45048101717301	0.13377317887603	-0.90128841949583	-1.28014821909021	0.20575579361255	-1.50224038051919	0.28649364602537	0.87969286356248	-1.00000000000000
+-0.55032522815646	-0.47723940826955	1.53116825232201	0.01365192467740	1.70924229665898	-0.77135802252219	1.58014206649393	0.61207164390513	-0.97084332020374	-0.51333775822803	1.00000000000000
+-0.33094224820618	-0.53440798052582	-1.16470620882935	0.09306169665652	1.29940894873999	1.55150808289140	-0.60796893998830	-0.09603567665492	0.03042237324388	0.84856121042767	-1.00000000000000
+0.34577959150955	-0.94920422963097	0.51989904501602	1.38423743855954	-0.18139699124442	-0.89070954246920	0.34864898969587	1.41681790240210	1.13912105944697	-0.23632356588945	-1.00000000000000
+-1.06592137868354	0.05134251324790	-0.24609786652791	-1.27671183586955	0.28184854623568	-0.78125350337580	0.07852207793980	-0.74464981243100	-1.22783746615405	-0.40131976791807	-1.00000000000000
+2.31772223102907	0.19565831211525	-0.13419225104494	0.21355749405601	-0.00970057406845	-0.43091521353741	-0.63998810266135	-0.44057264446433	0.90222640701295	0.18245687919811	-1.00000000000000
+1.00878816587903	1.80970235771627	0.63132240764087	0.23936481131279	-1.20076380772300	-1.29562958078918	-0.58989051874062	-0.04629362206318	0.33623418096933	-1.16062794566403	1.00000000000000
+0.36768055467094	0.35479677330269	-0.48912095276988	-0.53505921542633	-0.41701212346439	0.60234491020638	0.19639086634213	-0.49819766059380	0.88293851734569	1.13585422933357	-1.00000000000000
+-0.07512534977355	0.89447146881445	0.10696837396501	0.05331082915757	0.14209133788435	-0.50595523689922	1.19333247945981	3.45352431440125	-0.27986280026626	-0.99986435252612	1.00000000000000
+0.10309579651180	-0.76880445608233	-1.33866712966223	1.17884740395744	-0.69952701561114	1.56487953876294	-0.68120170005478	-0.62721042466024	1.39327142725564	1.77923805219715	1.00000000000000
+-0.77786112287345	-0.86151763177484	-0.69425454945898	0.26230541449477	1.33564239131728	0.09958308931348	0.26220622334572	-1.78117309244988	0.36215558198827	1.06779615598211	-1.00000000000000
+-0.46919444871189	1.43036920031162	-1.47738074288214	0.64769517975527	1.85385187162162	-1.11565747300947	0.81727345477618	-1.37714921585749	-0.31805106640482	-0.46555653773448	1.00000000000000
+-0.03162858763128	-0.61845838109567	0.69498297102216	1.06932967307247	0.64972119040360	1.38068963688656	0.30618688317400	1.28149148903961	-1.57982956415650	0.41340650351230	-1.00000000000000
+0.77289698508425	0.38863809228978	1.15950394143280	0.16667045501865	-0.66846383740631	-0.89517896679650	0.16572962012861	-0.80353846481516	0.02691745554004	0.41094723742181	-1.00000000000000
+-0.16547206242113	0.20120545881285	0.28114535946911	0.39240169308853	-0.67924159916241	0.17999789020041	0.88558164956991	-0.33215654994873	-1.92950342541055	0.59507645530596	-1.00000000000000
+0.83763330391566	-1.18393006149311	0.47019929619209	2.62795891535314	-0.17481213164627	-1.83677549483786	-0.16960389701775	-2.07118716288124	1.98976315138139	-0.53038289500419	1.00000000000000
+-0.01185810010870	-1.24087158267543	-0.26014164016879	-1.64220329643801	-0.35057438241728	-2.23745175405886	0.73471333104489	-0.78525651468675	-0.48476537058300	0.66747039639269	1.00000000000000
+0.36852331141118	-0.65481031488233	-1.27252253746052	-1.69723308695580	0.98925790929715	1.09062274712633	-1.14256419352556	0.97817103463283	-1.42118817675843	0.23699235966439	1.00000000000000
+-0.34619658560472	-0.33078878726876	-0.55194310906393	-1.21758912808527	0.65949049407046	2.22127102614706	-0.43806454655104	-0.14423950421969	1.04088393933880	-0.07956159245814	-1.00000000000000
+-1.74201311196513	-1.00245143302920	-1.74152688897982	1.78221325764022	-0.99047113433300	-0.10908591451768	1.30602409396693	-0.21109337363649	-0.45708753515689	-1.30145137070316	1.00000000000000
+-0.30327060515073	0.40612422228660	-1.62680159128731	0.27158504715500	-0.27209262493019	-1.72996133153530	0.76579026149292	-0.39424410382841	-0.22640913890583	0.02285963925981	-1.00000000000000
+0.50179294224821	1.87009714283123	0.68212581732449	0.16750088240986	1.08931978823191	0.99200001552040	1.02626461105949	0.61266013807372	0.91402673753614	0.43762593753786	-1.00000000000000
+0.12207306986972	-0.31628495384432	-1.30232788853766	0.24184784408029	0.12365707251805	0.01468247313569	-2.12453378949394	0.84851524280557	-0.88669578853318	0.26631313525129	-1.00000000000000
+0.65129992992914	0.01312455011601	2.01585741917297	0.35624651770280	-0.82266099317291	1.29203622651637	-0.03573415359096	-0.14110731609144	0.52002584625063	-1.47149722655405	1.00000000000000
+1.41936835486557	-1.34200986152618	0.43998672043957	0.64045365899565	-0.88158419507680	0.30238456823346	-2.17767746427192	0.46405289547394	0.29522042883890	1.35015680295908	1.00000000000000
+0.89850045974002	0.48752899347214	0.11946347911826	0.64415085817592	-1.96838765949376	0.52470707816163	1.69066426892097	2.17096546132302	-1.01367069193092	0.60004687803146	1.00000000000000
+0.37517967446839	1.93283077362891	0.43872939777665	-0.85747495445085	1.49786979935194	-0.00386005404236	-0.91833894248512	0.67088708703721	-0.28707919350382	-1.93338661698078	1.00000000000000
+-1.12273970161485	-0.39851466404950	0.03148748801069	1.54579173122264	2.94241430142137	-2.53365907312400	1.12344697105041	-0.57738751306440	-0.76464772802450	0.40457879920691	1.00000000000000
+-0.53322558478033	-0.01247105048327	1.25876777249800	0.24730211968121	-0.63322333717155	-0.33159625723311	0.70198638916626	1.41911986372606	-0.35301065614125	0.88537774041941	-1.00000000000000
+-0.96431769338993	0.34795554509387	1.47359837057780	-0.83598632054734	-0.57735022954264	0.71871603982350	0.53967303728921	-0.14018824801580	0.91098747605010	-0.79497075998121	-1.00000000000000
+0.88170139798294	-0.97201217485823	0.52544219835226	-0.34564002227471	-0.30793912426168	0.18917215898207	-2.77637566734417	-2.47828637665329	0.66629573755348	1.66834080052007	1.00000000000000
+-0.78193114291006	0.72831932044818	-0.43077648376541	0.09472617917109	-0.43538661170923	-1.04550165272068	1.51478257502111	0.67991940270556	0.14927826733732	-1.66168502374777	-1.00000000000000
+-1.33259714975685	0.56177383373603	-1.08666531027163	0.40888552806467	0.05121908104307	-0.16673637708091	1.14986859679835	-0.78621253541252	-0.38015608919614	-2.69052677320622	1.00000000000000
+0.80548233402295	-0.67796600565802	-0.05494179267373	-0.68024721436223	1.48144643792709	0.13371545432457	-0.38286207619564	-0.02061459695041	0.72339245742437	-2.06582990651170	-1.00000000000000
+0.41024457606289	0.04419924239694	0.16167364778030	-0.14356696550523	1.69205415199920	2.13556401881739	0.56264035105418	1.42591409768367	0.85881030689884	-0.09780720162058	1.00000000000000
+-0.52068897959947	1.75165283514807	-0.31271714966083	-2.01993507109087	0.05438836367153	0.34120151376836	-0.25116023785999	-0.89285448670059	-0.00125094861831	1.69161918123696	1.00000000000000
+0.12493520503791	0.89671064648098	0.78431501812384	-0.36123763488767	-0.22178963017737	1.05887690818577	-0.74735756231006	-0.73470891971409	-1.35760715440974	1.27209436431977	-1.00000000000000
+-0.94005227681527	-1.09208326823128	-0.21024913193893	0.44085389109145	-0.77571391213502	-0.64430260817311	0.05619764847596	1.41054979702311	0.53316043000271	-0.56735100216204	-1.00000000000000
+0.16894697547464	1.35211618333132	-0.42095692730695	-0.40986067108185	-1.36854841948302	-0.32020394358123	-1.50669995647930	0.46423172580023	-0.05704628224137	1.18858998046463	-1.00000000000000
+-0.10014205950868	0.89144419734176	0.54343284659396	-0.01281726529343	-0.13303103961509	-0.62098249121904	1.24344449294034	0.37471484223131	1.16020726048667	0.68361478709498	-1.00000000000000
+-1.12042444119833	-0.37663050477842	-0.01813162948193	-0.26069314703135	-0.37672035967345	1.13713104521507	-0.72070662784346	-0.69244476787999	0.77968711119000	-0.51685647987295	-1.00000000000000
+0.15411570021765	1.09562219879169	-0.70929093780981	-0.70614988599496	1.39616658037144	1.51901400439028	-2.22585713707371	-0.81283514139615	0.63200273255986	0.33889602906516	1.00000000000000
+-0.67848982905688	-0.28016730000479	-2.18727359218968	0.91797938487891	1.51646989751903	-0.32217910662559	-2.03171064185275	1.23526281338149	-0.13453565023602	-0.80195323977093	1.00000000000000
+-0.94103037203018	0.47483760097544	-0.46700181365170	1.76147218747328	-1.15920444954713	-0.88114309643357	0.00879925977189	-0.43761853537583	0.63264976258494	-1.46950429868838	-1.00000000000000
+0.00229725697297	0.24665462553993	1.39161215696777	0.39738102387249	-0.40404535771284	-0.46610557054536	-1.17204361795124	0.75959650370415	-0.89458616926989	1.15542878331025	-1.00000000000000
+-0.70994635540154	0.90713401708077	-0.32330964199465	1.08115431216387	1.68822952630296	0.25445974212963	0.18473638243375	-0.17391552264915	-0.74158186206241	0.67416616091292	-1.00000000000000
+0.60488490265100	-0.30089064784770	-1.23133183148450	1.26415326510296	2.50339586465192	0.01099242378449	1.17708238656408	0.52859161544123	0.45474294526929	0.55800371228876	1.00000000000000
+0.19181939357558	2.47518042365224	1.02363357629688	-1.15854382817661	-2.03037659045416	0.88156935700792	-1.31304971563024	-0.05423635723879	0.19527128346778	0.94413392553137	1.00000000000000
+-0.09244045209208	-0.06552827105219	-1.01008694548528	0.60750915635236	-0.83888687102360	-0.05923912787862	0.60281408208898	1.21521773377136	-0.96462867485975	-0.31463843444711	-1.00000000000000
+0.39220770165006	-0.30514944058308	-0.71445525576520	0.02109134639944	0.00867481535962	-0.22908085663464	1.01984834715512	-0.44744050491296	-2.27254616555245	-0.33937231678983	-1.00000000000000
+0.77264055270463	0.16496222937819	1.43782067923492	0.78351939784607	-0.81923786233450	-1.03076194414421	0.02103505962360	-0.47909879686675	-0.41158031906025	-0.81276065442393	-1.00000000000000
+0.08866180909893	-1.58214161383270	-0.57096624428787	-2.69443642542130	0.05252683778107	0.75948048977069	-0.16509680609535	-0.72300630278013	0.08723507627936	1.82957740669176	1.00000000000000
+-0.01157946548079	-0.04897766962719	-0.39985246867870	-2.22417843506695	0.39881132657238	0.64969832853833	0.76509885252740	0.02805998112623	1.80241704391918	-0.63817868804496	1.00000000000000
+-1.19183154472911	-0.60923943254903	1.44581756571588	-0.60555873906808	-0.26645352563397	-2.87842676892418	1.17730612335647	0.77959239144654	-1.04448747211819	-0.74600220094422	1.00000000000000
+-0.85887494598511	-0.34639849070591	-0.82144985045991	-0.44719966255470	-0.20791231291961	-0.81700596943427	-0.48711735591106	-1.06729374139022	-0.55545566723543	2.55114865593466	1.00000000000000
+1.01740411918098	-0.56673005529586	-1.42218125601383	1.50099668772455	0.09784229152529	-0.58629288628574	2.51639007481097	-0.12217845255771	1.15035761509247	-0.48605274356479	1.00000000000000
+-0.36064808905103	1.68581843064855	1.09348724529532	1.20277980742356	0.99572285582417	-0.79986223142023	-1.29950245626117	-2.93870020597638	-0.91596136822670	-0.68659640626776	1.00000000000000
+0.64876231493827	0.60931192148160	-1.55660022433272	-0.77867216591893	0.60057565855828	-1.21736768778016	0.73841514523622	0.02299070536745	-0.68226857581693	0.81913133002882	-1.00000000000000
+-1.35160261619446	-0.99446557657959	0.93721713777523	1.57171356341511	-1.25823423185804	-1.18938861596549	-0.15091759009843	-0.12350777573668	-0.38095881653906	0.03091308624133	1.00000000000000
+-0.05602552122569	-0.22908559155564	1.64891522501731	-1.11889354999470	1.01871420443109	-0.26300212959216	1.54611310543120	2.00968656422484	-1.73082481863427	0.01294725315018	1.00000000000000
+0.24891428372095	-0.17703607150199	2.70181233655182	-0.65610949539518	0.98404454681393	-0.73893213460872	0.87361650288074	0.00295317271180	-1.06653894907641	-0.31931166630159	1.00000000000000
+-0.02274422797983	0.51525841407349	0.25603199384192	-0.11185980224439	-0.12449472384192	-0.54553112502614	0.26924733790417	1.00297678349337	0.16207358446253	0.81003519253010	-1.00000000000000
+-0.23131382184350	-0.58692138617638	0.19320748001439	-0.94104646257124	0.51578405401479	-0.00102311459313	1.15879045374448	-0.33106404500091	-0.45928277313274	-0.92641631893573	-1.00000000000000
+1.44120049601733	-0.57511699263859	-0.43148096202263	-1.06513058622443	0.78499893427380	0.98459515804063	2.17937883994951	-0.54056318454017	0.59406640028979	-1.03188382938517	1.00000000000000
+0.79111276815845	-0.10791579130591	1.34983985042055	1.16881792542276	-0.16191922477841	0.18308820246102	-0.05793299052508	0.41702961576843	0.74338561139758	-0.02693983496335	-1.00000000000000
+-0.93580656422905	1.28713127900403	0.93034093699005	-1.75577830428961	0.23534057963783	-0.16855729723630	0.29575116015723	-1.15774723348701	0.66896004524878	0.06737221649727	-1.00000000000000
+-0.50489686572637	-0.57410631422053	2.45628065478266	-1.13583556056059	1.50988345413846	-1.02814159078468	0.09602740416268	-0.59977505921992	1.15865153885553	-1.67300069738221	1.00000000000000
+2.47443095465915	-0.30399001086332	-0.19875531300176	0.18369621879632	1.98310599496762	1.33953673932109	-2.05479318265016	1.26006354064629	0.29906146501253	-0.21074865597330	1.00000000000000
+-0.30007373148146	0.81464308886060	1.76950812883053	0.86383242275473	-0.81226549346119	-0.49327976061324	1.20316914919323	-0.46309741733245	0.03713264534341	0.88668626408859	-1.00000000000000
+1.86983461607700	-0.01413794921993	1.16023550454949	-0.24706455365312	0.12294783824806	-0.38483729186030	-0.30336060650549	0.00956258297882	0.35633345352451	0.11508933008731	-1.00000000000000
+1.46152049356117	-0.11539490847824	-0.56957987038047	1.25309155756048	0.68026274260050	-1.51669461898521	-0.23370372892831	-0.31865249344574	0.93910962226950	-2.66691622114995	1.00000000000000
+2.11879786701084	0.31783329156664	-0.05685767909323	0.49336797667626	0.12471789843269	1.23739525899899	0.25638795488250	1.01214448644709	1.25477901852408	0.44410009739368	-1.00000000000000
+1.90445676670824	-1.69018369365401	-0.82071629363232	-0.19034785706267	-0.34659553101767	-0.20132502772711	-0.69785332281889	-1.38454211237675	-0.84959191790887	-0.58814630959311	1.00000000000000
+1.29562876472539	0.58726078824205	0.62145635694496	-0.76186362691871	1.58026077932695	-0.46107039407025	1.26748502269765	0.99187576085415	0.21320815874578	-0.42539393261142	-1.00000000000000
+1.48037615437435	1.25486481386100	2.18370717427803	-0.47263253661851	-0.97002433566091	0.96946372575594	-1.03319622667737	-1.84593264731184	0.77936281641454	-0.39467675892004	1.00000000000000
+-0.61133018268110	1.51019880381041	0.21125692538996	-0.22977365259892	1.42003127401498	-0.36119467511111	1.91757392248037	-2.03263405304921	-0.62505920902380	1.23959805416845	1.00000000000000
+-1.21775162378719	1.88704877525987	-0.07542311139204	0.06517237355439	-1.90624647436607	1.28157980987085	-1.97954205741737	1.51233269795977	0.96649543616414	-0.55239909311998	1.00000000000000
+-0.30758800476186	1.22638113374436	-0.15553540707588	0.86208732425027	0.85077474306085	-0.76662363395215	0.41424975264252	-0.37565625539514	-0.92887364263721	-0.77877697829430	-1.00000000000000
+-0.65411833210323	-0.76866265823355	-0.97015083587588	0.31434860887191	-0.72534038374982	-1.18711559438895	-1.62814572809311	0.82114034593182	-0.28845561587994	-0.11076621221642	-1.00000000000000
+0.32995144589601	-1.64542962556109	-1.72511773350212	0.22200564191645	1.02536539323328	-0.14856133765617	-0.44264496955899	-0.48279201875575	0.67712259430385	1.45105027532467	1.00000000000000
+-1.11520488892930	1.50494719024179	0.25576885966259	0.12213993725440	-0.37113559445172	0.62947271209452	-1.06957241104326	-0.37803006443961	-0.52355617825319	-2.93721279408485	1.00000000000000
+2.02958951921615	-0.38180161144719	-0.03214575099223	0.34234423587788	-0.59320162680055	-1.09695139389830	-0.77874420900175	-0.39480747725037	0.95650842959013	-0.62407415626996	-1.00000000000000
+1.09568526483681	1.86831147496573	-2.14679761104787	0.26810539683256	-0.24553287552274	0.34195859832714	0.73731755985870	1.41928820063014	-1.37772551439706	0.35013914822538	1.00000000000000
+-0.13612424676207	0.70861244312019	-1.19616690798062	-0.01893199830377	0.73742606493324	-1.28559094166414	-0.28451206526997	-1.56604206056995	1.58769558622819	-1.65394787566464	1.00000000000000
+1.03718267484373	-0.06294586010399	-0.66940982529076	-0.74532464624008	0.15295455454868	1.99025587940289	1.30654415148134	1.01190551249819	-0.56095602320016	-0.48261053662652	1.00000000000000
+-0.20853374850379	-0.13098928899193	0.65636130480173	0.05467451421145	0.72591434327546	0.92422165715369	-0.60426235033059	-2.52195928039109	-0.13257632036996	-0.24188888726089	-1.00000000000000
+0.73039574471488	-0.74561122671158	-1.12970273359066	1.25428506334303	0.56491590309559	0.14592932950462	0.46759039402810	0.76100863411831	0.16696148821215	-1.34825811180791	-1.00000000000000
+0.67581436986168	-1.58978489958821	1.25141521991555	-0.98028572380168	0.69567562632460	0.14788416318621	0.13493974556283	1.51036790343774	0.28614506973745	0.64349542771796	-1.00000000000000
+-0.03772553245359	1.20989075938034	0.21666429568091	-0.30594137663802	-0.76129721747389	-0.32937184486411	0.14522393930551	-1.04619486486834	0.12369830040614	0.27039124877840	-1.00000000000000
+-0.51009565058228	-0.12013074367715	-1.52617176968915	0.43812301543585	-0.40220065523743	0.21096153767683	-0.18340097086397	-1.07150827594308	0.31942333953944	0.87641635831810	-1.00000000000000
+0.40254353079087	-0.42977393550483	0.88445436107371	0.53077293440946	0.24693551449210	0.26670591981882	-0.94729409262962	-0.71076564558542	-0.25050280067795	-0.72796067113955	-1.00000000000000
+-0.28973021175150	0.68850246589716	0.18432173306857	0.15013490619177	-0.29576403862412	-0.50633783045220	-0.91610796634645	0.35744219788802	1.02939730025712	3.24370673471075	1.00000000000000
+0.45813312213727	0.19068598014523	0.13534081741857	0.46066251017031	0.70926538763558	-1.64895868422983	1.24671727185169	-0.89352844651013	-0.29276276659055	-0.00179184731303	-1.00000000000000
+-0.65856897009092	-0.67454743799529	-0.71787892449274	-0.22008582993341	1.22765759796445	-1.13970980997070	1.91609288124725	-1.29486396410410	-0.34785057662675	-2.04104241578001	1.00000000000000
+0.28442817388873	1.08803176922071	-2.11793385082746	-2.10778000446167	0.46036930202947	-0.27250456415440	-0.19409476681268	1.12918358607072	-0.74732124269807	0.06232283297484	1.00000000000000
+-0.39413237394996	-0.78411206018879	0.16492772415374	-0.05880774395368	0.86363552376553	1.24361052450599	-0.38971424756554	-0.17030126829076	0.83683553718536	-0.06875758750577	-1.00000000000000
+-0.60050989743196	0.84554898908143	1.66330711055529	-0.38448431741711	0.73767681742297	-0.76099957822970	-0.03933919024408	-1.06108459163866	-1.72772927025313	0.56613842005730	1.00000000000000
+-0.18059916124345	0.41442824135040	-1.43714617199295	1.79759015963904	1.17117320534657	1.88413078460772	0.75605259111001	-1.57989972003189	0.73120505924000	1.91683709982927	1.00000000000000
+1.34742403957605	-0.62395013027500	0.23993365517940	-0.84294690378851	1.29183597462173	0.31480420326241	0.76249605445342	1.36737071776834	0.74965065313197	1.55693182373347	1.00000000000000
+0.35987239412100	-0.66988447166087	0.65903386137314	-0.19683907052492	-1.33881494313762	1.53000504661068	-3.30008037579214	0.51358808166493	-0.26715327585055	-2.27776608595968	1.00000000000000
+-0.69028781677673	0.46383731696641	0.82541378046470	-0.22355276487659	-0.78569118663915	-0.60556637883775	-0.02314428722743	1.70436779898531	-0.49198558693115	-0.04783613155371	-1.00000000000000
+-0.27606942922165	0.77407476108497	0.79003209219726	1.05935232834926	-0.00676335305451	-0.12809748899210	0.12359266139179	-1.27712125878273	-1.66895055331836	1.01715703281652	-1.00000000000000
+-0.05397239931792	-0.44813376867939	1.02937427282952	1.06942567690289	-2.21704649958982	0.34688395081689	-1.38183941339322	0.33640524528083	1.86079556991889	-0.51509677022113	1.00000000000000
+1.48174249573904	-0.56174273228984	-0.25889326060597	0.84072900460280	0.73611103323201	1.06904745564000	-0.67360417406479	-1.27233286980465	0.90205557711177	-2.52483832536149	1.00000000000000
+-0.22259580457394	-0.17605559223668	-0.79698463671324	1.54214418614532	0.88102258359954	1.79379048993827	-0.41282905613501	-1.11484076099329	-1.09628155313274	-0.09476271985340	1.00000000000000
+-0.22440219048789	0.10635687587363	-1.45384203398433	-1.03941718452974	0.77460655245282	0.68577121059784	0.13858589182874	0.16417696078347	1.68793250063404	-1.13102817012130	-1.00000000000000
+0.82953329165102	-0.06055097232821	-0.30021119650802	0.67022563195254	1.92727458717836	1.21195781857316	-1.31863330633075	-0.54549856329342	1.22579509617858	0.81527701760216	1.00000000000000
+1.14027181025110	0.41152780750795	0.92350645117669	0.40212524324624	0.80425573019291	1.83461831574176	-0.08987154290979	-0.06955587751988	1.46103088831402	0.43743914656768	-1.00000000000000
+0.46486101364581	0.28123401649925	0.59670947457560	0.47836728498160	0.62635511844370	-1.13329801527510	1.11054813204716	0.66894947902530	0.91258262805636	-0.38051986546754	-1.00000000000000
+-1.16755619582970	-0.67381052473460	0.00475622988535	0.76263574421528	0.28983068920041	0.19673546942673	0.35658372857129	-0.60613076348208	-0.36966270707918	0.60593215775031	-1.00000000000000
+-0.20620865774219	-0.71414229684376	0.68054904249889	0.56112951235315	-0.70288601509427	2.30322710988890	-0.79383509411506	-0.00366826166109	-1.71961125639374	-1.61310254600984	1.00000000000000
+-0.64407517121741	0.66109160894031	0.86602036834371	0.08198112419905	-0.15744977050164	-1.34739656538006	-0.80220998390561	-0.27934717619893	0.95685632970570	-1.49680731108092	-1.00000000000000
+-0.88958780218396	-0.00009313425995	0.11536367037547	2.71590566117543	0.06253225964953	-0.38706157159995	-0.40064406812253	1.81291648390238	0.14089076168331	-0.34427022696108	1.00000000000000
+-0.26881282015314	-0.79453654989307	0.50965618717347	0.10971268259129	0.59294661121932	-1.56515214507716	2.96755797814605	0.50797298196983	1.62993492561400	0.28400681429313	1.00000000000000
+0.33128542535218	-1.94327028847757	0.11871279626400	2.21679138485467	-0.04565557453581	0.50010668566359	0.95729262004143	-1.17600259748250	0.14570961888674	0.30338447890179	1.00000000000000
+-0.68522413053158	-0.55837864669810	1.93725134258407	-0.23132382095439	1.83067100732278	-0.75025315028281	-0.01380073878907	0.35754611398417	1.61354083357410	0.23738912982157	1.00000000000000
+-1.18817519027507	-0.24067909072797	0.99727968716504	0.29390729185835	-0.06358029107758	-2.61290454860335	-0.28046691405830	0.44026752537403	0.23198841547816	1.51674154694999	1.00000000000000
+0.31364953071627	-0.22514835388271	-1.08781339197842	0.80929510932574	-0.85286175333815	-1.47620399282446	-1.11326773952565	-0.30907239676257	-2.08983065701298	-0.41737003120446	1.00000000000000
+-1.25513636804015	0.37185201934035	-0.32221869168671	0.47212052875794	-1.00475952205489	-0.05398563142234	0.06338028324231	1.82568154541772	0.96037198372300	-0.08714823571983	-1.00000000000000
+0.11108254244934	0.34198041660066	0.16518761240476	-0.46709306413711	0.20063772499325	-0.25222024644962	-0.34890072684346	-1.69582718701414	0.04252844430409	-0.35463528505326	-1.00000000000000
+-1.05834110708324	0.81546373244439	0.14893574125345	-0.56066669259864	1.74111073387411	1.07743876868911	0.04046644371002	-1.16629293291132	1.18480579060701	-0.25861302105802	-1.00000000000000
+-0.65702939966286	-1.08604982624795	0.30650582998706	-1.08261212881083	-1.40689902631265	1.65143588667220	0.10327990808768	-0.44900112900871	0.73272699046602	-0.21018097777042	-1.00000000000000
+-0.08748627857310	0.64335354143539	-1.05930355189014	0.65163819224535	0.63928521321837	-0.41703689136239	-2.07280914698448	0.04648277249492	-0.58582134595794	-0.02888580113391	-1.00000000000000
+0.30177873106653	-1.35977462487030	1.33901893094208	0.22026464162448	-0.05733739032821	0.36874728127769	-1.69036407590738	-0.84916072163306	0.51998700461451	0.21464855271077	-1.00000000000000
+0.91749499557207	-0.34969025183072	0.53595871138018	-0.11733268990612	0.75571609444542	-1.06011913132905	0.91105194670277	0.18474662624116	-0.79168180638927	1.00602687866399	-1.00000000000000
+0.62551805761225	0.06102414332030	-1.56157839748840	-0.07731108638430	1.23359621534995	-0.85402294013689	-1.46652092077016	-1.54748534275085	0.41447741970225	1.58031659865978	1.00000000000000
+-1.26438836912023	-0.10945197087278	-0.46445927041890	0.45577066815917	-1.03581489302349	0.88179351336788	-0.07082351209832	0.03213107395334	0.31787811448699	0.64447578798628	-1.00000000000000
+-1.90240069401057	-0.66333392794950	-0.65738731184127	1.69595785895607	0.00653040725033	1.06615864326329	-0.45931037470904	0.23580262633227	1.41637611810480	-0.23745760438287	1.00000000000000
+0.78067457344213	-0.17750907376104	0.69826475235028	2.28034771324923	0.48483341840417	-0.40887128162178	-0.61912976983313	-0.24088163246737	0.06745481945556	-1.48433259321762	1.00000000000000
+1.05157091791210	1.11791942696187	0.33044036796300	0.22292528066331	0.55370973187732	1.05286720748542	0.87749713019487	-0.73684798384756	-0.77067243347792	0.18122802085218	-1.00000000000000
+-0.37862819415679	1.10935260614543	-0.09751245288180	-0.34961003629022	0.81900314623492	-1.27259157710583	-2.91297849505342	0.34628795032811	0.47543791202053	0.32369733944831	1.00000000000000
+0.04745109981370	-0.15432021366513	-0.98935837360178	1.12408675357212	-0.45831326186001	-0.23737012593325	0.75502125093647	0.31450747707517	0.03883792980190	0.59333502360064	-1.00000000000000
+1.54258235790063	0.76240778007508	-0.70949939122305	-0.19066993072388	-0.48605720368310	-0.36662852829753	3.56563633639120	1.64014311602530	-0.48267619050871	0.69605904316075	1.00000000000000
+-0.20228139232398	-0.27098165453534	0.19884552947410	-0.36335383892562	-1.81685856360259	-1.84932526055439	1.19900176695123	-0.14758775472882	1.00082232088276	0.22095339118348	1.00000000000000
+-0.47530259210481	-1.41134044821892	0.56863641246586	-0.58587362668115	0.79384115933903	0.56436159782093	-0.21971421135825	-0.65271721466937	-0.98236580935694	-1.05375537090892	-1.00000000000000
+-0.78967905177890	0.68202125304377	0.81227223989480	-0.43936341260602	-0.39795160488072	-0.04935578602265	1.91531349976834	0.54253561473002	-0.19383068224890	0.14773541343056	-1.00000000000000
+-1.14290215595426	-1.78492512501665	2.34121121923840	-0.66980097805884	0.94240311847145	-0.41875923798312	-1.79573027145898	-1.55173498362895	-0.56779558140570	-0.33051293882024	1.00000000000000
+-2.56133938448651	0.04880564894285	1.57398660806995	-0.99652935980725	-0.24149361547870	-0.34429552994442	0.35491165812225	-0.59780187394719	-0.78694229595205	-0.87543061130249	1.00000000000000
+-1.15584184336135	0.37408812887254	-0.85331204171631	-0.91648255782529	-1.04824547704574	-0.32624698882079	-0.03032923487722	-1.45784915469475	1.05083326027889	0.35848248315148	-1.00000000000000
+-0.49588479214861	1.10759685713841	1.64819026732395	-0.83503347647591	1.15203465531769	-0.57544405443811	-0.82653658919853	-0.74536108479457	2.30412276757928	-0.12169402718916	1.00000000000000
+-0.12855017799063	-0.68191860904728	-0.37799524794995	-0.81273056544462	-1.87331582784879	0.36206798239946	-2.24924690891301	0.51322058525611	-0.19890809075600	-1.68712204469564	1.00000000000000
+-0.08656549620774	-0.36392172064009	-1.63943072672172	-0.21619426396175	1.36645556971242	-1.37609458768068	0.96364509277673	2.46678207419615	0.28820316597430	-0.19890489423306	1.00000000000000
+-0.91906415954431	-0.53636314431356	1.70471282641316	0.06381245440102	-1.30130675591074	0.20192788068151	-0.28127052900931	-0.52228690303855	0.94846202301268	-1.64364506667111	1.00000000000000
+0.44241891282165	-0.72843491641234	0.97815053244729	0.62913509469572	1.27242360639092	1.94017104978745	-0.64205734346999	-0.64024649268904	-1.07433221929567	-0.31250754158384	1.00000000000000
+-0.21243440439238	-0.40386635410314	-1.12538666936015	-2.02151661854795	1.30138731335570	-1.57926797679085	-0.28448372077525	2.31251553414968	0.99952027748699	1.06384307684447	1.00000000000000
+-1.00393704285898	-0.95383874137902	0.01193790897871	1.48749081840862	-1.14027498262690	-0.40018299115479	-1.91016429018486	0.03143702474688	0.59039826709003	0.75923530738339	1.00000000000000
+-0.09103577690671	-0.46342244326588	-0.46220070454183	1.37566993749860	0.13615813501845	0.56792951286445	0.17775033217994	0.50474072557416	-0.41913759103543	1.37350990714104	-1.00000000000000
+2.56482699143322	0.79998693831324	1.30358968490178	-1.15274060417540	-0.62024947319876	-1.40974466015876	-2.12530384266979	0.20173283369991	-1.13709867936961	-0.90317388374921	1.00000000000000
+-0.29837267566968	-1.55523174511184	-0.07111662858211	1.05428609464083	0.03049984193269	-0.41196674042035	-1.66794982424082	-0.64578353751256	0.14560589079400	0.34183466874352	-1.00000000000000
+-0.37392993972117	-0.89196526140089	1.29743633430886	0.19149069373971	1.44930129790000	-0.51444126833065	0.68148848502696	-1.37296299469706	-0.12521724669033	0.39433993907015	-1.00000000000000
+2.45486364354143	2.09303000408674	1.07253268731149	0.17832697662962	-1.07533430613228	-0.06027128157751	-0.15294990268597	0.66285252656326	1.90336442541287	1.52066645241292	1.00000000000000
+-0.00198648434758	0.89756851406678	0.65051987292263	-0.27264433352400	0.46344249124871	0.94570413953135	-0.27104193715856	-2.37400132720713	0.68396794013184	-0.50326942555059	-1.00000000000000
+-0.52402772908641	-0.53136130034826	-0.01802645377733	-0.12289754383837	1.47989737730188	0.19305776342560	1.01240043625566	1.16408238651789	0.55803970986741	0.70699769218948	-1.00000000000000
+-0.18422847391729	-0.88133112934871	-0.81676604117427	1.18934992997958	-0.18197661770465	-1.09313884924549	1.24439041384353	0.83709387203949	-1.28627268580956	0.44558555608412	-1.00000000000000
+-0.38914900047174	0.28045272700172	-1.32081123721201	-0.66509773583554	1.82049342840612	-0.26649674790964	0.36142501451086	-0.64512310193816	1.17729138843986	0.53012385762107	-1.00000000000000
+-0.04228824644348	-0.61999588788095	-0.16039978262429	0.02328893521115	0.40589647400262	1.68762043927392	-1.43060522827844	-0.04073623473423	-0.22293110192414	-0.83634368752687	-1.00000000000000
+0.07376817256468	-0.95200618514019	-1.05787487638746	-1.11300892903565	0.61893084325902	1.59228795092038	-0.73318654737243	-0.44869528581525	-0.03514399482022	-0.69218873979029	-1.00000000000000
+1.24242014022959	0.31913015543731	-0.56554902305935	1.73981134640879	1.05710030617303	0.86065378316056	-0.79227218291533	-1.64077705913403	-1.11816819728417	0.70318131000014	1.00000000000000
+-1.38925646526739	0.71182890871463	-0.11300191803653	-0.66356816725047	-0.93419613020611	-0.34065126785437	-0.12113679600872	0.75914009907165	0.50113830504535	-0.15868327633568	-1.00000000000000
+0.20342947541520	-0.32364819059079	-1.45722702197331	-0.29547671594502	-0.25162629367726	-1.49727893072678	-0.56498200717627	-0.41726266884606	0.99709950819374	-1.57158075563542	-1.00000000000000
+0.12652300605964	0.43545437004843	1.45530037377480	-1.11806218478188	-0.38603546261260	1.11524244350266	-1.09321009622529	1.23884899569487	0.37344101565379	0.30876983185128	-1.00000000000000
+-0.09345502124669	-1.95136695242072	0.86806231238976	0.27054226034980	-1.39531396554284	1.66298566694772	-0.65505296055872	0.97079754135978	-0.93287313426678	0.34184331808666	1.00000000000000
+1.40879655457627	-1.70381647099084	0.88914549284696	0.46979029258183	-2.16171960692952	0.43317496622966	0.36123078471609	-0.20411527454103	-0.05285909329449	0.94255332085432	1.00000000000000
+-1.01762256969955	-1.28462469109215	1.36082397749220	0.16677651757102	0.58921964505571	2.55520183370769	1.27365395449574	0.65674332431414	0.52350286706129	-1.03199804588330	1.00000000000000
+0.59745614223900	0.43782537171094	-0.48564325756471	1.55694916932436	2.03453281905021	0.24122703990942	0.50758478027254	1.27345366364537	0.97034062401268	-0.37009307995511	1.00000000000000
+1.04669921868027	0.94369782689603	-0.11697882853166	-1.34754432864441	-1.07486351957534	-1.20413096526252	0.04112318695175	-0.94718644563479	-0.99106820393163	-0.60843065542184	-1.00000000000000
+1.17545886474773	1.50747618401354	0.63676031017712	-1.02484234677576	-0.20539488807785	0.31970418828078	-0.87789741195805	-0.75563759777013	1.17441794353646	0.92280462072539	-1.00000000000000
+0.32085104157437	0.23604229776524	-0.40982754178836	-0.51730847503579	0.40894953705715	2.02208081830240	1.27898836722454	-0.25076686539575	1.47251595282606	-0.63001364287671	-1.00000000000000
+1.19197459289604	1.51309125670215	0.99835563661122	0.50077806744371	0.15796303856561	-1.89225918773836	0.64480410186454	0.80848576227878	-0.81705786528255	0.85889308204710	1.00000000000000
+-1.78073439801620	1.25858616539143	-1.19210743816499	-0.57553189835790	0.29990488097097	-0.29607012539120	-1.18920362149922	0.88506216346819	-0.58534814825237	0.32873030794647	-1.00000000000000
+0.36603137322937	-1.93458151151725	-0.48682460961233	-0.15116670361407	-0.74615949865591	-0.59404266142283	0.23099958708117	0.80686314965886	0.04700859253606	0.02685688682288	-1.00000000000000
+-0.45598921634307	-0.91695102988696	2.42688704087691	0.45844144113251	2.32919654304713	1.49268557175387	0.72112524043529	-1.24084193275110	1.09365988612988	-0.07562671203247	1.00000000000000
+-0.96337896996272	0.11899560898368	-1.49260173433488	0.55897997268743	-0.17117927496144	-2.14027089010077	0.70749289583226	-0.00245333896959	-1.52091211300877	2.06534611825409	1.00000000000000
+-0.79106570610923	-0.26565150731067	0.36073847512449	0.70541513248373	-0.15220959931170	-0.68831274771197	0.26011256734545	-1.33937916355273	1.07193991434427	0.03417410425701	-1.00000000000000
+-0.38642407968963	-1.38310047968531	-0.83009718946511	-0.68422500446283	-0.67292039536914	-0.95239780795703	-0.19939640159278	-0.90105078642879	-0.15794645439042	0.97383340481097	-1.00000000000000
+-0.25258636633705	0.69812559831550	0.16845576945737	0.60826911005886	0.70661152946699	1.43467936907420	1.89773565231740	-0.74594740978268	0.86113542935500	-1.08163758261269	1.00000000000000
+-0.23102584786540	0.17287695337644	-0.30800639976745	0.54674080470057	0.56062395094206	-1.99028243637716	0.01724501797608	-0.54214721594696	0.38552938129262	0.17301947200229	-1.00000000000000
+0.25363201758621	0.26274541916825	-0.74259452819948	-0.13718507178162	-0.34986572712642	0.75001143592447	-0.51366929835218	-0.58296239114560	1.46863067621550	0.14544885760724	-1.00000000000000
+1.77275693375583	0.12539840796598	-1.49472200878969	-1.03573047580460	-0.46415180783038	-0.01289703818381	1.05106829590607	0.58600342125913	-0.50211380633108	-1.43335976438110	1.00000000000000
+-0.52243237804096	0.81271450386368	1.50964979905355	-1.46958724187657	1.09180755266503	-0.11569560149485	-0.18359979031960	-0.69194611532188	-1.89459450110893	1.29328385975868	1.00000000000000
+-1.43890290557718	-0.72566106884033	-0.25044256709252	-0.08206284175064	-1.73984044296748	-1.07587316983603	-0.77624713128042	-0.85278611398550	-1.90543868050912	-0.67320701126772	1.00000000000000
+-1.28846824288533	-0.06060921000332	1.16801185379594	0.91991052937274	0.22346120099955	0.93953719065254	0.94792943007806	0.63654221464139	-1.98411958309946	1.78337563550074	1.00000000000000
+-0.13895719893979	0.42277821570928	-0.71289605759944	-0.59075938177728	-0.93591023140418	-1.65733164679358	0.44445768094577	0.92950103120121	0.32146239516739	-0.24040953763733	-1.00000000000000
+-0.09738772175983	-0.22861666112912	-1.14527280926843	-0.28294051382442	1.22852405644081	2.32974695570487	-0.85824300823860	-0.25409881081845	-0.22726070987021	0.20360459907444	-1.00000000000000
+1.54535726191697	0.73291262892131	1.77070435913834	-0.26996286682356	0.83765897884249	-1.49941300371359	0.78815560753438	-0.40142554027109	-0.33231538647700	-0.21958805060449	1.00000000000000
+1.11694658019298	-0.25220091203599	-2.00721036263559	-0.01102589420490	-1.22305596061137	0.89716834887886	-1.20920359778701	-1.10493946275771	-0.04813510292110	-0.59850110164926	1.00000000000000
+0.38943710308715	-1.27171851882384	0.60359725267399	0.42554104124068	0.15245550926590	1.33506566962890	-0.28613028536038	1.65031354893399	-1.03141440516366	-0.08013049022826	-1.00000000000000
+0.15513952595121	0.15533965390845	0.56201023489968	-1.30847411546525	-1.92267999893307	0.55578071783164	0.65191932724248	-1.07267365903570	-0.90695812407141	-0.58643884038438	-1.00000000000000
+-0.50421281599416	-0.18667787205587	0.08604844544495	-1.02693958255927	0.98219593513447	1.22374659644351	-1.90428013757142	-1.88403910955949	0.88512036714284	-0.97698255532505	1.00000000000000
+0.71040117824824	-1.57837384390447	-1.16218562095989	-0.15832099272288	1.35558700054544	1.00427815111154	-1.31525623304779	1.08298571460674	-0.30314773463512	0.80412164636359	1.00000000000000
+-0.98161666098394	-0.70013182167489	0.92702655765296	0.93232234608644	-0.96323196589929	-0.31276620929139	0.79234199961964	0.35369378784017	-0.41696044783652	0.81618859613093	-1.00000000000000
+0.02618577381125	-0.28323639443117	0.92016220870184	-0.70962041700127	-0.88173481620436	0.86270128885168	0.93443274986930	-1.77339531879797	0.76955617006684	1.50738216433794	1.00000000000000
+-0.10407916403117	-0.14096709017956	-0.42092216812671	0.35291972515092	-0.25983089747426	2.25324709613144	0.53449684678465	0.36654287985088	-1.04012822563164	-1.07999369777644	-1.00000000000000
+-0.06498023776778	-1.03247163042788	-0.73453049753808	0.48272247170882	-0.04499249369717	-0.51159876861949	-0.29396666343414	-0.28820880654500	0.13841586660969	0.41106105610762	-1.00000000000000
+-1.43816744246599	0.44503972392165	-0.11225416264786	0.32534880837142	0.71326219884533	0.47032300457307	1.07255834852433	-0.79848080360642	1.31439287937760	-1.10755931693047	-1.00000000000000
+-0.27010543613929	0.86292551342707	-1.82303518056330	0.53173393303839	0.80404533126063	0.07078660700289	0.90396515131222	1.27788089654887	-0.61024881317047	0.23236207590845	-1.00000000000000
+-0.64720678346490	-1.87301729056586	-0.59785793999514	1.45822128035608	1.88988243718644	0.41169722069716	0.07001736452476	0.59318102264262	-0.79690110153704	-0.23200208618743	1.00000000000000
+0.49890163651865	1.76954114304621	-0.87972084208106	-0.39305183295517	1.23234771278084	-1.75386373172798	-0.23378145877790	-1.11240277207028	-2.93368697380276	-1.10361688504040	1.00000000000000
+-0.42300650557338	1.20070449784969	0.72377765899327	1.37784860480488	0.81325942944073	-1.08353350379564	0.77031342501264	0.22989278574669	-0.26008003191064	0.16129646085794	-1.00000000000000
+-0.52098680701422	0.64602606997135	-1.10999232806711	0.59179531291365	-0.04359563606898	-0.14710957727118	0.06218589698823	1.36437305462309	-0.42459258839538	-0.02749265632356	-1.00000000000000
+0.61262910814907	-0.58623312158372	-0.75022342771342	1.34415317791084	-2.02935781023340	-1.50305162134974	0.52361491864757	1.01472215865066	-0.01764319581875	-1.14944575845832	1.00000000000000
+1.60111649589550	-0.55888993964733	-0.42928459130630	-0.10820817993577	-0.48476290771151	0.79198115861645	0.18365248651209	-0.28934201618938	0.11429536695693	-0.32313613803910	-1.00000000000000
+1.64981370539380	-1.47104644486266	-0.83546182288195	-0.20895958080661	-0.52647953562855	-0.86049839302994	-1.78725468755328	-0.00920357112511	0.30366613765449	-1.74837061271392	1.00000000000000
+0.47323443529019	0.87912870811053	0.54521002007284	-2.19287527544865	-0.75348769831783	-0.50311623541399	0.51381064672466	-2.26557255317627	0.80222953264650	-0.04088134106614	1.00000000000000
+-0.74614875710680	0.34238901526443	-0.30195472226399	0.20801183045855	0.01072735057357	0.30495661837417	-0.80142044752952	1.06933658065096	0.47260951637264	0.83668433669796	-1.00000000000000
+-0.70456661659142	-0.34318239119038	0.19847311974731	2.10543338307478	1.09948031617551	-1.10547400061187	2.18005250940182	-0.52632827332953	-0.47673940116961	2.75101679524577	1.00000000000000
+-2.64927814086298	-1.72614326814463	-1.67012117073181	-0.62645996750196	0.83039238553022	0.38221283429950	-0.22667143166733	0.35717778448389	-1.04474043985337	1.17363143190777	1.00000000000000
+-0.15626794589237	-1.90358107617968	-0.28740128770030	-1.06025494468278	-1.20947131016108	0.47479702380268	-0.64360366030684	0.88092799088494	-0.13008781161753	0.38690188976945	-1.00000000000000
+-1.03218341191782	-1.06448576201854	0.53384729133080	-0.12075376791242	0.18438765578573	-1.06017769520103	-1.06153176126418	-0.01035463645088	-0.21858198528719	0.98353366205176	-1.00000000000000
+-0.17326940520302	0.99911318186593	-0.38170852492740	-0.48570716269869	0.04831514892216	-1.17911860557518	-0.64768753517344	-0.61657010700148	0.63197606531584	-0.74500859542472	-1.00000000000000
+1.17934445552118	-1.24893573037532	-0.40866698204172	0.16829955241069	1.04257207285505	1.37374719812713	-0.97881694711056	0.12694452563106	-1.79063991972270	1.58472368947730	1.00000000000000
+-0.13467975299548	1.45977326147027	1.49217771830503	0.10666167750142	1.33523736701927	-0.35741397974080	-0.28200980576475	0.17914999242977	1.03141624928766	-1.50737324020125	1.00000000000000
+-1.56385757543524	-0.79829807058451	0.47678611478526	-0.93162952613149	1.00260741235253	-2.04915397351004	0.84782974692667	-1.01021700009195	-1.58401987021264	-0.10098815971931	1.00000000000000
+0.29375231845341	-1.79484114109418	0.30701619977953	-0.33883810775727	-0.76684398090225	-0.50604848842386	0.82168966338734	1.86346093667078	0.46390567883647	-1.20397306383371	1.00000000000000
+-0.43751748201837	-0.40291410854953	-0.42456209992802	1.23170791435441	0.95427197383228	-0.00197020767144	2.28167894018017	0.25154124062673	0.28330320184979	-1.37097155294852	1.00000000000000
+1.10472270569115	0.03289582013219	2.49977578737860	-0.85720424113262	-0.44880469326973	1.77814407287981	-0.31278363285149	1.11011154144158	-0.73007845986137	0.98837511133417	1.00000000000000
+0.79076665907306	-2.37302024760721	-0.86183892116970	0.80993320611331	0.03468229725062	-0.20608658302260	-0.74353362664200	-0.48956273799355	-0.60332046400013	0.15336199735784	-1.00000000000000
+-0.32788346419827	0.75984984655960	-1.51203596964648	0.73977999966936	-0.12298812741339	0.24867495946413	-1.57260903543545	0.10126883906899	0.66093221972192	-0.03462255215091	-1.00000000000000
+0.60023900647107	2.49998503178814	-0.28819282023437	-1.87910688627182	0.70504153770317	-1.26625457159257	-0.40774465769548	0.47620551199624	-0.72062129341195	-1.63682046407946	1.00000000000000
+-0.97844026680135	-0.16826608901303	-0.88279046580268	0.32479937003309	-0.37920676918050	1.39942152590953	0.68394535374245	1.25475621276801	0.76790556952740	0.62095487792191	-1.00000000000000
+-0.63301693710011	1.79798142310767	0.29161657767325	0.81369778427751	1.03725803813263	-0.98570991296217	0.44465222481850	0.47591628453166	-1.80250414756396	0.19420382158840	1.00000000000000
+0.61585355179959	-0.13139233942873	2.25353371031957	-1.22057431042266	-0.02729626432325	0.16090840758200	-0.54328807599652	-1.28558673107934	-0.28919989414392	0.62666506621359	1.00000000000000
+1.50939424016664	0.66189759072259	0.90653463146378	-2.25762846140885	-0.31058552678187	0.28083659174705	1.05838355333860	0.38770687685747	0.54169921160807	0.67277508555743	1.00000000000000
+-1.32468238294330	-0.96976542075115	1.69999370199981	0.37768741383587	-0.72405190630882	-0.21590579934450	-0.90975976081494	-0.06014766530704	0.25241939611332	2.27166805782595	1.00000000000000
+-1.14030028345981	-0.36915482664382	0.33812271296750	2.11952425423475	-1.86058129683439	1.49568211845977	0.31886033910558	-0.48504631947345	0.03996524534685	0.27575014613828	1.00000000000000
+0.75910531352665	-2.13499187363992	0.01127202736646	0.21331501400623	2.36321491386160	0.47873332071123	0.12541021873467	-0.77140368441845	-0.48360733616558	-1.28518774567637	1.00000000000000
+-0.26815929308829	1.77542260831190	-1.56864231193554	1.07274188453050	-0.93215700221252	0.32130229565488	-0.06465021875345	-0.87798492191874	1.65431554374550	0.74725771437496	1.00000000000000
+-0.69447517932420	0.20637036143989	-1.53696458684630	0.62464667542856	1.25427522122780	2.14021532070984	-1.00370230729033	0.87230301629947	-1.52594644110290	-0.66988922946306	1.00000000000000
+0.87742810603372	2.28237086802574	0.42881261948051	-1.30224012302251	-0.05709125114641	1.49275148334373	-1.15959108882099	-0.31986682414389	-0.30297143916477	-0.02333461513321	1.00000000000000
+-0.30597661525762	-0.63424627152715	0.45550970614270	0.39012446793805	0.37313568677824	1.01857638587873	-0.06424092424425	0.85287607233452	0.38344197648471	-0.88793506425860	-1.00000000000000
+-0.81622477220440	0.55047073003892	0.23934847468018	-0.88113957248384	0.23711240946141	-0.74891456462584	1.06057037863900	0.12451517848485	-0.65905482856079	0.96610594706573	-1.00000000000000
+0.94307590674883	-1.03423503795892	-0.67152503160171	-1.21307794842789	-0.29307512850378	-1.11401609050817	-0.55858253358583	0.97884885274763	-0.40010701095725	0.40535583919540	-1.00000000000000
+-2.04359708935298	1.97723972655425	-1.04472339563120	0.68460220932038	-0.59868448990710	0.17149562206442	0.13970347861653	-2.65640775806319	-0.66447201197229	0.66015662523134	1.00000000000000
+0.54001296828786	1.51789149467709	-0.62454943160985	-2.21830778324327	-0.80892513689980	-0.01338228709562	-0.52358852457205	-0.14269601382900	1.01348698477774	0.03600362788538	1.00000000000000
+-1.53553143232290	1.05252627856515	0.03849855357638	-0.19850931954122	-1.39406805597010	-0.03908152972272	0.11284462532245	1.50101901768260	0.00958782233524	-0.37467791948656	-1.00000000000000
+0.74668281126003	1.81513769269810	-0.34719832246905	1.08440316905142	-0.19289448356975	-2.06922630413372	1.30327648231270	0.48748738752318	-1.07729977197529	1.42936093715612	1.00000000000000
+-0.57176186400472	1.25142581668758	-0.14375711013411	1.02272009472178	0.05900107821343	-0.26979441360844	0.33354443522927	0.59905733039363	-0.66939519184234	0.45048709413158	-1.00000000000000
+0.32389815959348	1.88264584176725	-1.23416567320667	0.13566253862342	0.81338487976219	1.25792232281037	-0.22425760739249	1.19075638422571	0.55233978950976	0.59011526897629	1.00000000000000
+0.60831695088324	0.48142666383281	-2.16089155687700	-0.29120540419411	0.56894488750923	0.31372667344424	-1.15466622539851	0.87826827837617	0.01147851713716	0.75542118806531	-1.00000000000000
+-0.32912030535623	-0.12663467936191	0.84417467550667	0.59498492733035	-0.08940151872172	0.97763949910137	-0.14276343897385	0.11385267236373	0.98683191554961	0.91550082752439	-1.00000000000000
+0.32050105577428	-1.84360395589749	1.32359457820179	-1.41775623977193	0.53893027523110	0.41590829412732	-0.48859892421547	0.71981528015820	-0.83833241002974	0.58566747708101	1.00000000000000
+0.10612008813225	0.83134394937611	-1.65063474753885	1.07757515682144	0.65859927850175	-1.22708131185444	0.47405447926572	-1.80882102039917	-0.86870752511661	0.66051144623330	1.00000000000000
+-0.58699543923454	-0.24443658705968	0.74056918435445	0.90084425131483	1.14448003151928	-0.12818646392602	0.72549855203366	1.87270963677741	1.48256993487851	0.52186366924712	1.00000000000000
+0.41902689258237	0.73383024294009	0.22174211538451	1.42298610075090	-0.42942821171250	-0.26107434462171	0.31589717033910	-2.56680646047020	2.39077436402359	0.61298443159420	1.00000000000000
+-0.20155566083711	-0.59117253033781	1.68897920583667	0.93977807018442	-1.62455334128848	-0.36310935668997	0.55842608694963	0.76892100820590	0.39164351744853	-0.39420132176848	-1.00000000000000
+0.69987445988088	1.35410944330655	1.01068485449458	1.07482571195420	-1.08062649538477	-0.54508986263928	1.01307101771610	-0.18353360311903	-0.73470482508748	-0.96090448494141	-1.00000000000000
+1.43465448712434	0.02731298345197	0.59143271640860	0.01790412314429	-0.82572350912863	-0.19353365329759	-0.37866277768516	-0.06074390886195	0.21865394178352	0.68798171018859	-1.00000000000000
+-0.12074319801088	0.99249429159567	-0.16689164223431	-0.65959235355139	-0.36037346772090	0.37568021551847	-0.48867674363848	-2.97101589707511	0.43789589603550	-0.23895104114178	1.00000000000000
+-0.84634864578792	-1.04355560012303	0.22548992355321	0.98553896960490	0.81472026056973	1.94550502050001	-0.70146412562058	-2.00401079008509	0.86431554250014	-0.24727923163995	1.00000000000000
+1.59722028370526	-0.20796944009114	-0.40443516232489	0.12812340642329	0.85218181001736	-1.30384944149237	0.58983064792531	1.66053306020942	-0.20311281525609	0.80258213386750	-1.00000000000000
+0.22807375954111	2.43661834149731	1.74002111744664	-0.78268942163344	-0.67114166534738	0.39704398629632	-0.28803973385418	0.87836647889969	-1.37510623040598	0.15290767188201	1.00000000000000
+-0.05845127391674	-0.76300587272034	1.36230120414356	0.28607798178484	-0.42615840710386	-1.47193982561273	-1.51045775829292	0.13906986244841	1.72473936345502	0.76634974532407	1.00000000000000
+-0.12353896702144	-0.05843691523907	-0.69292086455995	-0.29200728792920	-1.48530611017657	-0.34726160747460	-0.39911410593894	-1.59616252123973	-1.17223246786515	-0.55639026918332	-1.00000000000000
+-0.90081657853836	-0.74287612356153	1.72272318380005	-0.21658547516810	-0.63724445662554	-0.63973999305385	0.32928239572447	-1.42880725872870	0.86350969221721	-0.59277722769548	-1.00000000000000
+0.29301727110937	-0.74961396986073	-0.34051038599287	-0.40635425470389	0.52981043614942	-0.05933729290673	-1.07625710509696	0.33069412770653	0.75156480448044	0.31859154019520	-1.00000000000000
+-1.59134678116363	-0.99387747693034	0.76095929936053	-1.66008137406494	-1.06380468585280	-2.46242237080521	-0.52618503358114	-0.37241153022423	0.57557967558227	-1.42726123927881	1.00000000000000
+-0.19922792264783	-1.69418089394048	-0.59473797177129	0.16258899325198	0.25300951521996	1.17356379081418	1.14745911299073	-1.54061029137065	-0.28278583027824	-0.68514477354745	-1.00000000000000
+-0.70253280373288	-0.29052305580355	0.33504543073627	-0.42285700528985	1.72869171137200	-0.44650742633084	0.17201588447488	-2.36986540341106	0.64378055279610	-0.13130247876617	1.00000000000000
+0.72318580597469	-0.10148043725206	0.48814544148985	-1.45554952882889	0.44751925388392	-1.28713079232236	0.54474202986622	-1.36387345111946	-1.49751921348291	0.07250719305041	-1.00000000000000
+1.88296175609880	-0.63647360632072	-2.11597940655988	0.70823114962408	-1.28881393500536	-0.25432188737398	0.01287733293755	0.35445697380523	0.20066335710526	-1.02996321025836	1.00000000000000
+-0.69073138836164	-0.03746910556770	1.37827065705779	-0.90246885075978	0.36079605684481	-0.70960190212656	-0.21041565214082	-0.94986877077684	-0.19524221902906	-1.00799441313304	-1.00000000000000
+0.21969169326023	-0.90856496557230	-0.24561731785308	-1.69731663520444	-0.96248543761343	-1.76863896735065	-0.86048033948165	0.83800913905655	-0.67290227255826	-1.08765623245803	1.00000000000000
+0.96284018219069	0.87585027207889	-1.13894409926352	1.03182606382867	0.11539558040819	-2.18142178538848	0.15462775844521	0.03781906976228	1.14967605333244	-0.67778285586979	1.00000000000000
+1.32419234473426	-0.99446277139670	1.31892432204663	0.00417873439566	-2.30064298001043	1.17060289931011	-1.32733303132144	1.62591810984652	-0.01957168197512	-0.63841415163397	1.00000000000000
+0.38041357286351	2.55766839780146	-0.26704176973579	1.11747821025561	-1.67446310693563	0.68900377802548	1.64237583426007	-0.64397646197119	0.44602900566243	-1.45544657440516	1.00000000000000
+0.51892289696107	-0.95107923910085	-2.60245345231883	1.19214137281812	0.97517505769856	-0.89027813357866	1.00322495860749	-0.96877360318202	1.33979926008083	2.16867375473835	1.00000000000000
+0.34499585949803	0.46125709226361	-0.32020442119401	-0.13534485634710	1.00611456300966	0.22171094601164	1.37470217730025	1.03584863359022	-0.20395071614385	0.74540812729789	-1.00000000000000
+-2.54767770825170	1.13344872950266	-0.11459698462674	1.53325971404452	3.54985208883616	-1.20241613966170	0.87368199771150	0.29858835213076	1.08236315276998	0.12923671668196	1.00000000000000
+-0.83647431563813	0.08184807936417	-0.13544266469984	-0.70843960496169	0.30129105071020	1.48145762623529	1.38085743513732	1.72655682884785	1.71542262383647	1.72583426161264	1.00000000000000
+1.20489822910834	0.01096226933893	0.37687269820405	1.00514258100328	0.63651005481838	-2.11916161385881	1.24299710626006	-0.17836741137548	-0.07463273908544	-1.28722157024560	1.00000000000000
+-2.46011274331706	0.87894902666118	-0.66305576737422	-1.09852790079910	-0.35738473704362	1.79711923386317	0.92191229959219	-0.46897895905478	-0.95700505129184	0.69576336879397	1.00000000000000
+-0.12948083444536	0.63952992374937	0.10360132492654	-1.46825653957863	1.46181686989877	-1.03585706840888	2.41389861476932	-1.11593414780687	-0.96357075860817	0.66843210985883	1.00000000000000
+-0.93742409150635	0.26565279883456	0.57313963341950	0.08709783803756	-0.09889521615344	-0.40370508010604	0.57869746149073	-0.93590410073987	1.38145960830465	0.31992284249353	-1.00000000000000
+-0.40826835657780	-1.56718059339120	1.68574373504911	-0.14254839025016	-0.40725652757470	0.27976786251812	-0.24748046602193	-0.16546607577341	0.21137912701479	-1.76024027336467	-1.00000000000000
+1.70083834513704	-1.48072976654572	-0.65444772135719	-1.74293211466271	-1.09863109446013	-1.05643999818916	0.43674149146791	0.11077874580289	0.27065888259207	1.96050657101998	1.00000000000000
+0.20626997676581	0.62180568716956	-0.04982855696439	0.49662300766428	0.66854464611030	0.30683907010883	0.67101893260662	-0.09272106220072	-0.84744572513360	-1.17870830380962	-1.00000000000000
+-0.93227000349701	0.14431900925683	-0.98234787202541	1.46770605758301	-1.25513717883112	-0.52826238234843	0.37909137749004	1.27712692334666	-0.52312949229645	0.62976399132299	-1.00000000000000
+-1.62057281375522	1.84301803413262	-1.26461035774030	0.72006889171631	-0.68050818820100	-2.21831194438679	-1.01946024725927	-1.15805408511389	0.60968624111388	1.71176993278294	1.00000000000000
+-0.39648392774333	0.33835605985225	0.59137757641660	-1.03390669442338	-1.80081711563506	-2.30775461502181	0.59191179613031	-1.15934076660862	-2.23304230429106	-0.43527216045722	1.00000000000000
+0.27377496927016	-0.27909138109666	1.60273545294494	0.98607968754168	1.85176018458075	0.79450363994894	1.13259395947813	1.27787753077868	-2.30191135362314	2.12461838648925	1.00000000000000
+0.53407345461346	0.87495386690164	0.35679435286231	0.17563861004280	-0.37154476480522	-0.99844070797115	-1.09900162171797	-0.40743406739862	3.04935972466355	2.55813828585259	1.00000000000000
+0.14862526268504	-0.36977818425210	-0.21411117145145	-2.12005947901615	-0.76381035683836	1.30475622023173	0.55696048215692	-1.35310969465508	0.45059988628159	1.73877179019529	1.00000000000000
+1.06321491327856	2.80222254183945	-0.68635975147735	1.39881550785934	0.37379663582597	1.44179389265010	-2.48723171960606	-0.35945943997722	0.52592657099828	-0.04899942083928	1.00000000000000
+-2.22598296864837	1.44264590142807	0.34008285476518	-0.69222112101219	1.20678455016175	-1.26879088827151	-0.49963068048199	0.82880877948805	1.13825950222258	-0.51696435915013	1.00000000000000
+1.20314101473367	-0.08978557746755	-0.46464588022106	1.17548060537941	1.98951162459199	0.01382752614478	-1.27460799274609	1.44005078155086	2.35664994981533	-0.47681746581747	1.00000000000000
+1.00274499796620	-0.87233355595128	-0.86895410382935	1.01511161776318	0.50839205284599	0.23382095107130	-0.06160316761729	-0.66281929082755	-0.25803404546713	0.65965236032422	-1.00000000000000
+-0.11213431441542	-1.19001860071196	0.02070809674954	1.26076094747626	0.37143064556211	-0.84318591668207	-0.41857809276358	-2.16860375897179	0.60616621092642	0.76103521724596	1.00000000000000
+0.21443676298712	0.43825846181649	1.56571578511786	-0.67820738671461	0.21361458389024	-1.38491950690579	0.20216148096685	-0.00785538432607	-1.18830415901089	0.16473865934663	-1.00000000000000
+1.22062170802329	0.62088101108770	0.02011203358826	2.24575084266749	-0.92049087379862	-1.57291425987378	-0.79306256573164	0.55324409041202	0.15888914779488	0.09277124425121	1.00000000000000
+1.60073567632008	-0.39855748031881	-0.49307400515142	-0.39138540173419	0.14779716688681	0.80937108001981	-0.93677690850143	-1.53461113709969	0.69768866245199	-0.56350118949384	-1.00000000000000
+-2.02184219172933	-0.05449804718514	-0.73756334692578	1.73471387594644	0.06824203062510	-0.41968645996907	2.11035467162473	0.09179620255575	-1.16483436742323	-0.33090734649573	1.00000000000000
+-0.10262649028646	-0.94479814192832	0.78963633199473	-1.83263229528482	-0.38314384432157	0.99273949768661	0.39257596235712	0.65428168175054	-0.40017891006817	-0.77016305535362	-1.00000000000000
+0.61687426400521	-0.27532149148360	-0.10661150285734	0.72643430524670	0.82219089850575	0.75023512818804	0.31026113990083	-0.85881945107658	2.37825486992454	-1.02213792231436	1.00000000000000
+0.61476518582399	-1.06274721427811	-2.30942095896499	-1.40114677240493	0.36721087982035	-0.86222034617893	0.01034497694982	0.68946065458033	-1.28739435913241	0.24076477559566	1.00000000000000
+-0.68173924008146	-0.93075295851000	1.11989049357754	1.04762056823971	-0.08957020813292	0.57005661672446	-0.75279863216752	1.76359708645222	-0.23122316284115	1.01109059962991	-1.00000000000000
+0.82857371324044	0.34713621124373	-0.95242401048476	1.12689808897496	-0.05375725804608	0.82153085320792	-1.63585431036844	-2.09887440148452	2.38746267143238	-0.14958126337056	1.00000000000000
+-0.65708294582230	-0.60228129249224	0.06485763631434	-0.14411782331977	-0.50370957264218	0.51425210652444	0.16756900769180	-0.01077889394764	1.01414406250713	1.90857114865780	-1.00000000000000
+-0.26707367290127	1.41899286989290	0.05470008364037	0.84144496793576	-0.78632952664904	0.06454555102429	-2.80744847771637	0.45578845836624	-0.17387275354463	1.87703361029916	1.00000000000000
+-0.90164371038636	0.03424172436798	-0.81394988431305	-0.28409432782439	1.08987051125727	-1.45399207973341	0.30407621730677	1.46172887716266	0.51085003054767	0.42224236811858	-1.00000000000000
+0.82585688134712	1.44223210350587	-1.10697955141797	-1.00176346774414	2.54480703206328	0.54428364937988	-0.81929674566464	0.17421164929453	0.83116178079298	0.16132501743444	1.00000000000000
+0.29052382519197	-1.33020114361717	0.32482332339977	0.82451711933081	0.88039445956323	-0.08847340705915	1.76928191324483	-0.89770971433809	0.18632858115599	0.29813956290592	-1.00000000000000
+-1.78251807036032	-1.15740626638113	0.66985801821960	0.27134426596776	-1.17117255123315	-0.30424637184863	0.60050665059221	-0.36623646921844	-0.56115580871835	0.16050777727735	-1.00000000000000
+0.38941873232344	-0.40337716738754	-0.63528361706232	0.90968435340281	0.97581818268298	-1.10205294270824	1.01276380545770	1.09202489888391	1.69411955754349	1.22351717890610	1.00000000000000
+-0.54890610119398	-1.79757405883414	1.42315304175376	-0.75126690323670	0.01330356469498	0.05515462456813	1.63186885300580	-1.15949200728537	0.61482924662824	1.06966350936014	1.00000000000000
+-1.17213211617506	-0.68215759635666	1.36730616906716	1.23042661313472	-0.97009235708947	0.78238958227676	0.37142672321274	-0.09884158779519	-0.78547422173067	-0.33395689417105	-1.00000000000000
+3.30687852567836	-0.71696560496099	-0.51159956898617	0.62762418465893	-2.01614696188776	-1.61756226552476	0.31927263795862	1.70365542550182	-0.93306103091044	2.03789224003919	1.00000000000000
+1.37528716211991	2.27921076539484	-0.82674981965945	-1.38210411499860	0.02700545493188	0.49019133358017	-0.93735042475855	0.66850999598649	0.44695677470465	0.02439079018443	1.00000000000000
+-1.11076992980033	0.41982712288434	1.88892772556587	0.87963902137576	0.01104218998113	-0.00395903089178	-0.12516997481020	-0.46633407632900	-0.32333547996039	1.01745903322923	-1.00000000000000
+-0.92776179947934	-0.05690046980354	0.00709582289484	-0.49605409842444	-0.02008370228788	0.31638457302564	-0.66353998793381	-0.21816202707973	0.72950160810573	0.46285694675733	-1.00000000000000
+0.58146580016040	-1.43855862143192	1.57417871486132	-0.87249387412681	-1.21438798866070	0.66857360863266	1.36135275078581	1.49033140311867	0.30367002717377	0.53731151486484	1.00000000000000
+1.62649035000958	-0.17591949644346	0.98286091682462	0.84609531663340	-0.23714965512666	1.17396447322824	-0.30715330615121	0.60387516944939	0.16531749657201	-0.76976301417403	-1.00000000000000
+1.18303502211972	2.38998189348519	-0.22918870218468	-0.42166695825489	0.33983872320424	0.39471313174019	-0.09139668247863	-0.25907725597671	1.03539172948752	-1.32971131199378	1.00000000000000
+-0.43061465121635	-0.55529242625343	-0.78178228473963	-0.33242079130315	-0.53910802469916	0.72226397207854	0.45277111239403	-0.34034871417888	-1.73514560368860	-1.08302547211049	-1.00000000000000
+-0.98433851352718	0.39995570585078	1.25636485138476	-0.56055299101107	1.04859216155873	0.12322613115071	-0.93020779194225	-1.37692033672747	0.17765307369957	-0.88616003331859	-1.00000000000000
+-0.37523636109429	1.23294104689689	-0.19448754430482	1.44243462568913	-0.26986726154131	1.30432777444342	1.41504851584648	1.58834165450975	-0.37631831813003	-0.87985420644357	1.00000000000000
+-0.99845638699568	-0.23158913932170	1.54006886837124	-0.08159068165127	-0.16772008294527	-1.91801210231734	-0.38538003430548	-0.18008147905572	-0.35698763986914	0.18231903397577	-1.00000000000000
+-0.30999798168560	-0.72230294452066	-0.81858255783764	-0.82330860486289	0.41166009564832	0.62464724582307	-0.07522300091288	0.73289392632752	0.67728183817340	-1.08182616160059	-1.00000000000000
+1.29449817825635	-0.46389872574844	-2.12465942804415	1.93580384180470	-0.60777924695630	-1.74881153540984	0.98117287652319	-0.53383165688255	0.52555669966754	1.36148610455195	1.00000000000000
+1.70376127719727	-0.29567933142926	1.35706574212589	1.01085087891072	1.53518959608953	-0.52843961978002	-0.27094078836140	0.56739588980615	-1.17241757528515	-0.10623955547117	1.00000000000000
+1.42619896830028	1.33157077095188	-0.37700042352176	-0.02354652992350	2.62049783285030	1.04900701918761	-1.63570951364717	-1.39704075493605	0.56690988872330	-0.79794274221703	1.00000000000000
+1.27186235689959	1.26994488975586	-0.28321974073679	-0.32042516546580	-1.62010670346125	1.78969520569505	-1.16279784404797	-0.14955616721376	1.32478221233411	0.35595675555856	1.00000000000000
+1.49575614535742	0.07106487992839	1.04309197110991	0.10573177729070	1.28342209865593	-0.99744412765659	-0.82054689151754	0.10014729868851	0.37457018217509	-0.47068124004177	-1.00000000000000
+0.21545405336213	-0.86985634595090	0.26065743881120	0.71485407890057	0.47914168376627	0.79316996625824	0.35601220255333	-0.11762784210609	1.81773890927041	-0.57791483678408	-1.00000000000000
+0.84523322711964	1.50904362378261	0.69036032360904	0.31517599791623	-1.48080425909365	0.07714159296096	0.67681687857029	-0.16401424440552	-0.17457809578787	0.16081075358936	-1.00000000000000
+1.70336477027153	0.73780894860941	-0.99262739640377	0.89396082632743	1.37157334946386	0.86759416972960	-0.40417516898297	1.39017001853112	1.16072861844546	-0.05885379854825	1.00000000000000
+1.20547650964487	0.45849331316866	1.05579462441346	0.25518171699028	0.12952873843451	0.25684092852566	0.05285035302772	-1.22366913630353	-1.68108893780010	-0.74051256434321	-1.00000000000000
+0.16480673786145	-0.86258668171913	-0.05700159591363	-1.28777589138722	1.19201346838990	0.63452022617450	0.30238445461448	-0.15529282152204	0.21298447967283	-1.21772357085478	-1.00000000000000
+1.42515792254438	0.82912030695538	-0.48421340151602	-0.09816230410731	0.47689731165076	0.65182327698011	-0.38569285597907	0.51118743505568	-2.05995349631082	1.34724136634369	1.00000000000000
+-0.69615647230862	0.05821189157370	-0.61306446800325	-0.96414632674603	1.77096094421998	-0.66587760595526	0.26506728394064	0.86506423596848	-0.42601888921526	-1.42062588166124	-1.00000000000000
+0.15291490382056	-0.79464126886815	-0.32565206191057	-0.32231417814350	-0.50922918205185	0.82609315572767	1.56532752676627	-0.45667412972663	-0.73667429526139	-0.14682717185938	-1.00000000000000
+1.17963473001208	0.63899835190482	1.17114599083928	0.21556321371091	-0.60355296094853	0.57160445857629	1.36031465395363	-1.09660235979233	0.23840983935227	0.53278520334737	-1.00000000000000
+-0.62821411826165	0.44149523947175	0.00857333894548	-0.21523678485759	-1.28919555425941	-0.82679768325655	-0.52849026708315	0.26947121911132	-2.36352603722381	0.40327942818211	-1.00000000000000
+-0.52328557269552	0.59305151392907	0.47655120195130	0.98908426391484	0.61063063628095	-1.44048968392962	0.35769337006783	0.80577119232125	-0.41200300158441	0.01274459182414	-1.00000000000000
+0.71065603700704	0.40157223173995	-1.11041931486425	1.71170574543886	-2.43247038799866	0.86258023548647	-0.63027940711744	-0.14399225906565	0.44006791391442	0.02351773120694	1.00000000000000
+1.99887526655917	-0.76114415495853	0.53721511015200	0.63762656548777	0.10660493732937	-0.02886410894616	0.27764929533227	-1.04424458927655	1.12391414504885	0.52195515416212	-1.00000000000000
+-0.08153921092226	0.01292688037321	-0.05259145343989	0.68674374303575	-0.53900822218986	-0.68575588231985	-0.26588037230410	1.57427208828386	1.98624607398047	-0.35454031731768	-1.00000000000000
+0.79097969113233	-0.85880293851392	0.93330368640554	-0.85892358010486	-0.12139858134987	-0.16180096550412	0.11190939652153	0.43284604535600	0.06996458057296	2.11598019439300	-1.00000000000000
+1.46078535876341	-0.00839167683014	-0.16677578755399	1.08955048243708	0.95196624056722	1.77589048434893	-0.85464228360745	0.46197765219146	1.18327567844627	-0.12001671750528	1.00000000000000
+0.54787366667979	3.06866449225857	-0.97603321038908	0.46493943894192	-2.43460933778447	-0.68926610422945	-0.57184406024255	-1.18423064547583	-1.30494660161771	-0.86031236076846	1.00000000000000
+0.04578314594675	-1.34057709131964	0.15104064968400	0.00631471710470	1.29033735484078	-0.46186347638498	0.70911510667271	-0.66304724930243	0.76228930344449	1.59267559200504	-1.00000000000000
+0.36873446840855	-1.32662071000048	0.78451296199914	-0.43117446521318	-1.72066815473951	-0.31802685302649	-0.44272041558928	0.33694300089686	-1.04336091904564	-0.57676966844693	-1.00000000000000
+-0.95638212862566	-1.69787616879332	-0.54871288114019	-0.51105550305710	0.64146740400865	-0.11880432727249	-0.41855794956630	0.24133974958661	0.03229860945763	-1.09396504347387	-1.00000000000000
+-0.31979825967328	-1.47001690734135	-0.65174944189571	-0.99407104469492	0.63624698928971	1.24922406905814	-1.61979525413294	1.66423561932985	-1.23523323278539	2.03852010199486	1.00000000000000
+-0.34040742037944	-0.27221044759599	0.58690720918369	-0.55467579938172	-0.23851868611682	-0.23874291053468	0.60524794164733	1.04482168212058	-0.05479415443890	0.88963756570101	-1.00000000000000
+-0.32586763747764	0.10800669354219	0.80172464535740	0.97120729662817	0.80901796284774	-2.22223857557659	0.54008015675013	-2.08450578144144	0.31504138445715	1.23333070796776	1.00000000000000
+-1.24447367360113	-1.01201463367420	1.66417750459495	-1.56184842887078	-0.89770983682874	1.25581119106927	0.02817051933218	-1.45930045032636	0.80759222608207	-0.13481830241892	1.00000000000000
+-0.36270774406885	0.45772852485711	0.27503181579881	-0.44566715241641	3.07275179854375	0.14884750575893	1.50406377160135	-1.58539037859201	1.29154661502907	-0.04371636041200	1.00000000000000
+-2.15198373778887	-1.00928934492447	0.17442722608093	0.76594988771908	-1.21010577978951	-0.87421680449871	-1.02983983840361	-1.63476930971615	-0.26045481043761	-0.63795317722579	1.00000000000000
+1.45082174081406	-0.57745654623758	1.41781229508967	-0.84553886318616	-0.29342975027700	-0.22962385399558	-0.65184573199274	-0.13653087305344	0.87800468920658	0.67953175268684	-1.00000000000000
+1.89622879063167	-0.83735362693443	-0.34354230208626	-1.21723663122130	-1.01384480899423	-0.07163569041277	1.01672122898335	0.50461257739741	0.01379323841046	0.25144685110890	-1.00000000000000
+-1.86648803503453	0.73910291420597	-2.15646810060948	0.44527579518694	1.06650232609353	0.76271829659417	3.17090146000427	-1.39018137710412	0.15989253411100	-0.19160255202695	1.00000000000000
+0.16884689634684	-1.67345191851095	-0.84526241198878	-0.46353714604482	0.74213156863163	-1.08226554066860	0.77998854595475	0.60194639250147	0.46947711118614	-0.32710071092350	-1.00000000000000
+0.26649429231665	-0.79972949050766	0.07490817710194	0.51636177193336	0.43944997145610	1.31047331272077	2.20306585827798	-0.70668677501890	-1.38266468761572	0.62758105358682	1.00000000000000
+-0.97926792889710	-0.23194009526991	-0.73152180638319	0.22885371256736	-1.25406658840644	-1.12455840008553	-0.98293777539774	0.33521424848521	-1.01231704830412	2.20006307017780	1.00000000000000
+1.67036373569465	-0.03556494321594	1.75927812746084	-0.39060111449745	0.17330643508469	0.02465819184528	-0.29815558626716	-0.79706591504431	-0.49595382517418	0.40757660860877	-1.00000000000000
+1.22026925601358	0.03229238329996	-1.19810738490823	-0.42145508846135	1.27652521500978	-0.82445599723362	0.16831774495545	0.34071040362725	0.36656451157212	0.69920397706140	-1.00000000000000
+1.18039906423895	0.78492855664875	-0.04411031424826	-1.29919771015342	-1.24378961653831	-0.88825871728749	0.65523773084251	0.29407641098794	1.27982445699447	0.26396797477301	-1.00000000000000
+0.42223382183559	0.44101020782564	-1.76433469052156	-1.03790341528753	-0.53290514554078	0.55631245434398	-0.07465415940643	1.51567567690485	1.50126776900615	-0.08804594714090	1.00000000000000
+0.20145237127852	0.86172740666198	0.42811315162226	-1.63958863447896	-0.50013866092056	1.21223488283765	1.07505311684492	-0.30204164768099	1.56720548941099	-0.48099977610220	-1.00000000000000
+0.42656490041747	-1.61543721468009	0.83440869205651	0.04285999841848	-0.56071313926897	0.98973496112081	-0.48765349098931	0.06144366936620	-0.35793924229421	1.35324324242113	-1.00000000000000
+0.75813703819058	0.04170987507235	1.54837183713094	0.44615397385307	0.37795623825821	0.79385819032040	0.07171568126168	0.16570334435712	0.27343862089228	0.52743922383237	-1.00000000000000
+0.58613147402459	0.82154785363445	-1.39876699586195	-0.52765986274092	0.86788371279420	0.58928783048683	-0.37007350724000	1.35918974551708	0.45474712460286	-0.45671685123869	-1.00000000000000
+-0.91493651625998	0.89487508377877	-0.22718121748398	-0.91221708539988	1.00077360183612	0.01057642915522	-0.06591109463815	-0.85891394457418	-0.45572058120198	-0.33067960443012	-1.00000000000000
+0.21728470895803	0.64418877534148	0.30877087596371	0.24417051159521	-2.04538521400384	0.19287039964037	-0.69228731815928	0.05299486728518	-1.57466695316223	0.48812631056132	-1.00000000000000
+0.81344906541969	0.26267187464391	1.08062047694084	0.55017204203313	-0.78640945338445	-2.02871650162422	-1.28669428383162	0.05107811691769	-0.26054659550528	0.73308371008916	-1.00000000000000
+0.79303195688941	0.92746199426737	-0.83461668745983	-0.82955765539863	-0.84873830065934	0.77944814542354	0.34872680815553	-2.10982146776243	0.81697216050981	0.06886363038835	1.00000000000000
+-0.10731119602438	0.37294513666839	1.35013705821870	-0.05252955308664	-0.76173656836736	-0.41508225555237	0.41645271577963	-0.41948091783972	-0.19373889786949	0.26003296291715	-1.00000000000000
+0.96061806975796	-0.95040304414225	-1.61978777048177	-0.42964099259014	0.31971645624365	-1.34377964066468	0.54802815424504	1.13149855531554	1.39050250488128	-0.13146926258840	1.00000000000000
+-1.28746861862251	0.40496294274878	2.21807124669152	-1.25882199313868	-0.79337499410164	-0.78354843343792	0.83961051704048	-2.48799845314287	-0.56674470736177	-2.14559114003134	1.00000000000000
+-0.81209334066373	2.25753711479146	0.00993996319340	-1.24006686533311	-0.64978284463239	-0.74750608621860	-0.21557490786817	-0.80419485822033	0.06071636352128	-0.58063051507547	-1.00000000000000
+0.26820861077659	0.30471886847644	0.98148870382864	-1.21519532493896	-0.48706384664848	0.39158976252750	-1.10985474926905	-0.77476480519642	0.73724423219688	-0.41262038028237	-1.00000000000000
+-0.88422409716895	1.01007719576148	0.59228160151912	-0.28259231343090	-0.47622179726467	-1.17000682284075	-0.32419843233936	-0.23457258001534	-0.45722850176980	0.47522218420848	-1.00000000000000
+0.03076204758169	1.19685500885260	-0.44275495221162	-1.73474071943958	-1.54624953688964	1.14225424597447	-0.91856161679984	-1.88025190448012	0.29364278305506	-0.55350066357852	1.00000000000000
+0.63428629960629	0.42315283906530	-0.56683566058669	0.94966338616319	1.33450340704495	-0.28803192280422	-0.81362488942572	1.81966253155814	1.29031374603732	0.90586065545251	1.00000000000000
+-0.39640044832440	0.00688577147422	0.68780231872037	-0.48191269275179	0.12744507780329	0.49354997991940	0.54512970426850	0.69816018468141	-0.24841365258144	1.33098123017639	-1.00000000000000
+0.04308175505368	1.19285641430476	1.22085121903871	1.50385506517672	-0.03126414036004	0.11434103239023	-0.03477786739768	-0.39114277682869	0.63932896890480	0.97218960584383	-1.00000000000000
+0.48740768115653	0.59723843196649	-1.21141730860248	0.00531640020210	0.11590668019231	0.37847663814505	0.94340293312579	0.76854389473057	1.04596746450113	-1.37450453615537	-1.00000000000000
+1.05845088410139	0.22713866525532	-0.16912573928141	0.40282318863736	-0.65684670826864	1.44601735551362	-0.64418380252449	-0.17408450566824	-1.29376281233571	0.89923640988494	-1.00000000000000
+-0.80417850585182	-0.89578327298738	-0.59398422261551	0.42942194478688	0.30161825313893	-0.70243172737252	0.46595002519068	-2.33496016987811	-0.24754911610714	1.32718461630727	1.00000000000000
+1.32189594479589	0.86528033465121	-0.26277156966496	0.35292122744567	0.41037840081212	-0.22952282590547	0.92179775069130	1.11235685756600	-0.78315566636733	-0.38124214508521	-1.00000000000000
+-0.37587558367233	-0.13027102464801	0.97245927434093	0.17452849526459	0.77749358574627	0.59325716961677	0.46481711952509	0.26096943380760	2.58095158514004	1.36072583021456	1.00000000000000
+1.55256823968585	0.04374008157918	0.15540112254122	-0.54150184505470	-0.04480365560451	0.07574846594069	-0.20125688996187	1.33621226459973	-1.10745179478746	-1.57260409901896	-1.00000000000000
+-0.57855306299173	-2.19678493949542	0.57374881985152	-1.11709288939722	0.36814964756566	-0.46464868264567	-1.47518582451657	-0.88545386220953	-0.85987059227505	-0.14153325880548	1.00000000000000
+-1.55007794688016	0.62621035892776	0.30083263873887	1.80708785920817	1.08942451118467	0.65998845317633	0.04387919283594	-0.01541123418893	-1.03576734278093	-1.45623004356046	1.00000000000000
+-0.30975497309746	-1.55101811760904	-0.46561469330478	1.84606634225718	-0.31723279374030	1.21779784144682	2.09912027673011	-0.53177793566169	-1.22793568423758	0.59185111564849	1.00000000000000
+0.47842864486559	-0.42706113726464	-0.14075626539912	-0.08288552702977	-0.72982417961406	-0.25088508530377	0.03089862106518	-0.83880116890335	1.29441550560759	0.07624759046298	-1.00000000000000
+0.20394721781105	-1.35704314330913	2.40779832364656	-0.96224323335504	0.23454608370399	0.76657344754613	0.77709898478874	-1.29960577789157	-1.99787671958225	-0.65753214793454	1.00000000000000
+1.22650046793524	-0.70420643539048	-1.55061333104265	-0.54574922684322	0.30273730819536	-0.02107043992861	1.58756637267829	1.13436756090681	-1.68376740249691	-0.21455170267500	1.00000000000000
+-0.47780594076572	0.59054822626929	0.79178860498250	1.76120703963649	0.49321105095236	-0.57463013574264	0.52259986122350	0.01054843048299	0.47650343211996	-0.05466539781048	-1.00000000000000
+-2.32903202068589	-0.48003484869852	-1.01948459740401	-0.47387538413974	-0.05952961787464	0.97277657633024	0.92712814765239	0.74691192211526	0.08184405505321	-0.14787744133489	-1.00000000000000
+-0.52076074175815	-2.04046562268401	-0.16525161657268	-0.69709808823736	0.09591839212447	0.49285786214413	-0.24800396169306	1.31808931392805	-0.10782981657352	-0.01533068891314	-1.00000000000000
+-2.00535390523461	-0.12526844351499	0.84808468214862	-0.33407252077450	0.40601579982497	0.06003691370346	0.16381096561085	-0.19342113271416	-1.19974269077488	0.57375341607283	-1.00000000000000
+0.21761461040038	0.70920070273633	0.63599590699155	-0.03818050906215	-0.98569544490485	0.07293118511756	-1.57191767072461	1.50099383643981	-0.07974733108585	-0.06508282263424	-1.00000000000000
+0.79073502169218	-1.09728341042200	-1.11828922409594	-0.66050729310860	-0.72011690875805	1.89590140669175	-0.45098608550999	1.04806649666479	-0.46864525582638	-0.17890601053011	-1.00000000000000
+0.34414784353676	0.06531730551833	-1.21446573183635	0.29668041568841	-0.56219580879971	-0.10939770399334	0.55214997757091	-0.58386282277706	1.30616913589481	-0.00895964006770	-1.00000000000000
+-1.42645181502584	-1.21597189616994	0.57672779689970	-1.05636818811771	-0.05474421010176	-0.74210788561169	1.18001881460923	-0.10904450927638	0.22216697625059	1.54896525500247	1.00000000000000
+0.21711705251519	-1.60350569063359	1.57469972948217	2.13699372438918	-0.72075209503500	0.16849916856348	-0.22682509046805	0.06179249863433	-1.53274598837984	-0.35164345861792	1.00000000000000
+-0.67512720269719	0.04946596634319	-0.01112211042725	0.01165510832772	-0.45803169552772	-0.35936288927440	-1.88624363472080	-0.36463869926146	0.52618455704727	-3.03005517725495	1.00000000000000
+0.60648946575296	-0.14484717339784	-0.83896666812666	1.08702816312559	-0.58997330191933	0.29698638963619	0.36204675164828	-0.14550696454399	1.81568890602033	0.32150515098755	-1.00000000000000
+0.05574563807960	0.83502304030394	-0.07254328874103	-1.50293976412622	0.45329129145289	0.07156011474950	-1.34556292315608	0.17377916824607	0.86014011283795	-0.35149035702501	-1.00000000000000
+0.43290441680844	-0.52975855869861	1.46817286939528	-0.30446253417163	-1.40858938094889	0.25445094439469	0.97547820773696	0.72873598513398	0.62681950455850	0.08047358638202	-1.00000000000000
+0.32035124466737	0.57404825591659	0.06388929630012	0.40756766357833	-0.30859637071678	-0.28716042086707	0.09855315760934	-0.23568933162374	-0.41757570771034	0.00318456860108	-1.00000000000000
+-0.76294180641330	0.54180082981662	-1.32530808126152	0.66486209677813	0.55167503438389	-0.46364623378229	-0.30485687128196	2.19645854397513	1.98233621212677	0.31197033389223	1.00000000000000
+-0.00711602945906	-0.67421297959490	-0.55176702709704	0.10997093045565	0.79759700430065	-1.86369264058472	-0.02412516729086	0.07414126722661	-1.04199795809762	-0.08814754644589	-1.00000000000000
+-0.25205744790947	0.66754950315519	0.16939262580975	-0.30509262258005	1.62586296403941	0.48602502434188	-0.96234437911713	-0.57170140697242	-1.83569490794071	1.60064104389693	1.00000000000000
+0.21108169090371	-2.49038038482743	2.52988439568531	0.26603961970048	0.13413276624512	-0.94170635056969	-2.00085267736276	-2.04655043705106	1.44630934480271	-0.56939757922402	1.00000000000000
+0.88912496879627	-1.09314515483851	-0.04599296606639	0.59913835206446	1.09964504455081	0.43827451870057	0.40397908972726	-0.05787137425814	0.20267270445617	-1.98805131805536	-1.00000000000000
+2.15663485382429	1.18219001120871	0.46002870875496	0.60651384333888	-0.13378232964687	0.15512394094703	1.31076409992080	0.30060489181479	-0.79459903342192	1.88247255039138	1.00000000000000
+-0.48702367532898	0.27346905597063	0.70343942005591	0.14860637507039	-0.98598361834759	-1.23933868546749	-0.17454720312006	-0.93733884313803	-0.27132927393739	-0.61144819207600	-1.00000000000000
+-0.48825693616160	1.79099834959932	0.11080429162626	-0.55380074511778	1.82441851732986	-0.17150785418098	0.26749864853483	0.26644268127709	-1.06330631464100	-0.86239835670548	-1.00000000000000
+1.54044642025487	-1.31658918140834	-2.55824950847132	-1.51531878593732	0.68198806507701	0.30476115321485	-0.57294515708923	1.35984750716674	-1.03261687015425	1.03212576769492	1.00000000000000
+-0.58819745650602	1.16924823739464	-0.99296736296066	-1.64645541604632	0.32255451573242	0.16119791549850	1.25775759223809	-0.64052305381860	-0.91982664263626	-0.11059251862014	-1.00000000000000
+-0.82278326140093	-0.25178077043926	-0.26994796408781	-0.03557901933968	-0.68507227866360	-1.36725234419250	-1.59710337055104	1.39168401684847	-0.61861411202537	0.86104614416264	-1.00000000000000
+1.00410692557567	-0.29377701967902	-0.62680998377184	-0.54953656962000	-0.33250564504258	1.56014571730911	-1.05698537262931	0.65953867850446	-0.91749903176033	0.95616100081431	-1.00000000000000
+0.14363658230434	-0.13120448223480	-0.21770091549859	0.15825266971506	-0.08307927564847	1.25992272383458	1.95559083278803	-1.01088910780056	-0.39406345591307	-3.22401948056556	1.00000000000000
+0.88688706003893	-0.91249576064626	-0.50624860676996	1.07040516301000	1.29250208228295	-0.60681413407762	1.56266675957352	0.78221921819716	2.49653822755296	-0.40471683521548	1.00000000000000
+1.18841733882539	-0.97734693930723	-0.77281275678345	-0.70293492802301	0.11685889477434	0.19963625401831	0.07572938948995	0.82006758234893	0.39300066214390	0.65194205509940	-1.00000000000000
+2.30501210217458	-1.52466399183678	1.33576772160942	-0.84513920612718	1.27037348431186	0.68108768104601	-0.77100206372639	0.72203212470414	-0.39640504828767	-0.45318072537365	1.00000000000000
+0.58862155048231	0.88570577395199	-1.42346960521694	0.15293426007596	-0.19031909076438	1.56369112827865	0.44726632513961	-0.66788431443183	-0.49458526084034	1.29312490848632	-1.00000000000000
+0.88027213204948	-1.08882932979633	-1.32123650397323	-0.23418947090428	1.78648266565711	-0.39588591500782	0.08279161956536	1.24464500196616	0.26614074899748	1.17682214567169	1.00000000000000
+-1.08456292312179	-0.09091105623419	0.84891605487718	-2.03360339127253	0.18857209482595	0.82132343356418	-0.53500546479239	-1.13231570322696	0.20094814735064	0.52738854052066	-1.00000000000000
+-0.72124311555342	0.28826617972885	1.46022015532520	0.63553495153883	-0.17086130359368	0.13152804064992	1.27690898800601	-0.59366797242625	-0.38812854972592	0.68600099808828	-1.00000000000000
+-0.24450008853472	0.07852506816733	-0.65345886042732	0.86706659087760	-0.65672941052458	0.52427953719353	0.29525294243596	1.34286196793055	-0.51086498317079	-0.72323819035309	-1.00000000000000
+0.42845526275362	0.69037190572466	-1.46469532986075	0.73910202449620	0.59104070804850	-1.48281790964411	1.09196971960211	-0.55115436557766	-0.38125954648005	0.03563583414404	-1.00000000000000
+-0.82336655899727	0.01041647011836	-0.52029721401359	-0.57453383441139	-0.70256433754821	0.94055403710006	0.15914407061117	0.82849496709505	0.34566814333620	1.46564689104204	-1.00000000000000
+-0.76015025513874	-0.66519442086978	1.55645522766168	-0.35842252207601	-2.08225076044541	-1.48322179365670	-0.21305115056302	0.03368381159852	-0.02196316366417	-0.11300632308624	1.00000000000000
+-0.74535679717394	0.39120077452150	0.71133238386961	0.22402584359783	-1.15895142946665	0.68665408214345	0.57938843840557	0.23905317041440	-0.08796670792090	-1.05396596808314	-1.00000000000000
+-0.19057082585127	1.26170359582844	-0.16923506023622	-1.01725630688291	-1.49033626561793	0.42674858594717	1.31728412097964	-0.48806530630476	-1.02253588388428	-0.88753983786729	-1.00000000000000
+-1.66775554828346	-0.77262585068257	1.50785685765496	-1.56125810744091	0.05850844713330	-0.59769531035137	-1.22407077798506	-1.19258778512815	-0.23612824900563	-0.39440553576385	1.00000000000000
+0.32326223203461	-1.10024729376544	1.25818188469257	0.49498140329055	-0.43359612353221	-1.10038619881882	0.09353888590128	0.15583128603313	-0.06872388775147	-0.18209799815532	-1.00000000000000
+0.93729332258512	-0.96458111225299	0.41286918559908	0.70347730261531	1.14390000365698	1.38802074542748	2.33523811019750	1.20573902362779	0.82676579143894	0.70699833443118	1.00000000000000
+-0.25603900776767	-0.18507244636547	-0.02923686727541	-0.29568669169389	-0.47519839248737	-0.56743386883732	-0.25936057485573	-1.20463699988925	-0.09147332655119	0.22384995484709	-1.00000000000000
+-0.46168602310335	-0.47443947166191	0.13484960917367	-1.77908285940287	-0.45387968907880	0.04938777129264	0.78613970407235	-0.96757195480752	-1.04439260253254	1.91315116356039	1.00000000000000
+0.58133547770825	0.43379278181662	0.46672173429227	1.69247166261891	-0.68783173252479	-0.97431228316547	1.86939051608510	0.51565331157166	-0.74998988256773	1.62587040703004	1.00000000000000
+-1.19959734566655	-1.31935190214096	0.35454964757519	-0.01408252746950	-0.63445812733868	0.67382844740476	0.39078222715257	-0.26417015399654	-0.32241024420173	0.41516500834950	-1.00000000000000
+1.18462777262922	0.59154278686135	0.46022348628637	-2.03626919311447	-0.62194782465390	-0.43123616815679	-0.45689114596860	0.55200433084159	1.13116660606143	1.03344166292480	1.00000000000000
+-1.58716146872465	0.10513405462503	0.82407123161815	-0.72137163765508	-0.04301810083940	-0.48507717426839	-0.41894927287815	0.59283075562304	1.92368511301118	0.45453018432955	-1.00000000000000
+0.48733198308493	-0.95633262010222	2.67053705429034	-0.30903599753205	-2.82240265570396	-0.19959967643009	-0.83768586130512	-1.54710035439884	-0.27606297468973	1.22757057868050	1.00000000000000
+0.80914709586829	-0.03158540757561	-0.09984654362238	-1.68907121959527	0.56234067486283	0.02622519052270	1.06350150032484	0.96604332765833	0.94394970443614	0.65894820997455	-1.00000000000000
+-0.28957804254120	0.22422668821062	1.28043531417041	-1.52394156240449	0.31403076835983	-0.24938125194038	-0.32559148899014	1.10071259962896	0.43176906689081	0.48949158877509	-1.00000000000000
+2.03337346667265	-0.39356635797068	-1.36618256878448	1.37043688935352	-0.39772612989931	0.32311243756887	-1.61385847538398	-0.66396726278134	-1.56348560626848	-0.80405713586878	1.00000000000000
+0.25937327321437	1.36968965421563	-0.59051522192000	0.71853022608698	-1.25666428855828	0.43876702934145	1.42349605852921	0.47960679398008	0.59406661847365	-0.77250768385458	-1.00000000000000
+-0.72415707002977	0.25052105132914	0.64373402924213	0.46080085511340	-1.38017320118859	-0.48910736665855	0.99382707543534	0.13545553098674	-1.58778364892716	-0.32519621912073	-1.00000000000000
+-0.50068863459146	-0.59713591176818	-0.59510634046152	0.62582906349332	1.43800459497487	0.85727252268974	-0.41721077483285	-0.80282075752632	0.71825295287873	1.08132948736661	-1.00000000000000
+2.69038200857156	1.10750413189814	0.45234115410390	1.01481406636215	0.01111182237490	0.23262008445849	1.33318777993156	0.44696077671019	-0.47353362144907	0.25679611947313	1.00000000000000
+0.68941011052211	-2.04813912051785	1.39901079474679	0.56608274284816	-0.92213811129491	-0.25550829293588	-0.68734566639093	0.53297016161004	0.66234397374545	-2.28857692274671	1.00000000000000
+1.62234649439399	0.24417774220142	0.63680210189516	-0.04625501932261	1.32523032903066	0.40586010064944	-0.89885308751856	0.26573285750042	0.70320458551823	1.92569379047509	1.00000000000000
+0.24347806178281	-0.73554037012435	1.13292557185631	-0.28084765401140	0.24900614521897	-0.24094932887517	0.71507556440966	-0.97118531201859	-0.01098330132569	-0.40132992299575	-1.00000000000000
+0.68207453305449	1.89547906404405	0.34981166122179	0.10475436745005	1.42951029920653	-2.04646896258596	-0.64216713107345	1.94446921073615	-1.53338167251572	-1.07323748486552	1.00000000000000
+-0.57182091146976	1.41048901117686	1.61205061403639	0.39030260704516	3.04874545192289	-1.57015330036329	0.83283367712157	-0.13621069453242	0.34646433206706	-0.07397958900872	1.00000000000000
+0.79282210396849	0.65567594262840	1.84900982165422	-2.73272158519144	0.38606330143641	1.66277934828804	-1.21865711140657	0.80405653117578	-1.16024323978289	-1.69194262659138	1.00000000000000
+-0.89305585561985	0.98285050250374	0.54337752641702	-1.40004011181419	-0.11799404057255	-0.10620124786413	0.00412881489444	0.35202838266621	-1.53778099274139	0.07370444308377	-1.00000000000000
+1.11503032692179	-1.98964547820668	-0.60649505820605	-0.53637276978254	-0.39112529088711	-1.29016589251133	-1.39585278819202	0.03990557943052	-0.75953574085063	-0.84769760814705	1.00000000000000
+0.67365398959893	-0.59185896420287	-1.46192793511708	-0.30190654166252	-1.44555143004658	0.52179426020545	2.05007932968808	0.45862599175657	0.94511657254642	-0.66315286444245	1.00000000000000
+-1.05663174828837	-0.27095192057947	0.60941257789242	1.16085148575844	1.10515947952904	0.77326204881128	1.44177765555509	1.38922734031245	0.50218004941625	0.85306218443770	1.00000000000000
+-0.12317417004953	-0.43764820056338	-1.42257109635058	-0.04393125904078	0.12682519679125	1.32799529169725	0.38019970400059	0.27566365171684	-1.34110208870009	-1.09488476510214	-1.00000000000000
+-0.35794782228281	0.04043193407415	1.05854491817847	-0.53604278589340	1.38752936920623	0.63325863391596	-0.88909193745047	-0.24201201210894	0.92842677495284	-1.39724128630004	-1.00000000000000
+1.37144777442916	-0.53750056105814	1.14715288523504	0.66420109861417	-0.25803755463259	-0.21325102168556	-0.69798221106673	-0.15081983321596	0.00595708171665	-0.71298881652208	-1.00000000000000
+-0.52141071242862	1.15380721070931	-0.36753873555941	-0.26812070700316	1.16663706023626	0.33389253215686	-0.79566209930721	-0.67087179748370	-0.11992067719603	0.76790600810159	-1.00000000000000
+-0.33758084994443	1.87010566597879	-0.37037164441958	0.79045629283576	-2.52898992631236	1.65020584991805	1.19626996473651	-1.99985732423152	0.32912075125147	-0.00450318681563	1.00000000000000
+0.29637023859200	0.00049810904814	-0.89169742160434	0.15019075786524	2.22455197606618	0.41260898503722	0.91187175939895	-0.84492660398683	1.41216734201063	1.77613293884790	1.00000000000000
+1.02821999965084	-0.67068693504196	1.25385885842571	-0.24237408039290	1.15614020652682	-0.64766453360377	0.58695483906734	-1.34682341586556	1.02678560884610	-0.04707775694668	-1.00000000000000
+-0.41456099004131	-1.62933403081717	1.73128432040410	-1.24824914877550	0.86427964164734	1.15143479460360	-0.25522627107688	0.68175614396148	-0.34739371026916	0.90039032009088	1.00000000000000
+-0.82896648261994	0.70143752955820	-0.29788503801768	-0.81805970587920	-1.55267430153312	-0.80984028931139	0.05898254346604	1.19244029371653	-1.79530851729587	0.07726823744803	1.00000000000000
+-1.37425052808248	0.23657238095898	0.11518777206823	0.86014847885855	-0.06105635768329	-0.91093650848290	1.17494107111008	1.28792913636150	0.14274569694729	1.36640831392784	-1.00000000000000
+-0.61770295165258	-0.14542629092338	1.20078786785180	0.98343639022186	1.54677255152918	-0.40403052836320	-0.22231980193000	1.36645613596000	0.52559726025210	0.39509787918369	-1.00000000000000
+0.65786713512076	0.30995548995563	1.35385722025666	-1.66011294255374	0.11564420913482	-0.67439439841459	-1.05979814059603	1.67261496011854	-0.26141826975460	-1.80902258773236	1.00000000000000
+-0.97351219168997	0.71856870109018	0.58079431975861	0.99958096545729	-0.21942790336878	0.50602425699737	2.02754822501216	-0.20392784019318	1.17621353423726	0.03360836840083	-1.00000000000000
+0.59355138530797	-0.49834467349913	-0.31353516634258	0.63644877048575	0.90613796279629	-0.23343815328806	-0.59036511426570	-0.02712766871863	1.11510036664937	0.50805210503969	-1.00000000000000
+1.55595277191418	-0.07849140482112	-0.07609308560383	2.22634210309797	0.93010052200167	0.98421890976691	1.33873367808916	-1.82458852967717	0.14302498217425	-0.76823622208976	1.00000000000000
+1.06922030620097	-0.89333155446554	-0.16295228209284	0.18492318791856	-2.13037877720622	1.28276122500513	-0.90714810026756	-1.46605871718295	0.24987633127705	0.37192417846202	1.00000000000000
+-0.01801054367017	-1.22984832860176	1.25883346013729	-0.30847610620082	-2.28654631886505	-0.21665912798153	0.29861693138787	-1.17394790405903	-1.16626949247658	-1.34090477494326	1.00000000000000
+0.59588319149256	-1.09620748746760	0.58459475537466	0.51498327865792	0.39882937168349	0.38459173538532	-0.54290196018588	-0.17355087400265	-0.86306322841140	0.32887851578092	-1.00000000000000
+0.44653801049571	1.85975788399236	0.09853036210897	1.22959705832913	-0.01645437626974	-0.32590627033137	-0.65159522262074	0.12014174998403	0.96370674174558	-1.01696282866051	-1.00000000000000
+-1.65413650500043	-0.66763802526595	-1.45951014433885	-1.14749664798248	-1.19189494416253	-0.61078339916918	1.10454586852171	1.26427205146235	-0.41584064719169	1.01484857999913	1.00000000000000
+2.03786791075525	0.95164943198571	1.26725965106333	0.44026567598138	1.66213450526046	0.05941109004999	0.42368156214927	-0.66818019580054	-2.51342417250919	-0.37773706038635	1.00000000000000
+-0.24039111087706	-0.12864920675812	1.02560780699060	-0.52420225034488	0.82472833139146	-2.09572935580973	2.49968864438856	2.76666487929871	0.27439112474610	0.06599643336416	1.00000000000000
+-0.53208568114909	-0.91535206914146	-0.04918111667483	1.07798264752537	1.17429631271227	0.90747346983323	-0.77315988973597	-1.26007982947209	0.05071962738405	-0.85886501821619	-1.00000000000000
+0.64305491330961	-0.49353697235824	-0.09457103530595	-0.57478334944273	0.65538943742819	0.69589357896314	-1.85681921846294	0.42969492603499	-0.24082660208023	0.28382742682022	-1.00000000000000
+1.19458025253372	0.66592937631134	1.26487922739794	-0.14935061492126	-0.52932638942249	0.39900482272157	-2.61618976464750	-0.37899634624786	-0.62723318822683	-0.66244934162398	1.00000000000000
+-0.17968518172709	1.72315056220369	-0.35294239896397	0.13118161335241	1.04695565357413	0.35492125609141	-0.88937169918093	1.27132223745165	-0.13524724196671	0.55758895368340	-1.00000000000000
+-0.73208419576550	1.48910848453291	-0.81186580433339	-0.23964164867907	0.54530158550598	-1.80278942324109	1.30130033242586	-0.05120676054319	-0.30086516292868	-0.35470373687255	-1.00000000000000
+-1.51377012700763	0.79347078645453	-0.03073470772145	-0.16538798771802	-0.76300821120312	-0.74158148003567	1.68876829294766	-1.29711696442569	0.43742478116309	-1.45141134368072	1.00000000000000
+0.44196331375672	1.65129630208669	-1.52961661539786	0.92563692143672	-0.29549584941226	-0.76149811526240	1.70850701977579	1.62385736776061	1.33578303095331	-0.86919746854903	1.00000000000000
+-0.37147117589506	-0.52972808835597	0.06563992778123	0.09848319318773	1.15076521610190	-1.35679248739357	-1.83655427586555	0.16517254958665	-0.89349566126853	0.01359349639521	-1.00000000000000
+-0.48985882000847	0.28101053092075	1.70638771482993	0.06858963398478	0.20635198292885	1.66158447267041	0.33439113416121	0.06228244793774	-0.77001631084117	2.00851661677322	1.00000000000000
+-0.07072352910652	2.79863492680846	-1.26463149789631	0.24276706806178	-0.50659747580256	0.25963965475443	2.29880471890473	0.23860233099593	1.17894642695802	0.50305013518507	1.00000000000000
+1.04176574305754	-1.03569188681643	-1.33013392895479	0.67759747393762	1.16627540141428	-0.81892931025691	-0.49516362318420	-1.02906527958926	-1.84737959441507	-0.31584340114220	1.00000000000000
+-0.29754366020983	-0.01470611781904	0.15773409569507	-0.11580556973330	0.05878383535791	0.59431158903904	-1.27649930970158	1.18100971493546	0.18873964564116	0.56482099712792	-1.00000000000000
+-1.45723719946221	1.05570669010677	1.18193166378329	-1.55690698266836	0.18186074461538	2.08082515738932	-0.49654448745219	0.10769647557961	-0.28441540185377	-0.49301433261287	1.00000000000000
+0.82755245244586	-0.38693980998970	-0.33799732110781	0.26643509404671	-0.06371644937513	-0.61979347971187	-0.01784787317510	0.41600904768679	-1.58679766585820	-1.74483231672839	-1.00000000000000
+-0.47525755391532	-0.79269967533564	-1.09154219562699	-0.72415303920628	-0.41939729496311	0.54639416865822	0.18734703492497	0.40825395140007	-0.46003154877448	-0.18902977495586	-1.00000000000000
+0.11421537220836	-0.17896067017948	-0.64431894748400	-0.58043860903034	-0.10085119053968	-0.12295401819930	0.73506685321511	-0.22415899799337	0.89510333961992	-0.99849096088290	-1.00000000000000
+0.94789562561675	-0.16307740450039	0.58287987337196	1.36741889234694	-1.30689862648683	1.04963893170868	-0.06417220833305	0.29471741391097	0.08642878981835	-0.91156889831246	-1.00000000000000
+0.50156980479754	-0.19550890250457	-1.19531065706486	-1.06777008590665	0.47088635195157	-0.27936652096739	-1.04241640347283	-0.48299700103692	0.99868927254146	-0.26895349338729	-1.00000000000000
+-1.21003567302120	-0.70936440576503	-0.55198328332349	0.31172601576098	-1.10775182139553	1.64875088514248	0.31686250325672	1.47449497552002	0.44756983943694	-0.99174190965464	1.00000000000000
+-1.50259780854399	-0.72221246273869	0.69307281939587	0.11265106094922	1.15063625215801	0.76651640310083	0.69584936690814	0.68856442118483	-0.52300107711215	1.14124318497071	-1.00000000000000
+-2.00022907319873	0.18181479260197	1.71817071689422	0.22964673863510	0.15518788333297	-0.10186026100300	-1.55073806999703	3.42634765241965	-1.65609746903364	-0.15829802914210	1.00000000000000
+-1.72126060826460	-0.72256644174043	-0.19694290564478	0.28603889669046	-1.56514739430886	0.41095443092821	-1.72619504828906	0.90603913649174	-0.39047229705345	0.64578740181456	1.00000000000000
+-2.22897208852572	0.81817920747831	0.13360896860709	1.24028423813276	1.42903425960619	-0.91799683342914	1.68616006246858	0.35688682644217	-0.85586584346983	-0.93735626863135	1.00000000000000
+-0.60940175180804	-1.78919730853564	-1.15727702304055	-0.71982565887339	0.37357679114764	-1.22948611162738	0.30303625726316	-0.32718507965809	-0.87599569784817	-1.99641644137372	1.00000000000000
+1.12701949058353	0.57439179445539	-0.04746611062725	-2.27168315645158	-0.17663761266011	-1.03211881213351	-0.53977910448441	-2.73759085989424	-2.64471517939594	-0.17700950280459	1.00000000000000
+-1.25774751574231	0.24396152746083	-1.61438153092342	-0.31022236225809	0.93504737542832	0.48163918735221	-0.01780269749681	-1.25719029620643	1.13071596090962	-0.62147532680813	-1.00000000000000
+0.26052238149414	-1.15392219684506	1.09518165904078	-0.72895947072466	0.21381101460950	0.32659213289094	0.06427672053859	0.47938790575304	-2.64090974274445	-0.88473844213281	1.00000000000000
+1.82063482822327	-0.95330954497287	-0.92175413632269	0.28261176882930	-0.83457722730304	-1.71532731514214	0.29032836951936	-1.15201910654421	0.07053525696308	0.18944309894756	1.00000000000000
+0.13223984397577	2.27050962337872	0.90027426347339	0.35377527635431	2.04922670709374	-0.44403024601667	0.70156761864959	1.62867981229821	-0.59152491928374	-1.00342368311908	1.00000000000000
+-0.49484933164766	-1.42263265605094	-0.82897206823180	-1.59346794809283	-0.59555119853499	2.99762389402455	0.47745688417729	-2.92258626380787	-1.11774028263560	-0.73394126112758	1.00000000000000
+1.21436281599046	-1.09118121770048	0.24436420460991	0.07898391637477	1.11138778038972	0.28633840101053	0.73288490436886	-0.83304119958380	0.58324446567930	0.96191416087676	-1.00000000000000
+0.37983754506444	-1.41127269475527	-0.73662867738992	0.35039646758185	-0.08141452141687	0.31514542753061	-1.51417623177472	0.35520249674597	0.30899875309001	-0.90958179826294	-1.00000000000000
+-2.20068838193587	-1.65384465770114	-1.01297405174358	0.58585085642103	0.64233214254321	-0.71389019149200	-0.15156729235991	-0.21079984076999	-1.03626990152912	-0.55924382719650	1.00000000000000
+1.27905088249026	0.41001132156471	0.35426486897904	0.51538583776685	0.02344153774205	0.13534351648976	1.91503958638791	-1.74023835292898	-0.50044975727926	-1.20208421293322	1.00000000000000
+-1.10489349696535	0.21926218701987	0.97268887991083	-0.01815728639867	1.37457504627034	0.46567144949639	-0.15191740503192	-1.81160600720355	1.01984780002244	0.02848552319526	-1.00000000000000
+-0.66716377760585	0.33633033997514	-0.11757433190956	-2.95234659255017	1.44574468628343	0.75118256559525	-0.84202245889923	-0.15348650096176	1.56469420505759	-1.02631061721603	1.00000000000000
+-0.10404120549837	0.46110381310389	0.03571343276281	0.36925297935717	-0.02666352469777	1.05684911581873	-0.36638554682704	-0.55098245782551	1.12538465218063	0.54089694341035	-1.00000000000000
+1.09713983286593	-0.82453593888254	0.05973171388335	1.85457494156766	0.35022252069388	2.37815750334420	-1.44098507291688	0.20062779797551	-0.24554977201170	-0.23407306242385	1.00000000000000
+-0.24596366223695	-0.29895420378023	-0.57822107663605	0.88170366536795	-0.85003250122359	-0.19354853206285	1.29055747497981	1.98412198282064	-0.24769022110247	0.15002127868192	-1.00000000000000
+-0.20332729045805	0.32095551007582	1.36730192666364	0.54999961377075	-2.08785290706750	-0.17514903334114	0.05949712772737	-0.75121117927016	-1.97882974867841	0.63741293491015	1.00000000000000
+1.42788403747291	0.51039643140822	0.56139251660305	0.46546409237269	0.85238854242066	-0.18384348386078	-0.55161763242893	-0.86684479600698	-2.16016908672866	1.61241308753564	1.00000000000000
+-0.81101946077644	-2.23276790466331	0.54746790088812	-0.94481511940616	0.60347962844605	-0.21223277967797	2.32302119248290	-0.55542959473689	-2.47169590351860	0.36941627114297	1.00000000000000
+0.40724558836306	-0.37170922198772	-0.30612916891723	1.38153923638953	1.00943388791563	0.04218161327815	0.17415611735905	-0.03939065563275	-0.89541008811768	-0.06650209794420	-1.00000000000000
+-0.66449738943585	-0.05493485283316	0.34152989940336	-0.01427990006031	-0.01294350729226	0.78527465143038	0.48174404584100	-0.43649932754569	0.53642586100379	1.17584433432847	-1.00000000000000
+1.17902669474477	2.47215630971345	0.05861113380266	-0.09335167669153	-0.94493775079034	0.28325320236551	1.58691422957162	-1.79814177943394	0.25752565002049	-0.53606051332877	1.00000000000000
+-0.32599854890050	-1.17835162117535	-0.13978800468779	-0.88122994277392	-1.17615289266223	0.87767401338782	1.25570837758791	0.77629929224524	-0.24412595480217	2.16431823178729	1.00000000000000
+-2.12715491663339	-0.14051362375786	-1.19457180928112	-0.66402081866208	1.36374533001574	-1.57569081002772	-0.36294271342277	1.29600450554565	-1.46660999583926	1.16962741513997	1.00000000000000
+0.23478386222952	0.08114152731578	-0.29386592067184	-1.62400073516663	-0.08475531996531	0.09206688710175	0.65437858924962	-0.45961306645399	0.07805069679884	-1.53005871662091	-1.00000000000000
+1.14788654124226	-0.78821571437332	-0.45293199733959	0.72399729015416	1.68701233478502	0.64664021825398	-1.33895376546925	0.86796762805424	0.27065768610461	0.48324346838307	-1.00000000000000
+1.43917629912846	0.00995353157821	1.17135998859711	1.71156148068566	0.95170610870858	-1.04778644014086	1.72244157321332	1.59207716537981	-1.87806733881332	-1.56700901935002	1.00000000000000
+0.60346450870158	0.33726557186125	1.51745628944041	-0.18478514986844	0.42213822573026	-0.70662181830681	-1.10857242199861	-1.04433764781369	-0.26253583512121	-1.35008055985352	-1.00000000000000
+0.01190019257885	0.04474869345399	-0.66944789120966	0.03505576610607	1.44479099243987	-1.17488850307183	0.59905791727271	0.32971424483597	1.45542545862631	-1.12251696344719	-1.00000000000000
+-1.18799962804661	0.17738405395775	0.36265217776556	-0.71884270456807	0.53604621476688	1.08023657283016	-0.04796144979154	-0.65176029445835	-1.08720120726768	0.26117061368038	-1.00000000000000
+-1.44065143484839	0.62745809078833	0.91907474949309	1.07276603592946	0.14206858161522	-0.25940384471045	0.91655439256665	0.34012324222982	-0.76504438487955	0.29934606915522	-1.00000000000000
+-0.33364752468431	-0.05687909821065	0.37575028879919	-0.69812272883169	1.59096061226345	2.11003204462026	0.57877064854926	0.80000431917168	0.05887124500658	1.13834043936955	1.00000000000000
+1.19586140090965	-0.71225255192018	-0.19653229978087	-0.02186363431580	-1.37021207619420	-0.06704471691161	-1.43038314336557	-1.16519200184402	-1.50355958367343	0.37664119593906	1.00000000000000
+-0.14855961046971	0.58607836732209	-1.08944554073933	-0.34943091478728	0.46707002923503	0.30070447430992	0.89565347661122	-0.64579094888386	-0.19618341288584	-1.78347618997072	-1.00000000000000
+0.49306306494314	1.70908354964561	-0.38598734186074	1.81884617985100	0.32536026599882	0.26559977131817	0.09623612517500	0.27032190503421	-1.18609613770426	-0.76298677245265	-1.00000000000000
+-0.72370808571986	1.35107272681573	-0.87406997504593	0.79521956542082	-0.89675818667333	0.15853867964023	0.63773423000869	-0.04950632436389	-1.64572951608119	0.83078722695884	-1.00000000000000
+-0.12311031645870	0.74943354759313	-2.31622634137120	-0.13043344824381	-0.97767172497384	-1.01112312150522	0.77436991468387	1.20461124343477	-1.04780694484563	-1.59139260499952	1.00000000000000
+0.54258252974916	0.71918612231119	0.43920631138275	-0.17071357052649	-0.53875483203322	-0.40353561119724	0.01594200714763	-0.60432340096387	0.21150055133369	0.55233517433097	-1.00000000000000
+0.08644449107867	0.46435503053358	0.21741191208708	-0.92643270147472	0.16591322601210	0.13374800789388	0.67397345273127	-1.69754243751589	-0.16183809756224	-1.74372079698626	-1.00000000000000
+-0.19760014881286	0.95408287157533	-1.07082603253359	0.83379167606568	-0.51724009977033	-1.12819254042136	0.12932199639727	1.37945517920741	0.73498754579752	-0.74477914729784	-1.00000000000000
+0.57906364052034	-1.70779880568978	-0.14260892879051	0.75701766853584	0.26035283368985	0.06350044503165	-0.72043731687428	-0.97527315969968	-0.98905243569850	-0.04573085255530	-1.00000000000000
+-0.59843228705064	0.15160294379728	-0.36194307368354	1.52022231096638	-0.61563928089078	-0.83148471888756	-0.00325820688365	0.21896054392409	-0.08642492387118	0.86977582211919	-1.00000000000000
+-0.49790975255572	-0.75372271427975	1.15803207147648	-0.80017218768744	0.33775435315569	-0.40895512094331	0.32834094223553	1.63182947229986	-0.54445622402292	0.66100798555705	-1.00000000000000
+1.55732268893110	0.26847193247548	1.11467218454395	0.39694566566302	0.22716430231050	0.60511372486332	-0.00922921141521	-0.64271890916456	1.61390399709183	0.83730882266973	-1.00000000000000
+1.55402788097402	0.47233011633196	1.01094068000595	-1.12047348700871	2.58572585634415	0.53086550818356	2.28356249593189	1.35519329153938	-0.30116738523343	-1.83362182661032	1.00000000000000
+0.01036760967367	0.46267984036858	-1.68483916227678	-0.82839872868739	0.72845967429407	-0.61596551085149	0.43088111031770	0.65700991557368	-1.00327774584401	-1.94032698427720	1.00000000000000
+-0.46058805982969	-0.62782240265199	0.33516304000570	0.46582037277677	-1.21113631087572	0.73018676816859	0.17109213528661	0.28105712023049	-0.47366438419136	0.36745183445025	-1.00000000000000
+-0.86955492204119	-1.00949001024332	-0.75014712644092	1.33099137873774	0.63361850087258	1.31609237187888	0.31495740031641	0.09591614116421	-0.33629259908628	3.91789912648057	1.00000000000000
+-0.76311399460031	0.25407482279992	-0.63952037398532	0.73773583738602	0.46228740690335	0.45364436495136	-0.28142438355660	-0.48194635815945	-0.38032564019340	0.85499361580965	-1.00000000000000
+0.83051402608227	0.42725094266780	-0.85573740902967	-0.33068859422503	0.78468983443691	-0.22829269578879	-1.22743061852409	-0.79087076971751	0.52623128900803	-0.71072677170226	-1.00000000000000
+0.86195730221205	-0.63382165466607	-0.56916985495090	-1.77683633923514	0.39075083184711	-0.36565514351064	0.36984105428563	0.47353718064067	0.98465784526704	-0.97757997071165	-1.00000000000000
+2.24028667848925	0.94538874413299	-0.04706661880094	0.03601986296903	0.47212702662098	1.07652224829969	1.57566042106947	0.68536532072998	-0.76518945603752	0.60360075422771	1.00000000000000
+0.66679935182617	-0.08644894941362	-1.03820192369799	-0.34952626696485	0.70297929815239	-0.29961717381533	-0.80580130932842	-1.16526660666447	-0.62129692337218	1.79880209851774	-1.00000000000000
+1.10105842309902	0.30720819252429	-0.40325041653979	-0.08734419071159	0.42178114644694	0.46271354405074	-0.78977880738575	-1.17531386411720	-1.25820434287723	0.80464771037385	-1.00000000000000
+-0.72230585744661	1.38519276600153	0.44424142878986	-0.90170314175315	-2.43055179060525	1.67312691965984	0.44189746510665	1.57443593030703	0.43239257675778	-0.75318190922887	1.00000000000000
+-0.06000377474378	-0.51850485723520	-0.34316402901718	0.37105887589371	-1.68996691927667	2.43795296882628	-0.66599175626091	-0.13152903279629	-0.99151475569970	-1.05787160052787	1.00000000000000
+0.64786853883189	-1.06406115452482	-1.98396550695974	0.75802696588751	-0.53430533552066	0.77646350405474	-0.94482615447787	-0.04265471841119	-1.89707348546384	-0.13802549476376	1.00000000000000
+0.04222121088278	-0.83838960110551	-0.82986493376540	1.07010127280743	1.03978784655147	-0.10001006253868	-2.80626781040744	0.50957740269405	0.63156842932434	0.78701695091764	1.00000000000000
+-0.79514446809127	0.00413164123400	-0.43120521913234	-1.87705204605647	0.76196326428153	0.66094634333736	0.30251965827465	0.52290855618020	-1.07910734598234	-0.08403509352743	-1.00000000000000
+1.41037324053046	-0.28942961592303	0.83532119387243	-0.43403438123614	-0.73069684447416	-0.06057450818950	1.01670453966688	1.39780005552672	0.40943511561891	0.82197199365304	-1.00000000000000
+0.44218750212998	0.74249832074861	0.48227506819768	0.56354669086530	1.32712197463022	0.80409259063130	0.20060655508329	-0.19202118570426	-0.32419166628994	-2.15490208898351	-1.00000000000000
+-0.01670281828536	-0.82396731322674	1.28907858764623	-0.96586687611643	-0.44957956603283	1.98450004196704	-0.08093183202978	0.19858914641460	0.47077734162056	0.84246828335084	-1.00000000000000
+0.80442809029021	1.44771141387433	0.60870609898262	-0.68239221072296	-0.23030409299262	1.33900205225370	-0.13011180685287	-0.77364571434347	0.46471296135980	-0.79856810539552	-1.00000000000000
+-0.87986051238180	1.47399826430758	-1.58957617310409	1.48776649066175	1.22085705977806	0.18707192084173	-0.15353100273335	0.46766495463009	-1.59095412219256	0.33604880118459	1.00000000000000
+-0.05665664703835	-1.33389059150857	-0.83848306346841	1.57518618328292	1.90529432619332	0.20169139209495	-0.55817621833674	-0.67253336095972	1.14903346240479	0.33978350417206	1.00000000000000
+1.44041120944906	-0.08914216289670	1.24269136870681	0.06459824173463	1.36640850418121	-0.61586778841736	-2.12342382266121	1.89612414020714	-1.78806810395372	-0.00546955478204	1.00000000000000
+-0.79928808103281	1.62193222262140	1.90334793220356	-1.46589754175498	-0.80605133839082	-0.67783951196085	0.85873684207009	0.26134342436619	-0.61938787997293	-0.80592336038115	1.00000000000000
+-0.01435628437451	0.59160833533074	-1.46290840241673	0.08646805062911	-0.16522361565046	-2.75113364974665	1.12935616171771	-0.30458104441584	0.41340180608364	2.34728842952961	1.00000000000000
+-0.35499690027345	-0.37398996685333	-0.40656402161935	2.18633024722312	1.08120977536688	1.02238698236445	0.52164199861257	-0.59839366474868	-0.28211800404047	-0.27475291255240	-1.00000000000000
+0.82682221394966	1.08453969734505	-2.12502483823777	-1.69115103080708	-1.11880409083356	1.30811830528880	0.63872076443968	0.90986683615050	1.24152808398813	2.16046031936155	1.00000000000000
+-1.46931115916325	1.58777470187895	-0.63867964128592	0.79910507680244	-0.88231655679225	-0.64770880694519	1.89138739124595	0.62251358457082	-1.34459686054448	1.35769559481098	1.00000000000000
+0.39688444675204	-0.37818545739553	-1.37430404844537	1.12474723264907	-0.12074950758944	-1.35377015466750	-1.14879262587487	-0.26610903632909	0.57559293075558	-0.16842459782767	-1.00000000000000
+-1.23193994579291	1.07534849183081	-0.43648480729729	0.96184669877701	-0.59735493449479	-1.14738609971450	1.63005033328594	0.09092863303458	0.99781923237491	0.51635408751557	1.00000000000000
+0.85482411136094	-0.84772771462394	0.03465110891497	-1.19472627948755	0.68822840236126	-0.41970161660715	0.33114065599225	-0.61224784393316	-1.42261884255642	0.55714312663362	-1.00000000000000
+-0.87766321645868	1.48956006724654	0.23455230322134	0.33697129916634	-0.54471844070356	0.98014924992769	-0.75192290927973	0.76082207554226	0.60461401278854	0.42916091909330	-1.00000000000000
+-2.33901381188247	-1.00787623085112	1.24887838042370	0.75935701321448	-0.87853709549802	-0.44547073148708	0.87463128767835	-0.14433634679566	-1.32613397851793	-1.03950708417785	1.00000000000000
+-1.12906674484311	1.33504210264860	0.73786717182900	0.79882542646870	-1.11592958317634	0.63305650787330	-0.02459609019618	0.04001450758761	0.20582742402641	-0.03232163874310	-1.00000000000000
+-0.70219411913861	-0.43776817523811	-1.31085991181871	-0.37926254435293	0.45965737856700	-1.20598773148225	-1.34722996549589	0.42711725955153	1.34531545881296	-0.38267172064075	-1.00000000000000
+1.22967510913627	1.33491763147913	-0.49713115167676	-0.18551285976455	-0.75707789173232	0.46313755147842	0.15795152114733	0.31254916752893	2.55506252751253	2.23244078948168	1.00000000000000
+-1.44293331052132	0.15710555935123	-2.04057624016868	1.03032481209873	-0.01997610382015	-0.60822962226478	-0.73385791159727	0.24227438068021	0.54676682648216	-1.25557556203615	1.00000000000000
+0.80533143317779	0.36747841001523	1.03100926130593	1.44335194607644	-0.81677012951517	0.88016670966002	-0.65233153586735	-0.74080519439014	2.44339079625141	1.43819818274364	1.00000000000000
+0.75110567714400	-0.87709557398231	1.27893309466119	-2.46735184912473	0.62975848699407	0.01808105653387	-0.10506868573290	0.90176462085438	-0.24681940380862	2.32932160473717	1.00000000000000
+-0.80087007802247	0.32075918208466	0.30900897665084	-0.22307657149836	-0.46665708133433	-1.31539664894053	0.05441421983433	-2.32738816544027	0.54322610769381	1.58287521424747	1.00000000000000
+1.14963550038937	0.21155002797859	-1.05152107750758	0.14876961891458	0.40208705782088	-0.55658529630968	0.43804468442490	0.04807191494792	-0.69272713596729	-0.77106563510489	-1.00000000000000
+-0.43125998731715	-0.04935975692531	0.18537953139363	-1.01439966986400	-1.15939837252574	2.81426142828748	1.24907726871580	-0.23231055106021	0.52791916965293	-2.22781882215326	1.00000000000000
+0.63833170364656	0.44453817353625	0.31620249281095	0.39082706798680	-0.20279411160417	0.79400709144714	-0.63518191495653	-0.71749977442713	-0.72291373514936	-2.07092962662664	-1.00000000000000
+0.03102713116674	-0.08899637935994	1.12671440091527	-1.44700087254758	0.20008964068942	-0.76445319782024	-2.81091895726884	-1.57691458378210	-0.95310389546866	-1.19439842142225	1.00000000000000
+0.25269606493459	-2.23971472701074	-0.34196427564937	-0.28621474115780	0.20483727924788	-1.00275277386417	0.62797650678232	0.80576108646456	-0.77351389253535	0.53483280314313	-1.00000000000000
+-0.16568236734370	1.47348233609787	-1.52815645962594	0.22273610209567	1.09211810781005	-0.16714221113802	-0.14695867789317	2.28020554700538	-0.24509605553610	-1.94020410322289	1.00000000000000
+-0.49909691632594	-1.80877632162178	0.74883087943529	-1.11056029498930	0.01692161302910	-0.64603789469277	-1.72691713731317	0.60921680889001	-1.48359697592698	-0.36168705796038	1.00000000000000
+-1.32181031421992	1.22276338362294	1.49200729591165	-1.68961124351081	1.41498792570239	-0.30320606442083	-0.57255961243128	-0.12443791852777	-1.17625980056077	-0.96485889881415	1.00000000000000
+-1.10655829291630	-0.38336292380165	0.60287131654171	0.60041360105914	0.89768540559114	0.77794343844498	1.26373109300984	0.05799156254855	0.52573561088045	1.38475367087749	-1.00000000000000
+-0.26805053846565	0.01274589162125	-0.14882169498623	0.51024436457772	1.07149187921514	1.17214556708263	-0.40452955556706	-0.75317427472899	-1.40985811982701	1.70009723926367	-1.00000000000000
+1.81330142518779	-0.90476931130164	-0.80674394446790	1.51373037227960	0.41799281852093	-0.40510263881134	1.26571917378327	-1.51720744223054	-0.68536472308814	-0.67596379102410	1.00000000000000
+1.95729959082712	-1.50053612802250	-0.77987070032087	-0.03190776344688	-0.82640276337691	-0.75614506630158	-0.20467480347171	2.94066428613084	-0.40797451935248	-0.72254755478017	1.00000000000000
+0.57100327942055	0.12552943756384	-0.12195321648185	-0.43943605241701	-0.07857363303547	0.65396892558020	0.12343371369065	-0.86439437518454	0.08202372730041	-1.67210047971141	-1.00000000000000
+-0.12050495932913	1.10864718479686	1.97552547247276	0.11325710000391	-0.36082632213304	1.14440100734793	-0.00928488811062	1.95615013044521	-0.24783765363783	-0.09413620401472	1.00000000000000
+-0.26051333625795	0.31042790874271	-0.43916345270999	0.81415071862518	-0.09279418101250	-0.50830047969186	-0.56404820308639	0.69019907545609	0.56653435252062	0.39560085304438	-1.00000000000000
+-0.31035667014495	1.11866847614226	0.45172211585471	0.64346249254577	-0.46483927218744	1.01563014158489	-2.12945108932230	-1.42076747080304	1.21641614425965	-0.54134590981842	1.00000000000000
+-2.52715600695579	-0.34422528533534	-0.37592369636240	1.05119804609803	-0.27908043678768	1.67206962769926	-0.47825844934464	-1.11036652367058	0.54369255464658	1.37025149925215	1.00000000000000
+1.03145815776468	-0.91695583216624	1.26750531948758	-0.71281442755479	0.75759145612164	-1.79555221974287	-1.33245322111404	-0.44867718347668	-0.68719177535162	-0.36720643153274	1.00000000000000
+0.14808612170367	-0.81584406167826	1.01890004789811	-0.34498133856582	0.12729348296243	-1.27658309780140	0.43020337999629	0.04054553746089	0.43420457366419	-1.12130272480526	-1.00000000000000
+-0.67147450162266	-0.05471548880056	-0.46152588985706	-1.36268350961634	0.12775592757116	1.15891480464311	1.87532787857955	1.80442320050851	-1.53704518127730	0.02309853373697	1.00000000000000
+-0.97866189911379	-0.15754340007566	-1.12756602602413	-0.04234956090135	0.51694104091725	-0.80498057156459	0.21294881549124	1.23817138599133	2.08516937595392	1.03472145391542	1.00000000000000
+-0.24010529382218	-0.19524692631801	1.13541616357439	0.22827644747435	-0.37922439478155	1.03633941750588	-0.18301239460462	0.63979609727489	0.48266740794092	0.58730864729237	-1.00000000000000
+-0.75685383240024	-0.23534345607386	-0.64138239264899	0.63485371022025	1.17108515918546	-0.59036242298302	0.81787939848550	0.67863693515649	-1.19339576652075	0.32858599227596	-1.00000000000000
+-1.41209296209151	-1.17908569899670	0.06739796905140	-1.98846182803931	-1.23672559611162	-0.02810526226584	0.94673742123404	-0.93981023956561	1.04609993482757	0.86206774657139	1.00000000000000
+2.09549302287582	-1.14067642000583	0.35541099045503	-0.87900514702965	0.16991238653503	1.10534406537334	-1.26584560296855	0.50875265268554	-0.39528137524963	2.95805876009591	1.00000000000000
+-1.23781845631368	-0.65888251209498	-1.78768612761849	1.39701515252559	-1.96465671299618	-0.61535021464085	-0.42112546571173	-0.15949314682746	0.82716635090748	-0.27774718505044	1.00000000000000
+-0.42919085902519	-0.03966058964798	0.50679285072888	0.44983222404190	0.79555954079431	-1.23253053121992	-1.68674068910074	0.77486228085338	-0.22718296401927	-1.84832470681879	1.00000000000000
+-0.97508794939839	1.77861279054703	0.22714058447436	-1.41890805571379	-0.25470319913845	1.60456190772597	-0.29938828190290	-0.94949647538947	-0.45078794493511	-1.75001116121474	1.00000000000000
+-0.58659368181602	-1.02297119064380	-1.29176516468270	0.02006796580356	-0.93767976867314	0.72469718368947	-0.67987094313947	0.62119808609816	1.43735572565416	1.53138740800316	1.00000000000000
+0.61531088836337	-1.54430575448808	1.23932394692975	0.26966509914060	1.35318532415981	-0.16777461501075	0.71836810909444	1.80600463945456	-1.47359744739878	-1.11319076947099	1.00000000000000
+0.27160615516249	1.75425227750941	-0.59652057284225	0.34363040184654	1.55246096460915	0.73026600409861	-0.53647231323578	0.82698153030629	1.01495934655460	1.55947425807669	1.00000000000000
+1.14730029861803	-1.18458272624733	0.42704117461898	-0.87912922457176	-0.57639934410960	-0.58677551392171	-1.11441889048858	0.35415203059654	0.57417181166683	2.23863015010649	1.00000000000000
+-0.52100995749023	-1.02806673563075	-1.20635628867612	-0.62436034438182	0.52807626145137	0.96944905451350	0.45699469647469	2.65358895302937	-0.21526211566435	1.27699527546847	1.00000000000000
+-0.09065239311866	-2.21397218447325	-0.94175450300196	0.25392055985070	-0.60332089350281	0.20778767225992	0.21887033357578	-0.31096176370622	-0.71631461655542	-0.45933845211628	-1.00000000000000
+0.81748221978831	-0.94559504244963	0.88420841836106	-1.59135063061085	-0.33556608309604	-0.19950951560373	-1.88398251540108	-1.38962779338815	1.36436030011953	1.39683387871581	1.00000000000000
+0.56764150431622	0.46726861443380	0.04251672805063	1.88328852716179	-0.27097367309731	0.77757754717907	0.50830133740880	0.23165724625348	1.35039382462672	-0.09760428612995	-1.00000000000000
+0.22050711497480	-0.92641012477117	0.22915799869524	0.06286779494184	0.56503354253893	0.86514927677842	-0.49238243926006	0.98835207029896	0.46411613582852	1.14302525628604	-1.00000000000000
+-1.00691787245427	-0.24861695236063	-1.06271319506187	-0.07964633111330	-0.13449011818616	-0.36885924457198	-1.29116595675240	0.31185820573053	-0.75148512357320	0.07477781886139	-1.00000000000000
+0.71966683391095	-1.64523025099247	-1.49856541072550	0.49233946387756	0.95059713538954	1.93899720996699	-0.23565198692706	0.20617432551677	0.09357825282557	0.84030892240332	1.00000000000000
+0.42616370086750	-0.42449289382610	0.05392461784022	-0.06980150659315	2.29209593589476	-1.11208530756582	-0.14505908412454	0.63742252098541	-0.11592183919763	0.80945385704670	-1.00000000000000
+0.25479101248385	0.07755907311903	2.29098912848894	0.77337986631707	-0.34712151367275	0.79939435454058	-0.02577230399488	-0.54558294718386	-2.04658305661347	0.73607260147002	1.00000000000000
+-1.33174957427689	-0.24792763791860	-0.90946157233187	-0.05508685229038	0.38549167746724	-0.64907282329787	1.23821181322899	1.21346517312287	0.90262028800973	-0.50560640717136	-1.00000000000000
+2.25123435723455	1.52182159121699	-0.50967798555966	-0.16643664800567	0.07500273731403	-0.19828744178414	-0.40889058418238	2.41258532800224	-0.14781537787399	0.36705511216315	1.00000000000000
+0.66916134371502	0.60692403140301	-0.55555038214247	0.49559440499448	-1.35197013250872	-0.36534193430816	-1.78291990134116	-0.30071031852720	-0.03880799996217	0.71015913322555	-1.00000000000000
+0.28871432797656	1.31018705906649	0.60666017018280	-0.84874957008019	0.07451789821426	-1.65188523543255	-0.79782172172077	0.22587461303797	0.13294848431257	0.01335156526925	-1.00000000000000
+-0.40592341418614	0.86639683196183	0.53274793048551	0.18265417270468	-0.03557675627744	1.43019885659963	-0.38625628430594	-0.57831292291979	-0.42917499140129	-0.37874682317502	-1.00000000000000
+-1.14562889623535	-1.76424905609139	-0.88078005847674	-0.55133074639588	0.10598506765558	-0.30292681771035	2.45090468665554	0.31020156691411	-0.47541176247761	1.59949738318027	1.00000000000000
+0.57331666678228	0.70727918276742	0.66518048968824	-0.67322662318808	0.35738571801011	-0.03163285354465	1.67616252437596	0.78679349706662	0.46639773364788	-1.57013179927079	-1.00000000000000
+0.17981619219821	0.58168673719469	1.01404590118364	-1.87454608430489	-1.38618230115842	-0.27791009742428	0.39960531085014	0.66779211117277	-0.05380681885417	0.60108086706142	-1.00000000000000
+-0.67727541592490	0.36289661492184	0.71657307984386	1.27496478469900	0.45628297845534	0.40145907154122	1.65920006506902	0.74998372090479	-2.13043036626413	-3.58310731129346	1.00000000000000
+0.18401546063928	-1.56792863725496	0.71137417458930	0.06046917629428	-1.96669231050236	0.80261870438159	-0.79451275878019	0.40864998454709	-0.75227077931053	-1.29767641605202	1.00000000000000
+-0.98884504484783	-0.26139535506470	2.15283591824325	-0.80902435492649	0.40071251408468	1.90152215878462	0.24456977812337	-0.05683074779428	-0.50277428740810	0.37308114425231	1.00000000000000
+0.31878315900123	0.28914452476935	-0.43719189110587	1.48762701478711	1.69937005518826	-0.13917362391472	-0.90811925572819	-0.64724759469947	2.28727299477409	-0.36812444915710	1.00000000000000
+0.88821878487837	0.08976789703117	-0.11471853423347	-0.23715704386092	1.30150754102680	0.50179887893103	-0.39590448862941	0.71465480620572	-0.60982138822887	-0.58288076720648	-1.00000000000000
+0.14143666148073	-1.66139200076138	-0.78798990961463	-1.13624261039894	-0.49753680415058	0.55200568143243	1.17700018922456	-0.56812746963606	-0.63856022071033	-1.04163906147304	-1.00000000000000
+-0.17451045387661	1.04064671666020	-1.02890602799276	0.85293214077888	0.99744758429198	0.86770345048308	-1.03101850632384	1.44332435825229	2.43423636856397	-0.03752474968145	1.00000000000000
+1.49876443142230	-0.59065520277418	-0.32114527406904	0.09864632136152	1.07764418238994	0.00482715451060	0.67352115125588	-0.33683762811205	-1.68953326903284	-0.73581645802499	-1.00000000000000
+-0.93623247644742	-1.80135368000020	1.68648809598413	-0.07075281040313	-1.14890412891547	-0.61023359319379	0.42730432784766	0.77500435992431	-1.90938183513046	-0.45180863087228	1.00000000000000
+1.21548849604969	-0.17590978357803	-1.23937236285953	0.09623394725225	-0.44946766344311	-0.63286245708407	0.56180660516134	0.45501383888197	-0.94200665631975	-0.42631490367444	-1.00000000000000
+0.60203268640395	-0.91848854476080	-0.83103900614428	0.84255294617350	-0.64448369717420	0.98717237205308	0.30719029071091	-0.19183940644078	-0.63086778479652	-1.04030517001141	-1.00000000000000
+-0.97464554143030	-0.38658312973669	0.16680674697258	2.64102108787564	-0.45253943716420	0.31413523144532	0.88803121949687	-1.07930431802705	-0.50361412317246	2.32442490503414	1.00000000000000
+0.25573418153052	0.07997121775221	-0.72608368025624	0.28958565011282	1.80947344876245	0.98609765870569	0.41769219205027	-2.19909457157246	-0.14982150929700	0.34353690429918	1.00000000000000
+-0.22107952784228	-0.25426910465656	0.55058633589256	1.04137820178268	-1.32150690564623	1.05486458099332	0.63472353370300	-1.86827511396269	1.16528716360962	0.34403684985070	1.00000000000000
+-1.48858993403597	-1.04960495439817	0.10743035376730	0.25509702670547	0.41755059331181	-0.09900525792560	1.86383707650183	0.53811518748370	-0.13635210035838	-0.65708961595262	-1.00000000000000
+0.33577154410349	1.85211862389299	-0.38250184793540	0.77401933217330	-0.04078976306675	0.30452660271206	0.66958862443554	0.43644093610975	-1.75560136439003	-1.97410466773077	1.00000000000000
+1.36539802988642	-1.04784058653948	-0.62914713822842	-0.27156562647465	-0.93368006556078	0.99465013158540	-1.65422287722648	0.15215155897521	-0.58334751051567	-0.56728805379565	-1.00000000000000
+-0.55604530585958	-0.51060328128266	0.62697792976225	0.51787843032625	-0.38313780038936	-0.77889453720515	-1.67765081815207	-0.39481710900547	0.61138927094109	-0.92878835356432	-1.00000000000000
+-1.16059987374313	-3.13196760225860	0.36002526582233	0.01726360871562	0.69919973527841	-1.13654707973820	0.10206885152035	0.60920383672656	-1.42447380501583	-1.03175637633781	1.00000000000000
+-0.38686156401034	-1.11257107916192	-0.99826189420296	0.15065561552083	-0.83146825491173	-0.17028208538770	0.56241860367953	0.03472258999459	-0.33220941691431	-2.47230609951138	1.00000000000000
+0.96033037996601	-1.66131254685998	-1.27809544499509	-0.04842743548868	0.13020200337348	0.52121973772423	-0.81953383631939	-0.19449672325475	1.43371736398272	1.69388781703530	1.00000000000000
+-2.22164654487890	-0.83287171145111	0.41374807345574	-0.15119318980753	-1.49951943504301	0.41700772857966	1.22652429447116	0.55987327838125	-0.50422587207581	0.96145091637248	1.00000000000000
+0.27519233544852	-1.24900095015780	-0.53233849488815	1.55907612987058	0.14925465495617	0.35993074515701	-0.42434722079114	0.16067286415277	0.40366702160979	-0.38970874100270	-1.00000000000000
+-0.93919251963418	0.99608832211486	-0.24357522948856	-0.45253514883003	-1.28812615114558	-1.15075934496286	0.51790985271440	0.73893988086103	-0.02493541664681	-0.96769073656991	-1.00000000000000
+-0.67040532542664	-0.80838358898329	0.59192060927845	-0.64447391336486	0.28808685628287	-2.20417285774026	-0.90107726393660	0.05185134277136	-0.64150863929872	-0.55279370494172	-1.00000000000000
+1.15698074912416	-0.87630710670514	0.84663318908034	0.87639609644280	-0.30534279651478	0.10738225334458	-1.93586012329741	1.22600968251001	-1.16149123483607	2.23346060123504	1.00000000000000
+-2.77076882144998	-1.25511616369643	0.20400550548517	-1.40644192656813	0.16676456124521	0.79504281017317	1.07162418864785	0.27356495582215	0.57019330474152	-1.67726670594686	1.00000000000000
+0.42018484054837	-0.73316028002158	-0.01917918493594	0.44162868862832	-0.08849106101424	1.09529408758392	-0.10208899491537	-0.89981173706908	0.02720574318559	-0.68785720153788	-1.00000000000000
+0.71236839894764	1.70556310863284	0.29544975802473	-1.05475098380531	0.50417253794056	-0.21221279550225	1.49917597082921	0.13868813178865	0.66681949510831	-0.58406944321846	-1.00000000000000
+-0.49177586508297	-0.40393204197056	-0.33866103153392	0.62101082846600	-0.30911441546257	-0.58222986842593	-0.10491566403164	0.32358153190481	0.77091388308951	-1.67407417461044	-1.00000000000000
+-0.43940454533314	0.38610562270749	1.29962393162611	1.82775951786354	-0.46754395403357	-0.27705669753675	0.16428549557900	-0.85776057571216	-0.40194722607707	0.23380205031917	-1.00000000000000
+0.33552446454181	-3.38111244521193	0.96766501722660	-0.96159639328862	-0.82064922527542	-0.55036131988628	0.48525903387053	1.39573551573660	0.21459772064365	-0.78341446064433	1.00000000000000
+-0.59757590387858	0.35316995112579	1.14222632223710	-0.74122358818802	-0.59607605768090	0.80524556148651	0.04131560047634	-0.98750453055923	2.12144704825881	-0.07572149819894	-1.00000000000000
+0.63738070438761	1.18366807929268	0.50727269701248	0.23278398614993	-0.07849401354220	0.73873362980775	1.09350890022978	-0.13688495692623	0.53958924810186	0.62513724668647	-1.00000000000000
+0.62675486204863	1.25382226007974	0.98514934631352	-1.59110632337184	-0.59049704334061	-0.25127003464622	0.16734704538134	1.00905627304827	0.26090317801189	-0.45009389628522	-1.00000000000000
+-0.95717869526806	-2.14572707846561	0.78992781756217	-0.77808050064396	1.05701046760466	0.00215949945892	-2.22710839024131	0.06241809169854	-0.44384308485140	-1.33039927879586	1.00000000000000
+-0.36329152050325	1.32178655604450	-0.23997135969878	0.74688828315217	1.53376769258200	-1.63184119940653	0.23181433939082	-1.67554590455546	0.06956393168346	0.97890897471057	1.00000000000000
+-0.78762600704230	-0.41923658282040	1.37674561216518	-0.95689679645827	-0.46032331700193	-1.51894902433761	-1.46731915777704	0.08484702575023	0.18090060538050	1.51159564414162	1.00000000000000
+-0.25034849258568	-0.70973745432441	0.72747255102326	0.53014303178129	-0.39476015816227	-0.51901877137420	-0.03339088280950	-0.09755363958572	-1.08857368981077	1.10858790059799	-1.00000000000000
+1.25802830062984	0.25261562738083	-1.52779894327635	2.50588354635230	0.04504376534376	0.73047850541356	-0.06329098281948	-0.30531678545077	1.15906358464270	0.37879765720985	1.00000000000000
+-1.55883098162512	-0.87454409561997	0.10200134242066	0.17883254247819	-0.41124837559504	-0.65814559183536	-0.15270038581887	0.11609623638696	0.26029683834507	-0.05254570660403	-1.00000000000000
+-0.25431447907606	-0.39105540899899	-0.28660374313954	-0.55449144060716	-0.10055096065657	-1.71752685821959	-0.26552743376360	1.65841749398050	-1.13755161615245	0.71022274489714	-1.00000000000000
+0.76236172377640	-0.80602173173813	-0.19455523296281	0.83400994862100	-0.18262011141692	-0.84971898214552	1.09034633108112	0.86109246523940	-0.86627190936056	-2.42110052521766	1.00000000000000
+-0.56591288114881	-1.62154241569607	-1.28865033681517	1.95012584630075	-0.11787542092383	0.44797296333920	-1.11882747622765	1.78804006170668	-0.04715265283929	-0.24630200624759	1.00000000000000
+0.12275191114251	0.51526648746533	0.01895970478041	-1.43242794619496	1.30277817681357	1.72464174742963	-0.58430493122697	1.10168175792466	1.85602600292854	0.00162271818636	1.00000000000000
+0.55107339410564	0.50830727098843	0.66188206067082	1.47798344890760	-1.59294746124317	1.46775882383951	1.20599551131477	-0.26308095174473	0.44938778689809	-0.68091178111726	1.00000000000000
+-0.61607717021101	1.06648260576826	0.68272182604952	-1.06582377627749	-1.21601541681830	0.41650272237896	-0.30529215847575	0.50337357264500	0.18986561366143	0.04319979021452	-1.00000000000000
+-0.36244012838890	-0.24471400522362	-0.01268722487622	-1.86693747724473	1.42547983400331	0.51823461946072	0.49802656387813	-1.59447273738767	1.61220392793916	-0.81407868674650	1.00000000000000
+-0.06423312122620	-1.12802548784588	1.07939842006002	0.51784511876453	1.77900148316836	-0.16152032152290	-0.29410425802385	0.07527005703212	-0.55938386104322	-0.24928825824244	-1.00000000000000
+-0.41139678937457	-0.11108230338135	1.24742337938580	-1.01766020669097	-1.14012017127456	1.54844131964559	0.86861744197159	-0.26347057912266	0.50274736327595	1.25015520021687	-1.00000000000000
+-1.14293192988814	-0.08135573030765	-0.88662745974138	1.38942668255210	1.04497361434908	-0.11293228140177	-0.15781291652578	-0.33285025393056	-0.85892741730150	-0.27104924073417	-1.00000000000000
+1.22802148328165	1.06803725331614	-0.19397751487443	1.57112997252107	-0.30138473110654	1.00345836498171	-0.80823283264399	-0.31579892127013	-0.57819157910082	0.68827353007321	-1.00000000000000
+-0.32113787566308	0.87112250781379	0.03870739913506	0.93386044181436	0.48252678382690	-1.37580788608813	-0.97409054627463	-0.47447526850369	-1.43221796937696	0.20348734601627	-1.00000000000000
+0.65129233551349	1.05535101098450	-0.24728070592178	1.89722399574992	-0.16816970288651	0.79163049794867	-0.93275812121343	1.02978069306514	0.42961102521663	-0.39270959112751	-1.00000000000000
+-1.48535731962301	-1.19559734620968	0.54993920969752	-0.34116290640213	1.02001978087646	1.06340014104438	-0.83387943306658	0.82095999685220	1.08818334775123	-0.24732684163365	-1.00000000000000
+1.93316127904131	-1.60979046081005	0.67171944516943	0.16634168802970	-0.22725087114972	-2.38728400063818	1.01014318628247	-0.45041813599324	-3.08043788829949	1.05689544443603	1.00000000000000
+-2.28258018565434	-0.95879181258661	0.35690597207482	-1.05869989552710	-0.21807534371659	-1.34049906973491	1.75076434721506	0.08110609743472	-0.10150135449496	0.35621450288924	1.00000000000000
+-0.35687549808434	-2.03667632917005	-0.11585588685320	-0.12264918066880	-0.42161947368584	1.19451123543797	-0.99238411562979	1.40021573210292	-0.13352654542295	0.47357320828601	-1.00000000000000
+-0.01322543317651	-0.06273414248289	0.24824166500041	-0.78685765043810	1.05651871573697	1.92850528218020	0.38364160307008	-0.60022578129634	-0.07099546392185	2.32207121756716	1.00000000000000
+-0.78967856531321	-0.66815816830117	0.79949281700195	-1.79556347302506	0.11445291729004	0.41635034256577	1.60198613684502	-0.97046893501135	0.78452373113540	-0.61788085424449	1.00000000000000
+2.14819022161182	1.58537636642603	0.92913010283558	0.67483695278774	-0.88003035915923	0.14146307523546	-1.39381937647601	-0.66352873298154	0.80384102082606	0.32852974325631	1.00000000000000
+-0.63677985735011	0.89958624234457	0.12182579985748	-0.25999794624414	0.20452718153643	-0.90480039194219	-0.59210432718348	0.22785847532199	0.68824974151819	0.71215782653571	-1.00000000000000
+0.36884462168660	0.52541846390998	-0.69861075418051	-0.06949009696227	-0.01881183149953	0.03450647723147	-1.58814556686100	-0.48444311447050	-0.98750998225198	0.13686272551201	-1.00000000000000
+1.00977469074275	-0.20799532502229	-0.35374749329433	-0.29408115577511	2.05943370408689	0.14061015143578	1.07048673352789	1.22808122318622	1.09752347008934	0.61708328382788	1.00000000000000
+1.03449608244444	-0.49764809858640	-0.89403067801598	0.52979967992000	-0.02969690971894	-0.42050209940501	-0.23071834208458	-1.38301492811858	-0.06402892894911	0.30763415417913	-1.00000000000000
+0.47651435216620	1.76600141817897	-0.82378224350478	1.84881787364095	1.37283091919002	0.49030660317883	-0.44786402880954	-0.15540094490333	0.29607453537889	1.81997572969553	1.00000000000000
+-0.85732740506314	-2.15465451195416	0.07196576782451	-0.56131423533961	-0.38870369036348	-1.17027413119618	-0.95935698386693	-3.24780335613732	0.39087681639614	0.16896166125420	1.00000000000000
+1.15777814885251	1.34577171200463	0.78851135969541	1.07050474119314	-0.65665030044598	0.39759651245273	1.04284751816306	0.13018788751277	0.67320140778409	1.07373036315058	-1.00000000000000
+-0.91961693853301	1.00055958885342	0.98418551045505	0.57461056206030	-1.03042734002087	0.16014844017069	0.67131913660820	1.19485223540981	-0.01351804930833	-0.49581977026123	-1.00000000000000
+-0.76336221191894	0.49247120116088	1.19607682256605	-1.38335756298127	-0.11698735706659	-1.04597611122213	0.99265351052909	-0.21583110586184	1.19402799200976	0.47367763503697	-1.00000000000000
+0.06374612182485	-0.09272300369279	0.22405347775596	-0.40455643319801	-0.12002104885378	0.31615536259967	-1.46851063082440	0.07546154201752	1.65000750847302	-0.63019785237329	-1.00000000000000
+-0.72192747534893	1.55132548997150	0.52455825913835	-0.13790152701348	0.55906257759645	0.10730692319507	-1.49358828867349	0.18186542563169	-0.40628798741450	0.52966158141987	-1.00000000000000
+1.98912552096674	0.22884078847913	-0.12340921545645	-2.04984603883662	0.81420751812548	1.31594074650373	1.38471511499770	-0.27560611083258	0.27910359890250	1.29208856938658	1.00000000000000
+-2.40211515974600	0.27232727723671	-0.19283261787391	-0.24079973736428	1.75142665031928	1.10663698421636	-0.41571167316539	1.45575161812270	-0.36119712826001	0.90978351448414	1.00000000000000
+1.41633860016223	-0.86878730996363	0.05656453056583	-0.29520321072531	0.37031956572586	0.17667835324427	-0.29913668773213	0.23519489184924	-0.86719927799037	-0.15061594287115	-1.00000000000000
+-0.51772513996033	-0.39889930712404	0.73731618406636	-0.28660054664403	-1.98711393481821	-0.24162377941821	-1.14997239398441	0.56600616080737	-1.05947408335397	0.30607092373537	-1.00000000000000
+-0.89811824992575	1.38372053503994	-0.70835188281054	-1.45327216617124	-0.44938736559777	-0.03919418246314	0.19474305645264	0.71453300285592	1.25434958049280	0.93327566054214	-1.00000000000000
+0.42063961231973	0.56409794785898	2.42499858620139	-0.68491686186345	0.09559038305250	-0.07043735674394	-1.05280300437725	0.24434782121964	0.98405467209833	0.64857536005444	1.00000000000000
+-1.44134152862639	0.97878765759264	1.30416514467248	-0.46011679884683	-0.89816002570998	1.06035467339348	2.55837630465762	-1.75951820111785	-1.11712786534712	0.59837295295009	1.00000000000000
+1.25581322382430	-0.35091503560525	-1.73564662056867	0.19864281523168	0.55798678260760	-0.18995653427695	1.09856982281077	0.13997465155548	-0.21282014692835	-2.11763486739812	1.00000000000000
+0.10231050049918	0.66322426152332	-0.58808798636602	-0.84546853158131	0.18682098830455	-0.44304189801291	1.10333390399466	0.22789964574449	-1.21717899471309	0.49360549130044	-1.00000000000000
+0.01906670614093	0.94644321521565	-0.35990021057811	0.16592609454184	-0.20934366536757	0.23354479245588	-0.71796404624402	0.48786881315894	0.92444755035370	0.76993982438859	-1.00000000000000
+0.49920200653814	-0.76332715107747	-0.19823396429320	-0.11905737285997	1.25424187893874	0.38386980985013	0.61648558207682	0.23240595970152	0.16834701248472	-0.47270724521765	-1.00000000000000
+-0.23512504873076	-0.49700270445400	1.81245699638811	0.56654774183232	-0.78574366419118	-0.55082729730734	0.41264592291112	-0.77572336792892	1.91742918095591	-1.49680090093402	1.00000000000000
+-0.35702999464204	0.42602420850554	-0.43832969220245	2.11520140385715	-0.30032605863457	0.87509360608020	0.48788862768987	1.79811006247282	0.59612129235909	-0.29189949358097	1.00000000000000
+0.33658875530946	-1.57468206924186	-0.58714735782137	1.28769746658324	-1.65619283265842	-2.52969384940681	-1.48176077917972	-1.63617990851300	0.25522047831837	-0.82751194079034	1.00000000000000
+1.24607547803190	1.26889921650692	0.08070641316261	-0.96168180639739	0.19162492897248	0.12559207915475	-0.65711981430424	-0.18555228545916	-1.13074686398538	-1.64012017143549	-1.00000000000000
+-1.20917094418960	0.64435084603383	0.69399086775463	0.42002029058310	0.07494112862387	-1.28755578630215	-0.60398843840219	0.43282113379264	0.23155361488478	-0.18795877817214	-1.00000000000000
+1.11746747736603	-1.10795349694713	-0.92313487442461	0.58569741007071	-0.20464976108180	-0.42953675418426	-1.26258203965662	-0.66171416379370	-1.08983892481624	0.81375356482389	-1.00000000000000
+-0.55981682464214	0.09928365497247	-0.84304882210385	0.76443363298184	2.37155901539550	-1.47671966266943	1.22384596635282	1.44533214212718	1.89158466325422	-0.70444703173170	1.00000000000000
+0.71181092391097	1.38296332214016	0.40543214340172	-1.06827629831125	1.65579795433576	-0.07166070723035	0.13278831512036	2.15015924254200	-0.78792710150606	-0.09945072688029	1.00000000000000
+-1.30415805660656	0.06548914017490	-0.24434245800342	-1.60366218500414	-0.78147356026383	1.01116854743013	-0.67205319142507	0.19426624561700	-1.72855889953494	-1.43912320426263	1.00000000000000
+-0.33525803790782	1.52468208353662	-2.09331130928132	-1.21473451323195	1.21508248426797	0.27603057363741	1.12383410066652	-0.85457657862860	1.60375853871993	-0.94472214163221	1.00000000000000
+0.21975309882583	-1.15439392643661	0.04637078049985	1.13001353005530	1.07162753953643	-0.50335966208331	1.07721407747219	1.56225497902496	-1.80497420108274	0.60736498908171	1.00000000000000
+-0.73454752928613	-0.24025972885166	0.35069974332623	-0.81314862273454	-0.31124210426735	-0.94066887622602	-0.44463224941043	-0.03663879578263	0.99214108859243	-0.27470291960791	-1.00000000000000
+1.72893219090010	0.51468698335706	1.82981323058577	1.12694239799219	0.29954905922268	0.95668494479455	-0.91127985902850	-0.49897712264863	0.23402311958116	1.92640405250852	1.00000000000000
+-0.29369305200539	-0.00447894376989	0.57122768451822	0.26709168038056	2.29022791868283	0.50700260014473	-0.19393783377089	0.53358427226621	-0.24628248847943	-0.53243154809957	-1.00000000000000
+-1.62747746230620	0.12562953991981	-0.92693245798044	0.11342021351250	-0.92036584925266	2.17890505224228	-0.66079169308898	0.96351028210786	0.92926739432104	0.37091892372904	1.00000000000000
+0.52226036822578	0.35164652310237	-0.28752881377378	-0.14140876262852	-0.56893548693006	-1.88976105119322	0.15491753538689	-0.54516378139823	-2.19217331159684	0.80514535558648	1.00000000000000
+-1.55102816590668	-1.60242557877162	-1.05532932063587	0.88424586435219	1.60337056193237	-2.27643289982408	0.75553408075683	-0.04612064518147	1.14545310338049	-0.26478639784125	1.00000000000000
+-0.25726188339576	-0.57368645586084	-0.48866176032173	-1.78914371673129	-0.44364499046147	-0.33163300696540	2.06642393582022	1.79880831010002	-0.50269803903407	-0.12543078949058	1.00000000000000
+0.92487255039867	-0.21447998093646	0.84995772765035	0.04356662883745	0.12032851366450	-0.33726241694121	0.47016135860877	0.53440538976852	0.34664900689401	0.05451200188886	-1.00000000000000
+-0.18299926761623	-0.73027531995693	0.99666824420931	1.22309953153348	-0.04257516511709	1.07477493188772	-0.23458557180039	-1.14870669257704	1.04887227860704	-1.44597656051486	-1.00000000000000
+-0.03794430847578	-0.07466843829371	0.49570022905743	1.76915475416390	-1.09490449320151	-0.76502701460868	0.69888660345219	-1.94363317468437	0.54689994428341	1.89443564640344	1.00000000000000
+-0.25979244866047	-1.68481113528810	1.25062435303283	0.49687676305307	-0.80588514827321	-1.36576746138816	-1.28556724462208	-0.42054124189353	-1.25351744626650	0.08747777094892	1.00000000000000
+-1.34457978016372	-0.54467948896881	-0.25955773153868	1.59633273016512	-0.69366053501009	-1.17645936636178	1.79240007508347	-0.54914389432884	-0.20222355079823	0.03126218678450	1.00000000000000
+-1.08012428022681	1.72973657625006	-1.63866428034502	0.28729229724952	0.06808064058884	0.21568602498895	0.50926330528937	0.39382702392910	-0.19220589696292	0.89357498308299	-1.00000000000000
+-0.88523611363102	-0.60290399942146	-0.65158343167789	-0.63636092862514	0.42250208984691	1.95712132210416	0.90240357845275	-0.47703342095269	-1.75518618037863	-0.92443033219971	1.00000000000000
+-0.29167351467706	-0.89890395217645	0.65394896014834	0.34827533957738	0.63950984724237	0.20939811132131	-0.20883070915602	-0.26521940741537	-0.16361808551060	-0.00449743388916	-1.00000000000000
+-1.66958898030628	-2.85631505827614	-0.20517824463407	-0.21671995627324	1.75000867460884	-0.93922742833302	0.32385958610261	-1.23084517909327	0.49117281242622	-0.76719192554742	1.00000000000000
+0.60047853974019	-2.25836307339770	0.83772155117546	-1.10028896678054	-0.66367354643509	-0.77890106637128	-0.24239249554675	1.68321415140032	0.42527875962705	-1.40671468468698	1.00000000000000
+-0.33501018870359	0.47146617532801	0.47320143691658	-0.75545602308636	-0.66950667323973	-0.73339484361192	-0.69208792873022	1.07458623293275	-1.03210704460353	0.65843536698873	-1.00000000000000
+1.04447628293253	1.09678352370378	0.27815414134578	-0.27304382220958	0.61655323087936	-0.30470628837340	-0.29491995302760	-0.10100546525108	2.42810045126715	-0.08027594844370	-1.00000000000000
+-0.40931799854293	0.60337219119650	-1.00811489888318	-1.47199134916679	0.01427127658969	-1.09142248831295	-1.92680552868439	0.29957118157523	-0.57873657157715	0.75912196089172	1.00000000000000
+0.68904548745738	0.90641893686667	-1.27869588795591	0.28242455775317	-0.33707881012401	-1.06176538926912	-0.00907346699065	-1.42195251449030	1.68866101447642	0.28790997333438	-1.00000000000000
+-0.58161082686463	1.46634197322548	-1.23932022789144	1.44905693902416	0.15218644697448	-0.96612328723845	-1.09366523479727	0.18717951723742	0.97832277677181	-0.76741895897211	1.00000000000000
+0.00974445767534	0.07483954180020	1.26676768060681	-0.37816138170279	-1.04852106636985	0.46741757692236	-0.60272249200575	1.33442815380996	-0.12478672631795	0.20513404613148	-1.00000000000000
+0.30049315525640	1.80495975806766	0.61386030435982	1.18355483898866	1.38058115810429	-0.39816738949227	-0.56843671538457	-0.05412847738062	0.24422691480358	-0.20635385071683	-1.00000000000000
+-1.33858273899908	-1.38991572537268	-0.52789341836858	-0.99130972092463	-0.97606224789235	1.09622509529360	-1.02390218419827	-1.10946856241282	-0.33034175176558	-0.19674896258898	1.00000000000000
+0.93334557394080	0.30228377449609	-0.17437394211759	-0.22506229626521	-0.21985735254848	0.93365660863179	1.22711549276043	0.55462304155036	0.14708266428763	-0.19222672309158	-1.00000000000000
+0.04686560145597	-0.13645633502383	2.78357853383560	-0.79516352345701	-0.37508737748277	0.11170145623385	-1.12408467619533	-0.01237088191092	0.61510009962252	-1.57100521022092	1.00000000000000
+-0.41600013884768	0.35257268113846	0.78211453905569	-1.38053195050134	0.93865649815699	-0.18509808403908	1.09129992318186	0.24153073580682	0.29673941228063	-0.31143773429817	-1.00000000000000
+-0.21567460801107	-1.42588526604583	-0.61066636559113	0.31037624436798	-0.91472302166832	-0.61739110504024	0.62431824230355	1.55863610157941	0.14718479972401	-0.80438744942753	-1.00000000000000
+-1.78303636681854	0.40305548967489	1.16928246203955	-1.14777443554321	-0.14789808436930	-0.07020257216506	-0.12215335779945	-0.06163435063759	0.29701564812136	-1.13971739713362	-1.00000000000000
+-2.31992414551370	0.12360755582138	-0.82320062350962	-1.10842467194010	0.19085012928484	-0.57560141709173	0.16728948144537	0.30808917604946	1.22955907646890	0.20234136566133	1.00000000000000
+0.08425863458991	-1.40785006792528	-0.97402019687646	1.54268377323460	0.35226644206934	0.34339311820214	-2.26004139648111	0.14938830108360	0.92120012369379	0.56517462848247	1.00000000000000
+-0.00754910704033	0.75653283980151	1.18661167335229	-0.50828031400569	0.83935108241728	1.35492409032439	1.21714391002333	-0.54777246395294	-1.49107519511150	-1.27211998693065	1.00000000000000
+0.13509039491876	-1.04797617213933	-1.04141839721734	0.70148576183384	-0.63808528331366	-0.24118080009482	0.17680439787721	0.39715495625012	-1.53917903833411	-0.66868320700251	-1.00000000000000
+0.93509330406060	0.31087254577633	-0.69884997735423	-0.76261545966357	-0.38086875918412	-0.89598811335483	0.03499980473161	1.24744821190071	0.05732822735324	-0.94711573869262	-1.00000000000000
+-0.49858469798476	0.74141337516038	2.16489395578377	-0.54170511030609	0.63137812314366	1.10602106034417	-1.33091730195676	-0.38815905208473	-0.82860771466565	-0.22829764715455	1.00000000000000
+0.28833721106763	-0.17508291635314	-0.30386029604598	0.51548473660201	-0.10138342901065	-1.44057114195020	-1.27029870991251	-0.65053079637652	0.63799875931624	1.07459458056729	-1.00000000000000
+-1.25945910560900	0.03800819048985	1.72795575806680	-1.04877805211036	0.22212050451444	1.38204614466195	0.45363787894480	-0.83745013709542	1.74716875066830	-0.20393852466893	1.00000000000000
+-0.19269233576153	1.55826547833444	-0.70246573969931	-0.35709072892740	-0.23554400113117	-2.10518611165273	1.08982350682890	0.54004293870352	1.65842196396569	-1.34477369192201	1.00000000000000
+-0.28017106255273	2.66254846811750	1.30205837628710	1.71600918750301	-0.72260951307215	0.32900363722669	-0.68387115387884	0.99573574347529	0.45453427495935	-0.60456053453515	1.00000000000000
+-0.75578631985047	-0.04249245323728	-1.06042996251875	1.21527243241267	-0.45399460516355	-0.08292246608699	-1.10501247400426	1.00193983365963	0.19991213995707	0.54316272481740	-1.00000000000000
+0.52030951008552	3.47853374908449	-0.94039669259934	1.38453037518944	1.79372838892838	-0.96921037560408	-1.28714090082884	0.29229692126787	-0.47605281149177	2.87921633071693	1.00000000000000
+1.72506454883693	0.66404856706009	-1.40705212141519	-0.20712535362651	-0.03034185952946	-1.85067812410972	-2.32289150094384	0.32645992020811	-1.52973928807481	0.86283829253794	1.00000000000000
+0.98018769762337	-0.77671863131606	-1.10822104333430	-0.06987802664581	-2.08089261243841	-0.50636745730709	-0.81939167641447	0.37987778480253	-0.46766741189726	-0.37614468769435	-1.00000000000000
+-0.49563780731629	-0.01116321983318	-1.27350637641886	0.15420983850293	-1.38356529590928	1.72277295954687	-0.70462752595104	-2.32732157143872	0.19774640847063	0.88406973286373	1.00000000000000
+-0.89534590233934	-0.64039223904446	1.02827927744919	0.17294563850280	0.62884622098994	-0.40943723615084	-0.12266951207138	2.16470096548552	2.35572898619144	0.29092224884044	1.00000000000000
+-0.42417518917077	0.82792419292520	-1.04550296456865	1.38014468718941	1.02829571493018	0.09274662705879	0.32604455596603	0.06759347790413	1.12469865314525	-0.27546585173885	-1.00000000000000
+-0.95405885008760	0.38397910173625	-1.88856972384783	-0.53624688107225	-0.22423753375277	0.00464833190432	0.51798208110479	-1.68437083176794	-0.24083740909304	0.40297807600129	-1.00000000000000
+1.35444659092299	0.61263042954622	-0.60662968463348	1.33198132392464	1.09581955365812	0.76126552342535	-0.24610920282719	1.16785748437677	-0.33809446716239	-0.87062786255466	-1.00000000000000
+-0.15913313685317	0.81830453434512	-1.68531785948907	-0.99648182108061	-1.71831956183673	-0.52902638293118	-1.28255986384163	0.38840668110872	0.35528935581452	0.33559072651689	1.00000000000000
+1.73180859083498	-2.55997873983982	1.02069160008479	0.49905867816833	-0.63391213411038	-2.77413516722738	0.83106756688219	-2.52166741255583	0.86260016777989	-0.05072564217482	1.00000000000000
+0.73407499657069	1.05999609574436	-1.53823107390200	0.50982920271635	-0.49141020356463	-0.48901154052383	0.35260738255869	0.08868440031192	1.02945292444151	1.67649446782112	-1.00000000000000
+-1.26867643215138	-2.20800513830393	0.69378670857067	-1.66029558292195	-3.19933765269314	-1.55892494066688	-1.73909521673455	0.43913087907295	0.41042475916123	0.07827307012801	1.00000000000000
+-0.05399103642767	0.27674491216647	-0.20778535454041	-0.99414672554743	0.79002837053315	-0.70157430488479	-1.10329782990674	0.55628647192306	1.01964811091192	-0.01232792368654	-1.00000000000000
+-1.42927047247562	-0.52200277435952	0.26605135562531	0.92854085908424	0.89337330420438	0.38823490980235	-1.40205222677563	0.87813258151101	0.87810545026257	1.12158237242491	-1.00000000000000
+1.37198727973319	-2.26047681271336	-0.23032821889050	-0.63303545225509	-0.11889969732678	0.26688189670064	0.16537018326616	-0.94783357300222	-0.23964975270791	0.35948184738565	-1.00000000000000
+0.44207234426542	-0.38474051686986	0.29684810573839	0.95548439020176	0.67434439381317	-0.61713854601624	0.96739131112229	-0.28854323368027	-1.33374149652096	-0.30365644250354	-1.00000000000000
+-0.48889302464005	1.33006650355670	-0.79643444427348	0.80451410783319	0.56769553208051	1.18593512944733	-2.57835684772872	-0.93280867042077	0.04009985509577	0.32013387534826	1.00000000000000
+-0.75220508680950	-0.95393114233106	-0.75495461762690	-1.17524993792180	0.93132549508608	0.97671404605002	1.20934977970224	-0.77074880026723	-0.38145324511775	-1.06786169873502	-1.00000000000000
+0.80786612852733	1.45071632219535	1.50975368987518	1.07081565070537	-0.33178415422272	-0.21452509874097	-0.99945429684513	0.89957374545837	-1.28753546975888	1.47192700856369	1.00000000000000
+0.27463383870305	0.23797197721843	-1.02019040925712	1.27939378078895	-0.38731185424009	0.47650936330069	0.69784740623847	-0.88618246488533	0.55462287707315	0.39960481892876	-1.00000000000000
+-1.37972478970292	0.58830630774720	-0.14407788917216	0.11182275678861	-2.10968249595503	-0.01928347081756	1.90094414063699	0.36719781428979	-1.70642061381100	0.93939978864872	1.00000000000000
+-0.06712543565420	-2.04646093535056	0.08975115001523	-0.56234803876527	-0.76960363580359	-0.49412913634405	-0.60251468623962	0.67309169731404	1.29969015169807	-0.29725787875435	-1.00000000000000
+0.13830874351410	0.35155091925862	-1.38111991513370	0.88893236745959	-1.23437606141035	-0.16800244813266	0.42880699216646	-0.00846599299248	0.29878815628056	0.77729188383820	-1.00000000000000
+1.30452625020105	-1.47096851001772	-0.68359828764437	-0.56140431181012	1.35359330457036	0.23951418391844	1.93724868913473	0.11774697570649	-1.71038880020937	-0.14135536476270	1.00000000000000
+0.26980017492085	0.39570076976598	-0.01321316206468	0.11893768815143	-0.91287734930019	-0.24172279834712	0.74551353961121	-1.12609125082956	-0.33938090404541	-1.45773339730949	-1.00000000000000
+-1.83091879130223	-2.15130620880010	-0.63067929820356	0.57179935562201	0.64674083458709	-0.74212838868649	0.46721486364261	0.08646545637810	0.14874739839081	-0.41477739450690	1.00000000000000
+-0.88645288364860	-0.44874190064020	-1.39262443222970	1.35009302215861	-0.38567268348593	-1.09413026174936	1.53124957223398	0.94632992660982	0.73447629055752	-1.51870693886086	1.00000000000000
+-1.17036769013772	0.76073591182569	0.19472607980863	-0.16154123398116	-0.97813851654616	-0.70049606225250	-1.75705189590997	1.64681562076440	-0.09227489327585	1.36818252930656	1.00000000000000
+-0.72543905815800	0.45687481513382	-0.28715620204397	1.95645221456877	-0.70876760052869	-0.81894977211702	0.54314988699393	0.85125415446045	1.51594759300060	0.90620193341499	1.00000000000000
+-0.29041686602204	-0.39069506218834	-1.43626738063490	1.97212251359906	-1.10433364048732	0.34226094234983	-0.25914918691767	1.51530605079747	2.36594449657610	-0.31992006509305	1.00000000000000
+-0.00218071567854	-0.25349450915824	1.54283254071766	0.71923271707524	-0.91827922908205	0.63218852812954	-1.37588370230315	0.15951538388473	-1.21193190648823	-0.98682724371189	-1.00000000000000
+0.40474693510119	2.07907520926398	0.33324647687206	-2.25697384744675	0.02603869644694	-0.59560964256741	1.42354457215010	0.84862967201220	1.66949461528135	0.42274951613329	1.00000000000000
+0.18388623213533	-0.40926379563777	0.06317503759177	0.18472506541366	-0.14940002586095	-0.55548374343879	0.63442230069551	-0.86732677121754	-0.79051213719560	0.49836752768645	-1.00000000000000
+-0.89094782147674	-1.18924377933376	0.43305316131452	0.76770686327551	1.36618485714596	-1.75149556419231	0.29973986183664	0.99068819188843	-0.16429827199932	2.17690289371307	1.00000000000000
+1.25909159886838	1.17978748295244	0.54672374164587	0.48124648320251	-0.39475463525322	-0.98161208445630	1.45542321165843	1.15555840938265	2.04894740081496	0.11337273750445	1.00000000000000
+-0.98622569561149	0.18895936006504	0.44975296563775	-0.00249636584734	0.07660128094696	1.59604170011605	1.22738806696838	-0.89170015540580	-0.61029742230825	0.45013967209091	-1.00000000000000
+0.68649234231417	-1.94014014003792	0.92332511178373	-0.09642105133559	0.18447227831264	-2.26661012594603	-0.50356680568082	1.04429115850447	-0.28255929831564	1.38265795007112	1.00000000000000
+-1.14509085969423	1.16842742482591	-0.16897063305186	0.24066738408309	-1.90021587633248	-0.57063508177244	-0.40393764436085	1.01907313873765	0.49327790506500	0.14819439226886	-1.00000000000000
+-0.05268493516739	-0.71443394820981	0.37147994580105	-1.33789438461431	0.67532822215735	-1.61394607790566	-0.46504803409084	0.73145519088767	-0.75896129882626	-0.52035455029618	-1.00000000000000
+1.16342852300572	1.04951200942811	0.27028206795987	-0.46183310816938	-0.96996227348289	0.38223840238183	0.11263297673748	-1.27523198696617	-0.05747890799577	0.92878902335744	-1.00000000000000
+-1.06206447936823	1.39387519327586	0.22446618559483	0.88037958080113	1.65461938764960	-0.72408470398538	-1.09728172989433	0.68434851941980	-0.80729858275301	-0.72516803120551	1.00000000000000
+-1.00394302081987	0.28113536802826	-0.47811104486249	0.05023095722843	-0.01975494482259	-0.13437911272572	0.82482725921860	1.18932537424445	-0.42094632022641	-1.15541633124114	-1.00000000000000
+-0.17885878943093	-0.69747952943567	-0.21738422622642	0.45266189494857	1.16079190143628	0.31912454964784	-0.21724240907094	-1.78614773622395	-1.49477268105191	-0.38456199361965	-1.00000000000000
+0.19045433396401	-0.68415737876987	0.78986743848955	-0.28906758319419	0.37927056180733	0.61992365003349	-0.25074532586351	1.00775752052980	-0.44200607983754	0.61763054844274	-1.00000000000000
+-0.52280688639945	-0.84325587542728	1.36294817391087	-0.95926332473457	-0.17558643594642	-1.02852110837833	-1.31211242257116	-1.60992848231758	-0.45360084272755	0.65224880001092	1.00000000000000
+-1.10586403960816	-0.53635829007015	-0.44188272074630	-0.15450451699675	0.19370218007975	0.34235705676726	0.73675038394506	-0.19220365201652	-0.71812156641004	0.35344899292321	-1.00000000000000
+1.16241851492336	2.44762715016867	-0.19522587290684	1.92152504646980	-0.24752967898481	-2.13919367097045	0.39409275645452	1.74098831051751	0.07551849655460	0.97948620371289	1.00000000000000
+0.01786552799435	0.13164331633225	-0.21847557056860	-0.37922670568723	-0.09576831126501	-1.31294529982955	-1.17840372726669	1.31198866013564	1.34681174511179	0.09009989631928	-1.00000000000000
+0.45860913642514	-1.91862064316873	-0.90963491394730	0.51254434204097	-0.90638780618321	-0.51771074611154	-0.22130443263719	-0.79066038766151	0.96299227823954	-0.93551945950635	-1.00000000000000
+-0.66985393966865	0.16104519305449	0.86259864962121	0.92209636363207	1.16539478675211	-0.56730938976396	0.67149438432349	-0.82493467835987	-1.14518323908038	0.31639185612194	-1.00000000000000
+-0.61576797539863	0.48188443139322	-0.99683105851427	-1.25873892345752	-0.13663059667681	-1.02796707721248	0.70678685705078	-0.69047986788267	-0.48279539061859	-0.57014994519060	-1.00000000000000
+0.25694712885430	1.56429411129424	-0.48763839884646	-0.18718415120109	0.51074496968792	1.34612658405813	-1.31518843247876	1.06838950853214	-0.37668426842572	0.34219290717794	-1.00000000000000
+-0.63471335408875	-0.61265690255526	0.17030101380611	-0.16645555796229	-2.09520621821721	0.38603676575367	0.30025620005442	0.08842763992076	-0.13340897466176	1.42093516196637	-1.00000000000000
+-0.47235410745259	0.57299881391502	-0.48505950588448	-0.15567945847062	-0.19887873047209	-0.50926319996493	-1.09879926729509	-1.07316973029493	0.40910839633067	0.36127770133121	-1.00000000000000
+1.34847764015711	0.10561719519922	0.30246748396283	-0.95867192588652	-0.36608162082238	-1.17460219729370	-0.11047970179834	0.58373538033647	0.01585508503636	0.31641437296429	-1.00000000000000
+-0.69411338157369	-0.49225330739751	1.02468677962220	-0.73286118280866	-1.80756868143341	0.01563907124676	-1.10309889339934	1.56748162882149	-0.54400170646476	-1.76716820752956	1.00000000000000
+-1.19989765493971	0.52998369341630	-0.48261340862996	1.42308907828521	0.31604667072244	-0.07712471634826	1.15877705937755	-0.28445264840781	-0.70485376241684	-0.35683082720057	-1.00000000000000
+2.05476694048409	0.45702367294090	0.09930961125762	-0.97244010300724	1.25653308518748	-0.82411806903827	1.73124395640504	-1.41905316916302	-0.70494320469279	1.23160263337373	1.00000000000000
+1.10128492676439	1.75546140746568	0.70993480512714	-0.94112497481859	-0.56988764178304	-0.15531727630886	0.30517959238291	0.02768527806217	1.29257857026158	1.95102331673732	1.00000000000000
+-1.53078451775935	2.61277517159112	-0.29569813206558	0.87754700950806	1.96586335037458	-0.13306985269305	0.20628954090156	1.19258647917868	0.32179232215784	-1.59782774944260	1.00000000000000
+-0.63289839133768	-0.71590131117188	0.29500059197510	-0.58078947735981	-0.00243783603944	1.31037240380957	-0.06490586956342	0.77433260615135	0.66556863715684	-1.05360742214913	-1.00000000000000
+0.20666041679612	-0.57762229620147	-1.10985319033537	-0.17170610878737	-0.46193780303072	2.22199722092092	1.33003222946803	1.04484459624282	-0.86832965971004	-1.14087651840016	1.00000000000000
+-0.18993249555162	-1.81972462605390	-0.27064084108921	-0.18543189690840	-0.02047959218400	-1.53936196431935	1.33592805443429	1.80955906201331	1.84703456603490	-0.37826785580864	1.00000000000000
+0.78933061179334	-0.12574074599968	-0.39038971435553	-0.63261384114883	1.33858389975798	0.24608668309134	1.18714707132687	1.55363566766585	0.55633954418346	0.91178261327555	-1.00000000000000
+0.62798271427914	-0.27513556336070	1.63694002698662	0.11948676431035	-0.38218561950008	0.85693575939597	-0.38958837351108	-0.39729216402303	0.78612854148209	1.57110717579118	-1.00000000000000
+-0.38583750988941	-0.52583456817438	0.85213541152321	-0.33388442024421	-0.09362855911650	1.14201648762229	0.44159861666385	-0.58416773327419	2.29880246608361	0.47655708857651	-1.00000000000000
+2.35992005169796	0.20682203367251	0.93365157067870	-1.09328117026871	0.42184582327349	0.55511466982444	0.13933479207636	1.08384271561508	-0.46835718079858	-0.10815718347738	1.00000000000000
+1.05089591760171	-1.40600798044803	0.40426130676825	-0.88741275861919	0.65181970325649	-0.16048912608269	-0.51497713378827	0.26129570846857	-0.89920813862568	-2.22689365223325	1.00000000000000
+-0.07533667342121	0.21273567976604	-0.22989836791031	-0.37818017790783	0.93431550099641	-2.34581460939568	-0.35963279400398	1.57159571948919	2.03472959020425	-1.96187749985712	1.00000000000000
+1.64079570046094	1.43166273371262	-0.83613154204418	-1.56750649455663	-1.39530194271600	-1.03164924021441	0.94951098771925	2.05572781753855	0.30897216537421	0.57176749465867	1.00000000000000
+1.62768427745659	-0.12795187013838	-0.17220999520903	-0.24651180830751	0.84496892176611	0.05692204486041	0.36484157157681	1.52756850455090	-1.15327103300001	0.05138390288378	-1.00000000000000
+0.66100836617145	0.25261440479502	0.79627938747254	0.29194804925726	1.59008366322513	-0.66339145326095	-0.45509474950995	-0.38475286968536	0.29171605128793	-0.71428185342781	-1.00000000000000
+-1.35314343668315	0.29302992354438	-0.09836976853512	-1.07410864128140	-0.50385658262080	-1.14685827598300	-0.08181671470205	-0.40164952643404	-0.75872586136917	-0.16126453956852	-1.00000000000000
+0.60162276799224	0.05635450259452	-1.81214236928917	0.19652336132455	-0.69438606144695	0.01254684504757	-0.46067589723793	-1.86349992935491	-0.70514007293035	0.41897587958746	-1.00000000000000
+-1.91333660187888	0.35083214903640	0.80086741215686	-0.05254496968858	-0.14218708360594	-0.60190432331027	-1.96389492089663	-1.43266613885199	-0.41385867625834	1.14143903853149	1.00000000000000
+0.42839948096069	-0.43758403688976	-2.03247498512829	2.20709625620601	-0.44288712059129	0.68498103192014	-0.09401325486718	-1.15432238023765	-0.44769467483870	1.17564575749515	1.00000000000000
+-0.08226590552512	-0.67829360361944	-0.90355967316519	0.89003885028828	0.24266917301967	-0.99282699591033	-0.62740822284265	0.98517454219006	1.20912230169895	-1.49478674603554	-1.00000000000000
+0.40304004329458	0.87207036813797	0.10198502622401	0.12259336833989	-0.70454916290923	-1.46180569300650	0.49356588587119	0.23313566616926	0.51221571951857	-1.30710880408511	-1.00000000000000
+-0.62547432520097	0.57997545360792	-0.29199998923209	-0.23296792252664	-0.51139207544453	-0.11067843480033	-0.37170465960882	-1.87486725388199	0.33700046191127	-0.60684956724751	-1.00000000000000
+-0.94703103775051	-0.28215888966290	0.10391350851069	0.40141088433391	-0.09502224520358	1.23003666065020	1.59264606968270	0.77926603707848	0.99938741813379	0.85179601308947	-1.00000000000000
+-0.45777125725283	-0.80628464397283	-0.04352361193867	1.66237435475810	1.20853543642215	1.55652241144789	-1.27885128838107	-0.45575695644326	0.09485879435668	0.62012400392977	1.00000000000000
+0.31468670859451	1.14720531511774	0.46705477214970	1.40792876782425	-0.44942394563749	1.87753769597592	-1.18205581913019	0.16432460281001	1.06080751635164	0.30840819588488	1.00000000000000
+1.84721455005510	-0.96548552686844	0.73348663719018	2.22883061828558	-0.56877910350973	-0.58758263752944	0.77122567586672	0.17745923789376	-0.18856069700443	0.34305381102652	1.00000000000000
+0.20670588174115	1.18210790695687	-0.45877046734404	-1.74340085151604	-1.11849663313052	0.27176351656352	1.70441240584882	0.56706558310447	-2.95730802362386	0.10996096782994	1.00000000000000
+-0.62529594834944	-0.10214479377533	-0.88241208476068	-0.36348650128562	-1.15229249320279	-0.16680749445890	0.15635204142846	-0.69625953365362	-1.21496877205953	0.98422981300028	-1.00000000000000
+-0.66483005581775	-0.40887118036280	0.55005471058380	1.27607341426620	1.00659288121665	-0.59318440004665	-0.34800477407410	0.32693672941434	-0.69604598649314	-0.54821510941207	-1.00000000000000
+-0.50707808721951	1.18877334926099	0.81894900755733	-0.99246376225036	-0.26010581058331	-0.67472213557043	1.10974785543637	-0.95756798737042	0.53391251760976	-0.28346322889770	-1.00000000000000
+0.48389030332764	-1.39739394061399	0.44115354153679	2.84093404517085	0.05137496778318	0.07999176445651	0.69969214779407	-1.26881260549954	0.21718469272491	0.65173317669666	1.00000000000000
+0.11726251279466	-0.50882805056795	0.05622426168020	0.11503995419387	0.00694872022994	-0.00418772034112	0.66155326874296	-0.85503310160439	-1.83450546140518	-0.84172471904320	-1.00000000000000
+0.01805294882604	-1.74564740331380	-0.38028861188636	-1.19920790958776	1.29717827140520	0.43509913546464	-0.09577560017912	-0.08420214850144	-0.13947649801557	1.34048148107556	-1.00000000000000
+-0.06393638299935	-0.01012909307054	-0.24239486198701	0.58133661977804	0.55627072144647	0.48060214968142	-0.39393006473037	-0.02886654754537	0.91199285758067	-0.87445728116507	-1.00000000000000
+0.14472478620217	-0.82225689581918	1.24954882194676	-1.37790598527160	2.64072006394857	0.36205694910294	-0.35021075803545	-0.21420582816400	-1.53783474075168	0.17489853888836	1.00000000000000
+0.02299248971980	0.93958220358858	-0.60734327142667	-0.19302465000774	-0.94435577326018	1.19241014414676	0.99585675403498	-1.17243251068315	0.71464109485503	0.92156382753233	-1.00000000000000
+-1.06814750835408	1.17374657236475	0.04256865392818	-0.58166465037254	-2.56317817257453	-1.03310888804203	-1.61713303191360	-0.59783810472216	0.82124374761895	0.46116929738992	1.00000000000000
+0.30532182565066	-2.26510057128722	-0.44803513638456	0.36039041527848	0.79772466797690	-0.13276336268866	-3.68342545762373	1.08584956158852	0.73545334868452	0.13197575806683	1.00000000000000
+-0.17915483128918	0.29505967334317	0.58971993244613	-1.17329638473876	2.69311598730768	-0.17976412312601	0.88285042325045	0.51591825512946	-0.58993749339562	0.11800999156921	1.00000000000000
+0.04147840938103	-2.01152412300889	-0.64562219976911	-0.55805656891552	0.06793828698074	-1.37305235283503	-0.53569097332319	-1.00221451333563	-1.35169739595981	-0.50201854408114	1.00000000000000
+-0.99441726074002	-0.60984037683865	0.18989464531865	-0.66280499578130	0.94172069251117	-1.48835317924028	-0.68953264683960	-0.52322651495117	1.02041365483508	0.04064381826002	-1.00000000000000
+0.57473165889663	0.69004767799728	-2.76252310713409	0.34502444666646	1.50356169946558	0.49221078436800	-1.06217425818300	0.48304833712680	-0.53603531568005	0.37352618217742	1.00000000000000
+1.18537416259104	-0.30051031582992	1.21580218516826	0.55727127185496	-0.27284450656041	-0.93958421289458	0.44725773456286	0.78828002580639	0.24762398847587	-1.29867949426043	-1.00000000000000
+-0.49715036559416	-0.24421799229723	-0.33200663452872	-1.33685405708525	-1.26884126866643	-0.96729496903403	-1.56405111609375	-0.66923950145115	-1.15269196334828	-0.29525573267482	-1.00000000000000
+0.11701607582428	1.80604246835960	-1.64321670092440	0.47376065779326	0.76023435945783	-0.07522801723094	0.27070585634836	0.63167293915984	-1.27772681242266	-0.55358627223982	-1.00000000000000
+0.36154744109440	1.50482759296645	-0.20540765683324	-0.79342788069521	1.23065204527574	-0.62099174987228	-0.48312542798891	-0.15674122208350	-0.77042818985968	-1.04767983060117	-1.00000000000000
+0.26060283177375	1.14606872415641	0.54480391579113	-0.51616044153765	1.11928560730269	-0.04573242751190	-1.11741416418252	0.50997470865559	-1.04417168977584	0.63435802857142	-1.00000000000000
+-1.30501523206014	-1.41227788205953	0.93365557194026	0.57311451011908	1.24229147715719	0.51720750069104	0.81611761735763	-0.36686553965808	0.64682977934943	2.08685793198909	1.00000000000000
+0.22728035544726	1.19846718741184	-0.81511607817025	-0.97828092116197	0.48140531587725	-0.72008074338529	-0.68899675793786	1.83883585205462	-0.73795593289427	1.59832269735531	1.00000000000000
+1.14630466762924	-0.47152373831337	0.05819184796068	-0.14621452804210	-0.48871148594213	0.22135609163667	1.46546271005894	0.81757076964307	-0.68660991297707	1.44473555803054	-1.00000000000000
+-0.87491740118657	-0.66673709395802	0.34798843935593	0.09987720817675	0.34870683174006	-0.19459815214321	-0.49294822744590	-0.50132799822804	0.85604540751413	-0.21212452338032	-1.00000000000000
+1.76078381644476	-1.52585481247050	-0.86502452993894	-1.66970063785049	-0.96160769518132	1.11887099058102	0.26006840792833	-0.30787017784267	0.47233135927795	0.49817395127014	1.00000000000000
+-1.59514206989270	0.87868113128425	0.82130443533392	-0.16379340416136	-0.73235016144380	-0.57824452473775	-1.50726614277905	0.88168742322808	-1.17917424745545	0.23047496511247	1.00000000000000
+-1.08894277416652	-0.52207340376061	-1.94156898755418	0.01487870206763	-1.04956938278918	0.43142498221748	0.43305856981462	-0.61168943741083	0.28109429974601	3.27561736571147	1.00000000000000
+0.11878830130476	1.39175097198449	-0.32308686958717	0.60859107634433	0.62754889441296	-0.38405875330791	-0.45856843812610	-0.21818457470463	0.63465095883121	0.83104008069537	-1.00000000000000
+0.89459108476015	0.42656037278595	-0.17594324230580	0.28621589138625	-0.58133277709455	1.04139577122843	0.92626168404163	0.91256089993944	1.47001068396639	-0.31326019996400	-1.00000000000000
+-2.20835449550913	0.82691920760235	1.40634616166823	-0.37919596746080	0.53374249561104	0.40638088629703	0.82210002573711	-0.30946960434884	-1.95980984825434	-0.24822948663480	1.00000000000000
+-1.73209312157324	0.27012846734847	1.17723041927047	0.62014463952147	-0.45592985335375	-0.02898273335653	-0.50435678193521	-1.86026935432635	0.89266381903092	0.57802111219258	1.00000000000000
+0.10808270897687	-0.99831571922901	-0.23325382782631	0.40909371066567	-0.76283316456628	0.25396295204402	-0.16842790977924	0.90753819004857	0.56610178180340	-0.16363894429245	-1.00000000000000
+-0.17294616194488	0.80526060482498	-0.61524752282820	0.76986865073190	-0.88515196191037	-0.13194904914397	1.01482689263266	-0.66805447271439	-0.89444139311752	0.21019482842225	-1.00000000000000
+-1.01887106800824	-0.12295504076384	1.39259276555998	0.71987493173770	0.19876836152811	-0.01241318126739	-0.60889305277133	-1.50110708820760	0.46702236308172	0.24780362451367	-1.00000000000000
+-0.02908597663423	0.71281111107634	-0.26053884827335	-0.04815261698396	0.96804297603593	0.02928934886063	1.18547800371353	-1.00769266313901	-0.55154729561855	-0.64633233863959	-1.00000000000000
+0.67669419683499	-0.40291227045970	-1.73992381776107	-0.05706883661086	0.98397805645467	0.24892807081198	-0.61923397190139	-0.01263710402211	0.69374025485865	-0.72302581305696	-1.00000000000000
+0.88099217561819	1.21281003874923	0.09470901301521	0.58188385277245	1.45702133911897	-0.31931931496252	-1.35004008794165	0.85148740550820	0.50220736191000	2.60013447197223	1.00000000000000
+-0.52483425923505	-0.34811694815854	0.18781337304824	-0.20249458021761	0.96093152822438	0.35937185731236	-1.82956922747406	1.92249372507377	-1.59043808032686	0.46667807035452	1.00000000000000
+-0.25614345115007	0.38420424259326	0.05420452004213	-1.75742121310989	-0.93025076095408	1.24118883991674	-0.30338709777728	1.37975813834768	-2.16790919635043	-0.15904459763031	1.00000000000000
+-0.16702837783987	0.14937872150433	-1.09911063598802	0.19800720431278	0.19530452629457	0.21021702651878	0.49018197885757	0.60204642388948	0.32233815640484	0.08908676741369	-1.00000000000000
+2.02138488946619	-0.14651147229463	0.46830231728312	0.45490572760827	-0.32758609020374	0.08289952788026	-0.60624200842162	0.46349656872497	1.31252734524783	0.89374438688293	-1.00000000000000
+0.49903931966047	-0.02135767869942	0.08411111849647	-1.80609469836254	-0.05974836418957	-0.10835283132761	-0.90401174950076	-0.59416027177751	0.48538689462180	1.04306719962941	-1.00000000000000
+0.23281473656135	-0.17726506209497	0.68203543024434	-0.64114594159242	1.99499704103656	-1.98304629717130	0.94642028065165	-0.55835943580167	2.34824900463127	0.86675350412002	1.00000000000000
+0.85636441074293	-0.71233391486785	-0.41156087512219	-1.07379352390496	-2.47845420068730	-0.87908402311158	1.63714013991559	1.82579766932081	0.46132621364820	-2.32963829740501	1.00000000000000
+0.17462079448777	0.88824313930718	0.40202270846654	1.49645549514103	-2.47032240945858	0.56876538884596	1.13746541319237	1.80046377006092	1.36127686495436	1.05365643154703	1.00000000000000
+1.34144456254971	-0.21266309642368	1.08531653310644	0.02728858227188	0.43608836614197	0.79727670817947	0.76019188598156	1.05855434420996	-0.74480641948643	-1.04201143347052	-1.00000000000000
+2.37801785207642	-0.67353522675523	-0.19137460168753	-0.30254503786584	0.64609679892204	-0.24751401467289	0.48891727266474	1.05902345890610	0.86539981512038	-0.77749879672685	1.00000000000000
+-0.08556143349615	0.85169699869684	-0.73156647587639	-0.73642219759880	-1.53934919009950	-0.23127776320421	0.64420465690340	1.54805487206212	0.55570865690795	0.04714915963700	-1.00000000000000
+-0.32661296246540	-0.36397940273159	-0.22112678133674	1.13796790831802	0.52688742319695	-1.72853925323150	0.10028620516319	-0.21550907594030	-0.43180192760663	-1.34759488028044	-1.00000000000000
+-1.74534079064361	-0.90808201246691	0.79591987288904	-0.20217923120893	-1.82270146269707	0.51582765753568	-0.18031560591842	1.44999117211118	-0.26333626897488	-1.35123101213038	1.00000000000000
+-0.29598716278520	-0.90151977244727	-0.92714316622656	-1.23644964037880	-0.98974329212877	-1.16479078481357	-1.61766925660243	-0.10966239928843	0.07920795251656	1.22239861273667	1.00000000000000
+-0.03144078424613	0.67982561396394	0.30556663244722	0.47053968847003	1.58718209521227	-0.06246112063609	0.21592547353568	-0.36124766861644	1.10113045218404	-0.10277392228492	-1.00000000000000
+-0.09151932729412	0.86520747077011	0.80422548011345	-1.32469030232675	0.48762763190692	0.57092560438269	0.30938662784605	0.59816157020740	-1.45021701805291	1.22639660794952	-1.00000000000000
+-0.10801196848242	-0.37454965658194	-0.50750910253167	-0.60255095123066	1.21572237466191	-0.55136560193043	1.39229685805739	-1.81316471194227	-0.71157182065323	-0.87766226166469	-1.00000000000000
+-0.12286125533544	-0.37725029455235	-1.33564586833408	-1.04928616738037	-1.06688545912197	1.03388594482952	-0.58166419477576	-0.46812592882075	0.18907135402034	-0.95755364766405	-1.00000000000000
+-1.04171171838841	-1.00025151261635	-2.20413806845286	-1.93162271690205	1.37060581464155	0.00951387748335	0.29724743983190	1.17196818758703	0.07134015498094	-0.21569833993250	1.00000000000000
+-0.76713329761316	-0.09543199506011	-0.11053354296630	-0.03154197147961	-1.41971532700586	1.73341555007611	0.05440346998298	-0.25483301845493	-2.72550108447183	-1.38677995821595	1.00000000000000
+-0.70102171358439	-1.06384121117469	1.09303314214090	-1.16734232197654	0.64909155465071	1.49412150907494	0.16115219376378	-0.83484788947765	-0.86164728273997	-0.61982848852761	-1.00000000000000
+-0.55231190712097	0.19736275164835	-1.21917600780895	-1.61611625933200	-1.40700635987636	1.45906625544715	-0.96687072257781	0.70051690863967	0.24098266589757	-1.92753254469839	1.00000000000000
+-2.01198771931893	-0.05075088827091	0.67135195870355	-1.58245570245532	0.22389073179827	0.94239860276487	-0.87751620036439	-1.21272143808730	1.25711908673934	1.95829121343234	1.00000000000000
+0.27058614846444	0.26378762491661	1.20249683110716	2.49268117358722	-0.76557796005991	0.98791034317532	0.05370290302795	0.95347472830500	1.16926363448894	-1.35955144522053	1.00000000000000
+0.76089939947730	-1.71598236205323	0.90792130130513	-0.48282545692613	-0.14979341706614	-0.42390831696962	-2.14756463731737	0.02438006405809	-0.96124850997945	0.60570701133685	1.00000000000000
+0.48688732331682	0.23845905983881	0.51243185480978	0.16232590904896	1.00233958766137	0.66254922436488	-1.49920369386634	-0.81411688276298	-0.57519576965099	0.03563850385049	-1.00000000000000
+-0.46513532035823	-0.42660328943959	0.03539766270084	-0.03649700685699	0.15448579226876	-1.62251868043152	-1.33231283212651	1.28319524282219	-2.19100506707255	-0.14895498371715	1.00000000000000
+0.35265666471719	-0.39024308458227	-0.47413898997484	1.07548771626566	-0.95340982626393	-2.17324991480657	-1.47758281776755	-0.34494818290595	-2.83236603532075	0.69664961253151	1.00000000000000
+-0.82706680003903	-0.38245351951812	0.75785534668305	-0.97189692012290	-0.25065212507389	0.30301909158759	-1.61046595957370	-0.86189077994244	0.52253391339379	-1.12269492364201	-1.00000000000000
+0.85529134336075	-0.06162637841927	-0.06606506566728	0.44484233292232	-0.57055581800326	-1.25062164136207	0.59051068557024	1.11207575966795	-0.23712832362334	-0.42273731300614	-1.00000000000000
+1.96428096890632	-0.39188100852515	0.62411363147341	0.02335587803659	0.39167224059349	-1.67697722932232	-0.62849338752016	-1.10647115540458	-1.00963252403242	0.74764814777440	1.00000000000000
+0.19199366502162	0.24776317640888	-0.23189697062300	2.93900862337539	0.24207708256225	0.25172192183540	-0.77511876122421	-0.62420812359055	0.08572658130337	1.16465612240118	1.00000000000000
+-1.31840598193751	-1.22342423143573	-0.23489115032208	-1.24315809159451	-0.84156717255790	0.70970138922065	0.15769466624149	-0.52446479204651	-2.03796322788994	0.24482215311076	1.00000000000000
+0.60920854101330	-0.17888966942618	0.09364302248326	-0.75224054735125	0.04083615330405	0.31641564081599	1.31838890344913	-2.34372672625665	-1.07989966829474	-0.22543226521983	1.00000000000000
+-0.04505241048456	-0.11658165514864	-0.16234748886667	0.23241520134974	2.04495699010912	0.83729600520897	-0.57165379767288	-0.43268919950582	-0.10638015400791	-0.01405735486620	-1.00000000000000
+0.10470311368531	-0.88749797611414	0.69797439091930	1.29313231813238	0.58115274680072	0.41518933142754	1.04987008640269	-0.38815546134446	0.62521302567904	0.79725514242667	-1.00000000000000
+0.32764729323979	0.41704685515187	-0.98013598074715	-1.19057324042058	-0.65269034231664	-0.51537420832450	-0.79281869831800	1.53598987258739	0.29506513647557	0.52744763662533	-1.00000000000000
+0.53542848665011	1.94731483889889	-0.07982819846264	-0.68934816850810	1.00583412218249	0.40321470034964	-0.70870222105417	-0.25611640394905	-0.43090072508747	0.06588766693832	-1.00000000000000
+-0.05884420606679	0.52413582410084	0.52199943443715	-0.50569885185348	0.36781955332186	1.98716946195231	0.94670248948541	2.24338200148091	-1.97805303375045	-0.62235475434823	1.00000000000000
+0.74519085157859	-1.25770957495805	1.33187460350333	-0.47596862485229	-0.25201146627004	-0.20947757549458	-0.96055876996083	-0.95001280140684	-0.27572831010578	0.31074846600892	-1.00000000000000
+-1.16952091970885	1.58344285600493	-1.61619732938396	-1.04909215623231	-0.03091407201263	0.02629844560132	0.31205523080485	-0.94436793356999	0.37524317267536	-0.17618520040774	-1.00000000000000
+-1.54850598054231	1.10348837372669	-0.32512434256670	-1.40395559484416	0.69531638389106	-0.62664718800509	-0.71220901713452	-0.00052933226717	0.76568716456467	-0.21472666944012	-1.00000000000000
+0.31993422310400	1.53771125802575	0.97368145819202	0.59680681910141	0.36802320011919	-0.53886781422805	1.79486578230479	1.88333396427360	0.98982789553913	1.27957710169772	1.00000000000000
+-1.41561081217043	1.26019939522409	0.70637312350027	0.82463866608137	-0.80866061562510	0.10265544818569	0.69355633881582	0.81911887840709	0.24933756543580	1.90810670616120	1.00000000000000
+1.15585641937894	1.51334604318241	0.40854364296518	1.36450359310993	1.33429623963559	-0.30907628660059	0.51220550674153	-0.63324619567835	-0.74980511584506	0.31406777555477	-1.00000000000000
+1.44348838503205	-0.35152542487490	1.85884292628016	1.54251699229238	1.83193171481051	0.03716333668165	0.52554069213258	-0.21974064217383	-0.19357615862314	0.08072269932730	1.00000000000000
+0.61344003588506	-1.28723438324171	-0.36503113494778	-0.60019499750008	0.20855211717874	0.55114973664871	-1.02040391852561	-0.48999670863078	-1.46434210757898	-0.17900595643096	-1.00000000000000
+-0.95498655971414	-0.37692001488255	-0.40562811513962	1.69207749015107	0.66196951990959	1.45877580885907	0.92264171861242	0.44784837168556	0.19272320738010	-1.71479582326074	1.00000000000000
+0.41311811000478	-2.58371947093186	0.51888275512861	1.07258475230699	-1.58313807498537	0.29528045167113	0.55855590369623	0.18555674878123	0.12230147634142	1.19675487630984	1.00000000000000
+-0.01073818869910	1.33718384456009	0.01391976026431	-0.18385444112275	-0.02413594484002	-1.02457092613611	-1.60283872631685	-0.09427627846905	-0.04192700907790	0.11702845433561	-1.00000000000000
+-0.51025448348907	-1.39117081942769	1.25337469123681	0.31152041741274	0.34492307735963	0.94655954105712	-1.03872731671925	0.14259633336793	0.00977565958037	-0.79679528629837	-1.00000000000000
+-0.10783881839721	0.13951257841057	-0.05553447884742	1.94045767300079	2.06601193718345	0.04425347128495	0.62690855559852	-0.49758822932150	-1.43340701506986	-0.33521474945465	1.00000000000000
+1.12450864456880	-0.53525523760382	-1.81457947431655	-0.82503902660646	-0.11622111466936	-0.89166283744187	1.44703849348557	-0.61795534222557	-0.33989419582233	0.51709964129287	-1.00000000000000
+0.47482554318510	-0.74466955420866	2.30690688413968	-0.20241841107052	-0.44161635839115	0.79933507337044	-0.35527858907759	-1.49422863198206	-0.31509849304520	-0.02310639061893	1.00000000000000
+-0.03466949284202	0.52886787365002	0.19709514416858	-0.50295828270174	0.32296234221052	-0.62362053723732	-0.58252644056087	0.68183716911260	-0.31202566269284	0.55994081735939	-1.00000000000000
+-1.57970533273392	0.54500889861837	-0.64194004495597	-3.10831463775987	-1.83019734858170	1.24024348288363	0.24495493481143	-0.58794377170960	0.99618879259439	-0.20128405206260	1.00000000000000
+1.68198302292034	-0.84902346182287	-0.27258310190783	0.34343284644523	-0.22483015908206	0.73918179549033	-1.33995421140673	1.01824159521625	-0.24181191834953	-0.15976881262501	-1.00000000000000
+-0.96283869138231	0.08384391495128	0.96806004550782	-0.49919964410395	0.30558791195216	1.85413762676590	-1.10259872367560	-1.80042973205295	-0.10571730641332	0.55678085384078	1.00000000000000
+-0.85134102413265	-0.82776781727310	1.64640461493979	0.46686622654514	-1.73044119690592	-0.34906891999865	-0.20650493804949	0.20203402371391	0.18167351939666	0.51465436698316	-1.00000000000000
+-0.45828410512680	-0.55878241271156	-0.30531312408820	-0.47186364881753	-0.97113299401181	-0.72990304712183	-1.53176777551942	-1.56024752439459	-1.18248791643981	0.13199193124271	-1.00000000000000
+-0.23946741211647	0.32351426109666	0.57108757041997	-0.46723482275743	0.22078490766499	0.29125709726939	1.05549466647837	-1.20543882844596	-0.71824182800562	-0.13356398766758	-1.00000000000000
+0.30597919249092	-1.48213653364392	-0.54534006297664	0.00911193655220	-0.60158401784547	-2.05799815793256	-0.75447713619340	0.42484240868605	-1.75433392857997	0.45840188522406	1.00000000000000
+0.72848866473023	-0.93931031048428	-0.27999817027793	-0.95550384747686	1.97143527119159	-0.04419293348756	-0.69202908729733	1.11476758986272	-0.60244491830448	1.21745506853581	1.00000000000000
+-0.03787298214984	-0.58557845981608	0.27333943310290	-1.25063573613609	0.49482730055774	0.44057238813924	-0.04991151154654	-0.49900252632679	-1.32478755440363	0.53735157741357	-1.00000000000000
+-0.31415796294483	0.13770575239255	-0.45450499931154	-1.11382039602500	-0.57361956895561	-0.96840588088798	-0.46564880780771	0.27094498483786	1.04289627713023	-0.15100218785579	-1.00000000000000
+-0.20611390624662	0.71046528007605	0.18366357804834	1.62674920845216	-1.20544061005577	0.23809585452876	0.39668307374323	1.36614836286395	0.55314760256674	1.57205089755133	1.00000000000000
+0.09166749883083	1.72785471209000	-0.34399621278092	-0.37604030831812	0.79128557068219	-0.61655833476069	0.03431430571607	-0.57835901382395	0.60125263145968	-0.86882562478624	-1.00000000000000
+2.10233937503580	0.31213303659964	-2.81845849628672	-0.86559221171025	-0.36718596147189	1.26387100955863	0.66323489363425	-1.66268801862607	-0.52456047610521	-0.16381855419426	1.00000000000000
+0.53500080576991	-0.42761319912773	0.92425614889756	0.53010446637557	-0.47632321312762	-0.49318203027903	0.94592540598739	0.21075957478648	-0.12523639329336	1.00309087889156	-1.00000000000000
+0.45857966040373	-0.38252775655708	-2.07605826738616	0.36342860064014	0.52026381264680	-0.42154306192271	0.47775556231291	-0.44879403658992	-0.07634686798884	0.68660846440803	-1.00000000000000
+-0.43573382158647	1.32528065383724	0.19532902183969	0.36721421484387	-1.48223999842433	-1.09923379672791	-0.06690305770522	0.06106902207961	0.26579524152337	-0.72300722773249	-1.00000000000000
+-0.73555147275623	-0.90383362411315	1.91644269062954	-1.11123512937603	0.40446776902810	-0.16744696116957	0.83779257039846	0.66797880251377	0.26116449406787	0.47833390623259	-1.00000000000000
+-0.31060827314035	0.25599288885849	-0.24729582049570	-1.31703701486597	-0.16516806147591	1.25874939520270	0.84498392604261	0.61673661542147	0.19550983604797	0.70839994606055	-1.00000000000000
+-0.52439322613991	-0.95551465451057	-0.07929316010910	0.37847639884947	-1.16675020014236	-0.50000290676166	0.39967995894240	0.49834714168688	0.31887488607110	-1.54290591537927	-1.00000000000000
+-1.05381394062968	-0.46600153305496	1.56083875403502	1.91252049318984	0.64900690992760	-0.45655066588533	1.40536380167008	-0.90266942887599	1.62483113631364	-2.04411632273750	1.00000000000000
+1.10043869766858	-0.37645753439299	0.80730260773141	0.41836214169170	1.46385275828907	0.47136045589126	-0.28675099582612	-0.92892708368567	1.56573593247204	1.30843735154003	1.00000000000000
+0.77604002808471	-0.88844193465185	-0.27514953452965	-0.17670354467563	0.66995212038120	-0.08277966183431	-1.08203663289837	0.16910679868128	-0.57696554275717	0.14867444267805	-1.00000000000000
+-1.97002922875989	-0.17363100574352	-0.98176863287606	-1.16267772847643	-0.33913680465259	-0.96240534487457	-0.34670842310389	1.54318541453141	-0.13141911981730	-0.35533003370446	1.00000000000000
+1.97715395307510	0.87248176912760	-0.41915001690378	-0.69556721376015	1.26479680453210	-0.16571171965243	-0.74732817731581	0.28958512492892	-0.16328632024391	-0.87669915578141	-1.00000000000000
+-0.62211984002365	-0.06052194965214	0.07212162923613	-0.97800248362727	-1.31578870661330	-0.02188448071132	0.64445214980815	-0.76055377977002	0.91455291107987	-1.52727467429599	-1.00000000000000
+-0.05003128655215	1.04126487193756	-0.52983688875881	1.00938948856988	0.37608874189308	-0.19364349742240	-0.38782393923737	0.25265636629850	1.92567442852330	0.37390978333522	-1.00000000000000
+-0.36255749887213	0.79692814413160	-0.63812539415761	1.25380188763894	-0.13601957851219	1.48805105126053	-0.16693485540746	0.72640791224074	0.51220126381120	0.09471604137827	-1.00000000000000
+-1.04328677447916	-0.62125502304204	-0.63410882975454	1.11346294686044	-0.66856025806392	-0.79970550815332	2.33102853799784	-0.07820308536455	-1.13281951163679	2.00239617751477	1.00000000000000
+-0.06067653628044	-1.17848679348278	-1.92085915323265	0.70073605907996	-2.03642522719378	-1.95560696716832	0.86029537050374	-0.51623341007651	-0.28819914891215	0.68100771950688	1.00000000000000
+-0.63500628217994	0.86846253892656	0.50495283013988	0.13815896055152	1.72855989556139	-1.63489415621341	-0.50817752222347	-0.48012211085751	1.76844748627639	1.34417450955372	1.00000000000000
+0.70335359932642	-0.88116535474820	-0.86340744626241	1.84645467862416	0.21235121461046	-1.14537143220822	0.75420495241667	0.12946510057155	-2.34889084652127	-0.79633736688280	1.00000000000000
+1.14729458199861	0.63555908406281	-0.51817837477344	-0.12192660092791	-1.12922300021435	-0.23211174116682	-0.57909877655114	0.42876743856104	0.76460374144450	0.01838660402768	-1.00000000000000
+-0.19559717483231	0.60620511439354	-1.74635088939299	0.06158104115333	-1.23378056925090	0.94275441391566	1.52944809916480	0.63820725083988	0.88926139790111	0.48803808881361	1.00000000000000
+3.10464737327506	0.70372214395569	0.60037983852196	-1.54792872386272	-1.08018883154220	-0.32327019397127	0.12323832079914	-0.08470675596820	1.11159768557389	-0.12500288230114	1.00000000000000
+0.72475026928615	0.75329240027338	0.88268280866555	-0.15050350982304	0.66991159621845	-1.51351911169218	-0.93568090669255	-0.42120845341469	-0.18900493267658	-0.02396570227965	-1.00000000000000
+1.96911762791279	0.13545738156612	-0.79428878707693	1.46897486316711	-1.95806869078526	-1.15269463581603	0.19750193850703	0.87027795938121	-0.84704751811438	0.47183226267021	1.00000000000000
+-0.51982501508785	-0.87724868356326	0.49365548376818	-0.55507683123640	-2.07655328157094	-0.05588725309629	-0.55143387552613	0.08075294990045	1.19810260883649	0.66860427826005	-1.00000000000000
+-0.93137941263237	-0.51742458424983	-0.56108625560202	1.02843579937809	-1.28421281382926	-1.40458871022263	-1.76625336935028	0.32396031821571	0.07306718595709	-1.59597758031445	1.00000000000000
+2.62977283592755	-0.19813051664214	1.12266894352723	-0.53233717222779	-0.96164232177336	1.12978271819813	-1.64106596392719	0.97831348514520	1.02072347281075	-0.22230589246026	1.00000000000000
+1.01810210335396	0.39301781601695	0.56449724582272	1.42201184769658	0.84480458190558	0.47448425632465	0.18393887774861	-0.06895188860759	0.02851002355137	0.41712217042576	-1.00000000000000
+-0.27000129771075	-0.03551103978336	-0.28310983350781	0.38811059502476	-1.36943026539674	-0.33387766420940	2.55361585288775	1.18288349119112	-0.31075939701013	1.20787685456791	1.00000000000000
+-0.30502998265616	0.30801933807082	1.71729254621135	-1.05127175147314	0.15601761576530	2.05467677663148	-1.62270575145655	-0.91832071480725	0.71165213303426	-0.54549627974875	1.00000000000000
+-1.34228451380205	-1.64231820799492	0.10608069701736	2.32693120713518	0.10200195071488	-1.84927776936434	-1.60466292727083	-0.92983738784190	0.77475267912932	-0.86866621427551	1.00000000000000
+-0.18703011832924	1.08378986836079	0.09979158166876	1.27075861347941	-0.77014360291805	-1.79711752192819	0.95375221881169	0.49494527944169	0.07319664404197	0.00794633971047	-1.00000000000000
+-1.87743531130245	-0.07164014313450	0.24029953830323	-0.44566563680822	1.32387458810977	-0.79604259199658	-0.76614222369467	0.22698820501434	-0.09127442302503	-0.23707932536140	-1.00000000000000
+-0.38926867395521	-0.00260397701561	0.15227971222882	2.11266680880149	-1.26591515133750	0.26812241258157	-0.59847269191461	0.73889892095419	0.09792582519051	-0.94757343607267	-1.00000000000000
+2.72077153822053	0.76393179519095	-0.20749157851405	-0.64179001667235	-1.70862020666114	0.09416555719770	-0.80816512237096	-0.26145667173695	-0.04460282516756	-1.79064482227239	1.00000000000000
+-0.96159758524499	-0.10432419786095	0.24771079257141	0.69441861712966	1.73433858845436	0.58165845060035	-1.68639542883557	0.02871262718658	-2.01608218728773	-2.78261411003022	1.00000000000000
+-0.02661847477087	0.86119102164694	0.05201866108445	-0.92865990951648	0.11054378836634	1.35342531494734	1.29741099792083	0.92203821387492	0.58682101826155	-0.32394696985484	-1.00000000000000
+0.51699051798140	0.30475425710202	-0.77026284620192	-0.41136956374303	0.87131610913239	-0.96984522669389	0.11416208117170	1.30418904373873	0.02498458186656	-1.13564118192051	-1.00000000000000
+0.58392478992940	1.31148194383791	-0.71928896000150	0.17697292104391	-0.73884343759229	-0.01319279134558	-0.04469840091747	0.35031182936624	-0.31561949661386	-0.51888283677427	-1.00000000000000
+1.07678276636571	0.61537828224178	-0.79158200238654	0.04666052888314	-0.01634714176527	0.43318399691953	-2.00229920715886	0.58999083306445	0.11697864436926	-0.80364528053918	-1.00000000000000
+-0.19802312334542	-0.19705592788934	-0.28049669536797	-1.36675110826336	0.08399741918439	-0.49563141260330	0.21864484943770	-0.72139393319120	-0.17761409248667	-0.88348965908766	-1.00000000000000
+-2.04971765992572	-0.94493472920642	-1.83559380647000	-0.72907737014015	-3.07570741690677	-0.46542066046792	0.78883488870540	-0.47097025043609	-0.98790209527264	0.81065726584219	1.00000000000000
+1.01012746807489	-0.08927294771548	0.79799022808733	-0.73323458341769	0.25376425884784	0.57159503212912	-0.79288824032250	0.86579438680880	-0.21228154885435	1.60735874674362	-1.00000000000000
+-0.80016551934126	-1.08423280104683	2.75841953488515	-1.87000800778959	-0.41683205062036	0.31137361630779	1.07639235728445	0.19950243294887	0.66371628535653	0.73166602254787	1.00000000000000
+1.21771003919220	-0.52889731995291	-0.12334637991107	1.97632153515611	1.45243645697468	0.65242827612853	0.35161480077076	-0.44079066557997	-0.69612583508110	-0.41173119289314	-1.00000000000000
+-1.42659449254446	-0.26312815615358	0.00393381950236	1.07341326044633	-0.02755193093214	-0.37259570958767	1.11012780960102	-1.72124633953130	-1.62752979189969	0.70802037723264	1.00000000000000
+-1.38261661472734	-0.86193832344584	-0.28551389356199	0.62091717332236	0.73520188369812	-1.30780371729636	0.56069136341974	-1.34591209647102	-1.76486509810779	-0.22336476039898	1.00000000000000
+-0.90589354961465	-1.36814619210679	1.45684870311677	-2.10625946825529	-1.02704483518614	-0.17619537181870	0.70183211518183	-0.16720153979673	-0.34377148229212	0.46407618819842	1.00000000000000
+1.23052115588980	2.04362498408415	2.25951533315268	-0.60789897693572	0.67134189147484	1.04509707141849	1.90682571894854	-0.54448175786456	-1.43946153473234	-1.18315707105382	1.00000000000000
+-2.84794662067524	-0.47961433210821	-0.08873225174941	0.18953571653226	0.45731705472815	0.14604342102136	0.29563723621269	-1.24727569730004	0.08163106103506	1.21821219721836	1.00000000000000
+-0.65225117840103	0.30250193520766	2.07940951308451	-1.31139178867615	0.85853045439962	-0.44686609103722	-0.70555368375718	0.06554958604661	1.52966482857469	-0.27285887797499	1.00000000000000
+0.06282841112865	0.07032480342057	0.73771590301474	-1.17121489079853	2.26406556616053	-0.87487300213259	-1.18096744408223	2.18366828287062	0.20894392830729	1.60219096263002	1.00000000000000
+-1.57164563421075	-0.22980713951837	0.86651338527552	0.40206433648236	1.57863698857828	0.12420975857022	0.25039936750152	0.66535733352405	-0.51488086559265	0.32084267817389	-1.00000000000000
+-0.44221557000717	0.53823068197922	0.15745018289458	-0.85295814573129	0.26040359488729	-1.34118034348079	-0.29969698472743	-0.05189487400270	1.57660977970962	-0.52895343254639	-1.00000000000000
+-1.58075425303476	-2.77234015508591	-0.10263914123154	1.70207479829216	-0.35476279387704	0.70430293955609	0.15104992026577	0.62074521994432	0.09569929366979	-0.18983943912146	1.00000000000000
+1.08528965042427	-0.78734602777388	0.40293991413286	-0.65856006110497	-0.42569817482928	0.30344173208242	-0.57901844353123	0.82302176825220	-0.97060105260124	-1.76516917082674	-1.00000000000000
+1.64144518391683	0.54301325124096	-1.14014255199803	-0.18829233191684	-0.37131763487525	-0.18342592731902	1.19007905873474	-0.71839531078053	0.36698247601244	-0.13686050351115	-1.00000000000000
+-0.48980322439234	-1.04214090720891	-0.82575295057991	-0.95082098666248	0.32573869531945	-1.53771042852275	0.70637367889982	-0.77588812578948	1.59754424041826	-2.58747970054879	1.00000000000000
+-0.00904062005354	1.72603448405323	-1.44797934884159	0.81845474131712	-0.00124509116382	-0.21465323750795	-0.82887257059598	0.81052461724794	-0.29488688592418	-0.50857816287265	-1.00000000000000
+-1.23192531880139	0.17391357100094	2.20045516448993	-0.79044115429432	-0.00957621725872	-0.41600992196115	0.91416745492709	-0.85020081370188	-1.29796131351573	-1.03556637384661	1.00000000000000
+0.37794697366249	-0.29651816644798	0.50594914354004	-0.23348864037930	-0.59386118266627	-0.11323641626557	0.16790618076322	0.52315210280403	-0.79172080004636	1.43998843909972	-1.00000000000000
+0.13785093601770	-1.26038086845649	-1.57374106941436	1.31366940587800	-1.64330925358583	0.10164034445072	0.94339702604430	-0.03028092603635	0.11203189181655	0.35457248375567	1.00000000000000
+-1.01296197645577	0.30831501843152	-1.31482386712975	0.76545403958140	0.13893578511469	1.12851991784724	1.54146566868104	-0.62218258091207	0.45715483148705	-0.19498857095956	-1.00000000000000
+-0.86919237475043	0.05274033221678	-0.13423320765911	-1.74023645418058	1.75008556577563	-0.90373933569241	0.21961907825522	0.09941702994679	0.41285484879002	-0.66430989033654	-1.00000000000000
+0.14265665280152	0.45346719157617	0.54097380399858	0.20379388090081	-0.07573729307749	-0.48420864570926	-0.63175572018483	-3.02345453715643	0.28011609469682	0.17817271567492	1.00000000000000
+-1.03796256697658	-1.74185441633069	0.49143110765615	0.30182593308587	-0.66241836334105	0.06603350642833	-0.93238228800824	1.16963129157873	-0.41549042999046	-0.37006712513655	-1.00000000000000
+0.97890406777940	0.25954752002175	-0.20780025727111	-1.52823868178598	0.43472660060538	0.65441327381846	0.86716292608944	0.52665627833055	-0.24315598328231	1.75699117068783	-1.00000000000000
+0.21348684653558	-1.58364559943645	0.71629784973612	0.01875842487249	-2.36251431221982	-0.60103208315045	0.48348221620987	-0.65687671810860	-1.30194422641365	0.75764895364484	1.00000000000000
+-0.76962732110950	-1.57072128608004	1.03098986891195	-0.05977690162286	-0.36051094725321	1.00419202693223	-0.69241464466387	1.16616583963289	-2.25420206959950	-1.23767568080611	1.00000000000000
+0.41093828454923	1.34711759365056	0.49139394339671	-1.59907822147236	0.90029497282014	0.19101702983924	-1.07329045805550	-0.98984041273026	0.16334769799407	-0.96569565114322	-1.00000000000000
+0.83586702447343	1.93009016132695	0.55623131505325	-1.19116095505103	-0.66712873564750	1.26802972496983	-0.28617992526973	0.65431554648271	0.56050256629474	-1.39149192683261	1.00000000000000
+1.39955448279102	-0.52727739846319	-0.69116843392171	0.52712244461788	-0.94377421067904	0.09022841575037	-1.09325471741145	-1.46620929268070	-0.60707601836132	-0.07576134379180	-1.00000000000000
+-0.58964375832784	0.19239370493235	0.29915435578806	-0.69963884852739	-1.15906480496574	-0.98097687719810	1.74825444115312	0.40212074661403	-1.78693167667056	0.55822370563817	1.00000000000000
+1.60109525487305	-0.22594030241853	1.49610586243500	0.69388414532715	-0.92892437500093	-1.23136494452848	2.08722005464284	-0.51694035257027	-0.40227664871854	-0.30401783210536	1.00000000000000
+0.98010373257955	-0.21726207051593	0.04628439454880	-0.26874625892659	0.26858745166474	-1.11380008085601	0.83927619471109	-0.24491016205836	-0.21935927184742	1.40559201964893	-1.00000000000000
+-0.17640376037155	-1.17362475266990	-1.64523683600751	-0.15813303908330	-0.33927408591698	0.27862434157451	1.50091395957024	0.43831503817182	0.23971831423017	-0.83579679629157	-1.00000000000000
+-1.52954869721833	0.62440047691794	-0.51687329925222	-1.70833038415408	2.12403427749440	-0.12495521457040	0.11414992601018	-0.16560199223350	-0.30252946460321	0.34425497375832	1.00000000000000
+-0.18453415767883	1.19278920850973	1.56607361631016	-0.82867395779028	2.65362839556239	0.01973828753797	-2.85130762912745	-0.29001774404969	0.00289518424352	1.13646491724622	1.00000000000000
+-0.02965997278237	-1.16846596500388	-1.08465606004043	2.34518293739332	1.38183550496253	-0.77282343243242	0.18696504670188	-0.02051846606374	-0.39372307334593	-0.18917675255203	1.00000000000000
+-0.39929417878654	0.90578752838559	0.69986472270488	0.35759453799669	-2.07751141271560	2.03936296605809	0.12119012650252	-0.27307840063912	1.88580498737611	0.69183620666751	1.00000000000000
+0.06869361937194	-1.41656371733606	1.05421229597599	0.29403281799270	-1.17767989038770	-1.15399745824502	1.60686504520082	1.13185139648136	-0.44069130969433	-0.89298800225297	1.00000000000000
+-2.08592685800133	-0.60907592989737	-0.51190961406872	-0.04100523591848	0.64330907156865	1.06092816365851	-1.11680498980457	-0.76684290633825	-2.01385531462411	1.28749088785455	1.00000000000000
+-0.32806854457529	-1.06149743957803	0.50818333622759	0.63424788012448	0.24083588909173	-0.25918436311384	0.27893820323297	1.20796092136157	-1.25035901413090	-0.02154522119168	-1.00000000000000
+0.72767904893457	-1.12922156165811	0.51012402495742	0.46712681477888	-0.73993910308296	-0.61731119573718	0.14184539554462	-2.47329968928118	0.08195032892412	0.04145602043437	1.00000000000000
+0.14543662772267	-0.46291459173414	-0.08008888400127	1.19150701738004	0.24019469697141	-1.86536642474105	2.41756091329131	-0.47055347648050	0.76392540373344	1.97481003567927	1.00000000000000
+0.41340488825765	0.43704917818149	0.86177792993691	0.15593098054975	-0.75579604965621	-0.15550102439302	-1.41298515694124	-1.21624700985524	2.43442348730329	-0.04165663648388	1.00000000000000
+-0.65502045954428	-1.38994495235084	0.44846049078382	-0.26574383595765	1.55148702947453	1.21254573421553	-0.43694162184680	-0.34514173143478	-0.62707499077298	-0.89624602791789	-1.00000000000000
+-0.53688615519782	-0.06825372612289	0.75139280907401	-1.21144662264875	0.68145003842699	-0.52660012844107	-0.06202637156866	0.92856914268678	0.99999621553015	-0.14584555348104	-1.00000000000000
+-0.27981146288622	-2.02207132549267	-0.24377592009187	-0.06747374908573	-1.57304288490713	1.65419310614228	0.68705654714828	-2.03303703054442	-1.33663543555531	-0.67498910014947	1.00000000000000
+0.79654804932684	-0.87680127182989	-1.10212564098588	-0.36157087854203	-0.33557736477855	0.68545186167429	-1.15777007677134	-0.54386528902526	0.49284731482750	1.47224997076811	-1.00000000000000
+1.50424017356835	-0.90115465376258	-2.42531950162750	0.00449058987750	-0.23387427454993	-0.08019790092396	-0.79616806006372	0.41333478522475	-1.01411858747561	0.15557133056374	1.00000000000000
+-1.42752435218702	1.83595316784029	0.55996942157571	2.18613850943390	-0.53303176805034	0.26196423789805	1.19825181852004	-1.01136664067871	-1.25265989542767	-0.44020333430750	1.00000000000000
+-1.06480094160997	-0.34500179275585	-0.68745110358596	-1.17825586855096	-1.48670731665181	-0.19066064253458	0.18949376632982	-0.76838701095532	-1.03453624892993	-0.49000273011613	-1.00000000000000
+-0.27867983687211	-0.72590416174098	0.22648945796241	-1.22155788852665	0.22593785203377	1.42592716046129	-1.05561154107138	-0.17461678693538	-1.42535458645749	0.97592040472036	-1.00000000000000
+-1.05767680081718	0.46800690549619	-0.47975500241696	1.52046729393706	0.86872196748197	0.15251290942481	-0.76568515578215	-0.27272412978200	-0.40217974521588	-0.43635874768650	-1.00000000000000
+0.99582171836333	0.74559562312528	-1.54224631101856	-0.79662893496754	0.47882615286553	0.11218988956065	-0.11410033418141	-0.16196805271511	-0.40734873280130	-1.16540319468036	-1.00000000000000
+0.51761018965098	1.11092313633564	0.28140540889230	0.15093308124187	-0.56084206400901	1.64918267945153	0.12548969895542	1.21926885567897	-0.97037872898329	-1.53627542002473	1.00000000000000
+1.69106483044708	1.14120779376315	0.61284355979315	-0.01398377053577	0.47336735184888	1.59248129424721	0.17387435203242	-2.73256239442923	1.07061403771589	-0.66416582247254	1.00000000000000
+1.13672476841783	-0.79192621571119	0.50256396048396	-1.15681785026349	0.73766579144825	0.78429713036206	0.73806510669799	0.57485823679262	-0.40794961084979	-1.41441881430363	-1.00000000000000
+0.74173823830259	-1.74147849369179	-0.93443454815040	1.26336532723022	0.59628016644427	0.22264644353495	1.04836034436533	-1.23821251984484	0.85069614132192	-2.28441392977976	1.00000000000000
+0.90810837066445	0.84683425021900	-0.39456445640289	0.68173115220401	0.60093301465474	0.14021750195715	0.58475225475806	-0.07500821375161	1.42950586611893	0.63282432837666	-1.00000000000000
+0.42718965163252	1.11851818278093	0.02704734242680	-0.73587520851587	-1.02270839737202	0.88188953205753	1.68867744381713	-0.88936171625504	-1.16655007068000	0.14218006576897	-1.00000000000000
+1.45999700203320	-0.89654104149321	0.64077414176787	0.52601931184197	0.50370260468195	-0.31326572512461	0.80362748082081	3.00793499326686	-0.78381048487879	1.04641714630354	1.00000000000000
+-0.50983460149748	0.14109270393725	2.06874068984552	-0.40065060853673	0.53375730667799	-1.35779974259459	-0.61365630366801	-0.44968801343622	1.26573806446723	2.26790620783911	1.00000000000000
+0.62297301166496	-0.65961963545202	1.79705461773382	-1.72418892491373	1.21257864882298	1.52787386240412	-0.33555586277497	0.94679059314945	-0.08653608682259	-1.01663440979341	1.00000000000000
+-1.00574696529825	0.13138811175696	0.01299173921880	1.01128136059564	-0.02462543470179	-1.14698418647642	-0.34341074420428	2.00551926279845	1.01505710704615	-1.13077997179905	1.00000000000000
+-1.32435113501770	-1.15807070310561	0.78600054596958	-0.12286236067316	0.61633267619665	0.60956552143671	3.10271545756527	-1.21658296025386	-1.04655227786231	0.22194176505528	1.00000000000000
+1.44486544961815	-0.15400896394088	0.25545806567018	1.17186876783494	-0.77176699434768	-0.41458651080005	1.00745849314757	0.29674523039016	-0.85596402320749	-1.22141583339817	-1.00000000000000
+1.61341467968802	-0.07609483519683	-0.33748680835010	0.34305379659915	0.12014691243481	-0.93899809465718	0.07008867735587	1.10674310371624	-0.36116752108798	0.20180760047482	-1.00000000000000
+-0.82125490624032	0.83827092039766	-2.02303227924541	-0.45209537353433	0.26895955596230	0.90510461207835	0.61564129841787	-0.15594582582638	0.58021754592194	-1.83432088891481	1.00000000000000
+-0.12845123451945	-1.55096061678273	0.87495436642340	-1.09271810465177	-1.31584928511284	-2.65282215296092	0.29185062745249	-0.38827674669165	0.98168694517291	-1.02707706128534	1.00000000000000
+-1.86016872552658	-0.17228180038311	0.20622234904164	0.40131304134924	0.04675866453205	0.13633521591811	-0.39230391665611	-0.12839133507202	-1.47301160963185	0.76458229037806	-1.00000000000000
+0.70819434012714	-0.19129364447481	-0.02016083458425	-0.50946482763391	-0.87338478408653	-0.03701478743689	0.75595611977263	0.45922288213941	-0.00600609838535	-0.12601162756214	-1.00000000000000
+0.65596761657779	0.12856299107812	-0.82918280226213	1.57728822491000	-0.26147956745348	-0.68492577359220	-0.16304454727873	-0.09915936950375	-0.25319368696638	-1.23176241127081	-1.00000000000000
+-0.56049911033155	0.23975024497986	1.12480703930527	-0.30443072011704	-0.66611361719120	0.17072158540913	-0.63334914395451	1.09110239871462	-0.63494866725263	1.65421927292707	-1.00000000000000
+0.82655789294250	2.53442847958328	0.35222798654361	0.74297886731945	0.57405316803855	0.22072377467428	0.39333235319632	-1.41666195672553	-0.65403240298363	1.27466540723569	1.00000000000000
+0.55461629987259	-0.11488815697791	0.84616153925397	1.22397208809502	-1.58370802043358	0.49275196364923	-0.57775954824886	-0.31338627223234	-1.68864464884778	-0.49654535239736	-1.00000000000000
+1.27190493625649	0.06895493833247	0.30995501584859	-0.32708608632356	-0.27104410202861	0.74341490990234	0.70441264837508	-0.69706593939498	0.17863241056729	-0.20020871936628	-1.00000000000000
+1.72262077360023	0.76856103415237	-1.22158257129556	0.12427422081762	0.06655097912437	-0.24295902061230	1.13042685758274	-0.39188663863858	-0.07531819014605	-0.70197057256577	-1.00000000000000
+0.47098847892813	-0.12881440401290	-0.51028494553267	2.03171641955253	-0.23431455015771	-1.07290105671088	1.36059946808880	0.63572044730434	-1.94060562084435	0.85312410272307	1.00000000000000
+0.68151990652746	-1.42987322615804	1.21585318629302	0.80203655333318	0.48123088257313	-0.21463004836949	0.28136757871207	-0.66259884281698	0.36816842519547	-0.08996900537295	-1.00000000000000
+-0.52602946793593	-0.08675694547023	-0.19065535229284	-0.67934452339100	-1.20565248153814	-0.98668069425981	2.33369640722239	0.02029001105544	-0.04751663439338	-0.68914727819651	-1.00000000000000
+-0.30944022242266	0.01785178158499	-1.43302806117355	1.79317518151991	0.72033811340906	-0.49666765606715	0.05572405538403	0.37963684096327	0.22685877722493	0.19452657634717	-1.00000000000000
+0.08017391108450	-0.59508662046472	-0.04992620878479	-0.11663684689101	-1.01733584928762	0.92947848255681	1.28742000340154	0.09460714558856	-0.32351665152688	-0.50099780746308	-1.00000000000000
+-1.85048518375098	0.52961307780194	0.22755450867702	0.57419462447127	1.63338020033351	-0.87800608914607	0.21458383807103	-0.05952001755221	0.36474947274847	-1.10276727806613	-1.00000000000000
+0.38478068180811	-0.26423262141295	1.48727480392198	0.26140766971685	0.99852454305105	0.24713669804257	-0.29166164988388	0.48282481148387	0.36953237471698	-0.86754221175066	-1.00000000000000
+0.46739391547993	0.81048862376532	-0.33998667994129	-0.08415175842493	2.53334474964888	-1.44218788209076	0.23022533076440	0.96984038675237	-0.13166981613422	-2.54159470966583	1.00000000000000
+1.14129824476499	0.85638707451518	-0.28003676891811	1.42394120501430	-0.41679113043170	-1.84670771819479	0.35443621130518	-1.02011464024561	0.00200092936104	-0.76787425725011	1.00000000000000
+-0.61028018270687	0.45848087810411	0.03497645302097	-1.00955657204277	0.38526290328736	-0.99679073778741	1.26567313446683	-0.74506399226864	0.05862389238221	0.53287687348466	-1.00000000000000
+0.11213930628765	-0.48556467794712	-1.37266472389585	-1.06618309303229	1.59200295559930	-0.02248162141036	-0.45262710175128	0.22716607324518	-0.34186567466808	0.94630244982192	-1.00000000000000
+0.47476847915706	-0.52490258493990	-0.18025674109990	0.27593078866469	0.16853820701405	0.20871078342996	-0.42274472943430	-0.74915092463671	0.57693810528968	1.33316781507230	-1.00000000000000
+-1.41016708346267	1.06067663189189	0.90580412767051	-0.52811227142796	0.36663392261878	0.15807566154835	-1.00619270630252	-0.31948708702489	0.02442515347188	-2.53335553931924	1.00000000000000
+-0.02581457080527	2.70704865598993	-0.52153669005245	0.11121012766050	-0.13814438548584	-0.04149429513107	-0.85882044396900	-1.64524090056366	1.17613223154745	1.20412207130097	1.00000000000000
+0.09529347148437	0.59311380049279	1.47674968404822	-0.65345609336555	-0.64757538215991	0.67958933894664	-1.41248164315494	1.17347887438918	0.54295843342078	0.65798202534226	-1.00000000000000
+-0.30006294171779	-1.15179324693366	-0.81138510563074	0.88989381901551	-0.08291947712878	2.05761073549571	1.49652658507430	-1.09097107329174	-0.74073149356283	0.14271227676719	1.00000000000000
+-0.46275425211948	-0.04432903175770	1.66497393641653	-0.33769150117473	0.52925440488723	0.31864761355953	0.36268771708845	0.09582718655047	1.67946417345216	-0.49802507591776	-1.00000000000000
+1.01419090780113	-0.77841441952557	-3.15485543501200	-1.32964637248338	0.93688746994030	0.92167215704988	0.51458086374879	-0.36266128935095	0.78304274800512	-0.56474432146969	1.00000000000000
+0.85771196450790	-0.94400237411663	0.75779564215855	2.47451027117275	-1.15835853631542	-1.39591006434515	-0.48180035491429	1.14090381871854	0.51084181720263	0.05988267257939	1.00000000000000
+0.51358335210644	0.68821017975280	-0.11910685741327	0.76321511449770	-0.25959385974110	-0.79244165767023	-2.41952566249924	-0.29518898852300	1.10391031195315	-1.35764028127416	1.00000000000000
+0.23126212763450	0.62895080551743	0.15523003318356	0.28565442502881	-1.35082210144459	-1.01529037590708	1.23980891972277	2.59555335143981	0.44274522552206	0.77119571269846	1.00000000000000
+0.35977474149005	1.83172573025307	2.36687552371798	-1.12364397782886	-0.75469620077844	-0.59296677088796	-0.31428281676901	-1.44239329255344	0.80625903464067	0.15388864062399	1.00000000000000
+0.78715366206142	1.13314388796771	0.05430447300370	0.42906167933660	-0.26990956118730	0.73612352420609	0.59857129099037	-1.05640537409433	-0.97512426630656	-0.85853738521069	-1.00000000000000
+0.32734401635781	-1.05222715266402	0.33829739695579	1.52707136654364	-1.34486915339366	-0.75534611186007	-0.10837650387079	0.93055127127519	0.98173144373490	-2.07237169666166	1.00000000000000
+-2.36677371319248	-1.33759264150955	-0.96412665872474	-0.35883314210201	1.32906761661934	-0.19143600985914	-1.20298366056727	1.82380195138912	-2.40428023204900	-0.72775152640493	1.00000000000000
+-1.14284551839781	-1.02779452591267	0.38805734138147	-0.19129380833634	0.89267905339483	0.17796587076353	-0.09547222223878	-0.92714878446781	0.22952134536364	-0.60069126300429	-1.00000000000000
+0.31090327595191	-1.52488828384964	-1.14067402053672	0.46657347676585	0.19152009753284	0.50024261209155	-0.71617993696045	1.68230678824485	-0.82933692699810	-1.28868489934837	1.00000000000000
+1.54774715674293	-0.17348160271169	0.41411643230009	1.31686432695950	0.36379318976710	-0.79705735442360	1.00830826739325	-0.78751666065347	-0.68762771569609	0.05576464971473	-1.00000000000000
+-0.07798554170419	-0.61086201477955	1.02449491132123	0.36171821099771	-0.72915393359987	-1.02891303498393	1.12744081020495	0.91681238119854	-1.41112765048490	0.48857774673958	-1.00000000000000
+1.43569677648661	1.03603098422311	1.13694458308554	0.62224746278456	-1.08360537625165	-0.33191590679677	-2.09760214525979	1.43478033355993	0.36881394843998	-0.51355678983876	1.00000000000000
+0.83399199417820	-0.07044927547247	0.44383190904545	-1.11293406586913	1.10150611932430	-0.21770147500934	-1.22032961242858	-0.55180079592032	3.08205409865101	-0.10469852030469	1.00000000000000
+0.32225342256471	-1.25086969540232	-0.84789707920181	2.52715549785261	-1.00892114377608	-0.40853654456282	2.50368704665665	-0.22171279414194	1.18875610586895	2.55721886298822	1.00000000000000
+-1.27908769870528	0.38180338150797	-0.00783973112121	-0.29881139908699	-0.01283036240792	-0.62888574390057	-0.21808410840254	-0.25157433363492	-1.97872528565260	0.64761446278276	-1.00000000000000
+-0.68867640270749	-0.42384821600955	-0.08167776110581	-0.57765746331666	-0.54005995085075	-1.20388677084881	0.26105682052871	0.68286780379854	-0.80890548291492	1.01961407034754	-1.00000000000000
+1.41734330537277	1.19181640947638	-0.53072189781872	0.16560298289967	-0.16992700696503	0.15613259904039	-0.27072982585053	-0.50807127847838	-0.09301058224585	-1.47396435868837	-1.00000000000000
+-0.13712058701368	-0.01077255382967	0.98875426232012	0.75086893805074	1.21878890702018	-0.66526124940811	0.34996413807199	0.92594497962485	1.18886673664164	-2.22094928412043	1.00000000000000
+1.87738902593674	-0.13957352938281	0.13530539521639	-0.59224673261421	0.74266186659335	-0.20249158557845	-0.49903970494066	0.43373700783323	-0.05003770324188	-0.18097848934177	-1.00000000000000
+-1.81877974534360	-1.73972979775187	-0.06884886295164	0.42872777499593	-0.87944344760399	-1.08541299999526	-0.41409181447869	-0.20684975991696	-0.09298927591360	-0.95784544453596	1.00000000000000
+0.00846081914213	0.43745712655642	-0.05909573022818	0.34010766580272	-1.17448482249060	1.36105917832917	-0.32322523491419	0.14096377106205	-1.25023527707756	-1.43835166492667	-1.00000000000000
+0.04211979906426	-0.54182237532533	0.09918058797973	-1.61972040841053	-0.69638202516784	-0.13452349717768	0.72913081090140	0.41811387567786	0.18540549923579	0.31012377513492	-1.00000000000000
+1.79332447308676	-1.03292209815478	-1.49658409540007	-1.36469180333678	-0.45547263329617	3.32881550071624	0.75133034199179	1.21686849729604	-0.72763714316401	-0.61381085353973	1.00000000000000
+0.33701020868016	0.81400811340140	-1.68546381721354	-0.76364005681271	0.72870442478749	0.37528584228928	1.57003274090459	0.61296035997176	0.98910525734830	-2.13074567141489	1.00000000000000
+-1.74911033217105	-0.56639482186246	-0.62554609734068	-0.54766495619416	0.73415595027796	1.06596720429859	-0.74314735110612	0.70052367857312	-0.10215389337872	-0.63887990549253	-1.00000000000000
+0.30941356163365	0.29244005410923	-0.71036108023158	-0.12709686340935	1.73698634285198	-0.18895826898456	0.71446407896957	0.11814303388981	1.00353590886886	-1.06509700861027	-1.00000000000000
+0.05202273448071	0.69472497863845	-2.20459758372543	1.51069115443475	0.93611778854560	1.16006550828556	0.95518695094706	-0.36740455890546	0.51683331741196	0.04931649570777	1.00000000000000
+-0.00287531162815	-0.92027860747385	0.10823525600203	1.39783573899523	-0.72018389011117	-2.29842747032650	-1.84723834334792	-0.73913703781930	-0.02846794507457	0.69536666246259	1.00000000000000
+-1.17569692235661	1.12855467632079	-0.47785153707520	1.07821253678444	-0.36872912357335	-0.40602818980297	0.32351729915706	-1.40700591076031	0.08130853557692	0.87478526422833	-1.00000000000000
+1.74534504354158	0.42986970911683	-1.55285715221205	-2.08263958436437	1.83592349852269	-0.24498793755543	-0.52200073927561	-1.44861002221805	0.52602993619615	-0.24549816259880	1.00000000000000
+1.51306608853921	0.69727235131708	-1.72204711042125	-0.48150589834233	0.82506968174276	0.30193530861434	-0.85139026519348	-0.53631492296151	0.48911719423194	-0.86893294599437	-1.00000000000000
+0.50523406728770	0.09666275322051	-1.34072062921645	-0.67758315171995	1.28407788262761	1.85553386503721	-0.58713121995872	0.88351068785851	-0.13094817261896	-1.52581364542650	1.00000000000000
+-0.65483130801450	0.09150091978426	-0.48429991287863	-1.10649495486648	-1.10788023539282	0.42772664435759	-0.02578768526306	-0.28336037498935	0.86417115317347	-0.19477369920851	-1.00000000000000
+-0.60554732065093	0.89594856469411	-0.02261803798664	-1.76609746469388	-1.05933619032202	0.33326059899591	0.56409114583746	-0.20294181917928	0.03345470552719	-0.45294838997046	-1.00000000000000
+1.08262252772573	-1.06838103559818	-0.27113910323189	1.60105206641579	0.67785293339284	0.78422386003469	0.78941288203118	-2.65685880952375	-1.21630016061504	0.61048547665866	1.00000000000000
+-0.33666832259072	-0.23184867079345	0.78500398182824	2.86555234270160	1.49422782248075	0.65910904641606	0.80642795966170	2.93767914975454	-1.67524617171234	-1.35599401510895	1.00000000000000
+-1.15061938819876	0.50774364689483	0.04923847444465	1.58771241325172	-0.31039877795375	0.53227234935236	1.67786344033425	-1.60624251706702	0.09741253068994	2.46678878937295	1.00000000000000
+0.00321401892773	0.13221573018822	-0.57216354341787	-0.97149605109368	-0.80010010089038	-0.50532752798970	-1.41729138112117	-0.64204964338823	-1.93391526280968	0.28849794202806	-1.00000000000000
+0.34938290786249	-1.43677635606306	-1.38722809293735	-1.43458212161056	1.87948280919056	0.67973420054478	1.72761944388899	0.56972187409178	-1.42141115426123	0.76323574311235	1.00000000000000
+2.03424537911997	-0.68184084434902	-1.37575810386917	0.24773581538337	1.12601516082749	-0.32789747347029	1.09086057079386	-0.60751836326887	0.34628206643018	-0.31508251949829	1.00000000000000
+0.12334982783537	-0.29594737661954	-0.42937894391394	1.10490886583830	0.80585359145409	2.91184113300100	-1.73760765407532	1.32375401103930	-0.11335572182791	0.26010192687472	1.00000000000000
+-0.08276312249578	1.13900062342803	-1.43198312231907	1.60317970440534	2.57860303804065	-1.52859125540467	1.36994099260364	0.78600649328244	0.56594095076209	-0.03782253459181	1.00000000000000
+-0.93130806251900	0.11701414126761	0.93048352932007	-0.79597936993786	-0.47269289832083	-1.61752839534479	0.03025910505003	-0.59487842764607	0.77911273078789	0.98080487875595	-1.00000000000000
+0.89443720113738	0.57306079513806	0.52365130828943	2.19397423627596	-0.84771028724510	-0.24479930196742	0.54607846388418	1.90863378443978	1.60044120997704	1.42344973654823	1.00000000000000
+-0.98505579395989	-1.17098939693870	-0.76064698338080	1.20133378439796	0.16822680700444	-0.06614494475774	-0.91063257072670	0.33806678758509	0.72302180870287	1.65395945482261	-1.00000000000000
+-0.14494732986595	-0.94195414802163	-1.31477829130482	0.41733765571031	0.42813761686687	1.70682737065580	0.35831042151437	-1.30224179955320	-0.84673935045419	0.14525485795339	-1.00000000000000
+0.80703140001693	1.05874623977290	0.55659210226219	-0.15408854415344	-0.45159584421239	-0.51249157397096	-0.11152020669971	-0.40056394717959	-0.84744698293643	1.63296683505926	-1.00000000000000
+0.27286525244055	1.16858559948818	-1.51205691245071	-0.94684861303769	1.38330070493532	1.17554963452134	0.31354620509095	-0.24390046806499	-1.21795133151220	0.67318423749767	1.00000000000000
+0.46499748404006	1.25197880885085	-0.31983664268733	0.67930470137304	-0.64467220342351	2.27297022411912	0.75411535751041	0.06948389292335	1.37130343798503	0.27971714148013	1.00000000000000
+-0.20703359295947	0.82219829637625	1.47743888656527	0.01589027813001	0.70289654988262	1.19343338529258	0.52389550706214	-1.08450916825226	-0.64990539038522	-0.09792074654112	-1.00000000000000
+0.04337738030812	-0.84537323452587	0.47050859686492	0.90872181500253	0.37839289456219	-0.52365258255010	0.93768175210684	0.65384557134721	0.52958318432630	-0.14500518217453	-1.00000000000000
+2.84676352289846	0.25122297734133	-0.57454654781195	0.67581268205452	-1.79276610809329	-0.82623629849318	0.53351424245379	0.96172511454967	-0.77274925522356	-1.20908154799963	1.00000000000000
+-1.10340134583989	1.32528045959359	1.23950905769474	0.71982643385037	1.65330441805083	-0.15968244247252	0.18152152084079	0.47588022901833	-0.41933528725851	0.10739723021964	-1.00000000000000
+-0.26674933493851	0.18181823354106	1.27026254985983	-0.25648765405628	-1.70594715902813	-0.27651427454904	-0.58050016993026	-0.21175638456946	-0.27382900691797	2.57095298133636	1.00000000000000
+-0.01351919759531	-0.06071415581122	-1.42068982663977	0.18948199442327	0.26808888722267	-0.91541725005069	-0.25173651999612	1.37667058111616	-1.34853428354086	0.29624173133777	-1.00000000000000
+-1.83254760057855	-0.09261546817368	-0.49173607598418	-0.20216390297594	-0.07985741634441	0.03103117249022	-1.88143440227851	1.81517425056046	0.46061845674942	-1.06386602302697	1.00000000000000
+-0.03075930944873	-0.29998758901919	0.33644910157808	0.85958923585756	1.02687362557255	1.68262180653847	0.54693305740198	1.49744752110361	0.74892371841637	-0.22238113823683	-1.00000000000000
+0.28951101097433	1.29362898640494	0.65166459366998	0.46428588359327	0.18796406200576	-0.04153837983124	0.68395748572676	-1.11659315115625	0.77840914897214	-0.08703773681078	-1.00000000000000
+-0.68737205033169	-0.50371223594291	0.07275596205989	0.04443189006007	-0.23560740248688	0.51199962601785	1.34187787471443	0.48546955549395	-0.33695943302304	-0.14773294988091	-1.00000000000000
+-0.95820213480367	1.23300416049616	0.79670934018840	0.12533740277924	0.95199266069043	0.83250982197416	-0.45245025751471	0.65876465772368	0.25733443739072	0.11785219613655	-1.00000000000000
+-1.20214047377007	-1.66359261911922	1.34578237359911	0.66627671324511	1.03031907425102	0.09550779047725	0.74473554533324	-1.55957475384305	1.08668126511875	-0.37454878042936	1.00000000000000
+0.11329567978752	0.07042331734061	-0.40740541549341	-1.11508770877450	1.35433857674087	-0.76531670952384	-0.08058879151655	-1.05065049719715	-0.72148430254037	0.89433999673965	-1.00000000000000
+-0.97361131443405	0.40885824814703	0.32974697217267	-0.42738024218102	-1.20876921864059	0.35196838959281	0.80511091207958	-0.05854932329131	-1.78505350827815	0.52472884353773	-1.00000000000000
+0.25820778905963	-1.30668469553047	-0.78334755613049	-0.12543422541991	-0.04854306835076	-0.38926778928541	0.17569993547638	-0.28464017130953	-0.73693176008352	0.36717453637464	-1.00000000000000
+-1.19097486179910	-1.72262270787906	0.13519358864613	-0.25866838907887	-1.69460499696675	1.54590511972876	0.01965998904669	-1.26622271358324	-0.69547963808819	1.18066743037652	1.00000000000000
+0.71713225094271	0.97761651923652	1.34836804160135	1.49516615522071	1.49980901124229	-0.73297880456159	-0.87143348138576	-1.02290543701946	0.79728286514514	0.10669018324860	1.00000000000000
+-0.05354887967633	2.69531244262971	-1.34441658683898	-1.55957220714396	-1.41676167194328	-0.02720968918461	-0.95487454641004	-0.65656812238784	-0.79526497771385	0.30673840815626	1.00000000000000
+0.72851646005225	0.32493785952437	0.37251849148697	1.21823671245938	-0.87852397456905	0.31784853721345	-0.33747779427818	0.11886034000422	0.08134757115099	0.29294830334189	-1.00000000000000
+0.82425258380227	-0.00950161562746	-0.31513737033340	-0.10563184022115	-2.91169646529884	0.03103544950535	-0.52267962888743	0.00586577768045	-0.47763599053118	0.24351590416276	1.00000000000000
+-0.53589197189963	-0.89965440560018	0.51608448778806	-1.68619788224277	2.32222746889935	-1.76117998315425	-0.48032287560961	-0.11094838419436	-1.39023155775611	0.27809980290372	1.00000000000000
+-1.25885286851075	1.52950522871659	1.41691892463372	0.81651463198220	-0.04425550461304	1.13771065380986	-1.06548575728011	-1.26419690938331	-0.30909665534268	1.73414588784436	1.00000000000000
+-0.21775298848191	1.33456228808344	0.26918425239703	0.13498393904748	-0.49661193780233	0.30443005549611	0.12271562284154	1.20100598673284	0.09541308532405	1.00169046916628	-1.00000000000000
+-0.36042010153028	2.02277679111831	0.94322630890877	-1.47247155763461	-1.36079964399538	-1.03472691506300	0.10534961328919	0.25423523876421	-0.08315987360483	-0.37483960039486	1.00000000000000
+-0.64425603799552	-1.51941407824399	0.76011844456054	0.83723743351103	-1.17222806252202	0.47830311673659	-0.55399949620968	1.10284251889504	2.82313058961287	0.21701252741605	1.00000000000000
+1.43581873273597	0.32189651732206	-0.31724938206048	0.12673048167101	-0.21049741160016	0.37582061573203	-1.00958279477515	-0.78441532318645	-0.21043273580645	-0.99652710409863	-1.00000000000000
+0.57522973729245	-0.39354381533051	0.70169950309143	0.78072216978463	1.34733751721926	-0.96089385457404	1.19219769629873	-0.11453574834177	1.33693592291874	-0.02037994046704	-1.00000000000000
+-0.22608312848090	0.06261543918336	0.39434017585317	0.65861092927129	1.20493342872959	-1.42302446132736	0.28576349925097	0.84876424633787	-0.97961572580126	-1.77012429502851	-1.00000000000000
+-2.17293035618685	0.97121558572996	0.14413025721007	-1.84575741847141	1.10900344052438	1.53627734464558	0.23663190521069	1.91570206284552	0.54463316374306	-0.11048126254476	1.00000000000000
+0.47800516746030	-0.20329405741068	-0.16500059617422	0.63176610165834	-1.36933851807035	2.18891449713172	-0.46730030632931	-0.24395248373997	-0.53370956697084	0.66088928613555	-1.00000000000000
+-0.39253316343761	0.95833101207350	0.01316750782958	-0.27041733579322	0.22962787653731	-1.22727528955254	-1.71651760798286	-0.68846986216625	0.20355835391841	-0.75778950398932	-1.00000000000000
+-0.22291860332676	-0.53192261767683	-0.44029165206471	-0.23953907553942	2.24885320735697	0.67349081138139	0.18647192495918	0.06285093148886	0.12938975187717	-0.51834243370365	-1.00000000000000
+1.07077841476178	-0.99127172115410	1.46795964523049	0.56410405223877	-0.74776117174531	0.22643598493764	0.44347492402115	-0.42151313136820	-0.24019423561832	0.35201775344662	-1.00000000000000
+-0.37066787552582	0.56680969791432	-0.63902916298399	-0.91011172494090	-0.35307550818609	-0.74741806722722	-1.23664907239225	0.74014023479407	-0.21856283274997	0.79412029885305	-1.00000000000000
+0.63955869355366	0.34315368893572	0.24927020897139	0.15495066370715	-0.77721243372623	0.26741591532906	-0.74651429462939	1.65393025549337	0.69016640714478	-0.41713322246262	-1.00000000000000
+0.90435695238882	2.18086326779632	0.51969510958352	-0.19630901929842	-0.14633679069870	1.15401249517939	-0.93281840942171	0.82529447549929	0.53301230693841	-1.62977968183779	1.00000000000000
+-0.66729868272211	1.07676176909771	0.28497288718879	0.67957312901180	-0.90210318225659	-1.07934547226468	1.23468379160361	0.32060757729432	1.96480721866514	1.42665650409180	1.00000000000000
+-0.54741000278638	1.44424264830221	1.30712517885996	1.98008295773848	-0.51019644061947	1.33726334419410	0.03065323166592	0.92017077003922	-0.52400759846852	-0.61183653986847	1.00000000000000
+1.23813333414546	-1.14062744100160	0.05980929733092	0.34750706916678	-0.30453389717989	-0.43439527772786	-0.63445100182329	-0.18744462903776	1.18917316548901	0.38269921616728	-1.00000000000000
+-1.19598808415419	-0.74248442386720	0.13253930726162	1.69328780402033	-1.50432460586979	-0.33520277573027	1.42206936724877	-0.53586843805212	0.17171622902747	0.18300862652752	1.00000000000000
+0.94357218691709	-1.34948817506887	-0.63180813794409	1.29934110332660	0.14470470591327	0.32806571935145	-0.83067961546137	0.11959579574780	0.22418951223600	-0.96488274959385	-1.00000000000000
+-0.01437345669918	2.08912860553411	0.65473887967249	0.11249445320016	0.17371192101566	-0.28374668587529	-0.83989549325596	0.75419881809973	-2.30910279788021	1.74125181485023	1.00000000000000
+-0.16672086733610	0.73964133586319	-1.27098701538991	-0.55636664221131	0.89100921645140	1.31660876267828	-0.88232448739891	-1.69578769782380	-0.42084947871697	0.70737593466687	1.00000000000000
+-1.24758721841297	0.44120656994312	1.93239419756421	-1.16503885448311	-1.07042196376102	-0.99674691034084	-0.92694807570137	-1.71743613376282	0.72456483962825	-1.80042920486545	1.00000000000000
+0.39589458127175	1.69564341209966	0.43889271410176	-0.26640640144299	0.29149934783422	-0.73256889349121	-2.23201034101704	-1.88525148887281	-1.11042975492583	-0.17270487936324	1.00000000000000
+0.85364717357529	-1.22025335486014	-0.95148255730146	-1.24776461887785	0.85684536510658	0.34211881252050	1.05944143601781	0.12741428059741	-1.43345957566134	1.05803819793248	1.00000000000000
+-1.59136791333139	1.18779759802199	-0.12612462155025	0.65078255950991	1.23101296232239	-1.30033417947411	0.96712474075750	-0.33355717967160	1.94795046009782	1.24505767918608	1.00000000000000
+-0.85075750749425	-1.00386500572029	-1.46701716560486	0.48590192008531	1.58690871270747	-1.17730780031709	0.46905839390425	0.12018037531535	-0.83061058753636	-0.78460509061145	1.00000000000000
+1.02104891673478	1.39609730094788	0.51461421457043	-0.03445193076774	0.59929645015757	-1.30458088247770	0.56836126453539	-0.04624444689687	-1.51902344391079	-1.08947970790135	-1.00000000000000
+-0.02722705418764	-1.36414585627495	0.50656901223751	1.20765647527786	-0.13823320636842	1.97557744801283	-2.04972667345869	-0.56296997843240	0.41344042574721	-0.79849310866524	1.00000000000000
+-1.11237262886744	0.92508970940628	-0.06175897663791	1.37350770116021	1.83313350780235	1.58606555258571	-1.12964592673850	-0.43383699367690	-1.12161135572605	0.68162167524604	1.00000000000000
+-1.10375607508747	-0.48601968466357	-0.11684732495107	-0.61782026688567	-1.08473085811949	-0.55433519064815	-0.84265050814619	-2.54751979683853	0.15893519089450	0.48268584667243	1.00000000000000
+-1.75230924121139	-0.58382074258170	0.15425094023806	1.17233951016913	-1.08494961893382	1.61638775807215	-1.16112553326501	-0.16188800948396	0.21867265567754	-0.59196150646947	1.00000000000000
+-1.23007652014938	-0.55428641262515	-0.41238064900432	0.23087697038405	-1.53385217658763	1.12686112381606	1.11457464323868	-1.14886982866151	-0.41953935589671	-0.32255874734258	-1.00000000000000
+0.73768471013191	0.68328074428923	1.24199828615201	-0.62697852561267	-0.82932879008119	-1.60908647582401	-0.22016968358001	0.12165808032612	0.96436677667305	-0.74090942152481	-1.00000000000000
+-0.16972620495433	-0.24979869702852	-0.88867825661803	0.07821312312638	-0.96141412661299	0.01210470977896	-0.73607278878555	-0.44132951215314	0.00122643628192	-0.47875131349273	-1.00000000000000
+1.85280806216410	2.41332526937398	-1.06399624756700	-0.79676250643498	-1.12460119189781	0.14415963369630	1.01490302595694	1.20134384352460	-0.75574261548242	-1.78464414859606	1.00000000000000
+1.77483585587369	-1.28142909906849	1.69807794206676	0.94033975897830	-1.08860550794073	0.69952304013830	-1.54947931862295	0.39702797072342	0.56488395465775	0.52129724128697	1.00000000000000
+-1.15748558225742	-0.22010272206170	1.42621304364677	0.48086277676392	0.72503044644577	-0.83079880669445	2.12241703492543	1.91401863664002	0.36308424525201	1.16854495350534	1.00000000000000
+-0.36578041196376	-0.16953592789089	-0.84224133398978	0.74678942619569	1.58135413211121	0.99350702584054	-1.00606345311257	-0.96621891225375	1.46771228791408	0.12012077267488	-1.00000000000000
+-0.26953400139656	0.76528571600369	3.25142572417080	-0.02702766842910	1.16480588673496	-0.01419578690821	0.05055929466547	0.01040988925825	2.14411958877783	-1.12359242911663	1.00000000000000
+0.91817622630845	0.27096053894602	0.75358785675735	0.12091494023496	-0.48743391953508	-0.76387020273588	-0.57773440081635	-1.09178687955112	1.37750445317139	-2.35316834351151	1.00000000000000
+-1.79397436213485	-0.40651462953089	0.62440781242717	0.42916914735179	1.67178051588016	0.10447043004993	0.07510016387046	-0.62178102014737	-1.37705752763203	0.32296987803430	-1.00000000000000
+1.79751558133416	0.74145356740250	1.14147682177326	-0.30119813544920	-0.33237972526927	-0.47623546597972	-1.79641369563489	1.57617174011718	0.01831393472194	0.40605714073929	1.00000000000000
+1.21060793624317	-0.29891654505346	-0.27821317213258	1.71012126419582	-2.42411029407221	0.71660348856537	-0.27805058713287	0.13993864124535	-1.35087410311998	0.37404764156346	1.00000000000000
+0.03658150932475	-1.33877789440162	-0.14102237590562	0.49304194521043	1.16719665770908	-0.24129728061160	0.80235121888710	-0.06437565805651	0.22909061865093	0.66822289137037	-1.00000000000000
+-1.66008390516650	-0.64827719968434	-0.78280429979696	-0.64834543488314	0.74488430672102	-0.68057872271489	0.22334491154642	0.62841507265248	-0.91896281833524	0.64391825007829	-1.00000000000000
+0.01036413484181	0.17765897130168	0.82401180582467	1.22509085158326	0.50513718703931	1.61309914291476	-0.08224257609782	0.40718415721827	0.97021522961677	0.49960400077459	-1.00000000000000
+0.04472074212911	-1.01559071666608	-1.45648740376801	-1.95081255277251	-0.99314613532240	-2.67011021917419	-0.49930803505688	0.46332592901468	-0.32773541523330	0.51978508171623	1.00000000000000
+-0.08878618187915	0.24654195421673	0.93528106510117	-0.25959155601601	-0.33815265330023	0.24875669966163	1.21773160309706	0.90253438573100	1.71034888414172	0.74147862016854	-1.00000000000000
+-0.65908167308234	-0.48754599289137	0.47299707137493	1.13557171017623	0.26023286457812	-0.16898326974422	0.34151404350593	1.23992620837532	-0.79181853139694	0.69716942461278	-1.00000000000000
+0.24264652889958	-0.96050470321893	1.22851809326659	0.39018252973730	-1.33720229393603	-1.11996577109280	0.11319921976865	0.99538700940606	0.29641157089898	-0.51697140840717	-1.00000000000000
+0.68025816613592	3.87865831845271	0.51750307389520	0.20170059841060	2.47051557073227	0.34701926229516	0.81508773523542	2.04447796299895	0.08524354613332	0.42455817804413	1.00000000000000
+0.33291652775790	-0.83816311565883	-0.03602112868396	1.17679653882179	-0.26434007486862	-2.06126022338328	1.15889629237462	0.52396643537065	-0.05047672567283	1.71227527039762	1.00000000000000
+0.69042080612297	-0.05988937491446	0.15570871384341	-0.47538395491541	-0.95218749266721	0.63941502199133	0.46493247830447	-1.44392538332801	-1.04647686489983	1.00513743702716	-1.00000000000000
+0.80876701879101	-0.74317211414742	0.13232951915333	0.12908781943077	0.43367179243095	0.97851606780337	0.57330340959604	0.03025395199791	-0.43039905361327	-1.36098109686533	-1.00000000000000
+-0.16491791721990	-1.47447973023662	1.23983339524637	0.30648228922859	0.26211795142172	2.12557715934320	-1.02219418243866	-0.10325658534861	-1.86669047692125	-0.87594672913963	1.00000000000000
+-0.14945955211540	0.52559506892103	1.50989678130108	0.87523706105908	0.54892820805182	0.71930806528784	-0.18344795720040	-1.59798427606973	-2.47112393082031	-0.19069570398904	1.00000000000000
+0.15175473715297	0.75051401180464	-1.07238564783817	-0.01687904429399	-0.12576815008643	0.57222592632768	-1.45208023546763	-0.89750403211890	-0.72370394041976	-0.92376196600757	-1.00000000000000
+-0.47817404592367	-0.22436549197207	1.14626024576870	-0.13045172630113	1.09176072284783	0.05251827640291	1.05960327484434	-0.04996582172982	-0.25539647536266	-0.05274528054859	-1.00000000000000
+-0.65410179249666	0.29815963006963	-0.81527211608108	-0.64727084231522	0.37097730358067	-0.92006541480529	0.40010759804888	-1.58636331994757	0.70917402243600	1.44123544595153	-1.00000000000000
+-0.67056653823878	-1.61617424123075	-1.70267855166797	0.71535252027761	0.54668783876918	2.77136475133633	1.13600085725153	-0.12067159949521	-0.34492623814618	0.81033456831640	1.00000000000000
+-0.35965416890307	1.59677776897286	0.04537704679717	0.36083120264713	-0.20435807604508	-2.16713867847114	-0.19680049212248	1.26635773561651	-0.83343968516573	2.44044213876248	1.00000000000000
+-0.38619076652228	0.70500009017855	-0.69696848918577	-0.70078613012771	-0.53962258666770	0.73314845809548	-0.11260342979477	0.46123653744331	1.27200071438586	0.16018570590824	-1.00000000000000
+0.19370397268412	1.19702250778225	-1.63179502783187	-1.15188991076336	0.93328576695227	-1.64241220792345	1.57003167969414	0.48807286506254	-2.39021066428293	-1.12556448800399	1.00000000000000
+0.03138423148875	1.39188244024741	-0.00449119541572	0.76824644110095	1.47365945487767	-0.30844492384020	-0.22057884099508	0.42195167962746	0.13822087527644	1.67601464888195	-1.00000000000000
+-0.01644980139592	0.26223765745970	0.86108246305103	0.93930628413312	0.41435298976754	3.01392185165702	0.88012880093609	-0.13726283048827	0.63927998503582	-0.00825920927532	1.00000000000000
+0.16360188700443	-1.32695556889859	-0.06110319888114	-0.20872975317320	-1.09675984119527	-1.12226771191416	0.57112755956456	-0.74496853207840	0.88226987602331	1.19074049150222	-1.00000000000000
+-0.31859103668814	0.30067749756721	1.14528162425053	0.33204358910533	-1.25846736103351	0.52463440151833	1.38659756778183	-1.24687277550359	0.88900131048807	2.30419327003816	1.00000000000000
+0.25412562818193	1.42841052601231	0.15236877100696	-1.54388059997052	-0.34058832732144	0.25472485312289	0.40939379504489	2.03830177383728	0.06094069103754	1.10097039170115	1.00000000000000
+1.50540823591079	-1.76428508767372	-0.15098736497917	-0.44521778025814	-0.17261230675555	-0.22783153088932	-2.02951114761595	-0.06311948253063	-0.59720660896974	-0.25578220838204	1.00000000000000
+-0.38496255235652	-0.24051318468820	1.48935429960559	1.50925920842022	1.00128239524213	0.12948691885672	0.25044369254960	0.12873095231153	0.42767230343044	2.46158357741959	1.00000000000000
+0.76988493418593	0.92106137728903	-1.22155788604206	0.40593439485960	-0.89961183674720	2.01713177606115	1.29144166712056	-0.19879755599445	-1.73876635793597	0.67338764421107	1.00000000000000
+1.00800840413680	-2.44575781664861	0.60186155175222	0.70261994081669	0.35186858011202	-1.12675086968312	-0.49652632515691	-0.05801985537644	0.26518871246083	-1.39678222523467	1.00000000000000
+-0.15491002848190	-0.74133393985193	-1.20734218673683	-0.10880782565545	-0.53437245677806	1.16146581642837	-0.93232126876118	-0.10177322015139	0.30833955591648	-0.69935136560532	-1.00000000000000
+-1.15298392676790	0.41045452377120	0.91892113981217	-0.70756691880324	0.58712250258437	1.02970509859899	-0.83389032825408	-1.93283418453009	-2.43490698327475	0.20473976711339	1.00000000000000
+-0.04783215818596	-0.79937618198704	-0.11870547856051	-1.60737187440457	0.57816129232878	-0.45269177736257	-1.07796673479554	0.45489373780100	0.35888801203183	-1.69804799034899	-1.00000000000000
+-0.20774682536557	-0.28289139617044	-1.36959538021718	-0.18333709809605	0.15837148028677	0.37243802383323	0.13974105516365	1.77119090202584	-0.89632302501477	0.10457413014923	-1.00000000000000
+-1.46568142799645	-0.75758028028035	1.22189359702340	-1.29387715687643	0.45085950258938	-0.52184844387590	-1.47308166573422	-0.18938699620643	-0.31481303165187	0.52431341342098	-1.00000000000000
+0.93068769052897	-2.41769312896522	-1.06092790164906	-0.15770801018149	0.26218547781962	-2.72746858209478	1.53238948226653	1.57434792826177	0.87985219657923	-0.47395914018554	1.00000000000000
+1.06474540382361	-2.76081591437984	-1.16191430302064	0.54692331420260	-1.64883200645413	-0.55997974019794	0.95342196456057	0.73946620165514	0.55113291313363	-0.89637246686873	1.00000000000000
+0.86532238904045	0.25789088027837	-1.19456088415035	1.98363780881555	0.48298807497303	-0.27489263119626	0.48423373830344	-0.85528686265378	-0.08015792013121	-1.28300765323113	-1.00000000000000
+2.48759767258125	0.34840330582537	-0.04107168662100	1.25013671557680	0.38527193701769	1.51668445415541	0.57490617767259	-0.45953273339774	0.29338460297609	1.07793294460503	1.00000000000000
+-0.29804476286056	0.75897989020028	1.05385678810355	-1.49389000258326	-0.08921078295830	-0.08143179055234	0.45624192426403	1.17600288623744	-0.17364271425018	0.63950771702994	-1.00000000000000
+0.04124850105784	1.53887980662581	0.29928016979590	0.47180677000323	-0.17964457863066	-0.46647201807234	1.09976287368880	0.47847937728834	0.03522303608279	-1.98023151177832	-1.00000000000000
+-0.16464599800070	0.22198378930614	0.07124869947090	0.65968878977126	-0.13660987555483	0.18841909733150	-0.34021513442929	-1.32698474384820	0.23379783332742	0.77893863335736	-1.00000000000000
+-0.81023422177267	-3.54320129486854	-1.70802876334279	0.55233953480202	-0.57429553648915	0.59460119657468	-0.12720027165748	0.30423583608033	-2.16737380895442	-0.47071117274764	1.00000000000000
+0.25682354073602	0.44810870452079	0.45982138689634	0.24678090257645	-0.61372110942808	-0.22789729440590	-1.38379356419411	-0.39878744222662	-0.08785504593722	-1.21218725144036	-1.00000000000000
+-0.64301739807688	0.60706670750870	-0.06262764390663	0.96703248555751	-0.25331095336308	0.15012697394615	-0.29411568078017	-0.23135168203848	-0.53552412582293	-1.23651744627462	-1.00000000000000
+1.59357975523328	0.84075294649284	-1.42233171474114	-0.51754039849922	1.50651461226838	-0.50301240660267	-0.19284097735152	-0.37870150260154	-1.29123007597248	1.51694849547731	1.00000000000000
+-0.07204024215938	-1.84120910926494	-1.08691748868470	-0.02384636883256	-1.99331243865560	-1.40907321947724	-0.78373850936288	1.09069433317642	0.62495951484383	-1.25632189674578	1.00000000000000
+0.79000546819001	-0.94904394005127	-0.85445204560676	-0.36044625219776	0.45855351372313	-0.18540543926360	1.37053053598300	-0.91029293605229	-0.88508632517301	-0.19513687080650	-1.00000000000000
+0.36844844753429	-0.20974651048344	-0.00650106319366	-0.33673278785744	-0.38545092357715	-0.10963147588568	0.64098543227894	0.59032849671978	-0.88913844267467	-0.86268059837161	-1.00000000000000
+-1.50273342073042	0.00311565926029	1.24620543337903	0.64699637326243	0.48935326234557	-1.20225079642660	1.03994773699920	1.97907840773686	-0.84179136029187	1.39326160762446	1.00000000000000
+0.00867922395658	-0.79306456509645	-0.56500219134197	1.07647601926971	-1.62353649035196	0.94948668319082	-0.59029575717344	-0.95607504511818	0.22059647419957	-0.54755889683921	-1.00000000000000
+-1.36478133376413	0.37258961827763	-0.57800996389942	0.80036458491736	1.92489497240066	-0.71075673570008	0.83049326546613	-0.47981590281983	-0.41719002909247	0.28655844804293	-1.00000000000000
+0.89697964264145	-2.26032910504346	0.68972423016572	-0.19915811433427	-1.15199366862499	-2.07846684057463	-1.09125189401490	-1.79074609723885	0.51155771037529	0.23822924028986	1.00000000000000
+0.99132482974202	1.04251407743493	0.42594602891851	0.60994551064948	1.31125929654695	-0.23918782397732	0.03961428420198	0.09851078099131	-0.41790026954545	0.04951741311943	-1.00000000000000
+-0.00665402402904	-0.84740328169924	-1.05360724044780	-0.35088758578987	0.13655164418189	0.02856342933943	-0.68068496767649	0.73749495541826	-0.47053765264756	-1.03474524925825	-1.00000000000000
+2.21292294317088	0.15402267475756	0.47784514269042	1.08084903046341	-0.04919752737287	-0.60902085030325	-1.60188444113418	-1.23517146727353	-0.24627247461917	1.51839453514353	1.00000000000000
+-0.43787626467808	0.59643007118134	-0.03027857667080	-1.24628234476518	0.21371922830695	-1.46155990989100	-0.36150526102625	-0.37739770338657	0.72952048192263	-0.20772114312843	-1.00000000000000
+1.38800251954936	0.14430850252285	0.96385486279561	-0.77166166665724	1.01611245387256	0.36100257607420	0.70596027743752	0.71302215059762	0.17416954293189	0.84612062269122	-1.00000000000000
+0.18259841080522	-1.56961676078192	-0.50987980263951	0.00916410851880	0.68583115988763	-0.69010682413083	0.24092267078564	1.69595285977627	1.73856738432755	1.30341333683161	1.00000000000000
+-0.21446667749132	-0.16259827050326	1.14638355612669	-0.83989977361349	0.05306947619358	1.17616177317369	0.52336823938208	0.97301094163926	1.68179456487514	-0.42854954101521	-1.00000000000000
+0.12239234275377	-0.05213424694158	2.95312688509049	1.51061036715357	-0.33582976148911	0.50572102794279	0.10470937041886	0.16274282407641	-0.79410850767848	-1.88262692919286	1.00000000000000
+-0.15279327706867	1.62141894165749	-0.02725481347609	-0.64456458350668	-1.45599496380242	0.73826268520588	-0.08783546641089	0.29376481903792	-0.06697502247682	-0.59867646144327	-1.00000000000000
+0.62766412478451	-1.47141305017849	1.30162143319914	1.51603042939631	0.29347675652785	-0.23117693469760	-0.98980004517754	1.10340266032282	-2.12389158056336	1.03996443602584	1.00000000000000
+-0.96542878104894	-1.24265116194349	-0.52267517123978	-0.13319276624192	1.95054737528044	0.34845805318997	-1.48212977837569	0.12423980276962	1.11273219671266	0.91989722247600	1.00000000000000
+0.30628187943703	0.03746685958416	-0.74619224271830	0.63771514354689	1.42554556879329	0.02696371269139	0.12975555071720	1.30708597584965	-0.12214587062570	-0.46099511028476	-1.00000000000000
+-0.28272786264950	0.67723006496385	0.03555549460947	0.20065539619708	1.09845399013252	0.03652676885815	1.37520696008783	0.90270253046722	-0.99755307462381	-1.48306958007053	-1.00000000000000
+-0.67297817923292	-2.02985797738780	-0.52573909422440	-1.44603869896933	0.44903657232394	-0.44691513895728	-0.29089106100640	-1.02080748091280	1.07416780296541	-0.39633546145204	1.00000000000000
+0.54077624430188	-0.06755359800193	-0.86339273885603	-0.29712750466882	-1.26746644671660	0.45667676718245	0.88888064976731	-1.54342992008864	0.53181565499430	0.23854874856567	-1.00000000000000
+-1.11064023683156	0.55298157187580	0.70533249534384	1.07804395365913	1.28346985703795	-0.13090660731148	0.04288879488969	-0.49092783303184	-0.69979454614114	-0.28348309134345	-1.00000000000000
+0.01788775669474	-0.29271185901995	-0.30667070988198	-0.94829841600363	-1.46840778727332	0.62140723062843	-0.28846257225389	1.25417943676331	-0.02466808983673	-1.69213200949449	-1.00000000000000
+0.50223115654757	-0.63356542815706	-1.35995591124059	0.13517041088145	-1.44178970243670	0.61510204194889	-0.09495556738806	-1.75257891211184	0.57027372370218	1.15280056389470	1.00000000000000
+0.95668703009958	2.12968434409918	-0.34881351586819	-1.76346821212099	-0.24355193191711	-1.50462689007728	-0.09630166790539	0.58460930215410	-0.62033327945161	0.80536419154850	1.00000000000000
+-0.00693531171482	-1.46011378638071	-0.98441303284727	0.37474304220824	-1.18274874774242	0.21267348036327	-0.02645340605269	-0.42638553296395	0.49510594121936	-0.97814891530296	-1.00000000000000
+-0.24748940411232	-0.72731412947458	-0.05621929373876	-1.52409284007757	2.23682369718684	-0.45696105451820	-0.47018934458901	-0.27539383974633	-1.33916455182105	-1.72232201895054	1.00000000000000
+-0.57490782288146	0.82874623575262	0.55140569474217	1.51450461014324	1.31367674308959	0.42914626522487	0.36022809867783	-0.91221358896873	0.41749325185239	0.31419237206186	-1.00000000000000
+0.14776185788042	0.41260209423431	0.60718342550804	0.89385458992342	-0.58008715482243	-0.85120630063268	1.42812895000174	-0.09348059648962	1.11664581550601	0.28592265814077	-1.00000000000000
+0.96611056813349	-0.82195787847611	1.65642262781141	-1.24209394104305	0.00174634856332	-0.03395736067526	0.80148543193627	0.17509658274557	-0.35880458796726	-2.00733757869950	1.00000000000000
+-1.74229151147687	0.88267360839057	-0.44471178048418	0.52942052188589	0.53616029057838	-0.31559465015194	0.08970277527316	-0.49353187412664	-0.41672091187121	-1.78172549358396	-1.00000000000000
+0.11297245255980	-0.74736422337652	-0.17850942990702	1.94951588196697	1.07328832722021	-0.44961589251580	-1.01869712614081	-0.21576298478559	0.00605689375900	0.21446746035131	-1.00000000000000
+0.87156129249909	-0.75736429204001	0.63264308083284	-0.33554183107647	-0.22823724224516	0.47112567239850	-0.37070438899394	2.26903688437176	1.09729660469586	0.79077139730396	-1.00000000000000
+0.42154003292135	0.76557524602173	-0.66928334729062	0.16559502874395	-0.77116711049582	-0.65303802316250	-1.13877286630340	-0.55425638254712	-1.43269473969770	0.53236897069746	-1.00000000000000
+-1.00854461598967	-2.83416465936178	-1.41703072755101	0.50295634001526	0.47011675639498	0.47607533085707	0.19866795354592	0.63619123309308	-1.50885058236622	0.35378074704584	1.00000000000000
+1.03278468435809	1.50830389369457	-1.26649900642411	1.21901972602503	-1.21534838722510	-0.11732516915622	0.35147705466128	-1.71974863211771	-0.26380917990204	-0.96223246123707	1.00000000000000
+-0.90559336001153	0.56297191184406	1.43757144361111	-0.36003620466447	-1.83814382931399	1.61853510876033	0.72263191050432	1.17826845207730	-0.56202870960688	0.04659576173923	1.00000000000000
+-0.04860443487983	-0.78637470127885	-0.19521839363996	-0.61651148449869	-0.52730299978361	1.60715287365621	1.31467709326021	0.07955987375864	0.34535437073642	-2.99373306305883	1.00000000000000
+-1.08350692191144	-0.54373558553558	1.08365047717112	0.86578497634081	-0.61948350155596	2.62238531582669	0.81457922540016	-1.29693131978725	-0.79632565171365	-0.14652657839137	1.00000000000000
+1.03627109791053	2.01552504806986	2.08023555879550	0.33325213892636	0.03832129044167	-0.54497134453901	-0.36978163095194	1.87898494163433	-0.52812972989069	-0.51747211857460	1.00000000000000
+-1.07309962505140	-0.07942490847893	0.92928609694637	1.10300136427937	0.14523101893916	0.10195691816715	0.02612869557816	1.64155972955106	-0.34104077234908	1.18778337442409	-1.00000000000000
+-2.77364657426551	-1.24041224232221	-0.41130948954624	-1.04108058995674	1.06765788987088	0.19533921347279	1.15138425597300	0.27959573925160	1.76024156664215	1.04081894720273	1.00000000000000
+0.07682597495808	1.24803933570552	0.10081798438495	-1.55596117019049	-1.07446037555640	-0.26736600421085	-0.26648524249414	0.17889102494277	-0.54935017460206	1.16503982318261	-1.00000000000000
+0.79467508382322	-1.18080350342582	0.80980527043336	-0.21301954454542	-0.73969027320046	0.06901690118923	-1.53504085459555	-0.67248906907193	-2.26034563192423	2.61137825667758	1.00000000000000
+-0.38441369602105	0.94952556041835	-1.09023809071271	1.07919316830267	0.56035709626108	0.01395313724514	-1.45746399400139	1.70407136310900	-0.52272069066376	-0.70750278885449	1.00000000000000
+1.68467580287616	-1.31980957354383	0.03510373847387	-0.40958851923229	1.31740388929699	-0.18029057125803	0.70217081811854	-0.44974122708636	0.32037686957413	0.07062894676507	-1.00000000000000
+-0.47132597733245	0.34234610164592	-1.39046434925497	0.03029971130221	-0.87129302166597	-2.17199442878295	-0.49267785489640	-0.35999083727762	1.57852831881131	-1.19554380744530	1.00000000000000
+0.62204270532482	-0.12986050831685	0.73676529653403	0.96588699359315	-1.00591778099820	1.11218473606966	0.07262776009380	0.96129069609157	-1.20838102139782	1.31627174630567	-1.00000000000000
+0.32706090966124	0.06912288029301	-0.44631270744800	-1.71647654120616	-2.25378312857443	-0.28614417961612	0.45629770539751	-0.58008918019874	0.66192215690018	-0.49386480819775	1.00000000000000
+0.42345802278201	0.01331130312076	1.93736828165002	-1.06797444931557	0.22445680747954	-0.73542454322969	0.04831037272302	-0.89304914968271	0.19485992909616	1.28861149827658	-1.00000000000000
+0.42749396882587	-0.10571694882729	-0.60905620285636	-0.80756987295629	-2.38939947548754	-0.54963779470842	-0.81052598090939	0.89929060790050	-0.78075312167314	-0.03421349564502	-1.00000000000000
+-0.70381628658322	-0.13383678405200	0.59827405919697	0.08397397132449	1.00415055199280	-0.57708050490440	-0.14929605419560	0.39207320098770	0.15614706948210	-0.04749520614432	-1.00000000000000
+1.83100205338111	-1.51244871631093	-0.58624773308653	-0.10096429525360	-0.98153365874416	-1.82763491257036	0.11772270984290	1.72145207874017	0.52531777535268	-0.25991995083209	1.00000000000000
+-0.35211489151350	-0.04557444262020	0.84049595124013	-1.93342341473397	1.10804132424143	-0.83659857095910	-0.52497655059429	1.57851461530158	0.06257539610104	-1.64282315339726	1.00000000000000
+1.97899155545537	1.88417972362635	-1.26848613700467	0.63214606486658	-0.68114134852378	-0.56472418256795	-2.58189812305980	-0.04798729255976	-0.17421790561674	-0.27894590528006	1.00000000000000
+-0.28273863827552	-0.37372205182597	-0.14224928525832	-1.06546245448611	0.84026508658405	-0.92188262943599	0.39525786781189	1.11786623031942	0.46569589863517	1.01985844548307	-1.00000000000000
+-0.63333364509233	-0.73244736990931	0.17218478850100	-1.43239995817458	0.39360920498426	2.38916256133377	-0.81301661575145	0.02188955602771	-0.18572710996571	0.17104657997338	1.00000000000000
+-1.23075890525078	-2.02983857070757	0.40210057572383	-0.23449267752942	1.73786659491166	0.34833084006746	2.43546110164963	-0.80399451347324	-1.27138491446601	-0.09117967535201	1.00000000000000
+0.54994805281796	1.18441644313582	0.42618335326713	1.39779638590845	0.91087623997056	0.53295334838388	1.15939607612501	-0.02628522755235	0.83865613462120	0.51377589070791	-1.00000000000000
+-0.71197492267373	-0.45029368075212	-2.00845261963115	0.04350692981789	1.18398132690753	-1.24975253011067	-0.72076942671721	0.53331846256396	-0.32465074914761	0.77585473372411	-1.00000000000000
+0.17796959919202	-0.58627320844492	0.37869325227863	0.01693471635224	0.13711539915042	0.10277784848958	-0.13716530561868	-1.24258910374599	1.06092937718694	-1.67419603348730	-1.00000000000000
+1.23291538318656	-0.52423720689951	-2.36609717273995	-0.00191008473477	-0.07999559026532	1.17220826932821	0.77145124326965	-0.12644985522715	0.93660442478216	1.32776304539757	1.00000000000000
+-1.22811925540293	0.42243552681431	-1.26663427504796	0.58398846129433	-1.89327723575971	-0.63290149865935	-0.19031296375415	-0.93457245693047	0.12244267671500	1.92832318523187	1.00000000000000
+-0.08380564845408	2.11772776068129	0.21866383621341	-0.10925231098080	-0.68733976628705	0.85657733964396	-1.36576413550231	1.07344828719941	1.42154855552605	0.14610407605309	1.00000000000000
+0.42418740814823	-2.19387821198544	1.47766859849271	0.35726574350286	-1.37476520380778	-1.51297246750687	1.46706997059242	-1.38072454084784	1.29085505688908	-0.62180848998760	1.00000000000000
+1.65498315542747	0.55190632643508	-0.25965268493996	-0.91759632110950	-0.91759176096019	-1.24526184742130	-0.29834645780686	0.21277302586751	1.42266045925380	0.78057335748084	-1.00000000000000
+-1.46711707111002	-0.23563272295967	1.04188703445796	0.43413033958906	0.24768973544534	1.13097143356842	-1.46615070202620	2.57890019988681	0.06937130949116	0.75516510973980	1.00000000000000
+0.72221519417938	1.40191079521083	1.59298402775817	-1.29284752926526	0.12436000957879	-1.52808146359714	1.80228097284181	-0.51692596179617	2.24546539194300	0.46621599083489	1.00000000000000
+0.79544047816099	0.94307525001477	0.22236856401642	-0.55010566534131	-0.41410329258438	-2.75308520709668	0.39424850664181	-0.18242709875127	1.66175959032807	0.47138796868305	1.00000000000000
+-0.31449060486202	0.39118083118234	-0.67339623513955	0.52924284506054	0.00266704518708	-0.09030278144664	0.07360578401367	-1.37357085685476	-1.11268157317069	-0.03142366645801	-1.00000000000000
+-0.97263505639544	0.70444472666762	-0.94985230211174	-0.76299609124454	1.59058413664382	0.45113395662126	0.77321780488552	-1.49036925336971	-1.05713448567648	-0.94483735913545	1.00000000000000
+-0.06314871148856	0.65871474071458	1.07100623132999	-0.87557856152551	-0.97100642101024	0.20640868782867	-0.24571086503556	0.27255646447845	-1.01918245500749	-0.49921676710066	-1.00000000000000
+-1.33773226185211	-0.42538331115569	-0.97005669581143	-0.58839557445232	0.62367060393346	-0.17561727543588	1.06413707694599	-0.78581709986637	0.55615308631134	-1.16569056735446	-1.00000000000000
+-1.59641872609838	0.68821520987707	-0.45801348322833	-1.43852988331925	-1.23483551592739	-1.30347735945571	0.44125350404410	2.23327109974087	-0.14704846814398	-0.05550270144636	1.00000000000000
+-0.48898088255124	1.50077869434766	-0.72427471244498	0.85066777788245	-1.42970911811820	1.55095086693004	0.34149097720601	-0.84415721582417	-1.20579057175469	-1.02728450394755	1.00000000000000
+-1.32030196988610	0.68150271003676	-0.06000160884182	0.81598290754032	0.89398252157736	-1.80576507630006	0.21827704172893	0.03378556334736	-1.46186989688362	1.08260143299994	1.00000000000000
+0.32266607831823	1.15615917480108	-1.64031218596695	-0.54135133605776	1.40041475781338	-1.44085426772036	-0.19635068462166	-0.63218728216973	-0.54799043188703	-0.42019635225069	1.00000000000000
+-2.09311734570692	2.24408471287780	-0.19818039435399	0.25853822630419	-1.02337585001987	0.27239043075571	1.32564170399701	0.33957751723988	0.12481181788314	-1.45269018236345	1.00000000000000
+-0.06890684366631	-1.11475874216251	-0.02161270697971	2.19549556589129	-0.02363527117658	-0.80728557367107	-0.33840603394131	-0.34792054759722	1.82053929317403	-0.69754001359870	1.00000000000000
+-1.54554894443827	-2.04083175011333	-2.18967308754218	1.83837573430278	1.48870960657001	0.61191768514572	0.46039059812656	0.17170401359172	-1.21953485738455	0.22715731052209	1.00000000000000
+-0.31340883260303	-0.98996440562135	-0.37837793776804	-0.21641982508292	-1.44776425360810	-0.30835386786976	-0.57406175782505	-0.61413974381052	-0.04030164131177	0.71315382922053	-1.00000000000000
+-2.03357383783137	1.20150819554604	0.77269581003797	0.68144505738012	0.59313002474373	0.22851645497517	-1.19189182152683	-0.69818978825677	0.10573099541766	0.41729874461281	-1.00000000000000
+-0.81412731066529	1.07635328126029	-0.12177509636235	-0.70564414687197	0.68703585944889	1.53687484687234	-0.34081484706727	-0.12689328236210	-1.20708772342442	1.15889557031860	-1.00000000000000
+2.22357328470817	-1.31315225770969	-2.00606175873214	-0.13162526229658	-0.98411306176900	-0.02921959147036	-0.48337391995232	-0.99214401987811	-0.42428288606617	-1.17534521613700	1.00000000000000
+-1.93333830015317	-1.37053464850094	0.09492160324306	-0.53512822143898	-0.36725308922559	0.76671824039851	-1.65725362019388	-1.68343831557664	0.72273497468099	-0.83200411933987	1.00000000000000
+-0.04807711358347	-1.92102183051206	1.75788449987468	0.03504929018234	-0.51388717319572	-0.18267822708323	-0.55864985273203	-0.95230718926818	2.00290392508561	-0.09446810957623	1.00000000000000
+-1.05631683077850	-0.34191165906583	0.09213986141635	0.52602904008907	-0.15683377323488	0.09196874924066	-0.19761082494243	0.88622655730197	0.24364569464342	-0.03000625916924	-1.00000000000000
+-0.00124868798535	0.82924678697736	-1.22730253786119	-0.32140097826779	-0.10383846080049	-0.83382665995379	-0.25251270858248	-0.60864217338872	1.13040849711992	0.01809525062853	-1.00000000000000
+0.70092370724470	0.85516606268442	0.17366603838689	0.90612423365425	-0.14986101495960	1.98299729234783	-0.03988700243320	1.18173706273634	-0.98723989094835	-0.26945569294698	-1.00000000000000
+0.36822213737904	1.40267593037280	-0.10853973771718	2.17668593791173	0.26892379523108	-0.37855820331675	0.00105867067591	1.27291752843607	-0.35237469792792	0.05794161702865	-1.00000000000000
+-0.16793821430456	-0.32144877758518	1.76793041237332	-0.53291081208038	3.47734502423092	-0.98972871596149	-1.37144938718635	-1.17990980578579	-0.87178809519077	-0.10835441193461	1.00000000000000
+-0.16445323010258	1.18257362179429	-1.32593317211590	0.50341560607545	1.54671494728851	-0.36248991861250	-1.80707282548286	0.40413574549261	1.79144462428433	-0.12081034918494	1.00000000000000
+-0.56390534888136	0.45764820213140	-0.84160423997505	0.57524883592008	0.06454198039312	0.38013584931275	0.34870034401682	0.70312962383394	-1.41163419402494	1.02893340767850	-1.00000000000000
+1.61935539767243	-0.97425270913502	0.22765159044491	0.98519796982217	0.96976680033922	0.97047684113328	-1.81778824727430	0.11547286737905	-0.15497306052677	1.61863000733473	1.00000000000000
+0.94562870139737	0.03510251381614	2.47424079667894	0.87296561075744	-1.15703348647621	0.65710362542852	0.49729904375576	-0.08891481126931	1.95179144504087	-0.08057192087978	1.00000000000000
+-0.98551370176155	-0.67758999731196	-1.49132801630513	-0.84959847165356	-0.71175197232942	0.47097887429722	0.45588744290296	1.09554249841546	0.64516153870981	-0.72857754834673	-1.00000000000000
+0.17993573298790	-1.28104438480035	-0.00970481846498	1.17032994961316	-0.36934132259337	-0.43360105666340	-0.45011619635813	-0.34362872378727	0.30298861147290	-1.23745698637934	-1.00000000000000
+0.90530705003588	-1.07669312175229	-0.18501751583739	1.70102686350012	-0.07629124794340	0.04813549352393	0.20513037324613	2.38942429105841	-0.10077279615021	-1.94677855461754	1.00000000000000
+0.08274226045497	-0.82065307285254	0.88086195638709	-0.18984702435225	0.52087416456926	0.64424099408194	-0.51583002633567	1.47072984800767	-0.82406727595871	0.40960098003090	-1.00000000000000
+0.82356369279875	-0.17400851659120	1.67398496287383	0.56152906700514	1.94085478520583	0.23155262488511	0.49098243035188	0.42019252457610	-0.85016658721812	-1.74934157125602	1.00000000000000
+2.31243847171416	0.61620854271291	-1.15715438991603	0.40802821933594	0.60620898053768	1.22254023048500	0.05228537929680	0.81854985922757	-0.47247448435370	0.21955066234551	1.00000000000000
+-0.30440824543906	1.16534939869524	1.00119537664017	-0.13039828748431	1.07017412590396	-0.36848406311399	1.23625209627126	0.86717154909222	-1.41939263893984	-1.07976192357467	-1.00000000000000
+-0.48481577928970	0.19445179813713	-0.03360749844438	-0.52520057256390	-0.26284727375125	-1.22260011416590	0.24503444593874	-2.92956731067065	0.67068679625479	-0.36751029185465	1.00000000000000
+0.18438987878301	-0.74501766126859	0.21845937369497	-0.66373609093293	-0.57769303390869	-1.35000511429701	0.29965604309027	0.54730292791093	-0.74673813359963	0.65533404120841	-1.00000000000000
+-1.16413892835056	-0.49735862872552	0.45159045206261	-0.67399485800111	0.48813639697068	-0.11513379118984	-1.17167783609512	-0.02980743730741	1.43394372394489	-1.45392940301270	-1.00000000000000
+-1.12531255869451	1.23531792967497	-0.30006786685116	1.22941953583744	1.32293540871911	-0.29974373281767	-0.32147592616656	-0.25624324014659	-1.88169756342444	1.96038690470842	1.00000000000000
+1.03076727901697	-0.10875258287161	0.70760659101067	0.16148434942316	-0.31663059009472	0.42317849128579	-0.83041322633815	1.00835081757929	1.85217748858732	-0.12591482384988	-1.00000000000000
+-0.05949493534897	-0.09627872345179	-0.50971746476672	0.08424860739188	0.89565070454454	1.53749237296892	-0.94242245759226	0.19644164993642	-0.34010936618294	-0.23549945247804	-1.00000000000000
+0.85182090549247	-0.31384955511294	-0.94138319520003	0.73797623728177	-1.34086655506444	0.52188598312012	-0.05559558468765	-2.81487126413141	1.02459110023610	0.75057657173958	1.00000000000000
+0.22647637121909	0.24507006788902	1.81914587990268	0.21292569896131	1.43376159413561	0.18620339085934	-0.17999843533150	1.23646375715939	-0.76831085194255	-1.78904773556091	1.00000000000000
+-0.81395915792723	0.88102328044004	-0.71741445840526	1.26602956923253	-0.48978216818440	1.05550537699111	0.01188165531496	0.63322526063598	1.74747050217591	1.49611049760349	1.00000000000000
+1.12106402906062	-1.16529607442504	-1.18788623188040	-0.81835386990979	0.29546683982487	-1.01688483450129	1.08231690090392	-0.96508757026125	-0.57015300798966	0.58541058708942	-1.00000000000000
+-1.50519172474006	-0.53217168313264	-0.94608467898924	0.48021760567679	0.98798784617154	0.32335638343567	-0.75737152916490	-0.65583684932449	0.07571557586274	0.89853771605072	-1.00000000000000
+1.41157230195727	0.97733296738522	1.44898288087625	-0.52780556037231	0.34391862412206	0.02560508262232	-0.10097306264642	0.00686840427003	2.76624350878165	-0.56492445232532	1.00000000000000
+1.76708336094308	0.45502367665128	-0.84016493899080	0.34882948075541	0.34874878943728	0.88865564740837	1.47925414316340	0.49944537612766	-0.67014869018769	0.71099219497068	-1.00000000000000
+-1.82979997412192	-0.66254885859276	0.36122019908070	0.31741175313756	1.24583990170967	0.37088534122300	-1.30970324603775	0.65771637988993	-0.48117514333115	0.37838427065667	-1.00000000000000
+-0.78136745073279	-0.11403300725864	-0.05606904954556	-0.63032816969369	-1.64596594707338	-0.41139925789067	0.22674108387152	0.12229509623359	1.27662431502976	-0.72030296930079	-1.00000000000000
+0.37623376493691	0.08341247699233	-0.78582509077108	0.65115198984894	0.65980717306276	-2.15222134054211	0.39789445132802	-1.60000433845076	-0.26288532351329	-0.79544530129693	1.00000000000000
+-0.07287731365681	0.19644173799749	-1.18742589249029	1.81636271592428	-0.82454101612688	-0.72487800812080	1.49160841908134	0.23369543931381	1.22983879034250	-1.20949298986738	1.00000000000000
+0.12618968582185	-0.29772543711134	0.09811715915977	1.57834142404622	1.06797985457481	-1.15768405180988	1.04704485142197	0.87774530579838	1.07533133486244	0.77939995610986	-1.00000000000000
+-1.01188569878317	1.97699886684056	-0.00767844797698	0.21550515318031	0.96607758935530	-0.14419413256047	0.22054975544648	0.64735120566792	-0.57716540086152	0.37047755807857	-1.00000000000000
+1.77635323781234	-0.45964654589200	0.91166198053466	0.67424497647846	0.84071593915138	0.84046586318788	1.12526865608287	-0.68637613116652	0.78124370213302	1.97032126987174	1.00000000000000
+0.45632011367503	-0.70961087343147	-2.34954983455992	1.18681890139708	-1.26372317776656	2.11752799733474	-0.66581482786954	-1.86112169849282	0.44616784349091	-0.80191955970143	1.00000000000000
+1.09314331570935	0.99213263121558	1.63959180448989	2.74180434961711	0.36908078796383	-1.02007501014164	-0.34339599556925	-1.59156038116634	0.67784404926964	1.13295759893399	1.00000000000000
+0.76981206097460	1.03979500394147	0.15389988811660	-1.04431247885664	-0.51330087659710	0.35400498365438	-1.59841803950273	-0.28395620697725	0.13776948143952	-0.33475139348437	-1.00000000000000
+0.87615533404187	-0.44082242202839	0.01402193796021	-1.08972319270260	0.77598775962650	-0.65532742724458	0.99758262460664	-0.79806991437494	2.69528991954344	-1.20506501480455	1.00000000000000
+0.29350399642872	-0.35265167247760	-0.28817834025481	0.36128967455560	1.19688124739859	-1.50444154850501	-0.91595053033556	-0.39759645379057	-0.10399022608300	2.41015321934871	1.00000000000000
+-0.33612904727971	-0.55958395619002	0.48611969432416	0.08055110343294	-0.01305233886108	0.51168897492630	-1.05711138003004	1.00881909538222	0.05630194294897	1.27798061711565	-1.00000000000000
+1.54185031678796	-0.77073227868371	1.02291443164601	-0.05727608934201	-1.45953007751698	0.00230376161290	-0.69209844743412	0.51036516187638	-0.75842728294092	0.65524211193309	-1.00000000000000
+-0.79292535601743	-0.74814348684486	0.60102614968429	1.29223172020856	0.33732673835267	1.67438115789840	0.78223387699468	-2.49992648417201	-1.47199168667567	-0.05585379455917	1.00000000000000
+2.40956038395382	0.18675569756660	0.26876917191976	-0.68781064414136	0.58979081684510	0.27228814406744	-1.27208667918334	-0.04778659740349	0.08874687269294	1.18509594469210	1.00000000000000
+1.58891758970570	0.38300519168091	0.35271927863195	0.66498620975166	-1.14771140200350	1.33193353693875	0.43807366836000	0.54820889393642	0.37741602607523	-0.71787632358327	-1.00000000000000
+-0.85738741845626	-0.97350847393121	0.10844770894590	-0.62605296484527	-1.46889669235399	-0.72170933796737	0.14701265732850	-0.33261289872289	0.11451510745841	0.70018663817288	-1.00000000000000
+-1.05007319038598	-0.16021115103303	-0.96978949788182	1.55510725997153	-0.14868823995331	-0.57880983617624	-1.26481940772900	-0.93066355546678	-0.87787592526086	-0.18967566744113	-1.00000000000000
+0.11409824104569	0.01037474236702	0.75926320983806	-0.17664853551294	1.11010635643257	0.46010710820095	0.49818980460471	0.06930478961154	0.12346888158359	-0.91302124534577	-1.00000000000000
+-0.06499694284552	-0.49697388021465	1.26422437608899	-0.52866197041473	-0.06570984675732	1.30318896955068	0.33324563123429	-0.38692466667973	-0.26109874463670	0.88389783275998	-1.00000000000000
+0.01072401050703	-1.60188663459070	-0.77822041745535	-1.25309025319212	-0.03580793557101	-2.28152369839467	0.66060551697500	-1.65737698596715	1.91636833892675	-0.27696764341664	1.00000000000000
+-1.66434848875156	0.65444765450577	0.07863504536183	0.98182868668562	0.12897359119791	-0.13821291480686	0.53525691409495	-0.73100247732498	0.70297204779613	-0.90339534280328	-1.00000000000000
+0.39589259251274	0.08624183160876	1.29106680276869	-0.26816864075363	-0.25704655877850	-0.11847690369562	-0.64474418105782	-0.23144900554187	0.19652805219470	-0.62105757414652	-1.00000000000000
+0.03013129528235	-0.53835216077857	0.22779945868360	1.30470605545652	-0.45938064107574	-1.11398815779264	-0.24391742720957	1.43226637715231	0.37355207120973	-1.74908733019311	-1.00000000000000
+-0.75892362438165	0.80578451039169	2.15329468012206	0.20813808129686	1.31191327690282	0.32602030612044	-1.30748867227621	-0.92064150267157	-1.24931879299500	0.53743763963042	1.00000000000000
+-0.47158062807886	-0.26263637769864	-0.60326576360033	-1.94630765771214	-1.30980991811837	0.33105585642326	-0.41040380105355	-0.30425215940092	-0.74269856904147	0.04883350912261	-1.00000000000000
+-0.73798537840679	-0.10711845572208	0.34890094895657	0.42675317655193	-0.40971660616728	-0.64261008026201	1.85355396796869	-0.18702736162285	-2.45790974436581	-1.58220332366477	1.00000000000000
+1.26055725541148	1.07785689682338	0.97090083304178	-0.01770033074674	2.03139470752210	-0.40395342486227	-0.59419561230388	-0.05716625357449	-0.48254263112144	-2.13847788436201	1.00000000000000
+0.14345327427675	-0.76828364509428	0.10042980609680	-1.32465792884497	0.82218547262214	-1.26915802528292	0.49235768089978	0.21673796109482	-0.67462757672787	2.07872421439464	1.00000000000000
+1.10319655166959	-0.25017673891090	-0.22163288807622	-2.10913100203444	-1.16249206306914	0.42673633701529	-0.41941607049416	-1.28776172805295	-1.01233691277577	-0.92902104398517	1.00000000000000
+0.12291618830466	-0.29550789084047	-0.19433131333180	0.42738928293712	0.14931354475764	-1.06384157572879	-1.48530710208035	-0.09966687195076	0.82600724265883	-1.86746539699569	-1.00000000000000
+0.99328478161576	-0.32576409128750	-0.43984380242213	-1.41981501809404	-0.90258906872516	2.93089979716312	-0.18665356677348	0.17091074481101	-2.54847990622255	0.01393103295742	1.00000000000000
+-0.03835341534717	-1.77248533843392	0.99532841586501	-1.14870402254723	1.17393660370480	0.82393989253264	1.11408690993403	-1.26733297955609	-0.18498866371992	1.68295520641950	1.00000000000000
+-0.65065596227523	0.26832768825949	0.71720623756664	-1.05852032166146	0.00664787000699	0.92056460499533	0.76260730616863	2.06070260349713	-0.54209819390524	0.15105426922472	-1.00000000000000
+0.90724039098273	0.63206543270792	-1.36365014044199	0.28219116921575	0.54602647939102	0.14931901320873	-1.46905568023366	0.61813763964607	1.97754593356387	-1.40988564762950	1.00000000000000
+-0.02437386808892	-1.01156734015270	0.26298850895077	-1.06585050601998	-0.07181930444229	-0.48645959020687	-1.31299101055829	0.22197132917989	0.18385619729217	-0.44317013458243	-1.00000000000000
+0.19622122596547	0.01871744478958	-1.39509536868273	-0.28969298374486	-0.09844829030095	-1.12589471789194	0.20877549538818	-0.89779401826281	0.79547282143827	0.31815468055792	-1.00000000000000
+0.23955360672205	-1.03855338106480	-1.35731038992416	0.09591995437864	-2.03395830014385	1.29489920098971	-0.39348087578678	1.59552918020458	0.04717237179589	2.25309239027634	1.00000000000000
+1.26517484649663	-0.88969854566734	-1.58217094273515	-0.28928572556863	-0.93702199824586	-0.34485588008963	0.25457304294961	0.50932104308959	-0.64856760590429	-0.67945260915226	-1.00000000000000
+1.54944716756248	0.65619039761210	-0.24157216031711	0.61485135405690	0.52453267063436	0.61586795139317	0.51738886484785	1.32302743338976	0.83705031905517	-1.56992401652729	-1.00000000000000
+1.32761171242626	-0.98756297102688	-0.31053676320256	0.18329390085463	0.24535652832034	-0.23380610325723	-0.26224576815841	-0.77775331831639	-1.09291268623644	0.21627903523116	-1.00000000000000
+0.40886873255172	0.14365590536693	-2.14558110649076	0.98801788447248	1.42573365997541	1.58990508762411	-0.98965616791547	1.63795878608908	-0.57784990915457	-1.47601011493245	1.00000000000000
+0.74158449538591	1.41198478497840	-1.54484475803979	-2.46840471039101	-0.72452387594561	0.64508286190732	-0.84247954327498	0.33711936484505	0.20951505153146	-0.07864079000815	1.00000000000000
+-0.20582916927791	-0.10199441799228	-0.96522255330537	0.32701015860607	0.13609333763609	1.20267444051841	1.06794311526567	0.70081818800793	-0.06430405578573	0.36397393226417	-1.00000000000000
+-0.41715142473345	0.40756618555490	0.29923511954771	-0.01110596251629	2.28566724574331	-1.57840621433769	1.20868918673572	-0.98718268761668	-0.04026830465026	1.09724346083250	1.00000000000000
+0.71137098499562	-0.52453557255953	-0.75468336946401	-0.25639241178431	-1.29673457705263	0.20042912099235	-0.27559560840714	-1.30377652328418	0.60708710391512	-0.08281057836987	-1.00000000000000
+-0.99442405665645	-3.10293781810483	0.29291402893627	1.29094078724870	1.37780581904452	0.18536459273290	-1.19663521066898	-0.74955604464476	1.31008305759431	-0.64251888890694	1.00000000000000
+0.88046471777765	0.03827377018669	0.53416412724765	-0.39348978882864	0.84599595228750	-0.26472466467764	-1.06878395216686	0.03971919629988	1.74424449068299	-0.40650511665539	-1.00000000000000
+-1.18409466839772	-1.10763620835304	0.33573698741714	0.04913330978713	-0.76781779166702	-0.48244830905337	1.43122921046190	0.04057156773604	-0.12700728273687	-0.26796393733273	-1.00000000000000
+-0.97955434075276	0.09166548588422	0.99054418675205	-1.33896855968795	0.14244475416193	-0.57272640389864	-0.56028303578971	0.46410141119919	0.34137199806280	-0.02567245489303	-1.00000000000000
+1.57886680033223	-0.02092170371187	-1.14750874358823	-3.12998712600427	-1.03149157442801	1.59761746222726	-1.03154216135471	-1.51961007512280	-0.33109652855571	0.14353638952574	1.00000000000000
+0.36718901485028	-0.58203741133384	-0.21886383977661	-0.14827190173268	1.00458718034566	-0.53068016577938	-0.56355788102394	0.01606192758254	1.72215383415213	-0.68889228985484	-1.00000000000000
+-0.08325259647327	1.03321441127885	-0.92158052845061	-2.66926622730895	-0.02795763480769	0.67595092167044	0.21954177702297	1.37911961432252	0.12725995000241	0.31476545250454	1.00000000000000
+0.66082769669441	1.01316371838912	0.92823466310416	0.96350966133336	1.40249712752501	2.10625457234241	-0.75648548442198	2.20241214084624	0.41935760831067	0.90768013834652	1.00000000000000
+-1.57151618268088	-1.76564168285123	-0.11891291345469	-1.08323724024368	1.14667432963967	0.59023680406772	0.17869313208851	-0.65928487048222	1.12515657798525	0.74389312171122	1.00000000000000
+0.18604903808760	-0.18138514336369	-0.68107704922703	1.05407031638063	-1.43218733664427	0.15214810401689	0.52983158830555	0.44678958953163	-1.37797586247669	0.10038647294835	-1.00000000000000
+-1.50364099078980	-1.12805748593428	-0.28575770400499	-0.52301909454415	-0.70110363946593	0.53713456157844	-0.79827895890783	0.20661348751448	-0.50400733844900	-0.74195493384459	-1.00000000000000
+0.54660120839959	-0.68852540636929	-0.18646392882261	-0.72551697305233	0.48473577215705	-2.28751470733959	0.64020782332777	0.62941874748126	1.14887168297179	0.43721680918374	-1.00000000000000
+-0.21828297035713	1.65787075799799	1.45834470034546	0.52175074071497	-0.50336927175045	-0.03226903276663	1.45968726816360	-0.22702177955702	0.63081059913731	-0.17292809422016	-1.00000000000000
+-1.04566309436322	-0.24287313436142	0.40050176299951	-2.33535395749988	-0.48210398352276	0.75127229421715	0.07383118231770	-1.47106502693975	0.42670576000664	0.18639069736402	1.00000000000000
+1.02993039985834	-0.33923517505801	0.62762937590479	0.31907874383913	-0.47771885557587	0.38817537357407	-1.58044022134825	-0.89148937649114	0.74412139320017	0.12733661426350	-1.00000000000000
+-0.51337470694595	2.16583946382266	-1.04470106638462	-1.49411979285583	0.82273348665090	-0.00974202085911	-0.61468070003186	-0.59245873835738	-1.63871653807757	1.56521107650748	1.00000000000000
+0.66611640290598	-0.21868059081480	-0.29566671098488	0.42994774976972	0.76749730042182	0.37038127555605	-0.73731420580749	-0.89329863859463	-1.23145293786739	-0.56136706993792	-1.00000000000000
+0.24349179046884	-0.35487954091834	-0.14480417529183	1.77349680736251	0.20341798459401	-0.44521096000245	1.62264189187739	0.15386700512175	0.43565044695824	0.16518206636742	-1.00000000000000
+-0.82415824263490	-1.22957893852109	-0.75022965378989	-0.05729249178047	0.14498666619780	0.43932813641066	-0.98206996193909	-0.09271235682228	0.22435333702794	-1.22507843622078	-1.00000000000000
+0.04954951247824	-1.82514724731650	0.01736982244376	-0.66627672973781	0.75635643878678	-1.18016288748929	-0.68079237763938	-1.52441252910744	-0.97281318515714	-1.17791357203874	1.00000000000000
+1.00945888189626	0.97332653429393	0.86028869222814	-0.55094309711606	-1.48858757129325	0.07227296626956	0.23781999950666	0.94077462514127	-0.50942170483284	-0.04556589133692	-1.00000000000000
+0.18389061007053	-1.33150031330566	-0.62389005112125	-0.84105530810594	0.19719419402736	0.45549753322927	-1.12416781598865	0.53954954095342	1.72488346519771	-0.15759081179674	-1.00000000000000
+0.32168387665273	0.94868697873380	-0.28174140310122	0.88775513565237	0.64578927843085	-0.01045916423695	-1.07603104110031	1.05836337590907	-1.00070302822260	-0.68975125065932	-1.00000000000000
+-2.39572429325637	1.82121654594752	-0.06157443182221	-0.27901655590696	-0.58336299206653	-0.52741080632723	1.62929280182174	-0.34880297251525	0.94179241819542	-0.48172287958648	1.00000000000000
+0.78148810360795	1.01444192856266	0.14900176382850	-0.43609075317342	0.49442464072799	0.92846243200650	0.41362776526031	0.36311368074830	-0.41414553790132	-0.04219480109233	-1.00000000000000
+-0.22944684994760	-2.06802249190493	-0.22687919008234	-0.17277374220768	-0.42478309231327	1.35189833398189	-0.54028878363290	-0.05805525297809	-1.27949858958365	1.31170312466664	1.00000000000000
+1.79733435027106	1.33336194938149	0.61128530039048	0.04750940986214	-0.22956951230469	-0.91095918012455	0.90284510948899	0.87744695866164	0.46748925397894	0.61939478362224	-1.00000000000000
+-0.02830594496493	-0.54274340979841	-0.08527742771284	0.10783460009906	-0.14620897690267	0.86194704617414	-2.23187239197431	-0.67186765642335	0.22971187212385	1.79319635805869	1.00000000000000
+-0.41698401462821	0.44608202875908	-2.29481686042998	-0.29539522053009	-0.33849612413526	0.12314919529731	1.56264879095383	0.65713142652730	1.24243327737321	1.70699252476446	1.00000000000000
+-0.19874225745448	0.03134106399063	0.31079452423257	0.28067186161430	-0.81587837448024	1.47217244165299	0.62517793447918	-0.74293078972005	0.45636167260417	-0.74991230411067	-1.00000000000000
+-0.32208520457660	1.44649930258680	0.51570526637935	-0.23599643362445	1.04694697471890	-0.37479170766539	-1.07289602816154	-0.51754832445217	-0.63430436172498	1.27638083296441	-1.00000000000000
+0.79412347075773	-0.74495405800697	0.27743975940715	0.66304453295478	-1.26877926179517	-0.06825894272717	0.75849982143645	-0.01421234726532	0.55370627077145	-2.65929491283348	1.00000000000000
+-1.16949215709071	1.76376300025021	0.74329268676496	-1.25387539747483	-1.22223235844864	-0.04173561968181	-0.89126289883245	0.60253882211960	1.97698423950498	-1.19039342004721	1.00000000000000
+-1.04258127987765	-0.68580188168540	1.27081212140463	-0.37951206222882	-0.00000646218204	-0.02750176346942	0.55411540699927	1.28560547349483	1.50146577762452	0.54535290289160	-1.00000000000000
+0.06905373352211	-0.43958038996750	-0.69610069355297	1.12643586040172	-1.11577629058010	-0.45774711359701	-0.26998808941205	0.30399172137805	1.77335499471177	0.44054602082748	-1.00000000000000
+-1.18729425014670	0.64725250707044	-1.82895969926709	-2.44605702744848	-0.87233870588130	-1.06293535653833	0.13957398711508	0.52210627273128	-0.97851295570519	1.25470172146421	1.00000000000000
+-0.14136426900301	-0.11805955594692	-0.45959920893067	-0.32297227125961	0.07482840209130	-0.09059654913699	-1.30863571652259	-0.11828169689428	1.07951618450851	-1.23166669658931	-1.00000000000000
+0.45979020963260	0.34007055786068	-0.79421405123749	1.87376537877072	0.23966911007796	-0.64571220910321	1.45710826564046	1.65723832371215	1.87782605595996	-0.17985328659016	1.00000000000000
+-1.45405945829623	-0.38214822809947	1.19240239501610	0.12179012688619	0.67681040759053	-1.92069734463129	-0.57554212081551	-0.64445972107720	-1.32176696770358	-0.47759098781317	1.00000000000000
+-2.06108530162902	1.63708823334592	0.26617074616368	-1.13410543293584	1.71483460766227	0.52584522042216	0.91265073073628	1.78628527027235	0.15373096813797	0.34388543119445	1.00000000000000
+-1.17719330533421	0.47773391193958	0.00205917462625	0.18270115537707	0.50066159029363	0.64566673265916	1.53261101375528	-0.30974482936788	0.46212859969321	1.53577188595391	-1.00000000000000
+-0.41758353361659	-0.11314541180521	0.54286636072911	-2.14710647837030	0.40654913187706	0.51958421133912	-0.40809273228311	0.73989491215109	-1.07843351366188	0.62764522509976	-1.00000000000000
+0.88826115312509	1.16160037866325	-1.78649102751710	-0.84767907302706	-1.58202541208175	-0.53398363386382	-0.48422490947673	-0.13416759826457	0.55528611638675	0.19567108232010	1.00000000000000
+0.31866222403380	0.03390520103466	0.13957603399633	1.25925170488542	-0.08505609522325	0.83480152614313	-0.46545934724024	-0.56591481719931	0.48543162363331	0.86438053931318	-1.00000000000000
+0.22498340894062	-0.15394524165166	-0.71015573811351	-0.18265268690790	-0.87032985337595	0.45771903894036	-2.43721646802978	0.98754208619320	0.18475931154190	0.90570678850177	1.00000000000000
+0.15797048799420	0.82394961997778	-0.28380862050997	-0.03518203781412	0.74513099285262	2.23558499557561	0.76531591751715	-1.48074124970674	-1.01585528311189	-1.33300286852486	1.00000000000000
+0.95083535717102	0.12885500598892	1.71624321550705	1.53828868383659	-1.07872305590980	-0.48439725636121	0.95583491918923	-0.25502083298796	-0.71511536002783	-0.11850884755901	-1.00000000000000
+-0.59851299699807	-0.54039404570490	1.27441175101311	-0.31504580069363	-0.40599419568833	0.89513824703662	0.35833224880661	-1.73388432952861	-0.80179829929201	-0.50060333597868	-1.00000000000000
+-0.37461340242114	0.11153685359839	-0.06458402260738	0.52640164834282	-1.59059545977585	-1.40543956749616	-1.02067662863167	0.43833710912469	1.43686419931874	0.49469587446166	-1.00000000000000
+-0.69729457515276	1.21378711160860	-0.19373066829489	0.03257364253052	-0.56196211740343	2.27983078428963	-0.33686753457581	-0.62236064978926	1.39069827126112	-0.36187840806029	1.00000000000000
+0.06687754289938	-0.68867350663761	1.19096876142741	0.47831708139236	-1.00609225617767	-0.45999750243390	-0.19315830308740	0.52836569949480	0.98671294323493	0.47291934436033	-1.00000000000000
+-0.03947859284490	0.18646815443603	0.90867904144997	0.50818714888219	0.53953846961739	-0.96472073538074	-0.37112527507385	-0.86364424503931	0.18318867168041	2.36185755050996	-1.00000000000000
+0.13781648310670	-1.41072152707778	0.89037770683648	0.75971537140429	0.37485722172571	0.33623213471222	-0.96314964103641	0.99263807795196	-0.42737420761039	0.16936152578287	-1.00000000000000
+0.79398452781388	0.49842900615920	0.96148601008606	0.02588147355984	1.27906340710816	-0.95118755824801	-1.13363861518719	-0.17381589244579	-0.56191070299272	1.00809073750329	-1.00000000000000
+0.95571696106916	-1.74362996236001	-0.76124333507779	1.69341218177318	-1.47386934886218	0.08150252091281	-0.05519169753555	-1.23777192190525	-0.77051574852816	-0.65736836931365	1.00000000000000
+-1.92342429420287	-0.66783569504524	1.91243500366033	0.35098419712397	-0.22860861849368	1.10240178177342	-0.70362154986306	0.39000985177034	-1.05256195635230	0.75889404946365	1.00000000000000
+-1.75872475844542	0.01925434149187	-0.64375098942757	2.10450814501527	-0.45613564741780	-0.66420861339416	-0.66362194488735	0.24688495141617	-1.14415164560378	0.19032229828471	1.00000000000000
+-1.51041987996572	0.81349838235160	0.49298058756764	-0.34976818004221	-1.21986344030001	-0.29898627819161	0.26217263851135	1.20951567274098	1.59812771756816	0.56216851261193	-1.00000000000000
+-1.12997950640791	0.09277664859033	0.30006610890179	-0.69582743940267	0.08435780843726	0.28627381331274	0.16112557503128	0.37434365575870	-2.09130960444157	0.00731819627451	-1.00000000000000
+1.29228620182519	-0.67795945776129	0.47329536647334	0.70273362495151	0.82390434012400	-0.82166412997437	0.06114274129360	0.46322836158598	-2.35196611282232	-0.17582132721456	1.00000000000000
+0.18614094763625	0.40687225148336	-2.01618547929814	0.33392786017105	1.89904447446438	0.56970064736774	1.47937114251915	-1.17842820961965	1.35293494765350	-0.08280153531427	1.00000000000000
+1.29902131889499	-1.13578344843890	-0.20553055729769	-1.12796497183824	0.20366824012146	-0.66754513772753	0.08123795663495	1.07941920418582	-2.35226916146508	-0.62305849415775	1.00000000000000
+0.97768449460416	-1.43383439984457	0.24991307411827	-0.97874482665178	0.51592337768762	-0.09642246078354	1.54574019309696	1.39452443039522	0.18988874117395	-0.01924823991992	-1.00000000000000
+0.00804911918839	-1.57506703429960	-0.45898587625121	0.48698818444451	0.18469242526818	-0.82192401871898	1.30637178777463	-0.89422207075820	-0.57547167657223	-0.12496321105259	-1.00000000000000
+-1.12003958782446	1.87657849523621	-0.55747336413430	-0.38389060972540	1.30535187413056	0.12794658080260	-1.77019530966251	-1.36354830390828	1.31860554882375	-0.34418718336687	1.00000000000000
+-0.15699029287587	-2.04202852211516	1.15356994731325	1.62241644869869	-0.73161495466065	-3.00510874392602	0.65416209563611	0.09573830301757	0.59501470626710	0.64065253943918	1.00000000000000
+0.77472769891199	0.65633313947140	0.29694365280663	1.27609847415048	0.43119805817782	-0.30463764283812	1.12168200563162	-1.77874976194252	1.40196416847571	-1.08401485984436	1.00000000000000
+-0.88390539540430	-1.21754109292951	1.29429510636000	0.31218869128694	0.56626066887022	0.44917449161219	1.28870053537852	-1.13950568683954	-0.26712289062168	1.75693639459408	1.00000000000000
+-0.73102762850859	0.42670674936295	0.22176448381235	1.47528822208014	-0.32440141079183	0.51689594740272	0.99635249796172	-1.00173126080789	1.37886057075491	-0.24560659411907	-1.00000000000000
+0.68935664353231	-0.36066710748515	-1.04079660861955	1.93836553525920	-1.21964453473260	0.91652423020764	0.70374456653602	-0.77094349735954	-1.54483147730833	0.29847002664110	1.00000000000000
+-0.57551446618246	-0.35851759480141	-2.18595388652786	0.82247056884284	1.43336292236619	1.08816222664988	-0.00818798134875	1.66672708309002	0.11929449639811	-1.54636728934888	1.00000000000000
+-1.39104585548433	-0.88168755372111	1.41591882069418	0.43832880040734	-0.99384529470549	1.35730799695458	-1.10838554594932	0.33041365277509	-2.09993362869609	-0.22277984429612	1.00000000000000
+0.88972425886681	-1.69752992671549	0.00834381870563	-0.54534918550491	-0.94404366988996	-1.02162916467030	1.32864086541194	1.72900340612929	0.16929199892334	0.44193107097289	1.00000000000000
+0.14222581479562	-0.65188675440744	0.81610161647497	0.15916575981958	-0.64253398535623	-0.30270794471410	1.09130695764949	1.36787256635548	1.11424090580252	0.63534254618150	-1.00000000000000
+1.24964579701230	0.77680199639071	-1.16391201293849	0.17785968277497	0.37735711644552	-0.37173870477629	-1.58926147152980	-0.53958137219538	-0.58278958821057	-0.33898541060665	-1.00000000000000
+1.23685136510609	0.57704648847179	-1.35961516340036	-1.65644079183757	1.09398589617329	0.02537070853996	0.96734820034832	-0.08891332238908	0.24293098156619	2.41527853306623	1.00000000000000
+0.81522668852614	-0.03687731560686	1.69739267850327	0.07381566562188	1.16223040241585	-0.76534083307929	-1.15253432610202	0.01302834359017	0.80770585573730	1.42733274399172	1.00000000000000
+0.00357952886462	-1.70781801000991	0.17295937609535	-0.73760462728173	0.63676502326553	-2.19641237431760	0.23292980434516	-0.40471083551541	0.19686874214576	0.09027052384436	-1.00000000000000
+-0.90876888674066	1.41905810869763	2.29132767976752	0.97295472430561	0.59267734677471	-0.94674678593764	-0.59725273771652	0.75575161739199	0.67770713338629	1.20852700967161	1.00000000000000
+0.62421488921781	-0.24744181207743	-0.26462907445881	0.48224678050596	-0.74606719083189	-0.19678023373988	0.03623162895531	-0.27088766709813	-0.30279374450692	1.74114762586069	-1.00000000000000
+0.17540044100049	0.06565778462499	0.93421631006014	-0.44469423890209	-1.38372513692683	1.57796623131319	-0.43104250104768	-1.01019373224286	-0.29295983954971	0.03101661829182	-1.00000000000000
+-0.14873340999699	1.32510742440319	-0.76007494448426	0.20040733350651	1.08916648835407	1.77961045305273	1.72528532786388	0.85514594976572	-0.66365866657694	0.70736625802146	1.00000000000000
+-0.01408092846306	-0.33956127275073	-0.11559124057049	1.78388310134718	-0.95385336471138	0.67545480407001	0.39602636204065	0.72666317124047	-0.53925611423123	-1.56692830989223	-1.00000000000000
+-0.75981191726821	1.29448394893113	0.31999313348214	-1.47030453659595	0.67148949464923	-0.61433398978921	0.30994004823980	-1.25065811379422	1.32200027733857	0.13373180597330	-1.00000000000000
+2.41856885921944	-0.35250993434604	-0.44363730824657	-0.45967618992984	-1.26910175716703	0.64434106278326	-0.50519064002563	1.80260466114991	-1.00744973482625	-0.83316226035374	1.00000000000000
+-0.95916206460317	-1.26054020810545	-0.47492135009609	-0.82869189522059	-0.68820780743219	-0.88007608511913	-0.14537557576609	0.62443073823617	-0.72441630548059	-0.11075109742922	-1.00000000000000
+0.31755448879758	-0.72898650485626	-2.87541430637042	0.07840686397551	0.11259669909459	-0.06304153755716	-0.20321425308969	-1.26128482086006	1.63083383997288	-0.16079437866012	1.00000000000000
+-0.57241584930486	-0.66093091356565	1.08979966502603	0.35457186461868	0.20341536019636	-0.70449695737841	1.55986168515172	-1.77739883962186	0.20104340287772	0.34666119586777	-1.00000000000000
+1.02214729985840	-0.19276586822014	-0.00650895594421	0.65833252194427	0.57653098429378	-1.50359245238602	-1.78443201113670	-0.56852522528341	1.36587478581710	1.56701764780543	1.00000000000000
+-0.46218536071557	-0.01849685961443	3.09210348342433	-1.33523336387668	-1.35890757596802	1.74693885262595	0.61050120135603	0.27232619713136	0.64047258741046	-0.07577500789172	1.00000000000000
+1.08751810208409	-0.32334272623376	0.67679272966442	1.24007669795472	-0.62869257005411	1.85263785047336	-1.42873766307379	-2.09167201229593	-0.20540884430328	0.42069367790501	1.00000000000000
+0.48885912907626	-0.27693184823010	-0.59422143799079	0.65967934170631	1.06650557137980	0.02005665567765	0.55612129739931	-0.79869430211640	0.46781273667526	-0.23824626770486	-1.00000000000000
+-0.38963507345172	-0.32295007860222	1.19895158779196	-0.51684493665875	-0.18457631954980	0.25381816076674	-0.50463036068328	0.58763990014937	-0.63451076639174	0.15908391015928	-1.00000000000000
+0.30572477298337	-0.15562452027218	1.60619232491830	0.56824118384350	-0.12471840538329	0.36894208226512	-0.79595749035164	0.41914245145980	-0.13672984478292	0.74886998711584	-1.00000000000000
+-1.58709105315215	-0.13637904789297	1.22318068795740	-1.34176719507390	-0.21766017629202	1.53905525944125	0.41084371773371	1.40352880956981	0.40327237938429	0.72515407688138	1.00000000000000
+-0.01355570229062	1.30324791632505	-0.29704179454584	-1.70645139098851	1.52663306295291	0.87255176925304	-1.49188925797021	-0.28551262396688	-0.28386825087147	0.96740254943793	1.00000000000000
+0.75163235412745	-0.15229066511146	1.84783988379064	0.64831874343064	1.08198591722974	0.46897097292140	0.07945128481066	-0.51473620951906	-0.07354901072164	-0.77977803837417	-1.00000000000000
+0.82433241294364	-0.12810897235991	0.21336287317780	-1.17568873677551	-1.82323978322564	0.08807576152799	-0.71389881600373	-1.12690558179241	-1.32501514138313	1.77149303645090	1.00000000000000
+0.45216372653024	0.49353854812901	-0.51521212756982	-1.57801284044670	1.21488380626721	0.95292219429749	0.53718426151945	-0.36000923340827	0.45631192417504	0.18327773734975	-1.00000000000000
+-1.16076403433526	0.65306807302097	1.63002726211843	1.49955379376476	0.66447678910680	1.22757010374266	0.81708273462085	-1.63081219427817	-0.15361449498212	-0.22030171991067	1.00000000000000
+-0.13191261096165	-0.39522155772965	0.12337383496643	1.51468618003486	-0.42425935946583	0.06524504524427	0.56933416687335	-0.72877782496567	-0.83988902877167	1.20671072837149	-1.00000000000000
+0.35316050576637	1.34756635154212	-0.02279382966822	0.89326924153957	1.50810218462321	-1.18678740162551	-0.38475560550848	-0.07854564216774	0.18850864430134	-0.64819427433886	-1.00000000000000
+-0.57228476583986	1.41195513568717	0.96194669419848	-0.69906337594347	-1.37700724395212	0.93061660958453	0.88249976112310	0.38231352888256	0.39177017773835	0.77636074324715	-1.00000000000000
+0.71054854802474	-1.02710727981750	-1.18125340068289	-1.96830896615251	0.47740660786705	2.95144820793552	0.08267549342428	-0.95069223668061	0.65857844528488	-0.36844331559099	1.00000000000000
+1.05864203937834	0.15951854009051	1.26061197264500	-0.81573927945299	0.61480596318153	-1.09462136931344	-2.18606586977813	-0.86014864628477	-1.69445546325920	-0.16886285861795	1.00000000000000
+-0.48705131666728	0.04493496962726	1.55409671623660	-0.38031934638124	-0.69127933905537	0.90264958635607	0.85918872518776	1.96806392857441	0.85474532316454	-0.03942517435991	1.00000000000000
+0.86551554657029	-1.76963371154801	0.34326050323197	1.88787866784688	-0.62451718068414	-0.52014720023412	0.28024722683795	-0.45959086577251	-1.15400436028266	-0.15836828398291	1.00000000000000
+0.49953751297443	1.85718597282420	1.00035390904677	0.04774878604079	-0.24680891818821	1.62878734237514	0.12937849033170	-0.52037876132339	1.67744842349085	0.01745589746376	1.00000000000000
+-0.49185683297699	-1.40940289953378	-0.05654201193106	1.55457149025307	1.95353472333973	1.35772721040749	0.21350550070430	0.76184798557665	0.76425105448160	0.58911794364252	1.00000000000000
+-0.92609510449513	-0.05873321954716	-0.02138584251772	1.65646339272475	1.06595932415352	-2.37204898929744	1.43530128652468	-0.30553306076497	-0.79759549729458	-0.89081530783542	1.00000000000000
+1.81302709266463	1.13284583588864	-0.39889952209112	-1.55535766781306	0.37309313118868	0.52615108364534	-0.60065081538279	-0.25516153446249	0.48178393158979	-1.20067519688803	1.00000000000000
+1.07075798342651	-1.11164788863774	0.52592620981501	-1.27959462189148	-1.29644156674452	-0.34575297345181	0.31149973093462	-0.39718232420030	0.25361648572651	1.30763418866468	-1.00000000000000
+-0.39258290014317	1.32384913355856	0.38472043966313	0.16448613640878	0.51169775016906	0.30334710876277	-0.22698415449841	-1.09346958462393	-0.36002216564065	2.14296010293551	-1.00000000000000
+0.59666165511697	0.61248696375446	0.59125843776430	0.96002870444267	-0.68881222743146	-1.05407326092166	1.35943404855774	1.17375314716351	-0.54047946302674	0.36035184954621	-1.00000000000000
+1.68986243687762	1.18908167820998	0.79596448012264	1.17661425658933	-0.10667266076298	-1.79412968430127	1.35849046419304	1.08589732097716	1.22404535082484	-2.56871592257718	1.00000000000000
+-0.52621786411249	-1.30807608531155	-0.51831771486285	0.51858188378013	1.31579922029975	-2.94717582248942	-0.68557032766297	0.41686763349386	0.51468898363705	0.20540670075365	1.00000000000000
+0.25485253497133	0.42558487250425	0.30074897534290	-0.53545370029624	1.26589388855771	-1.44103048795638	-1.35526264051161	-0.65844543006243	-0.34913830217099	-0.20823536413564	-1.00000000000000
+0.91409586321147	-1.71546687821153	-0.47071140832378	0.72594481976394	-0.27472170718177	-0.11413932503605	1.23181106286172	0.02390288198557	0.87137692668478	-1.74829014280021	1.00000000000000
+0.55934501047558	1.89551600240716	1.43557629264363	-0.00018046788531	-0.37821454398440	1.06464973580318	0.61860831158383	1.46225657781771	0.54863300742236	-1.48973231438863	1.00000000000000
+1.46311949731473	-1.19474086894793	-1.86284304344877	-1.59925314841711	0.92030319603008	0.49822789004005	-1.65364767532127	0.87622057593823	0.37835994973043	0.74722154743372	1.00000000000000
+-1.36468678019204	-0.61600491722122	0.32615956041181	-0.60681047709365	-1.04146868582161	0.09077646966056	-1.06850906047201	0.45327564179853	-0.47761551790392	0.77375938838225	-1.00000000000000
+0.14441007954150	0.69096109748941	-0.17322830099003	-1.44202704988917	-1.34235747939023	-0.21712256996981	-1.11845044934770	1.37455982189519	0.21679737140968	1.09708029311607	-1.00000000000000
+-0.78399681920532	0.59996044766878	1.02490828509797	1.04286195258447	-0.41619535560971	-0.12466861177029	-1.38470186198097	-0.57726559691767	-0.52490565477586	0.21922339828300	-1.00000000000000
+0.24357235232622	-0.45076555519223	0.82064652988160	0.16366961930747	-0.51109304509538	-2.01556918274070	-2.07318337765993	0.35063781536850	1.30079467741897	0.43305461534740	1.00000000000000
+-0.32242420392324	0.60081768130682	-0.15011283913264	-1.90499931654141	0.05839735569346	0.42586087097687	0.54867388632505	0.69134230978877	1.12720371523108	1.43814371544847	-1.00000000000000
+0.39239851460574	1.07229372079624	0.05020964956795	-0.88019400795830	-0.77139066458904	0.92064408863477	0.86356101548215	-0.37873702642442	-0.40272041494519	0.08396262864684	-1.00000000000000
+-0.16890148902389	-2.09377389331350	1.09959712988371	-0.20193703925250	-1.51136487643893	1.75715747944822	-2.26113606504241	-0.21159784379596	-1.62617079367807	0.54886211111226	1.00000000000000
+1.80817951800802	-0.25113796859775	-0.89131835250114	-0.51828039933725	-0.56790466707607	2.47132703782240	2.32566569985547	-0.73096633931079	0.25202655567919	1.08638557630276	1.00000000000000
+-0.03344564294525	-0.62119072403585	0.78542603942046	-0.92998396351226	-0.16910253638398	-2.02152818407213	-0.22338833293235	-0.57836016030732	0.31061001947212	-0.72719240934897	-1.00000000000000
+-0.02098001784571	1.05061078503436	1.09586676643219	-0.69689002941900	-0.00987945725656	0.04271542022728	-0.66575113669213	-0.26822225557036	0.99315475559142	0.16588565175121	-1.00000000000000
+-0.70770004201533	-0.10869266497775	2.79370364528099	-1.88064222164707	0.00430812291548	1.74439781220216	-0.00374627262755	-0.58340217765035	-0.84633083825607	-0.29989001054509	1.00000000000000
+0.58589672643605	1.20151614261962	1.32338012215000	1.01478843764291	-0.74155604288345	-0.52316943930426	-0.31693947817088	-0.86415321511530	-0.53230784102393	1.17919547141404	-1.00000000000000
+-0.75336609110741	-0.31460276098035	1.25896150521827	1.61715459110666	0.31560001346625	-2.07448532993595	-0.04956253185198	0.59485913727287	-0.91529936952894	-0.25271093810264	1.00000000000000
+0.08435147282857	-0.07576770737182	0.59675962339125	-0.69629117347404	-0.64786667241889	-0.12685963301301	1.86443409093202	1.52458782583283	1.37230824835931	0.38485000207985	-1.00000000000000
+0.15748438127404	0.26896503264545	0.32741388868412	0.75932790744249	-2.03663361677741	1.04672856972195	0.43801265903231	-1.12120361079376	-1.39575354368804	1.03275278839395	1.00000000000000
+-0.78135144329302	-1.53196145792892	0.63239594570206	1.13483090546229	-0.04546690577020	-0.03039233476574	-0.97666720606476	0.66146954889387	-1.72740114982180	-0.23451446262432	-1.00000000000000
+-0.25750802110751	-0.79428069911042	0.47295370513662	-1.01751009645117	0.63619080825555	0.02721927804278	0.04890008683105	-0.58650075700670	0.27907559704245	0.76560189537557	-1.00000000000000
+1.85293884695514	0.10077439695896	0.54517939873147	-0.11294227843581	-0.81261693019961	0.14750231462287	-0.63174427785080	1.53503383106455	0.76131993410861	-0.23024480166774	-1.00000000000000
+0.17408837514213	-0.38966742193073	-0.05946744453050	-1.16976649873824	-0.53655128002693	0.76531516693580	-0.30923429542828	-0.70567569785844	0.03692068006371	-0.43523152040503	-1.00000000000000
+-0.79346108080460	0.65287520556766	-0.25443280991673	0.60583850471626	-1.04744015992919	0.38931156450789	-2.43539963633393	-0.47931749371595	0.52834699000488	-1.08482072469254	1.00000000000000
+0.64367200576924	-0.53604627928020	-0.42309315383037	1.41256206839984	1.25094020364018	-0.51614634538076	0.01534201714577	1.02795728381650	-1.60005131597010	0.10036286774337	-1.00000000000000
+-0.14344033553484	-0.07067546008753	-0.19832738408444	1.37848710656572	-0.62235245098375	-0.04523469692617	1.14618474777400	0.73243669249765	-0.64596400694910	-0.12162780552595	-1.00000000000000
+0.42260733913276	0.51384259132828	0.47187492213346	1.06848073581294	0.92673081342742	-0.45061908792346	-1.52133989646930	-0.96893925096521	1.23335477630540	1.45527418664505	1.00000000000000
+0.39539277380439	1.00801475740046	0.19197413514665	-0.61479084028145	-0.08502979891605	0.73072025004397	1.04828257162127	1.23289449216753	1.65187966098415	-0.01261546236223	-1.00000000000000
+-0.39599472506149	-0.71792460674338	0.65631061217789	0.32332187826953	-0.68018999568131	-0.67551355135522	-0.15041806176543	0.56865084677463	-0.29283162648499	1.71846666557266	-1.00000000000000
+-0.62166527418200	1.55612090867524	0.05364922934138	0.93483105684576	-0.70026847380293	0.75094617770743	0.46637058981400	0.11530997904725	-0.18167388269509	0.23435317208017	-1.00000000000000
+0.18445658819394	-0.45237847117662	0.23046932572975	-0.83458359388395	-0.74997794285681	-0.57932610163594	0.25048753450972	0.66324727500231	-0.05283254800472	-1.64102927011437	-1.00000000000000
+-0.24331593285917	-0.44856385560658	-1.08855016083932	-1.42392940641659	0.34450935936561	1.12092337223179	1.76574850095704	1.07415731831879	0.11630203020532	0.36310775128122	-1.00000000000000
+-0.08801097177668	1.16284625621249	0.15326451634188	1.82969647517659	0.27749168151812	-1.36735773807923	0.45004812249175	0.91287294779962	0.89252137989339	0.00442502093254	-1.00000000000000
+-0.47255922776758	0.03707035134378	0.91517368806974	2.36708657161936	1.06428810250639	-0.32139830190780	-1.58931898463438	0.59793002435073	-0.56947362352703	-0.55606424989594	1.00000000000000
+1.48368228949404	-1.70770482248063	-1.03538741700791	-1.29552956902430	0.53972228195614	-0.95162499530756	0.22819574139545	1.07536536169391	-0.46886435764259	0.30302050793867	1.00000000000000
+-1.40115162330525	-0.85873034118922	0.08546468063305	-0.23226212843186	0.74939160452130	-1.01614177428889	1.67926772435234	0.01225726474047	-0.72348925401764	-2.31695780604038	1.00000000000000
+0.91451979441696	-0.72782884767574	-1.17054573731387	-0.56677234957341	-0.37175534082724	-1.31329766542479	-1.07553529979020	0.11926095404117	0.05225686558015	1.21054330949218	-1.00000000000000
+-1.32283901003922	-0.73891229617174	0.86025437840293	0.25149172910572	-0.21389288044635	-0.65965713124745	-1.38305902338867	-0.04996935214285	-1.34911323553235	0.21784383347042	-1.00000000000000
+0.68893011221056	1.45147320641070	-0.16427236073561	-1.25101896538846	1.65884884184495	-0.58338011850663	1.20054996386059	0.56566987226398	1.30013937741566	-0.76026115711119	1.00000000000000
+1.10925645206770	-0.61561068072509	1.09227075549939	-1.80703923377812	-0.13864813610093	0.10625070320965	1.90206921194236	-0.30060448779716	-0.22930005244554	-1.21074732652385	1.00000000000000
+-0.81100818839465	-0.34165142955546	-0.55712787402110	-0.64371604296893	0.73127688478319	-1.10379460757881	0.40872935774187	0.60479266318268	-0.69216028000574	-1.21418522538575	-1.00000000000000
+-0.97284684115225	0.40547571982250	-1.36464266297507	-1.07414491067227	1.02160465473622	-1.28334796369254	-0.96980743035191	-0.15556185047608	0.55405992789375	-0.07137322000293	-1.00000000000000
+-0.68887066872514	1.19435512700522	-0.02340767283408	-0.48876756040228	-0.92088042997819	0.64794050982019	-1.23498777602671	-0.41741002805519	-1.56329323550879	0.13042496657624	-1.00000000000000
+-2.10955214673903	0.45052930831852	-0.74219458375425	-0.22203121968467	-0.66154203091770	0.86145874807220	0.68590449253766	1.52304668411051	0.94071189209678	1.46345604769860	1.00000000000000
+-0.27501851479737	-0.36689284936456	0.43067691781642	1.48234621468935	-2.36017132839368	0.67038334629913	0.22652238767646	-1.53444160387496	-0.40050395507988	2.01041966233694	1.00000000000000
+-0.25139866833658	0.21365147889971	0.37624273906831	-0.31014001187110	-0.68407749154569	0.11376507948694	0.23752929297689	1.31948104965572	-0.45010687832277	0.30544436359378	-1.00000000000000
+-1.41819549406177	-0.25043127515773	0.51208348604034	0.13848024333638	-0.65722308526549	-2.01222482036127	-0.85825676994133	0.23036268345739	0.50446183922952	-0.43726600439555	-1.00000000000000
+-1.75375179870124	0.26296209569284	0.09606009187239	0.09572714913179	-0.31514518203851	-0.19378254754501	0.38800852168071	0.34803255520970	0.13346619099809	0.02969176779672	-1.00000000000000
+-0.57369389929421	0.11310686334880	0.91342055455784	-0.81520183765439	-0.05651158402241	-0.84077233840404	-1.09832498860053	1.42173189536772	1.12753886740541	-0.71219284582444	-1.00000000000000
+1.56404238312607	0.04876863773993	-0.87948929214248	-0.09901405392867	-0.23824850159927	-0.43323601360678	-2.55558926567526	-0.18222864665246	-1.05655989934329	-1.22696393567932	1.00000000000000
+-0.42798894285112	-0.45047499918337	0.09010976191681	-0.55572696838352	-1.11822077396355	0.33633423162834	0.69514286868499	1.31738488020929	-0.32746879987587	-0.32752746582713	-1.00000000000000
+-0.79537888732006	0.27390515421301	-1.26989395389859	-0.28332698954538	-0.97059506335434	0.93140765460887	-0.51947085286352	-0.00222961793581	-1.58692951081246	2.46159651837643	1.00000000000000
+0.55065844800241	1.47408231944890	0.72474647617324	-1.86979750088104	1.84676010055021	-1.89864631627675	-0.56155157286881	-1.22068803992296	0.89899826492511	-1.95613906711266	1.00000000000000
+0.13878814927338	1.41792135927821	0.37551484089252	0.66327345079787	0.15516053976338	-1.28807214083050	0.02404646992899	-0.26835373465248	0.72424792144790	-0.62483424309667	-1.00000000000000
+-0.70677043785697	-0.02976805806802	1.34606095804072	0.57588577468621	0.77533910384755	0.25678510654988	0.79268953151139	0.97450609458287	-0.95918078009875	0.27475656203656	-1.00000000000000
+-0.43893989031763	-0.10303225051538	-0.65196853076932	0.93155196812182	-0.58535307341996	-0.96630957069659	-0.06802943478538	0.64908969156249	2.16943487276653	-0.82406571675163	-1.00000000000000
+1.04707779986027	-0.44332603523559	-1.01246203133042	0.38571400277350	1.34715106220987	-0.09789044699196	0.79425861742832	0.93691977727021	0.43563727746034	0.03720841258857	-1.00000000000000
+1.47376408055422	-0.00600736805593	1.10571855970794	-0.43221163248289	0.70493443588661	-0.21905507403960	0.76716722913278	-1.34706676075920	-0.20553203566716	0.98620969364567	-1.00000000000000
+-0.34769842234600	-1.70430249355092	0.35411693561986	-0.19525827304624	-2.11085951117040	1.96862920164425	-0.06765911730984	-0.65341608329813	1.14285763583773	1.97065918964021	1.00000000000000
+1.17052563586129	-0.40488358568196	1.54237759048009	-0.16013959397412	1.47190489592145	-0.43095936370808	-0.00306696735416	-2.23063851995514	0.46703276822128	0.32854780675640	1.00000000000000
+0.83584885492829	-0.43148942512566	-0.85866504265571	1.66852655578395	-0.25542905017419	-1.36591853021019	-0.82292968342444	-0.91413288437746	-1.50402852115396	-0.57936783130245	1.00000000000000
+1.12986252085457	-1.61095690352793	1.07179492786520	1.43132527013106	-2.02949482887805	1.55226283769907	-0.06659930121611	-0.60071038317178	0.10493593383839	1.01454845567381	1.00000000000000
+0.21164720509249	0.03778323243976	0.24510337732108	-0.72063558592055	0.52545776315102	-0.41329513756207	0.84623590301143	-0.39004420774871	-0.62863498490526	-1.33941849415209	-1.00000000000000
+0.30485048586430	-1.22568863737821	-0.22771662173213	0.51776178657124	-0.04167473307039	0.35432728830318	-0.78569303056650	0.05577347263968	0.37242279538378	0.13416326001354	-1.00000000000000
+0.39959859357368	-0.59506709064561	0.66237312691559	-0.74095798083463	-0.51349521547211	0.05988116598090	1.41503701814184	-0.20670815651651	-0.89478864079753	0.84643928898909	-1.00000000000000
+0.59445619088448	0.01093627457102	-0.88603535382261	1.11641613064662	-0.80913625289039	-0.59197548733343	0.16498271342992	-0.17338889966820	1.22485346145139	-1.34198642212033	-1.00000000000000
+-0.86779616433782	0.03547182450723	0.95984688220785	-2.86691117402665	-0.81603659068902	-0.82384442329089	-1.91229153475126	-1.39044745773031	1.46349639316161	-0.99471781652759	1.00000000000000
+-0.16049570508086	0.33005816313231	0.48852322603877	2.26519093977438	0.33748028863986	0.78597080835685	-1.45487440805051	0.92244576001017	0.52794169540094	-1.09464374763588	1.00000000000000
+-0.08639456017726	-0.00692236686207	-0.30597130953022	-0.68654262290280	1.32101540176644	0.29283417194604	0.88707185561912	-0.37078981354473	-1.09570399150082	-0.91431254546929	-1.00000000000000
+-1.89559678248517	0.83608926741995	-0.14855421394602	1.27298387280470	-1.26967114873795	0.09012907286522	1.35893566782783	-0.36972218448923	1.31409648260354	0.61076052623561	1.00000000000000
+1.52055449513240	0.76058261804867	0.60836663376105	-0.19221597009069	2.30449304547417	1.40707985530206	0.06636620190316	1.14090014869058	0.47905960150253	0.75715766900761	1.00000000000000
+0.64061451496252	-0.82283359629009	0.02597032635889	-0.63341107215705	0.68557932900584	-1.30458931440899	1.13463494503335	0.51714816688462	-0.29391757921015	-0.63509251012476	-1.00000000000000
+1.42365547061724	1.79669574981695	-1.33465408774963	0.74779942352000	-0.24278723983058	0.42408066540965	0.36867559282355	-1.28251948766793	-1.10965015009568	1.03987888684159	1.00000000000000
+1.08095311264983	2.25362351816161	-1.11394398272753	-0.67102334277796	-0.56781944843706	1.25812194922400	1.08634283505367	0.79827432239011	0.25008817580526	0.51416677203546	1.00000000000000
+0.08858630728722	0.14115132020178	0.01313147656038	2.44873698318309	-0.09169597509691	0.03442248430920	0.56994642598317	-0.48418375884376	1.12660638251816	-1.33561767525977	1.00000000000000
+0.08732170653439	-1.22851276672592	1.07377907441125	0.38378012873766	-0.05865946138134	-0.56888932706756	-0.70493192261935	-0.59027158475399	1.42026781742425	-2.25473488992595	1.00000000000000
+0.28277061855262	-1.40827735935806	1.09247654098828	-0.40683909840980	-0.27308272890618	-2.24191385031446	1.28956758804670	0.34731960856859	-1.10510281478878	-0.59427805356783	1.00000000000000
+-0.55525045229988	1.24262339509782	-0.03121855238940	0.30990246037077	-2.40577093265921	0.28249978568757	0.09362336253499	-0.14334505362157	-0.59565122224222	0.44606827086289	-1.00000000000000
+-0.53242441947620	0.13033515079164	-0.76986656363485	-0.65345235827647	0.37464291525406	-0.56738111720207	-1.70884289050903	-2.32109063772858	-0.60920659016776	1.15819012640872	1.00000000000000
+-0.04506708076791	1.50252669175167	-0.17897411810845	-0.09820654045215	1.05522877215063	-1.02978429185070	0.87686659029409	-0.02668871815197	-1.32743136792865	0.80785185393489	-1.00000000000000
+1.27272984624243	0.36128736037749	-0.59000903088853	0.22613957483845	0.47607776258013	-0.65219731240941	-0.69585795436015	-1.40562768507223	1.23110394919703	-0.98420561726318	-1.00000000000000
+1.15770039074801	-0.19118023971088	-0.44246779315491	1.26035668019693	0.39747797641778	-2.71096095554749	-0.01399924834390	-1.53226647571589	0.16782501449547	-0.82062912576513	1.00000000000000
+0.30592513824211	0.34658418052130	-0.11294271667659	0.59220729813759	-0.65261539930357	0.11716612899034	-0.94986959360054	0.11531534059899	0.62820692989182	0.26068700522307	-1.00000000000000
+2.00371970062792	-1.17442831329962	-0.22643054170552	1.20368452003784	0.88596410559161	0.51693706268305	0.10586777771195	-0.50661216749447	1.41414657856100	0.07551022484843	1.00000000000000
+-0.58989131321590	-0.78395552250068	0.50028340640396	-0.77663732942483	0.01273009227815	-0.61547248062271	1.40575092065077	-0.65397884382861	-0.61499627359144	-1.30469181209870	-1.00000000000000
+0.97348222834806	0.57174143014103	-1.53096492927549	1.42972953646309	1.52447204372000	2.38366834396127	-0.51166084321963	-0.71423476889627	0.21907543722731	1.08274739747319	1.00000000000000
+2.04591974431613	1.54427622075968	-0.68033135241404	0.14264997941412	-0.76714969576566	1.20522741374189	0.91647666264184	0.11159193714506	1.02850106745241	0.31307378908793	1.00000000000000
+0.12683418995818	-0.53762885370219	0.48065427257138	0.15796863115316	-0.78125440192161	0.85058685216734	-1.68053341243570	1.03493993578391	1.01196378021364	0.67000696644581	-1.00000000000000
+-0.05940840825122	0.39535954823286	-1.31409342686600	-0.07385390853282	-2.07051894453369	1.67848418478298	0.30126575033421	-0.55851258514797	-0.64763168765802	-2.00095273282889	1.00000000000000
+-2.06391256791322	-0.64727376639374	0.29180214277589	-0.78395913211353	-0.13255012490739	-0.47185397440321	1.14788382839561	-0.05431742712876	0.42687144600235	0.77669094897509	-1.00000000000000
+0.70523800526654	2.17948699531457	-0.23383395339911	0.86080672536760	1.19213725806083	-1.13604795758099	-0.98041406849263	-2.55520883759589	1.04222844169971	0.90254122695888	1.00000000000000
+-0.50299454627359	-0.22855270396746	1.52506845653343	-0.86308992760125	0.78903390312729	0.69478364813017	0.19127495011128	-2.03666462160833	0.26654588165855	-0.34502763690383	-1.00000000000000
+-0.58940022799601	0.16347415921016	0.84260252878670	0.19884455869806	-0.22201853606538	-0.77491887830324	-0.81785062828490	0.30845742612029	1.61415963019094	0.18276470385642	-1.00000000000000
+-0.05300912282546	0.06823113304533	2.79592453102777	-1.60899577535186	0.18889575209523	0.72058616064189	-1.54676652877235	0.04009026979347	0.69590311636535	1.03720635354038	1.00000000000000
+-0.14633931593759	-1.35485148083424	-2.08774021224228	-1.38337997119375	0.05417028082945	-1.08216523551897	-2.95947978192385	-0.58565605271510	-0.52455362839578	-0.50670496541865	1.00000000000000
+0.43645676087158	1.91409421954092	0.75420944398860	1.37388257937805	-1.13814708261572	-0.19260835313147	-2.08741492744740	0.18564176116549	-0.99258294672560	1.87523106058790	1.00000000000000
+0.23470446694146	-0.21725050795399	0.01040751866786	1.28309114887010	0.96554964259731	-1.64417305427807	1.76417899759045	-0.44546167946799	1.23688529275620	-0.57740728158834	1.00000000000000
+1.35783370032258	0.99208154650445	0.82695855813445	-1.15642084009820	0.64267485657696	0.74509486011550	0.53007542089519	-0.42364937949409	-0.44154625622795	1.16784961314905	-1.00000000000000
+-0.36458794685142	-1.01881597399687	-0.26509913731450	-0.44451207651980	-0.89951265226419	-1.60992785192923	-0.33015796469263	-1.03045684689699	-1.11975432811250	-0.76140633201331	-1.00000000000000
+-0.47865341050151	0.80212203342303	-0.26245704291327	2.31741922194141	-1.30932524956841	0.13030173954203	0.12600382952850	-1.25481155390141	-1.41455537752822	0.75989569568289	1.00000000000000
+-1.69999936685632	1.32012820968859	0.72033469318863	0.28225195958334	-1.81598244900225	-0.06419391201639	-0.20820324787493	-2.41808841388771	-0.51898451446502	0.79215289958083	1.00000000000000
+-0.08742529898821	0.14321481730127	0.77433922442760	-0.19960971845827	0.13081820551891	-0.83011762160092	0.40353682977902	-2.24365583672596	2.09647910395018	0.07197612774861	1.00000000000000
+0.85891846100899	-0.24435217888874	0.04916698400191	-0.61095852811010	0.70619701752639	0.48662270559888	-0.06404732138884	-0.30083715165415	-0.32776669121207	-1.07278724693487	-1.00000000000000
+0.48034178895658	-0.19062429721090	-0.31460440212636	2.08026128517249	0.11118772271897	-0.51608100816291	-0.31318658193016	1.16925583356493	0.42599238491848	-1.58342258182427	-1.00000000000000
+1.22167220634664	-0.10563445247481	-0.13438085427119	-0.20256559363744	-1.08855895202037	0.35256131107028	-0.31586276242309	1.09291834092027	0.31147495000416	0.75507670921839	-1.00000000000000
+-1.28315203027980	-0.52502526352121	0.51019862384776	-1.23877194083595	-1.25703512419548	-0.65103072648126	-0.28661035906489	-0.34105481837162	-1.05649217058510	0.95052990168011	-1.00000000000000
+1.95250452793231	-0.40061413036260	0.43460766784318	0.24823780287672	-0.83962834369873	-1.92454929125562	1.94152676084520	-1.53654544040192	-0.26887731347299	0.75330280301281	1.00000000000000
+0.48808037252723	1.02170937830564	-0.52061222683664	2.16367983715076	-0.26456743565236	-0.08770998592233	0.18327214998244	-0.85450349654878	0.44328942344982	-0.03387932587714	-1.00000000000000
+0.83175688306825	-0.98200969473248	-1.10073835039898	-0.74425574117401	1.71084764610206	-0.74569587531825	-0.99575953524052	1.23657552821122	-0.16981916714977	1.55787905879971	1.00000000000000
+0.70712939345521	-1.08133138353279	0.19774902629297	-1.16530686438200	-0.02986313928009	0.90078875052280	1.51670561240835	-1.38383976784524	1.09989348129480	0.83146333209876	1.00000000000000
+-0.98549330670562	-0.10309891235178	0.60769613892005	0.23247307684631	0.46644732569703	-1.36652753220481	1.61044713891335	-0.70915032411774	-0.05827354672169	-0.74836780268291	-1.00000000000000
+0.33523703257508	-1.66959861984616	1.55736575568774	-0.67338508623450	0.25090443134842	-0.23004838012159	0.39685516047088	-0.48436075462135	0.08029204054528	1.59112653303494	-1.00000000000000
+-0.77731449885061	-1.14186911858946	-1.85806040143595	-1.08565479854119	1.47647337760413	0.23360614329784	-0.21750851125971	-1.38942572464094	-1.03000651875688	-0.57225372167875	1.00000000000000
+1.45997370707266	0.64921711043390	-1.08854857570668	-0.16034935632888	0.77824444555616	-2.08766046390751	-2.30415680563444	-0.88603488985760	0.06878947719408	-1.27362289724948	1.00000000000000
+1.23532588871384	0.03915989456148	1.42114447117690	-1.00906264561888	-0.53539162957549	-0.23103125939056	0.88551331993254	0.76685622447248	-1.01713353139364	0.39197491605856	-1.00000000000000
+-2.00843275727597	0.06399825793151	1.40917474125766	-2.37875763403089	1.04346232138475	0.26417708700575	-0.34217831656171	0.86275526436728	0.14481726733480	0.99009274121196	1.00000000000000
+-1.24250891479267	-1.39781449821736	-0.55641392122738	-0.63550337890525	-0.23562218942278	0.89141791213768	0.94637073115976	1.23335965845085	-1.26472108501403	0.01033117729065	-1.00000000000000
+1.44918781937622	0.53462130054202	-0.59317719010891	0.27825342597768	1.59912582415815	-1.08054074774072	0.21442430643633	-1.90608174407042	-0.76533973105539	1.38142762838481	1.00000000000000
+0.57548525518051	0.37209397772520	-1.49971076549778	0.90407114978903	-2.12684292840024	-1.11031464228665	-0.37627349142517	-0.86619441411212	-1.68008042646206	-0.27933328136040	1.00000000000000
+0.23237685915024	-0.66344297544720	1.17262049091517	1.86678447821392	-0.30156921339438	0.32931410222543	0.24184568513244	-1.21375601837568	1.39988269077033	-0.18765888774571	-1.00000000000000
+-0.98336066435993	-1.64767824404373	0.06802958137117	-1.09874236350630	0.82385178757922	-0.25741930030898	0.03605045065116	0.48540247132224	-1.64934032919562	-0.05782942855651	-1.00000000000000
+0.31285829599973	-0.50658765291776	0.53385895860807	1.11500354090339	0.16448186114995	0.52089904469768	-0.44097268316597	-0.02158056750028	-0.61796145917619	1.19222477654059	-1.00000000000000
+-0.89595983722355	2.05190375004467	0.70710590243069	-2.74474139600309	0.98159783506975	-0.11182632443921	-0.86574887285271	1.61521797114530	-0.98000746445520	1.16611034309638	1.00000000000000
+-0.67406017456190	0.36896758399425	0.50683988713578	-0.34302244145232	-0.07650267455482	-0.10248664907954	-1.13554244285180	0.40675784557366	-1.80588473395281	0.83839937528256	-1.00000000000000
+0.91987874951275	0.38386787580628	1.23709274046859	-0.42268116724131	0.67788523083891	1.90397287082028	0.09606552239209	0.73746092891502	-0.04779908822536	-0.27152042628977	-1.00000000000000
+-2.09802529330467	0.69437301746979	-1.40315719081787	1.18336640773564	-1.65183537826270	0.38762421345099	-0.05581520626030	-0.41895616474852	-0.48950230480736	2.49818525228600	1.00000000000000
+1.82024887605198	-0.31880158464417	-0.52239707661666	0.21852146597464	0.72323611867641	1.28038215812176	0.32256083416233	-0.29253612706962	-0.54153934076661	-1.06264939216722	-1.00000000000000
+-0.55519960381793	0.32190557196055	-0.93702771346472	1.30192038420226	0.70443000097043	0.29549061967749	-0.45959346841179	-1.60160172372729	-1.14571480691422	-0.01334894787439	-1.00000000000000
+1.12523671923374	-0.26612592965421	-0.16180706086325	-1.44897332233151	-0.97992297088097	-0.15083287048523	-0.03713452966469	0.26718452783724	0.03369267002436	1.02593167031841	-1.00000000000000
+-0.61907309284617	0.38942567398867	-0.00328730229711	0.08994058612557	-1.84983326892968	-0.12096165835097	-0.26989817457917	1.43806847265449	2.01017682848009	0.45061669511395	1.00000000000000
+-1.10770497874747	-1.37587015341550	-0.86603344676910	0.57667549095100	1.19221911415635	0.32338444810940	-1.74093206799692	1.73099303495121	-1.25718792208947	-0.39526203211816	1.00000000000000
+1.33483897212824	0.46478328328773	-0.60091308944254	1.01185829263485	-0.60346926113171	-0.34140141381854	0.49662159289772	-1.00030680147818	0.28809487749780	-0.65439947937243	-1.00000000000000
+-1.75422909228428	1.50235426522457	-2.43657708933692	0.62391145544340	0.03576303108840	-0.96656856003212	-0.12686469456284	-1.08138133473303	0.35213589231984	0.37243824667628	1.00000000000000
+-0.45976233037378	-0.97434051828181	-0.38175164702501	0.58223016136591	-0.16484220539139	-0.49070729679472	-0.00616303823827	-1.63069311837662	1.88001999571790	-0.49591857822724	-1.00000000000000
+-0.77615625732210	1.09482046175019	1.45160240569079	-0.66919488322203	-0.22699668590714	0.57183355230871	0.46835815224365	1.88742574222558	-0.00328707286046	-0.60925823281253	-1.00000000000000
+0.16540389092349	1.27581106258101	0.00471391973430	-0.95751154772175	-0.50750420920434	-0.29700604780473	0.08102494705520	-0.21829576678821	0.24538441378566	0.52931356179049	-1.00000000000000
+-0.66365614742597	-0.07474535415216	0.79915834800186	-0.99056911597548	-1.32153270234996	-0.44269799920197	0.52216601218617	-1.62265381164403	0.74139333774211	0.74935652439264	-1.00000000000000
+-0.40807013653807	-0.10416464861893	-0.87514915024684	0.66299534503669	0.81398132497743	-0.78849455284984	-0.52607284038039	-1.03684311345674	0.96292240540928	0.91886680747391	-1.00000000000000
+0.30279364225539	-0.38984270331368	0.21959714625684	-0.68748652816516	-1.82419463755044	-2.43476521605155	-0.30588737636259	0.33538946340019	0.13418893764653	0.67451399515652	1.00000000000000
+0.95577015154063	1.30465850579108	-0.72544597753306	0.47511830022476	-1.75409928450530	-0.76044864892927	-0.06177860958310	0.53349348235307	0.29883285073055	-0.49013021565397	-1.00000000000000
+0.06812288243432	1.47727808269998	-0.42543007211059	0.72959451588390	-0.60100508659080	0.31069794518989	1.13290034677950	-0.11785651894291	-0.28333520963595	-1.25058862053673	-1.00000000000000
+-0.47418451763729	0.55066196424510	-0.04185247492059	-0.76504973771418	-1.12326707570417	-0.87438884261821	-1.37771005877458	-2.41161259790851	-2.72024996275219	-0.00987226320981	1.00000000000000
+-0.45011156136275	0.45802926667345	1.38860497603158	0.46406505522807	-1.15900167433106	-1.56880043092809	-0.05267818953691	0.12534766130253	2.45244059733811	0.04614546057757	1.00000000000000
+0.96146052723438	-0.21723980212991	1.95126557240773	1.45873089010832	0.66193113917803	1.25467463142599	-1.46931315857875	1.31149345659546	0.13646141183639	-1.08163836144031	1.00000000000000
+-0.91383679878498	0.12476448820187	-1.72252202645664	-0.40940573133936	0.05144094467985	2.74424570900717	1.22764226214520	0.40926135449687	-1.71455402065858	-1.03438638507971	1.00000000000000
+-0.06176363260228	0.45596243891062	0.82086342859819	-0.64834195809955	-1.01842289830795	-0.86827783816215	1.12426792841151	-0.06695022125645	1.43285398830189	1.00488871321431	-1.00000000000000
+-0.13934297389039	1.42947264219540	0.95205671550325	-0.20988029857247	-0.00830554838269	0.27722564007832	0.63305568215777	0.74187817847074	-0.04191493216920	0.55081923306964	-1.00000000000000
+-0.55419891528129	0.78787481697032	0.06913655015027	0.13356161909281	-0.45607659233255	1.25337131285815	1.24722493960690	0.13261396217216	0.98763031772775	1.22205367892063	-1.00000000000000
+-0.04307687557072	0.23790103983810	0.30976047538715	0.68645338547534	-1.20940037494157	1.02466061605109	-1.41661681921495	-0.27184940167195	0.88371416538602	0.37616587099081	-1.00000000000000
+-0.06209977583972	-1.68739205906557	-0.92625025551359	0.79326374609944	-1.14778927014955	-0.84995112723558	1.76206626065737	0.30861300303947	-0.55042696619031	2.06118904821415	1.00000000000000
+0.15693531173295	-0.31720559791131	0.17718104278717	-1.89602270151758	-0.03814599451089	0.52937326811642	0.38146766687157	1.47341563373557	0.89080801432746	-0.52343770107534	-1.00000000000000
+-1.12768937375281	0.57437507225857	-0.76065172229400	-0.51243779405600	-1.06630310532545	-0.83393165139201	-0.03634865622509	1.15541294711861	-0.40068622571188	0.21267245094475	-1.00000000000000
+-1.19772361147431	0.45344406066078	-1.14312999499749	-0.50503730370201	0.52311116181414	0.48735992561203	0.32718077005868	0.03508428481900	-0.60896747386400	-0.83368247093605	-1.00000000000000
+-0.37264804258610	0.92869358580610	0.97514510031397	1.02420504432809	0.01254884813277	1.56736822563862	-0.34365366323516	-0.78518917659829	1.29570131728564	0.30277012550799	-1.00000000000000
+-0.18293914031793	-0.73036873282761	0.17955420590112	-0.29462092031429	0.96793731508077	-0.55409566042112	0.08213335205207	0.09503032795799	0.15174825930599	-0.84030488272237	-1.00000000000000
+-0.93294946003432	-0.63815835000025	0.39359702196500	-0.90467804515936	-0.18051463106804	0.09843241470980	-0.71949835316757	-1.71609202530455	0.62928019409404	-0.16722743054431	-1.00000000000000
+-1.15556509707081	0.05385815659821	1.47192761039149	-0.01418060085802	0.34428101540000	-0.03289257737194	0.36931544547217	0.54780223248787	0.51053847899148	1.07239780470899	-1.00000000000000
+0.64686393010775	1.06536242511744	-0.45068879071717	-0.65670806282391	-1.85953861248309	-2.26546804382795	-0.75014937039298	-0.85178303819397	0.97580595765776	-0.25475510371705	1.00000000000000
+1.23938958715771	-0.85849041195177	-1.56904985150892	-0.53297013966704	0.02380676411138	1.20785651579228	-0.81984019156640	0.27764021209500	-0.86109355100394	-0.55394819817648	-1.00000000000000
+-0.20286055044269	-0.12912601850838	-0.32207587245197	-2.93370850341110	1.82244425765896	-1.66803222633686	-0.37663882172042	0.40064152568427	-0.42600964550582	1.69831069678922	1.00000000000000
+0.08918596207647	0.01277802741946	0.40854313514923	0.29159358146677	-0.06180122731076	0.91645898979673	0.65171479076495	-0.73207328982246	-0.49550421419069	0.75951820813806	-1.00000000000000
+0.06869838563905	1.18316551079129	-0.94543435551060	-0.35733767812000	-0.83659949841100	-0.60187104508044	-0.45110314414934	-0.85755699410906	0.29465647783992	-0.90189531180940	-1.00000000000000
+-0.53976399478733	0.43938876557662	0.82178090133584	-0.01394040525199	-0.48493158439352	0.03734246233318	2.31933321566021	-0.24334948256850	-1.26293846878348	-0.25515879198014	-1.00000000000000
+3.35814781150730	-2.12887295323531	0.26299094222481	0.40532221574707	1.59553875021841	-0.51787115829777	-0.27058935885667	-1.08596862728286	1.19091932335873	0.41039006018627	1.00000000000000
+0.67628642682529	-0.37212056366418	-0.34621067705021	0.52498427912655	-1.16300275862708	-0.39498869066784	-0.42019280729060	-0.04532179552183	0.05423023315043	1.19250912167977	-1.00000000000000
+-0.15945482083395	-0.60424177758309	0.60149157199970	-0.69080102498180	-1.09609537315014	0.64191983090879	-0.67080885737289	0.58581824384711	0.40686493840221	0.49680844162758	-1.00000000000000
+1.65018226386318	0.22301933710230	-0.49136382493683	0.05363052872756	0.99058118346511	0.31918489732501	-0.15676404580500	0.71754387396467	-0.34592773540885	-0.14057300707930	-1.00000000000000
+1.11001160761601	1.59201984503477	-0.82606484964359	0.16146390993787	0.75335654674989	0.26106587583775	2.37965345689184	-0.50117328075354	-0.75547175936801	1.88215845757759	1.00000000000000
+0.35799053556804	0.29328336042022	-0.36973601970775	-0.82386121185926	-0.35813113949260	-0.74603432746738	0.41977818685422	-1.49706505415258	-0.64926846741197	0.80423866718066	-1.00000000000000
+-1.47433218110145	0.13561660138801	-2.23011868337646	-0.86810021578735	-0.74343137274814	-0.15314021040220	0.59648884121474	0.54149345377112	-0.48496111546524	-0.32135441638928	1.00000000000000
+-0.29584986664050	-1.29628907772197	0.63303791421878	0.37544571810495	1.63120690317062	-1.48180779060058	-1.17899429265319	1.75609331279956	1.55200106330659	-1.62753962060488	1.00000000000000
+0.20799125507675	-0.54959682142863	0.61285081546630	-0.43046071644679	0.91399643228233	-1.14223770046362	-2.10474335595197	1.85557101634535	-0.92345124478460	0.56360851934145	1.00000000000000
+-1.58145319396253	0.92008185034060	0.68904489022912	1.42240944202936	0.04053147821806	0.07866805006248	-0.65622227291299	-1.02774800275891	1.16437000432212	-0.69313617643801	-1.00000000000000
+-1.43305873918983	-1.25501466738115	-0.35787583132005	-0.97284559696003	-0.57324740274048	-1.35215902950831	-1.31132821360447	0.73166525350516	-0.41200157699265	-1.67776316706397	1.00000000000000
+0.52442128735594	-0.40702512754915	0.88599676946316	0.05272756724905	-2.23768381331444	-0.23843796383112	-1.40696860055121	0.00337328557551	-0.44586237187026	-0.31495416799022	-1.00000000000000
+0.36740679998073	-1.14393167301747	-1.68727390243691	1.40558095936794	1.28149573925090	-0.30473939632533	1.12063338765694	-0.94132777178892	0.28413751809792	-0.33314464537027	1.00000000000000
+0.46144496035260	-0.12969113972397	0.41596808162292	-0.05762965090683	0.83820627490974	-0.14451283120807	-0.03005479289282	0.77122915992787	-1.59415372444170	-1.56492469822787	-1.00000000000000
+-1.06534454990580	0.23915238301463	-0.64672633022585	0.11846038233169	0.89986300671634	0.36534722007923	0.86998028115812	-2.10452849500783	0.14107113355758	1.09287795402884	-1.00000000000000
+-0.57611158068642	-1.13279664634240	1.83790427451331	-0.72043289429937	0.95376234769887	0.08890255283970	-0.75055581260092	1.12451137852307	-0.24697612582688	1.52107052778000	1.00000000000000
+0.01558324529429	0.70381695470871	-0.31815434396870	-0.60789942607869	-0.11973262804837	0.41297345228030	1.40424040730067	0.74433769925755	0.93892927378358	-0.95248279336923	-1.00000000000000
+0.33053885796530	0.46593531560706	1.00491816271229	-0.59815581046462	0.21098043006776	0.56688975933702	0.89247452584294	-1.02469716727059	-0.50756005629541	-0.19463717776264	-1.00000000000000
+0.53797251227492	-1.53263760246129	0.27061653617101	1.57907339258695	-0.32205882259699	-1.33178955679946	1.50487700363021	-1.71424084154490	0.27442123319474	0.34923712817108	1.00000000000000
+-0.23897357700815	0.16476219042670	1.18654680882093	0.37482058917743	1.72498123034087	0.23275351589849	-0.33095074104671	-0.31419081830964	1.24173774166883	0.66866859666665	-1.00000000000000
+0.27815152969739	-0.96533616759561	-0.09126762423667	-1.23609486572758	1.21594612974223	-0.93935009042632	1.34628171442979	-0.70552620941212	0.02552556250688	-0.75823830039125	-1.00000000000000
+1.72554061997577	-0.42998986434807	1.87094424457832	0.61403525023140	-0.11460628230803	-0.09281842254063	-0.61905465856536	-0.38377039077754	-1.94098789106025	0.67676073431433	1.00000000000000
+-0.02796795425857	-2.44112571433258	-1.33283554508685	1.24352374249720	0.37671596980754	0.40334887558684	1.01370194580967	0.46043996663702	-1.59202309941333	0.28090384954587	1.00000000000000
+1.63069722895195	-1.30933816006269	-0.21452813975685	-0.53811124952640	0.34604069115155	0.10586063777674	1.36373514489726	-1.31224375568135	0.77946793524897	-0.82515323784129	1.00000000000000
+0.94197608989959	-0.78100932586268	0.54780248196566	-0.55480971235918	1.71113156166417	-1.03596692896366	-0.90059345100929	0.02901014499778	1.11707550593092	-0.40862318880169	-1.00000000000000
+1.57685526369017	0.93940886848563	0.56503323480401	2.50131046100917	-0.70550530680047	-1.48674940373616	0.71590067589450	1.19684788865916	-1.38882785515413	1.93371071559540	1.00000000000000
+-0.19956994299667	-0.25457692020725	-1.08254567952584	-0.75458120802053	0.61658425927149	-0.71628852854273	-0.19860551965591	-0.27083920925405	-0.59684851551285	-0.39173184354845	-1.00000000000000
+-0.06756931657087	0.28032805653966	-0.31433327191665	-0.23985583162412	0.02872902702566	1.16638269635647	0.32678360049495	-0.09183053701369	0.87379683489967	0.33042474980766	-1.00000000000000
+-0.14152782663193	-1.90394291857175	0.41535127633168	0.70573756596339	1.62015913131938	0.85557109586488	-0.09226242139091	-1.89840839603284	-0.07027949448518	0.37850685624969	1.00000000000000
+1.07834834780811	0.36639606270646	0.05289395356643	-1.26943603945672	-1.14430201129201	0.81710083421536	-2.59331395541029	-0.56185955702020	-2.16924437640392	0.30153238710372	1.00000000000000
+-1.16780326039336	1.22068254398246	0.46332465032977	-0.13416055431980	-1.08352610204771	0.36502683918614	-1.14174582022139	-1.39468985117536	0.64199015183065	1.04982340626345	-1.00000000000000
+1.25869226437306	-2.20477888055574	-0.47102881271428	1.18805917331204	0.70053490012362	-0.52266001238741	0.24383809842368	1.32085829128812	0.37167385384245	0.44463731871825	1.00000000000000
+-0.53177995519397	2.05246124053159	0.17851016753651	-0.31391911741307	0.70257079159051	0.76925947189066	1.38198301301069	2.05492583164070	-1.23983530815442	-0.45970041359091	1.00000000000000
+-0.77448538195577	0.11357764483777	0.13256233414488	-0.15299915896742	-0.15218488789018	-1.41008023175977	-0.09898476353236	-0.14564603781391	0.54393455629008	-0.65368043247094	-1.00000000000000
+1.04065328708584	-0.44760662159033	-1.81057277825807	0.00400297525331	-1.02149893435184	1.01283090542834	-0.03168250160697	-0.45494177807640	1.14201678289336	1.41158739250078	1.00000000000000
+-0.86854056670642	1.21210353782752	-0.81373806042718	-0.54672016768905	0.04917015940302	-0.44519910798446	-1.17311026508460	0.73876633295685	-0.75192013268591	0.91477881334274	-1.00000000000000
+0.45309859992180	-1.26115328860650	0.39782417666012	0.87185324383221	-2.16798512917037	-0.90225372396501	0.82414877504629	-0.04653192762747	0.42097620840974	1.26435097048723	1.00000000000000
+-1.30056699863463	0.33538361097254	-1.21495925212560	-0.09025110956588	0.23762004890331	0.06273573613822	-1.41911442642416	1.29292448839565	-1.48251208409723	-0.51985595933329	1.00000000000000
+1.26704497111334	0.47814881935645	-1.01355324297331	-1.11899608390068	0.00029708765593	-0.25540074628474	-0.23635574446281	-0.47006667365389	-0.57872621818296	-0.08816014049175	-1.00000000000000
+-1.83638820083933	-0.18770279911666	-0.20657112005369	1.89083972766887	0.24062073749542	-0.85070840274355	0.83260641741178	1.95948907580771	-0.33284118920928	2.66856312186930	1.00000000000000
+-0.20090350280068	1.53517511762510	0.82449428216525	0.77822650340765	0.56336199935796	0.07319488073768	-0.83001856322793	-0.29324748681152	0.47752329469195	0.25752242668814	-1.00000000000000
+0.45400852049349	-0.14433685977599	0.08463382094597	2.32554796234151	-2.42162522592711	1.16057978407123	0.94922539518560	-0.18760999968502	-0.09203945332301	0.54054244520531	1.00000000000000
+-0.51333366576338	0.68792644402982	0.83695167830919	1.18435243365177	-0.61840162244071	-0.84114301191974	0.24452153015783	-0.61235068812477	1.45953744855247	-0.66589272697662	-1.00000000000000
+-0.64726261780521	-0.31572592342658	1.28801287347212	0.29519462003314	-0.56961432532977	1.47232671275620	-1.15035559473387	0.09487333734496	0.13549657156527	0.09489212636139	-1.00000000000000
+-0.63687165082009	0.41208677315470	0.16746216358553	2.08318646841029	0.41252672225583	-0.93748991570538	-1.02786364845234	1.27356687271473	-0.95167951452428	0.39695365829891	1.00000000000000
+1.37139289675090	-0.39798408731205	-0.16838753862704	1.31496795832202	-0.68825296530572	-0.88683137716864	0.83240997616926	-0.06037411053419	1.96504166900280	0.54643085731612	1.00000000000000
+-1.67963769375829	0.24048951467945	1.73811867405694	0.31584019009322	1.58800843097687	1.19864075817290	3.28113873382326	-0.53178115855991	-0.81921634410927	0.13453732034597	1.00000000000000
+-0.54724472728069	-1.41523372583510	-1.63414289032570	-0.40555405161871	0.84894921510505	1.04821314395762	-0.60747185911395	-2.12036126989719	0.16678812602061	-1.59713760899292	1.00000000000000
+0.62845830405262	0.05735559777454	-0.30817377408141	-0.38150249852798	-0.71060417515303	0.28567442699449	0.62951400763978	1.84663294204877	-0.01385104806947	0.06606507571629	-1.00000000000000
+-1.78133883337108	-0.96145593705135	0.63799302083915	0.26273457848365	0.86357907944606	1.96868081487440	0.28922980083427	-1.63163300240237	-0.75941737735952	-1.28178958643865	1.00000000000000
+1.00256546478899	0.18624226397762	-1.31587317652755	0.82497825563547	-0.76366859982964	1.23695767615131	-3.17783774992821	0.62415942105993	1.45382397746000	-0.31298212173533	1.00000000000000
+-0.28939714231541	0.10365352783940	0.19558220246283	0.73066064204707	-1.78467615924157	-0.46846478448266	-1.50118402863952	0.68119769375390	-0.22526582385652	-0.03723861100523	-1.00000000000000
+-2.04264195537957	-0.24012917442532	0.68668762665153	0.12666033351847	1.15195226352181	-0.30686129144735	-0.19726624190995	0.23808712678856	0.00584738502379	1.62301437970769	-1.00000000000000
+-1.39913572699273	0.90074090007749	0.70478897510047	-1.09527648605786	-0.45768746355304	-0.17993376592990	-0.01467617323699	-0.72369734862474	-0.74013115818473	0.93292343466682	-1.00000000000000
+-0.21866409941446	-0.63794705916921	-1.52907473778500	0.10343101670244	0.51509716151758	-0.03291888371701	-0.13443076153761	1.57094857125874	0.30214551719500	-0.37629207536670	-1.00000000000000
+-0.80140590359817	-0.23093045554892	0.63951797007057	1.54244050216306	0.55090443514443	0.75157095095524	0.61943083909928	-1.69880263481168	-0.54872646311520	-0.07957965327625	-1.00000000000000
+0.45002243757179	-2.29770127333764	0.44770442468006	-1.85741144659331	-0.28148124918932	-0.47311966690979	0.70233648014233	-0.63900893732300	-1.21032281856914	-1.02699091466913	1.00000000000000
+-0.68004918156676	0.19546883255543	0.34169277917524	-0.60027953517849	-0.33210136793455	-2.95900737953170	-0.13736132866162	-0.20088700582505	-0.71179270300796	0.33897579754665	1.00000000000000
+0.84878844268052	0.06302063657319	-0.10447015347613	0.13421882361251	-0.84736569343594	-1.19239833003660	1.11004770045052	0.72203477560577	-0.12181535521447	-1.77253378551498	-1.00000000000000
+0.44140308810394	1.34083983968798	-0.65696360637703	-0.61435363149163	0.28125087980515	1.45820373995327	0.99430811547807	-0.77291351457167	0.55921416562741	-1.53024471674164	-1.00000000000000
+0.35085138072583	0.11943765050645	0.20153772413881	0.13986915272310	-0.06709264618684	2.19787797535774	0.26189063084704	-1.10849399929090	0.35395076131106	1.01020034666800	-1.00000000000000
+-1.09482911285760	0.04289939230914	-1.44824754791660	1.19022816918392	2.32048844265935	-1.26090863541101	1.99096214550344	-0.63312122249398	2.71748233990061	-1.33424361815646	1.00000000000000
+0.95320195299328	0.54139152381489	-0.08596062248924	-0.63803410720329	1.66838982586156	-1.09377645780870	0.47323582449735	3.60754853843609	-0.57530796827167	0.32665101846158	1.00000000000000
+0.25923661357419	-0.59601111056813	0.85070331217849	0.39719197956658	-0.77956318473214	-0.34644134290396	0.66928835614419	-0.80729866141735	-0.75096478642843	0.08104428156002	-1.00000000000000
+-1.50684977814175	-2.03618129620391	-1.09501357812831	0.60805483609972	-3.13415417955189	1.48139372155196	-0.56057220301942	0.10231246550285	-0.14342663088448	-0.65442384668486	1.00000000000000
+2.79966816143424	0.08654875357862	0.78458631112837	0.56499244285160	-0.33032794325941	-1.76539477227700	0.17262684109539	0.06290130756576	-0.32260494381621	-0.13549413869605	1.00000000000000
+-0.08917911495168	0.78724619344157	2.96591672522475	-1.28908429298559	-0.79993200349129	-0.69362413911180	0.15629285371848	-0.77019294486641	-1.65915096777041	0.99805628651856	1.00000000000000
+1.19251151280629	0.73662330971308	-1.24411783671933	-1.14792320963174	0.20351530172132	-0.76695074080429	1.49913034764960	0.47898619935082	0.61226055150632	-0.03990035672952	-1.00000000000000
+0.55118128493394	1.27883037230221	0.75312971729422	0.42328290588085	0.70045623901548	-0.03250539967667	0.85605343302736	-0.02212683847831	0.30206838683152	-2.03153689260731	-1.00000000000000
+-0.58255943488992	-0.01007370204248	2.86096029841863	-0.38470572952183	1.28196974346945	0.10885279779941	0.36667841671681	-1.45035052062555	0.25200013253906	-0.24741151603000	1.00000000000000
+-0.44445084470723	-0.97013668551237	-0.15353839970402	0.27902577746725	-1.15972833269722	0.53749874659403	0.00849970784173	-0.80590885870688	0.53535285940093	-0.48655557640385	-1.00000000000000
+1.36425329523060	1.22679216674287	-1.20205123477871	-1.93014267751118	-0.42294226969610	-0.50214490744242	0.14863832484791	-0.88446765413397	-0.08225781641918	-0.70969729826875	1.00000000000000
+0.52857446499766	-0.19556907543939	0.42285968448428	-0.65943326636811	-0.08499182424810	1.67386394241919	1.65916535971347	0.52213056853662	0.60847572173352	0.09806657927490	-1.00000000000000
+-0.94368710072554	-1.43549577550062	0.08428919594561	1.13230033603535	3.37642643935034	-0.62839950296282	0.07610223192264	1.12054847106874	0.15279714813636	0.49449751233946	1.00000000000000
+-0.78526707471336	1.69835648331521	0.85367883797547	1.67684408626317	-0.66920687839799	0.11612416007012	-1.40273677062630	-1.36210855502710	-0.02319897560394	2.66163410933912	1.00000000000000
+0.67026954970748	0.99843353662178	-0.19532877787532	-0.98025278770016	0.08692964670856	1.59756990647436	1.22701878128867	-1.53120374530820	0.51819821895250	-0.19084757050491	-1.00000000000000
+-1.02503898659331	0.21208936007999	1.66424443560636	0.52599449354613	-1.27681789442519	-0.54025508055574	-0.65893861521375	-0.77873531940275	-0.20955425894536	0.45799566083959	-1.00000000000000
+-0.75695302998871	0.46612173710152	-0.02977880440716	0.07249748836791	-0.23034776421958	0.55933346746167	-0.47039854312496	-0.20965503782258	-0.17442144318682	-0.10097190907641	-1.00000000000000
+0.08196542071546	1.33650991424929	0.14774757964845	-0.55354463572972	-2.09188889852622	-0.79301520383147	0.56367574690723	0.72244460644591	-1.26798382658205	0.77735658349261	1.00000000000000
+0.06291525639985	-0.11004527197179	-0.70766313767749	-0.57191380067004	0.13124302723621	1.33586971502584	-0.05219654329065	-0.17805172206370	-1.29602950943958	0.18345364346934	-1.00000000000000
+1.07746507362298	0.15451185518887	1.05185351120479	0.41058397068671	1.05078867641708	1.25805636273513	1.24823601374756	0.43257232287385	-0.18088322814280	-0.87206503488940	-1.00000000000000
+1.26791355389749	0.34070005927019	0.22073986145806	0.70974103444134	-0.27200208894617	1.16610518026450	1.52750696468638	0.94080819478775	-0.97519698129457	1.83085027723802	1.00000000000000
+0.10579092855329	-0.31357436516074	-0.55966464167223	-0.29446797325464	1.16508066747866	0.02027809907463	-0.51508743605876	2.09257598811603	-1.35371444319770	-1.30442331725804	1.00000000000000
+0.03467507131578	-0.30252619076694	-0.27783500809403	0.38300623852794	0.98570716067468	1.12858090910157	0.86908818734864	-0.29318533518990	-0.96125161284355	-0.34576355977413	-1.00000000000000
+-0.90153387602404	0.74184581547023	-1.11232735247264	-0.64428327026062	0.51005566677030	1.33079656646985	-0.34294727642293	-0.01385851395801	1.00046565234116	-0.14725148322431	-1.00000000000000
+1.25159744371562	-0.12150830051044	1.32742180286855	1.56383473826746	-2.59774307642194	1.14300593231099	0.06596611594021	-0.61141132535244	0.50615288966827	0.39642958404018	1.00000000000000
+-0.56720996279536	-0.98608641885120	0.25481668950460	0.32861527965612	0.62637117215862	-1.47017939275015	0.19283905158681	-0.31327659541870	-1.00637601903641	0.47820858982401	-1.00000000000000
+-1.72839260427872	1.23868728412057	-0.13860869739394	0.07594464991740	1.62739453620231	-0.28849322366291	0.83854013163321	-1.60183394482217	-0.13633995539667	0.18657746586760	1.00000000000000
+-0.31125844495123	0.80852425893778	-1.15653459597742	0.12621672406845	0.98704869640347	0.42250940408564	0.00691233908557	0.83199046174744	-0.19703257172171	0.37755469040462	-1.00000000000000
+-0.13691182594542	0.81594992193830	-1.10213886093387	-0.68085636189618	-2.65106086436279	-0.41776711301686	2.45272514159329	0.57840418628471	-1.14875243382807	1.38354667205043	1.00000000000000
+-0.04640926274948	-0.24569330955772	0.69014650426880	-0.23510464888446	-1.11630380481824	-2.35474481751761	-0.26577505174099	-0.25263217126858	0.51882687156716	-1.09205894868350	-1.00000000000000
+0.76907823950939	1.90948560777140	2.34448640919252	-0.60317668157914	-1.06651176182041	-1.07441569648136	0.79849086472879	-0.36737001066172	-1.04963354054085	-0.20019267705469	1.00000000000000
+-1.12501936165799	0.59685430122200	1.48058115473964	0.12874877898124	-1.06488843073877	-0.99418372762999	-0.92016061553170	-0.42982638641988	0.70041486848088	1.45599711447754	1.00000000000000
+0.37580794668164	-2.16987295186233	-0.60911825754023	1.28938423849610	2.22400091902323	0.73004420988902	-0.20515690004236	0.53262725840619	0.91089711520022	-0.46928044098744	1.00000000000000
+-1.58415397028482	0.54484993324085	0.25478047326170	-0.62577929470795	-1.19758508579914	2.12278384989802	-0.32478655011808	1.21355436216451	-1.51738157302282	1.33862958913120	1.00000000000000
+2.49082430887588	1.47089041671101	1.69860598864064	-0.16505062949189	-1.33246923147069	0.44359643183399	0.31061600865482	1.13008847392698	-1.65042511902126	-0.06604944289314	1.00000000000000
+0.92963033725511	0.08262515108491	-0.83170407184255	-0.61421473015709	-0.74541740902090	-1.40153949433310	0.69645983640241	-1.20399095346117	-0.09015480427479	-0.45206496736689	-1.00000000000000
+-0.00960376742936	-1.31392144249539	-1.06575065734256	0.25125862743961	1.14586175727003	-0.49840496363805	1.80445543192129	-0.94214962144172	-0.22934326902916	-0.36648153154605	-1.00000000000000
+-0.32695996504571	-0.14044614912208	-0.75638286138398	-0.50466406271466	-0.34919475179509	2.32966896053512	-2.08532781387248	1.31914370187782	0.44649577875192	1.47669754276172	1.00000000000000
+-0.83440342115148	0.14275778701674	0.24383498835086	0.38133754209085	-1.38319516484048	-0.83827557230528	0.71404993125178	2.06948801981463	1.23390329729067	-1.24419994553534	1.00000000000000
+1.53291508079870	0.49955204786482	0.24890571245825	0.28632728781958	-0.04992536963630	0.49859063846983	-0.61608310671829	-0.42781789744961	-0.55566133020810	1.61943495777472	-1.00000000000000
+0.33627704884263	0.46627321370222	0.67807481962431	0.05708032994403	-0.77914064072727	0.50200400285390	-0.96351099256906	-0.43286177286305	-1.53370382440754	-0.33654438932380	-1.00000000000000
+0.14069345077210	-0.12846025403559	0.20702564787870	0.21048793239462	-0.16788327671268	1.36754977927859	-0.17411708839174	0.26061567650791	-0.03791214650398	1.43218149304641	-1.00000000000000
+3.52022188056470	0.48635117915244	-0.36725974135491	0.60051714154981	0.75993216263399	-0.95387154156265	-0.32865793532985	-0.06902184972188	-0.01472420743324	-0.57930642043370	1.00000000000000
+-0.22013419489841	-0.28956553203166	-0.37794792033182	-0.05683407843369	-0.62889652494558	-1.23760045195148	0.67483985884722	0.94641378724680	-0.96224032146712	1.06408310229025	-1.00000000000000
+-1.10493050096951	-1.00755979090947	-0.69583553386879	0.03437698909793	1.36429137715819	0.79226789018405	-0.31260834980973	-1.60929791290072	0.04379830132257	-0.91464623245142	-1.00000000000000
+0.21433978246855	0.53332322777503	-0.63548025936329	-0.05616754796863	-0.14590395544464	-0.28716278931470	1.22777588214010	-1.68030539378246	0.15804369598265	1.06046789322333	-1.00000000000000
+-1.30038522015202	-1.12354242709860	2.73482270750336	-0.43930224880478	1.50141618738062	-0.15396622862719	-2.92697307549452	-0.87392905485735	0.55564057440462	0.01845994175197	1.00000000000000
+-0.10149436569601	-0.31721921165341	1.52088084039339	1.03722400083061	0.31126133312734	-1.09624396008948	-2.06961474314977	0.00740366880398	-0.36599327236757	1.52267743668671	1.00000000000000
+-0.43729995345018	0.42021774408486	0.37973996901792	0.42917631987267	-0.71898830613271	-0.13178268647130	0.23930402371678	-1.88872656365706	-1.02556075391848	-0.25000938344555	-1.00000000000000
+0.47678871638138	-1.87419127881142	0.18144140747261	0.99936786402481	-0.53432183279655	-0.25056154440990	-0.28378425699096	0.57421120580757	0.65487405363890	-0.59837354959427	-1.00000000000000
+-0.12991915602520	-0.70191571361162	-1.57730263941248	-1.25817062064794	0.35937708058528	-0.45156078095645	-1.20630360651419	0.61047367946987	-0.05003530244548	0.68009118162363	-1.00000000000000
+1.51098044481182	-1.56912866076248	-0.78465240954000	0.21839172587642	-0.63726981210310	1.25798555882565	1.20064015852196	0.38153837794720	-0.82283919087756	-0.16837050667731	1.00000000000000
+1.18352357280276	-1.04875509357631	2.25969172467827	0.28702666620639	0.88028966430435	0.95672187211462	-0.07662346273180	-0.84191738634260	0.40400140413243	-0.33327365729216	1.00000000000000
+1.36434315493975	-1.27509184231979	-0.09425975962773	-1.20536649678234	-0.72657171963531	0.98863535284829	-1.44488856586906	1.44722277880849	0.49353218120454	0.90622111903638	1.00000000000000
+-0.43978826409453	0.32260075713766	-0.06635866979377	-1.15017731044598	0.62795651236366	0.23654455941677	-1.04415248597426	0.14183845958426	1.81744182677423	-0.46853284389080	-1.00000000000000
+-1.05974368711991	-0.38659367077799	0.67105388173385	0.95574023522184	-1.14640297814778	1.22413192387369	1.04237621332510	-1.96105764438404	-0.84293880359539	-0.06666592468321	1.00000000000000
+-0.81171568418620	-0.57318967810348	1.01613586697448	-1.20066953766301	-0.70545875748942	-1.73883772890053	-0.42033803362507	-0.28020982969854	-1.63690744992033	-0.63325026048500	1.00000000000000
+1.34061112401760	-1.09419869220904	0.35197981867832	-1.23925627594649	-0.32153936685805	-3.29613055277417	-0.77160233831401	0.95373831554576	0.53511623704629	0.65536803323709	1.00000000000000
+-0.94903866831776	0.42174263859792	-1.52812644908413	0.67046710522533	-2.70697166576974	1.24523475712516	-0.44764250552775	0.94393245266131	1.28759492624275	-0.40420869082062	1.00000000000000
+0.44414414769103	1.73169636268349	-0.21525485843283	1.26651662153626	1.95921251675160	-1.38906673637771	0.86784328206829	-0.87347778810838	0.05439461145744	0.03263360071598	1.00000000000000
+0.88034584957786	-0.77837814024486	-1.36263329681287	-0.09415210397040	-0.11446269046990	-0.31215857666362	0.47504017752897	0.72687370017898	1.26892129849205	-0.55655551495957	-1.00000000000000
+0.52314965514081	1.06122450225754	-0.62720323524221	-1.71450375651278	0.75878475843794	1.26391200547197	-0.63756067696963	1.42421532500632	0.62364427711391	-0.80102027287604	1.00000000000000
+-0.82992724131753	-2.10923591015707	-1.76109287090580	1.44036371363421	1.33257100345372	-0.58499686577783	-0.38182685791618	0.24846938150597	-0.88618470321240	-0.42051855379803	1.00000000000000
+-0.67590163685797	1.66005791286994	0.22970532086064	-1.45606633393283	-0.47120180331494	0.17132950349528	-2.25403008137366	0.02694946283171	2.74054865646980	-2.04880539266903	1.00000000000000
+-0.87364410021940	0.56560399134640	0.58229580197706	-0.74821369631593	1.02756550044453	-0.47980302766139	0.73011435736465	1.14720518321710	-2.37874816854186	-0.54500654942972	1.00000000000000
+0.06903961145228	-0.11977807637194	-0.61196546033741	0.89465797858371	0.27083054765393	-0.41264494573643	1.38108737527016	0.96578243721941	0.73562732456953	-0.45365430873369	-1.00000000000000
+-0.34044491343555	0.32570444854090	-0.56891902798363	0.27992395105836	-0.90306946847565	-0.42784484847430	1.03656134277114	-0.03931142097576	-1.08477400260977	-0.10431322141495	-1.00000000000000
+1.51128140416130	-2.40543160718461	0.46873972431301	-1.24468510857647	-1.00173870572025	0.10080107622392	-0.57699877504734	-0.11105165222924	-1.18642910974885	-1.37918428222868	1.00000000000000
+0.11699090921664	0.55530249563121	-1.26084954765779	-1.13763257731025	1.63113498548938	0.98228718678340	-0.82706792816053	-0.00046525988477	1.14359656349325	-0.42180481423363	-1.00000000000000
+1.79290132490801	1.61698541066592	0.49358518653840	0.41092091501053	-0.78264251511279	-0.40190881737562	-0.18032911693522	0.09926528168570	-1.56670091320153	-0.22237683658675	1.00000000000000
+-0.46522407438279	-0.14873741312719	0.59570083188304	-0.24389812516995	-0.35496525327597	-1.07359598253275	-0.50065406347833	-0.39421080700510	0.57845999591304	-0.43013895669137	-1.00000000000000
+0.01223693040390	-0.53727465092535	-0.44958122471677	-0.98507350270553	1.10346320739859	0.47890002508401	1.45972620853503	0.17157692468693	0.17229349743410	0.21263725304797	-1.00000000000000
+1.37951072201013	1.05417974830414	-0.81358458925446	1.06648308792566	-0.16493998342668	-0.06117788612820	-0.25500445840580	-0.05621891846012	-1.78569700546155	-1.48689466476546	1.00000000000000
+-0.15090831912801	-1.68970839550978	-0.07850478680114	-0.24007423579079	-0.68180674500108	-1.30531558015057	-0.69099943798463	-1.61048252525400	-0.31000211166443	0.67224174964390	-1.00000000000000
+0.11855745260836	-1.37368742992839	0.13693938169718	-0.13406585707636	0.14281604096676	-0.74950682387546	0.50046579976570	0.61809577673221	0.15950312042843	-0.05679883301884	-1.00000000000000
+0.01985452898594	-0.19353491164870	-0.16478627999004	1.31464824935104	-0.40097599621656	0.07561067485897	0.12197922194579	-2.26402623482756	-2.48578825956090	0.90723758344690	1.00000000000000
+1.02057379356534	1.98802304576061	0.10140673476721	1.65422182382274	0.68010803629654	0.02493564435292	-0.86725255695215	0.99247977860071	-0.47079114596080	-0.91689646698876	1.00000000000000
+0.20727413301035	-1.06363503216914	0.60469016421885	-0.56375640469587	0.04182347213005	-0.68191725835530	-1.00857787539647	1.12337475894885	-0.62799000612414	-1.06239647606798	-1.00000000000000
+1.21382633004122	1.87612911180893	-0.05581692349846	0.01036677997563	0.86311440508378	0.96784455644530	-0.20789173628202	0.25255172283509	1.19689233661852	0.04293862287875	-1.00000000000000
+1.72292341418004	-0.85301300865469	0.39382609859474	-0.02552314568912	0.18884163162416	-0.52395809427896	0.39957079381652	-0.06711647007721	0.75246772256531	0.60727005741558	-1.00000000000000
+0.87332097657883	-1.06102477473457	0.78063670368234	-0.59437628645139	0.09487807215029	0.27581508642894	0.14075820812424	0.94580452100376	-0.37014964252817	0.97413314543793	-1.00000000000000
+0.32843215295785	1.29445498938113	0.51666786952407	-1.18933689295805	0.51400308431076	-1.88118247659025	0.36836336945878	1.67947084321420	0.90624378611421	-0.01564907974020	1.00000000000000
+-2.02170695919043	0.57829927916197	0.28357717797083	-0.51218406882330	1.44588165319292	-1.53204117067885	-1.45805093364858	0.17140911268956	1.66056881523198	-0.97630666854394	1.00000000000000
+-0.94729773858056	0.85150263334397	-0.31077540975334	-2.41189339425470	0.09439005857807	-0.13705377143056	-0.60634598114816	0.75862231733567	-0.77876093493060	0.09289389877232	-1.00000000000000
+-0.64703076058191	-2.31535674955260	-0.12210417965740	-1.07116826353276	1.43861508478921	1.95593977678516	0.86737566947697	-0.06995831333497	0.73874662203782	-0.30086102974236	1.00000000000000
+-0.75345121192556	-1.53921958448343	0.02797353107567	1.33155623021847	1.75841625956915	-1.00194957142603	1.82060649519144	-0.48260760437854	-0.53038243076773	0.44071809123492	1.00000000000000
+0.68199458210675	1.56116583787712	-2.00763901110557	0.98675404936291	0.22760989542364	1.16066890282513	2.03517003107988	-0.63382611610326	-1.46022634419965	-1.31511652634213	1.00000000000000
+0.16792406822029	1.27656642328331	-2.38966405726644	-0.64756001222620	0.95457452187771	0.57511584927632	0.02281944964928	1.43357816988644	-0.09861110010162	2.60203261462360	1.00000000000000
+-0.44104773888807	-0.30140329757656	-0.35677089717892	-1.06547917954755	-0.69896727023302	-1.03569317268169	-1.06060985901939	-1.70991338288168	-0.56114937648864	0.27013267060846	-1.00000000000000
+0.24422319132875	0.15728142069723	0.41011088921730	0.93776698276298	-0.01973483236549	1.14046516041562	1.06972828768914	0.47343326287403	1.48804205392661	0.72933419979326	-1.00000000000000
+-0.50690427023777	0.60432638907264	0.05410361023287	0.83057697604120	-0.39203128814644	-0.55695353165970	0.35665149803283	-3.40966442373431	-0.39219779922621	-0.39398331378821	1.00000000000000
+-0.58231067377836	-0.56021224645339	0.81556509570149	-0.98942341278890	-1.08669233032551	-2.29506530324398	1.89209384501616	0.32509742372140	0.27296642685937	0.98553531241407	1.00000000000000
+0.55649089319225	-0.65029741833535	0.57563238454508	1.15050835559160	-0.31002124086682	-0.22464337600082	-1.56243576459314	0.70768356820650	-0.22053257290184	0.11251985412366	-1.00000000000000
+1.12829025467175	2.00541230200178	1.06228525718115	0.50954375566875	1.42642645117448	-0.14812381653693	0.97424430484836	-0.54164725575559	0.39384360302264	-1.00563366957488	1.00000000000000
+-1.56122465579809	0.93736832192326	0.98433565295606	0.34682432388307	-0.38843422663135	-1.36440071978363	-0.12220938406662	1.79956494880113	0.80044784100583	-1.84292967617774	1.00000000000000
+-1.57797097506408	0.47744530915613	2.32985345098851	0.43998837769239	-1.51368045633360	-1.79297715325472	-0.65947459889682	0.44813674454544	-0.34526373054716	-0.36499134969125	1.00000000000000
+1.16455309487455	0.06506329672656	0.36933818405136	2.09524929307741	2.22254952025781	-0.95824891920259	-1.49753501119592	-3.06214768648151	-0.93947201133805	-0.23957702972442	1.00000000000000
+-0.73164504086634	-0.16166254401244	-0.29910653347467	-0.59778147060369	0.41045098111904	-0.56547389306719	-1.03713068610964	-0.49638580259137	-1.19009604165555	0.56341243592888	-1.00000000000000
+0.48668610831558	1.75579152605182	-0.96982324508163	-0.89940381078902	0.59130859870175	-0.56912029758393	0.05337409208500	1.29503677458321	-0.91826029420749	-1.14259964675751	1.00000000000000
+0.59337600119948	1.09416631544085	0.99309145944129	0.27643575021019	-0.28318086735942	0.30097653260184	-2.26794440924807	-0.06682563856415	-0.88341858854591	0.00043250774732	-1.00000000000000
+-0.22856088139209	-0.03379226578123	-0.18327210486305	-0.10360307925287	-0.36000085341017	0.58811470446091	1.04576122411667	0.02209408602764	-0.15715572501563	0.80940861875183	-1.00000000000000
+0.72528602881416	0.07811267273300	-0.18935130307979	1.11648975398493	1.01431607023541	-1.73791375700647	0.18377222487231	-0.88732219950348	-0.63259062564733	-1.04183701306689	-1.00000000000000
+1.39978870655482	-0.36349167574309	1.78938242631899	-0.59735440365160	-2.20974703129314	0.39621220270313	1.59885376970367	-1.20232687352990	0.40167719866978	-0.81915771017589	1.00000000000000
+-1.09413209171186	0.67717599433129	0.04783290207921	-0.46263521572466	-0.31456291259979	-0.26062648726084	1.67621198991163	1.16595542246158	0.57888689357824	1.44907721805680	-1.00000000000000
+0.15063539705007	-1.18008539618062	1.45744226079523	-0.52134307295369	-0.25342120729348	1.62096222407089	-2.91998205490595	0.59711151493842	-0.25547626085483	0.24062990635178	1.00000000000000
+-2.04952116280010	-0.57424469354553	-0.28134417115032	0.13189916041945	-1.06975355913061	-0.60507595305599	-0.04749273556042	-0.33125876894686	-1.12427263161203	-0.24015686832251	-1.00000000000000
+-0.58382222901373	1.41248262486827	-1.26882280752894	0.66849701525780	-0.35115058498316	-0.01895183006356	0.25235671785222	-0.79315921725406	-0.98777356735433	-0.20552516437063	-1.00000000000000
+-0.06318543505718	0.46049082595036	1.74706019789761	1.58235473867680	-0.72744858303610	1.95914364616522	0.67886947289353	-1.38119674540690	-0.27504605475055	-0.32106784620488	1.00000000000000
+-0.56284670822634	2.09306367776815	-0.49998589831633	-0.59427747489848	-0.75017264759292	0.04474056374963	-0.96269548365684	-0.48572164630175	-1.11235735872812	0.17648585911636	-1.00000000000000
+1.77052335031267	-2.18754089568286	-1.41836474299654	-2.24315455163346	-0.38743906351047	0.32390046288295	1.18413940191295	-0.40238897800278	0.93184167001147	0.08671844791510	1.00000000000000
+2.21457000944070	0.63894876222010	0.25592875221501	1.52167607795659	-0.66363507566281	-1.09822311677002	-0.20028696285160	-0.45652415278719	1.99264998203369	1.42181390980496	1.00000000000000
+0.13907116643628	-1.34672261878355	-0.77771567998392	-1.77243275211378	-0.38146667830750	0.90041788814708	0.98852316228637	-1.44503995965938	1.23951863404608	-0.70579577241534	1.00000000000000
+0.71831934539646	-0.64130300928539	1.00836793630271	0.16765259980216	-0.63499484008975	0.60927454385762	0.14188706265960	0.53603949296361	-1.10039211536580	1.66012033389156	-1.00000000000000
+0.00634334197273	-0.42026681531755	-1.30244559490821	-0.81000294856668	-0.97038026469644	-0.98089828189370	0.94125527084097	0.62912496221773	0.97845115738036	0.29369852717303	-1.00000000000000
+1.04074115991163	-1.68178191561886	-0.19526079752207	-0.28804382215041	1.29019418588385	0.04128852284081	-1.07938518146942	0.23645693975101	0.32076274899275	-2.24566303300533	1.00000000000000
+-1.87931364523281	1.17630508819035	-0.84184127539798	2.14766407232140	-2.27843552704830	0.00837531256375	1.03569627711932	-0.02332927333156	0.05020566888178	-0.10868039467673	1.00000000000000
+0.53279227912565	-0.84955554854481	-1.36170390725782	1.29500873300551	-0.26164222270849	-0.63692734519404	-0.59022700801699	-2.43838617589981	-0.89543690602878	-0.71666328784319	1.00000000000000
+0.42196323196439	1.05928852047649	-0.78643084921981	0.48207118916425	-0.46114179138293	1.40683722900672	0.28795588339967	-1.71719744637376	-0.33706658204917	1.16817063710305	-1.00000000000000
+-0.56075894165474	1.12598442275278	0.20373507791121	0.90597590491046	-1.67315172859125	1.87516165929254	0.17097321787637	0.77145006786264	-1.75589287198955	-1.52855003817064	1.00000000000000
+-0.15393713900934	-1.29957687767449	0.38040271249805	0.48344693811472	-1.25384916761061	0.13806354943511	-0.24596321653561	0.79919401803120	1.80645127852427	0.27452394159940	-1.00000000000000
+0.86698806843309	-0.58815833001400	1.17000551513135	0.74151044250819	2.29772940248281	1.22575455920646	0.50228036926324	-2.32492185158858	2.29021645348740	-1.69136811506260	1.00000000000000
+1.59906522635919	2.17554993945407	-0.46836801318308	-0.90911348190906	1.99368666341943	-0.28185504044925	0.59425823733573	1.49671620394103	1.58161785965642	-0.03554218420278	1.00000000000000
+2.34538243000147	2.12933986305437	0.64585719222120	0.02094337880075	0.89292018297466	0.73306781745898	0.86442389775943	-1.21051914522794	-0.85857146874448	-1.86384218062692	1.00000000000000
+0.34874601194449	-0.41880909428216	-1.03995202621332	0.64334426060931	0.82931180120123	-0.80984754290665	-0.43617246273443	0.09510951954021	-0.39227021323764	-0.48983702715253	-1.00000000000000
+-0.42369448623968	-0.68514708558008	0.47184933293894	0.26932910360431	-0.11681223949752	3.70395555710812	-0.82843151983943	-1.00174005989511	0.08599811261732	1.32215293742072	1.00000000000000
+0.52184795525709	-0.51866858841833	0.83211831672411	0.30978938584393	1.26040439800261	-0.34292512895938	-0.26797561264677	-1.53606807618863	0.83332943292246	-0.33822082680673	-1.00000000000000
+0.24182694890334	1.58397969523223	0.60768365798227	-1.11842859229269	1.04377891258765	-0.51792928956894	0.51402267019295	-1.87373960513515	0.30563958246098	0.46808879782259	1.00000000000000
+-0.57354879897534	-0.52369118542813	0.13704463208716	0.17251890130336	0.87479117879257	-0.24880348032029	0.72902033592913	-1.06294987364116	0.75284735003546	-1.45911404390460	-1.00000000000000
+-0.90813650092626	0.36062189992316	-0.39642934931274	-0.15049219794051	-0.99546047626259	1.05293400623787	-0.58081282431979	1.83640316303724	0.97370845510581	-0.96516135793050	-1.00000000000000
+-0.55619580031001	0.93219950263699	-0.65176859333411	0.91306867256824	1.49374505338824	-0.38252311657517	0.18028771046170	0.93743985731122	-0.84426381774788	0.03183553939069	-1.00000000000000
+0.31302493139349	-0.39679538435283	0.20675346490335	1.36759024691211	0.40799802128990	0.08488494257413	0.74097161239968	0.73399067538353	-1.12852523064871	0.26894534765375	-1.00000000000000
+0.56189548416400	1.31531993637634	-0.51711844017255	0.65380200490404	-0.18402977912289	2.27358690721597	-0.38788675912447	-0.19441597481872	-0.28058759633090	1.60211571868363	1.00000000000000
+-0.60811942481617	-0.45318484694003	-0.23303084415218	-0.76402696354525	-1.49634240341409	-0.92340613178747	0.31126068509296	-0.03052879753940	1.08769768907277	0.40413518361168	-1.00000000000000
+-0.18206154815942	-1.31654395376131	0.64502302898839	-1.04033015910627	1.76090461151839	-0.28588499503151	1.37323812565789	0.31214899308212	0.06570684699344	-1.13859800071575	1.00000000000000
+-0.44907938078902	0.45394122177585	-1.18352895491402	-0.74855243526088	-0.24511073519538	0.34205439888735	-1.19458198872337	-1.45636200635397	0.41278757908066	1.70092699749382	-1.00000000000000
+0.49977096027256	-0.93135902665175	-0.13543532340627	0.88025547302999	-0.96313734094541	0.45880987289393	-0.12831218647621	-1.02168585575728	0.87802609879066	-0.84804393380855	-1.00000000000000
+-0.12872546279021	-1.88895918569158	-0.90274374168362	-0.35014350159081	-1.68676915726240	0.93223071584083	-0.83957603430372	0.88387821490981	1.56641975794917	0.16431161029766	1.00000000000000
+2.30833261153193	0.82326459623929	0.01549765672281	-0.21450679435111	-0.41401247725303	0.27261319516314	0.76645879249377	-0.16656674102351	-0.54750632923563	0.98231582849715	-1.00000000000000
+-0.74476743274825	-1.81849657948750	0.14505347677356	-0.44791485501220	-0.21263940287400	-0.36846445936898	1.12188528863783	0.10517480354939	-0.55397476745780	0.13983547542945	-1.00000000000000
+-1.23271152417284	0.53408291510678	-0.94964595113897	-0.77698037897992	0.29064370619553	-0.30257643378099	0.60893275103010	-0.38181773619045	-1.77522245072547	0.75084655035277	-1.00000000000000
+-0.78231873696698	-0.87273890601240	-0.09679072494137	-0.53842401828528	0.95723070475122	0.30537684475860	-0.85485815644456	1.23272740833611	-1.04813142262457	-0.50629565975694	-1.00000000000000
+-0.30727925825913	-0.03737620430589	-1.48046123700518	0.57232939473646	-0.38153564938818	-0.82271218490407	1.77183138633154	-0.53970005597267	-0.39664727110874	1.29047191402184	-1.00000000000000
+0.00716082923695	0.04337447249664	0.20811542896309	0.42717174515593	-0.68858601557846	0.36005403978711	0.53430518632016	-0.95838549977933	0.02504604024179	-0.91943237436809	-1.00000000000000
+-0.22335496124667	1.05349457880497	-0.45294412600022	0.55484434880721	-1.02297331266384	0.12348590343109	-0.27242641079177	-1.39255187728100	-0.86960709011386	-0.82225732191963	-1.00000000000000
+0.36871612678438	1.72418727183114	-0.59152488314036	0.53273050555190	0.09316500738041	1.76231872633012	0.47025562739052	0.88820020306285	-0.29876242485039	-0.02840624648049	-1.00000000000000
+0.24701737500504	-1.16520516480339	0.77067196296778	0.12298636580018	1.47898032883000	-0.63242966911341	0.73437593959100	-1.99178681963116	-1.00213070159414	-0.37950683334516	1.00000000000000
+-2.01002773368731	1.85712997659606	2.47974584735741	1.91296024297679	-0.93809359688225	-0.01172463154102	-1.59807541953825	-0.92899006089375	-0.47664077904214	2.40737610428052	1.00000000000000
+-0.11999075510738	-0.48570942851760	0.88069410560792	0.39362858827246	1.16411498717842	0.27793185695022	0.44911908403941	0.09259491235151	2.30419435175236	0.01390438595114	-1.00000000000000
+-1.05475107139300	-1.47896797730099	0.05519973020852	-0.49989044789193	-0.17829331706688	0.34180811662731	-0.59695376554305	2.44030016394350	-0.16397576073670	-0.61590027035688	1.00000000000000
+0.57048078702859	-2.38720989521940	-1.16927676724438	0.75875750063705	-0.41144628227868	0.58988180254012	-1.79621159415940	-0.40451434365059	-0.12457885288962	0.89998643258881	1.00000000000000
+-1.27829594341399	0.41360700084515	1.34415923596908	-0.03939753421034	1.01434118761135	-0.20008537259164	-0.26649246711727	0.28786228374626	-0.99884816379004	0.99692682223972	-1.00000000000000
+-0.25899188829756	-0.63796014543138	3.09114133882946	0.39115135761265	1.45363290312592	-1.60753626232600	-0.98626500675509	-0.93299495305737	0.79365180408434	0.02839466508758	1.00000000000000
+-0.39390934048175	0.68946041197660	-0.43581496709826	-0.93377355579446	-0.16235892528403	0.46485434523581	2.35678751546495	-0.36630946290128	1.75172811387821	-0.39276643716670	1.00000000000000
+0.58919857663982	-0.14382997176220	0.52941085381373	-0.08335352206695	0.42523272608754	0.80229016745642	-0.24126311977658	-2.43124674151672	0.54713831009769	0.69699909460312	-1.00000000000000
+1.08463313194723	0.31503993987711	-0.65813893200168	-1.25896109808864	0.50459335854438	-1.38764467860813	-1.08066075278908	-0.95456052347257	-1.88171436952577	0.11835355036381	1.00000000000000
+0.44996312834362	-0.64026837417048	-1.59679383723510	0.27487805435994	0.59556460995450	-0.09027489568618	-1.22684056036508	-1.53873284317580	2.10874730761390	0.74513211742512	1.00000000000000
+0.72823158676523	-0.65206555071903	0.46546694293950	0.90041585465488	0.85935488674605	2.08958057893937	0.22753952493389	0.21674905057396	-1.26269918993517	-1.20633501310205	1.00000000000000
+1.27716171921025	-0.05499051597472	-1.59512221007862	0.91412397989769	-0.38718871939492	0.57746652276591	-0.97739606887482	0.10050261002710	0.36854373509487	-0.50467064475046	-1.00000000000000
+1.48150911296899	-1.61820657337176	0.56106817180142	-2.98971431066842	-1.93679291254199	-0.12962266747154	1.19674214874825	0.26129959562274	-0.97576576439576	-0.50694711380826	1.00000000000000
+-0.35037365838915	-0.47279349850043	-0.67936627124206	-1.84592628847831	0.02705672165703	0.54760018080503	0.49617803532835	1.77150828446049	0.57357141610473	-1.17159498372763	1.00000000000000
+0.10863924147217	2.04696387930477	0.09219021627040	-0.93912724561313	0.66377675241895	-2.84334614095390	-1.77079486580957	1.12962271469955	-1.57351924402584	-0.46971123109836	1.00000000000000
+-0.48763723967441	1.12736594292411	-0.55299166185936	-0.76764608611464	1.60789283621689	-1.73498432721435	1.99396904249138	0.98392401824527	-0.37940715926774	1.92933803423903	1.00000000000000
+-1.08014297550957	-1.04679752630889	-0.26418983826557	-2.60595759260128	-1.35078072527117	0.85137149865653	0.64981597360203	-0.22833398510755	-0.07623388370627	-0.44810263190367	1.00000000000000
+-0.12129936565160	-0.41258482947024	-1.26782782163998	-0.77700273428158	-0.48730720589514	0.04646692460595	-0.20665168512001	0.19661078485554	0.65754086170996	0.40793736775046	-1.00000000000000
+-0.03355197230233	0.21176903173502	2.11897461330999	0.65257565557988	0.07982447110798	1.23465842683390	-1.16715168344948	-1.81250340076843	0.30205263338607	-0.36366020796006	1.00000000000000
+1.11010315365201	-0.03931758935604	-1.13611552736405	-0.46198331391295	-0.70460538159818	-0.13513827031732	-0.05140413559799	0.35228658455179	0.29708195817311	-0.45816443048375	-1.00000000000000
+-0.56198968470875	0.05757992091961	-0.45209890812722	-0.00361641724980	-0.17151591160409	-1.22889715883856	-0.69535859584866	-0.62474715213245	-0.39541012846052	0.14557608103475	-1.00000000000000
+0.09810732013936	-0.57547064802326	0.18044498386200	-0.89300038995128	0.06595035778404	1.11547237086225	-0.38613817824671	0.02123855429245	1.42396217534984	-1.01221367352195	-1.00000000000000
+1.75715410769135	0.68521595802526	0.31299396816830	-1.16031505747748	-0.47263390186565	-1.13771952754126	0.48514014891349	-1.03386134049467	0.86207446395008	0.62592045083844	-1.00000000000000
+-0.23510772381572	0.64326125611357	-0.57437152280578	-1.74584769989725	-1.36443857882843	0.40392137882677	0.64185716681394	-2.24325252423710	-0.48229096538770	-1.10385488347648	1.00000000000000
+0.11326059120410	0.38782644107294	-0.14373752820711	0.20335299604912	-0.26019445141617	0.16198560645901	0.34388226682493	-0.38522185639782	0.46842717071867	-0.74955656795270	-1.00000000000000
+0.41193007544203	1.52811837170119	0.56004332998411	-0.95559168056815	-0.53873064242542	0.29663357884475	1.34321512008429	-0.62586750478730	1.07845012356250	0.97252757679475	-1.00000000000000
+-0.07060997362278	-1.81807634286656	1.68255158419573	-0.14658502181383	0.24422342277797	0.39790178407350	-0.22653824718083	-0.25232926841762	-0.88193758823894	0.07206270686744	-1.00000000000000
+-0.38659226081064	0.62052077499591	0.58757882692904	0.32259693545791	0.04540076369769	0.87864815579461	0.85015690673906	-0.44565092291117	1.04090107711875	2.17139825823232	-1.00000000000000
+-0.75730745191493	0.63669479716936	-0.95151986553609	1.48435723233310	0.32712341411578	1.53166023346659	-0.71939554633497	-0.85822346797859	-1.21675274338616	0.05527813002408	-1.00000000000000
+-1.26904103156167	-0.63751972110336	0.68209269383615	1.06185333664919	1.00188013503809	-0.82781396378201	-0.02567090444013	-0.77743276900621	0.99201363785579	0.80591616044785	-1.00000000000000
+-1.26773612062650	-0.44244930313739	-0.60747985374530	-0.34025259939915	-2.47561959107333	0.48324919919446	-0.88791954604012	0.56210821978373	-0.89848437738300	0.08974086643175	1.00000000000000
+0.69575485423161	1.90587815364402	0.49448743454534	0.36058086127531	1.21875072349177	0.60563187203873	0.62454733366234	-0.94818313087892	0.24369885694472	0.29277262212683	-1.00000000000000
+-0.02277671157668	-0.12525266113804	0.27548613283997	-1.10344098281121	-0.95206915176146	0.56983230938659	-0.28601847682458	0.96053253425248	-0.25838573670515	-0.08930552725220	-1.00000000000000
+1.19966205566844	1.87229948993414	-0.19519137998255	-1.86115420208938	0.18740465252046	0.90620262462141	0.38711816443459	-0.49700866851083	-1.23910083776031	-0.31442573604751	1.00000000000000
+0.32136262600287	0.58043674980496	0.23029703230164	-0.44236745075815	0.20413423840621	0.53028906416454	-0.14182942567267	0.45207734829690	-0.10314983401130	-0.95016826141119	-1.00000000000000
+-0.40298815634768	-1.83266132225241	-0.82064677961813	-0.72033953433359	0.47247877699437	0.15877392300682	0.37610200003212	-0.61412033248032	0.28853532959035	-0.76722954409369	-1.00000000000000
+1.43225854863025	-0.87588684405902	-1.25840685282314	-1.11728940855833	-1.28427202505687	0.09458333075441	0.18510125056770	-0.35413139479864	1.92864986502933	0.16822430537758	1.00000000000000
+0.57571199533957	0.86485924707677	0.74824282856289	0.72475922685528	1.02626039174100	-0.46128612391799	-0.33121319671558	1.98805159253997	-0.65993165541693	-0.37516019065900	-1.00000000000000
+0.15773906254957	-0.92231261564652	-1.73172131860835	-0.00803621297581	0.23483181268321	-0.73151498042260	-0.25572373580011	1.94897177217194	0.56212938151929	-0.89374382557636	1.00000000000000
+-0.07013046287766	-2.54069135777750	2.42144223569064	-0.63941249706949	0.77533085459809	-0.12820745521662	-0.67942398375523	0.39939143764371	2.38048207667830	0.62833282816750	1.00000000000000
+0.03929986421482	0.96418714906400	-1.11007283912226	1.43327896108132	1.02047307967544	-2.04747750504134	2.00588289965597	-0.85449508818570	0.15740906528622	0.29097184948824	1.00000000000000
+-0.40573949704265	1.18558387176815	-0.30482758240707	-1.12199640497243	0.26204248444209	-0.10118039177423	1.62986549277600	-1.54274254805798	-0.90869287578127	-0.56175888326338	-1.00000000000000
+0.71348472245352	0.05604294784500	-0.44144941642335	-1.18568973341740	-0.68402112516102	-1.47042674875841	1.20926542420662	2.13376288394715	0.41943301918024	-0.33263106948622	1.00000000000000
+0.61009978784656	-1.23655569825266	-0.90965141781337	1.03175325742658	-0.80345473726519	0.61481077629530	-0.54742927188884	-0.23826452394180	1.10432072657889	1.46717007137346	-1.00000000000000
+1.26337523049830	-0.50314113007758	-0.61684813369309	0.73670115755789	-0.75789285329402	-0.77054796349371	-1.77878398028137	0.28854854421902	-0.26359881651388	1.71052505457869	1.00000000000000
+-0.57539179847388	2.77036535096549	0.83884288673535	0.14060346183473	0.44119309345532	-0.30490934124866	0.17536985497974	-1.48742654883653	-0.05426798385455	0.33310388888299	1.00000000000000
+-1.03168512621468	-0.37242002366783	-0.86739449438347	0.04319734310064	-0.42540671652488	-0.48165419992873	0.33403957600817	-1.12091574529991	-1.02184388877961	-0.18419977905708	-1.00000000000000
+-0.10842671741752	-0.67763157339771	1.13052584660031	-0.00624304939248	-2.74305481988093	0.80413207326677	0.22141176204215	0.44011741533992	0.21844464674139	-0.55159097385304	1.00000000000000
+1.65712892214438	-1.87299427725931	1.01864931191280	0.06424299313433	1.71206455397126	0.72650051896831	0.23565025443465	-0.06757890736082	0.88554162851928	0.32066809981791	1.00000000000000
+0.43280331036169	0.96350073192191	1.63024220323980	-1.20710436992815	0.07668603163769	-0.57404568040347	-1.15906675684776	0.24690252010526	-0.74639813648729	1.57690051495284	1.00000000000000
+-1.18273811409579	2.06674603084979	-2.44597119316097	-0.67674366027631	-0.55957850329034	0.67439955169909	-1.17825340898162	-0.21507770756199	0.62173102875274	-2.02249232964682	1.00000000000000
+0.04147028013476	-1.05336698427512	-0.95501239078818	-1.80268105803537	-0.29676194599723	0.71613500308811	-0.03116581412233	-1.34788706067652	-0.33731478768008	0.60819809561243	-1.00000000000000
+-1.12576773876815	1.01636806865474	0.11195678917435	-0.81541169994162	0.22659526753619	0.46210681578036	-1.33029997759632	-0.62416842460413	1.62864573495630	-0.77469025943269	-1.00000000000000
+-0.44340891912981	-0.50722496123892	1.09014343155037	-0.19455989823904	-0.14473516381169	0.93257848439354	0.28831722243584	-0.23367760178180	-0.44389326207359	-1.06606258123014	-1.00000000000000
+-0.10619173208338	-1.05949872299860	0.07930199460323	-0.13324612514476	1.25587475352995	0.21586208522850	0.04042030814459	-0.89280726785403	2.05276390231008	3.59839384304016	1.00000000000000
+-0.26210123109383	-0.22175236478883	0.81223996015893	-2.01183039950536	-0.69151261649662	-0.14412037526742	-0.78727176152681	2.09011816768663	-1.32922865656226	0.71121977577157	1.00000000000000
+-0.25813117791028	-1.95154980332961	2.65208619692750	-0.21547417744323	-1.27313042566822	-0.46594617855080	0.63942481090051	0.49474890730639	-0.54591803893732	1.91970588347303	1.00000000000000
+-0.55737857288334	0.98690812204253	-0.39757574329721	0.60948105830550	0.11409542038576	0.92132688180976	-1.56880500629182	0.57167777148129	-0.03467192822836	0.26775245128678	-1.00000000000000
+-1.36276126207093	-1.12249335208449	-1.61855716068574	0.41801683013506	0.36881589836500	0.24087402352214	0.26863425903943	0.78280612331721	1.44830444556319	0.48091223969002	-1.00000000000000
+0.09538083373903	1.10235568131647	-0.48199984571723	0.30919214564994	0.17831801555079	-1.40375840929788	-0.02396937442263	1.33193099806485	1.79005772691754	0.55715784455867	-1.00000000000000
+0.53877234992346	-0.40879887845502	-1.63178635054461	-0.49441897661874	-1.14785623841886	0.70216036449929	-0.64825600363484	2.18324565973577	-0.40433607776330	0.06597453480405	1.00000000000000
+1.10320354979472	-0.46507517907023	0.68346544307448	0.85161340082153	0.98685851325383	-0.07951636301632	0.22383432848096	1.08395217656968	-1.84301528247247	0.08650703798183	-1.00000000000000
+-0.33112274588092	1.21307056452216	1.79357105326558	-0.35305649309531	1.39555631344952	-1.51994080319927	0.46675760243885	-0.36784571160450	0.69214032719930	-0.35324627222194	1.00000000000000
+0.63116497707276	-0.08317995986442	0.54678012265917	-0.33900877946930	-0.64090380838767	1.19506476462774	1.64087934150830	-0.07472903588856	0.26626247696888	-0.76823806367944	-1.00000000000000
+-0.34631591371691	-0.06564357877811	1.64212034299461	1.33872672889107	0.17070552623370	-1.20082184297005	-0.06205722764783	0.17549324206806	-1.63971902238324	-1.76253417711028	1.00000000000000
+0.01952365739991	-0.37999533435460	-0.51919276085247	-1.83546460818060	0.84343369276357	0.46882126327649	-0.92261031901393	-1.38720338270692	1.28609682001774	0.59664204940724	1.00000000000000
+1.83353672104765	0.46187526058946	0.17055256279028	0.96315128683976	1.83762219115829	-0.88332723071409	0.60637725080101	-0.79530798133542	0.27291607919352	0.73669915907617	1.00000000000000
+0.29964121721734	0.10896758702883	-0.41565848574788	-0.69549696786708	-0.35029842557506	-1.64201757085942	2.55032906487417	-0.87263245883495	-0.99651324208709	1.15929258356738	1.00000000000000
+-0.19903358472947	1.06572893993217	-0.73652604115711	0.04709531133928	-0.31553976174974	-0.51591987848807	0.08512938083054	-0.64551402312040	0.26359305823995	2.01483576085462	-1.00000000000000
+0.90499445355159	-0.96175983224901	-0.95666994899537	-1.22497229265327	-0.15032019509448	-1.91730299386132	1.20548732327915	-0.85905128885093	-0.73753600188986	-0.98835778135443	1.00000000000000
+-1.91981998445835	-0.42809746656820	0.20323159897447	2.71819099283187	1.34888767143686	-0.67852831722509	1.22455074654661	2.12294831622785	-0.50865568261543	1.64834650710440	1.00000000000000
+1.33053625667001	0.47018076700879	-1.19887260951039	-1.39110799742434	-0.32321177846408	1.71747721182494	0.30771763164979	0.39549170147912	1.41919925014113	1.43458482124457	1.00000000000000
+0.32695111978981	0.74734056506458	1.99567216973499	-0.50385376009879	1.10427676613241	-0.13536723492725	-1.24829017837281	0.34368890735411	-2.12511982226425	0.15908279941241	1.00000000000000
+0.94615434502750	0.51677543701898	-0.71959946662378	-1.14355430863495	0.10221769211309	0.81967701178033	-0.01878493715161	-0.68994093963107	-0.21852459898029	-0.34369859562911	-1.00000000000000
+-0.84264711168980	-0.84954325551743	-0.06515782470487	0.22790891150560	0.44644121576868	0.56471859546315	-1.73946013536548	-0.05830002777276	-1.43455177502459	-1.69233494662818	1.00000000000000
+-1.80055389645336	-0.57351710719626	-0.07779123316378	-0.03718429408538	0.09997141809700	-0.64506535408686	0.79913576914051	0.21815182735553	-0.47446971250732	1.87224720712708	-1.00000000000000
+-1.49297383237967	1.32525644786785	-0.01623208463972	-1.70033272378618	-0.51945915893609	-0.26029836294021	1.59091108203921	-0.60346327227503	-0.85811643381565	-1.40267552582655	1.00000000000000
+-0.50201636585977	-0.53146598892018	0.88393574660122	1.05354770246511	1.49757371993381	-0.56933053311050	-0.27812103579281	-0.45052292858198	1.54674532440067	-0.40679483307805	-1.00000000000000
+-0.71104951521679	0.07354303400825	-0.32368030025617	-0.18549301539069	0.19810358945057	-0.00797967773077	0.35836104806266	0.00645923509389	-0.83357293949472	0.88302724276597	-1.00000000000000
+-0.68125804440935	-1.18332248496223	-1.69447071711115	0.42431141185637	0.28030576749621	0.03497526388048	0.62050730874211	-0.33497582314978	0.49644453059751	0.13605422960517	-1.00000000000000
+-0.06200725952902	-1.73880577845485	-1.55732011482973	-1.07740809282857	-1.33285468090391	1.10285378707121	-1.56835380714165	-0.34392229279474	2.29190184060067	-0.03079510210846	1.00000000000000
+-0.45332009539229	1.60142612764025	0.67188281510168	-0.24471311094212	-0.13631062141736	-2.94559243796920	1.22220397482863	0.24526786664893	0.64447172777820	-0.60827209706543	1.00000000000000
+0.50910420564183	-0.72159451313840	0.78943619740198	-1.10622128380554	0.50276843418947	-0.50199128408908	-0.34247987981726	2.63937269622918	0.05175889055475	-1.84562079688590	1.00000000000000
+0.33081759836131	0.61808541450253	-0.50405717999805	1.64428441425598	-0.30553807349352	-0.24779053984633	-0.27475002003152	0.51859876993065	-0.80577897034597	0.09111480683309	-1.00000000000000
+0.07339749813166	-0.09457280672173	-1.40329186324834	-0.20751300255121	-0.98580096598568	0.75334913596050	-0.41239851074980	-0.69363119007147	-1.13013952722125	-0.15905932738776	-1.00000000000000
+-0.32794748252349	1.30386513027005	-1.41748591237888	-2.19890719025272	-1.19386855242845	2.03372187703097	0.21808607260153	1.33893751962765	-0.22024158777816	-0.24688619524490	1.00000000000000
+0.83288848510313	-1.24467639854612	0.14458049952130	2.03448592762476	-0.55867728066895	-0.30686011595436	-1.10302530028729	-0.55982421300478	0.88775593146041	1.33952551927831	1.00000000000000
+-1.39834403313035	1.56346474718350	0.88542497593863	2.41976853035306	1.48747805834640	0.04041875657735	-0.41682287356539	0.80376451440615	0.08541933236239	0.82354567031411	1.00000000000000
+-0.08757302206652	-0.63502605887619	-0.82556403043832	-0.01228951723108	-0.02318362326992	1.10821900018161	-0.59386366224346	-1.29404550196464	0.42086039657028	0.56815931442082	-1.00000000000000
+0.36038628698532	-0.97821192831201	-1.80708428879658	0.52710248882571	1.09940159439985	0.60111117124664	-1.57198217825315	0.67484222067013	-0.00454696954175	-0.56681514565202	1.00000000000000
+-1.15983048539193	0.26071909899449	-1.55367750858389	-0.40415499579793	1.04616045473822	0.97136928053326	-0.61219150133961	-0.33228607426852	1.63082972610000	-0.61562484145665	1.00000000000000
+-0.09714268986304	-0.75853574584582	1.48533396865503	0.15176287892834	0.92945228453135	1.15915652269176	-0.72952681724469	-0.48448181944038	1.37719428254044	-0.70592920680449	-1.00000000000000
+-0.50567258260398	0.75433089461189	0.49215204329076	0.05866884019082	-0.81151472918796	0.12009530603449	0.91504330803487	-0.16853697272958	1.04161225843702	-1.36050781035841	-1.00000000000000
+1.81032519923265	-0.87818072699015	-0.41329225957592	-0.73368751160172	-0.44809540365853	1.03472383599665	-0.90912894140123	-0.19349222606956	-1.31797111484856	-0.07327845547058	-1.00000000000000
+-0.21285740684909	-0.34965341649692	1.14136600098591	-1.75035186166458	-1.42417165324114	-1.16705663709261	2.00548375720433	-0.46949329187696	-0.61644727574623	0.25169667829210	1.00000000000000
+-0.69469739244448	0.61989067967388	1.37259867384191	-0.68867155165564	-0.78691097147423	1.40365030398005	0.51025669720226	0.21749884318357	1.38984643414114	-0.00085953904731	-1.00000000000000
+-0.03442700222412	-0.47068788029652	0.51524395323408	0.34225971988373	1.20087974547590	-0.41992468505089	0.89165140067812	0.40998951184403	-0.13462998233409	0.77024374482175	-1.00000000000000
+-0.80578242098857	0.03572377557661	1.32075350937233	-0.54795803892732	-0.33192380977394	0.84079220743474	0.99109125499234	-0.07733229702550	-0.27254088173509	1.22038160974652	-1.00000000000000
+-0.40315448741163	1.24602119158894	-0.22735794250960	-0.17163338651131	0.39017679564443	0.00783190487071	0.04921027703561	0.94302216112351	-0.02153395549165	-1.18275768504397	-1.00000000000000
+-0.93783556470175	-0.31013235069507	-1.31705664787270	1.43404146686876	-0.04394358609842	0.33621474375043	-1.78406664340175	0.65513916048459	-0.58187944425616	-0.62851016194636	-1.00000000000000
+-0.89466323079410	1.32142120287645	0.98025984300159	1.06227572260654	-0.68610612664104	-1.76886939929856	2.58303009902499	0.66065238793851	-1.24731052851255	1.10106675733043	1.00000000000000
+-0.48498685090046	0.15036737633741	0.60042365357301	1.04404107365029	1.40062142537967	-0.25638363980297	-0.02709495804479	-2.12504504668500	0.97619509227999	1.73799328070222	1.00000000000000
+0.73145830828335	1.40844090772226	0.42920533835704	-2.74312464828058	0.33033013611450	0.06314267140137	0.93349877892068	0.96913126428372	-0.77419875994630	-0.90930697876427	1.00000000000000
+-0.31395431096344	0.46407324445554	-0.70407248556155	-0.60051189360511	0.26721992794865	1.06737264307481	-0.44131202517761	-1.05847059054165	0.12455011745748	0.38612311670794	-1.00000000000000
+1.72723879544612	1.07219393390773	-0.08380390041304	-0.71349808181747	0.80084353015241	-0.55254758845050	0.23744045640598	-1.34809679801973	-0.32119636263056	1.84196234823543	1.00000000000000
+-0.23974640350656	-0.43918980370198	-1.20070286168329	0.37546161689105	0.76219551108470	0.10811711214087	-0.82831423558985	0.93247389573415	0.44673988008972	0.48265488726217	-1.00000000000000
+1.08424387682012	0.17331064649908	-0.90808818387978	-0.32390050208908	0.63959630542226	-1.09254783837547	0.75801577709729	-0.51847257439214	-1.05450605589049	1.28207445489874	-1.00000000000000
+0.48676454339367	1.14380340602522	-0.27099663716580	0.18114739718750	0.10215881353889	-0.20452290669856	-1.43116829698922	-0.88665093874597	-0.73921367928343	0.76880048384396	-1.00000000000000
+-0.07646909574863	-0.29471435386794	-0.32511141663528	-0.75684722115132	0.01363928489772	1.69402852308730	0.06727065986306	-0.02838594268601	0.73857097123782	-2.34444353057709	1.00000000000000
+-2.00058146124629	0.60129969257086	-0.33553920961235	0.62123038800230	2.89197591027118	-0.61491727504176	-0.56642718895508	0.14106474955851	-0.87083369878394	0.23116139155859	1.00000000000000
+-0.97160239816579	-0.40553375520129	2.23857552225916	0.12716983043756	-0.19000279066379	-2.29058416783629	-0.61916681399358	-1.90027493653360	0.27874842051206	-1.34388342683242	1.00000000000000
+-1.36599819357129	2.29747479379070	0.92573506115111	0.65305382661242	-0.18868140040792	1.13978294909578	-1.42444876971559	-1.38713110860323	-0.06327624066935	0.40216111691869	1.00000000000000
+0.36717822094325	-0.74131149728659	-0.32444004764204	0.97049118305910	-1.17475517753990	0.27119884199953	0.52449475070574	-0.29053180241834	0.23156739135070	0.28631969244631	-1.00000000000000
+-0.79861533369719	1.08714132525284	1.53506485155883	0.65713274535319	0.42261903133992	0.97148937812374	-0.31422963328178	-0.17296181738189	0.66471672409261	0.05298106373902	-1.00000000000000
+-0.93243679846643	-0.17520967555848	0.01918104568986	0.16410881988910	-2.11624727055828	-0.87762268670068	0.01542884307211	0.04529281126695	-1.18934028180552	0.11343519004631	-1.00000000000000
+0.06258806681483	-0.66237374082776	-0.71577566402014	1.04188183453103	-1.58062654968267	-0.47343623279263	1.33544552392033	1.09949659807677	-0.05605792275747	0.03354545981493	-1.00000000000000
+0.03060157649974	0.00633925757696	-1.10077397578752	-0.85945726930415	-1.58009393630964	1.10349248247493	-1.02209053982831	-0.94949594625856	-0.36792526701967	0.17968709833581	-1.00000000000000
+-0.34648331019050	-0.16477606632366	-0.16770414103357	-1.11185873627558	0.29046474866240	-1.50664049530283	1.41294322427538	-0.47632081056747	-0.25208274282131	-0.24768652064321	-1.00000000000000
+1.13151180245783	0.45707134193939	-0.30538176402744	0.66816422406061	-0.70478330006835	0.36208818050022	-3.56995460454559	-1.48111013463899	0.62185243635041	-2.25083970134595	1.00000000000000
+-0.66040946596790	0.51932539174767	0.32516697852012	-0.08004325777336	-0.10621928948578	-1.79528390809602	0.43057453259291	-0.41025041794444	1.33329482249984	0.28583360599737	-1.00000000000000
+0.38336360496345	0.68250735921772	1.43948840327686	1.86214951882631	-0.38469774825618	-0.07603334930062	-0.87383843373527	1.03039553802783	-0.92317056026823	-1.13110388501219	1.00000000000000
+1.11086013609953	0.21351572863113	0.85476591338078	0.28677894445422	0.16306752317079	-0.26553640496268	1.03566730853597	-0.51644496262231	-0.25447700397895	0.53020529489157	-1.00000000000000
+0.99055329985110	-1.32812122585883	-1.09764358284679	-0.05793794153765	-1.76235123059815	0.32493014716319	-0.10924507662236	0.86433172520115	-0.69787529119429	-0.10145912925930	-1.00000000000000
+1.20530300498052	-0.10437552918437	0.27474019700227	1.11608222758996	0.21735682345528	2.66401217092775	0.63848418784083	0.21418437104451	0.05005806520697	0.36160889130168	1.00000000000000
+-1.21890611484125	0.68736955280266	-0.91393048575188	0.29851769666851	0.35094917703197	-0.49001584149665	-0.19358103368105	-0.90164117379118	0.67030811003422	0.95765533517015	-1.00000000000000
+-0.92232632257111	-1.26395735853352	0.98353881134371	0.26672534024054	-1.99462139805986	0.29614466215948	0.74759913957259	-0.55022678485809	0.01579897708674	-0.26143130194071	-1.00000000000000
+-0.45647743549373	0.38574180527028	0.80212836373919	-1.16004494827941	0.21306434916958	0.49127732095370	0.65836546655138	-1.11093030984544	0.68411004009286	-0.94200964663238	-1.00000000000000
+-0.96379729337662	-0.84467663410252	0.22447526745222	-0.20310216374030	0.41916989151860	-1.71416482562042	-0.50813210507321	0.87192559507426	0.43837247461802	-0.92037216930996	-1.00000000000000
+-0.44936930056472	-0.12469137045185	-0.24160480325927	-0.45648057995949	-0.78787263786412	-0.80442824317393	0.08413289014050	-0.00759862737202	-0.46863762641459	-0.45458059836098	-1.00000000000000
+0.85478302768842	-1.13047794123266	0.88751980152647	0.68865288121105	1.07193844297438	0.96534832229896	-0.05993192326003	2.01559069186964	-1.83052273528457	-1.76118407313955	1.00000000000000
+-0.08713049100563	1.87200038691027	-0.05076805113410	0.86291069245317	0.78337612933898	0.85705872615775	-1.46829657367375	0.77485954627377	2.40027264312161	1.73546072088856	1.00000000000000
+-0.90566130252237	0.57736370365319	-1.76287671306418	-0.10496581373326	-1.64740438686521	0.41475869401467	-1.46979292410689	-0.54912725170386	-0.98293646819705	-0.17176814255287	1.00000000000000
+0.67827168381220	-0.32358397908039	-1.31317568233116	0.75274975847208	-0.82594092693320	-0.07084279342459	1.87982619656201	0.57305920115584	0.80609730578666	-0.47666841845260	-1.00000000000000
+-1.20406312477635	-1.88835777161281	0.43422927618480	-0.75814302906705	-1.36763159248103	1.26306932095725	-0.78476465958833	-0.79688514879920	2.54297783604949	0.63311265150078	1.00000000000000
+0.47566243352425	0.52083732514902	-0.78606130999591	0.14599678597464	0.48556240904639	-1.27270063775148	1.08338591883350	1.05036020331109	-0.97636558342962	1.07296744183546	-1.00000000000000
+-0.25525424006835	0.75495114370525	0.27301358399329	-0.01932136987926	-0.42592926230001	-0.02197301250433	-1.27230312158173	0.19747192674823	-0.31056538025123	0.09240595870869	-1.00000000000000
+1.41749071895963	1.17431803714802	0.20833487670416	-1.49801060313792	-1.37933353589937	-0.11899498275956	-0.93110979184947	0.37246372395492	-0.64797828717829	-0.10988472240765	-1.00000000000000
+-0.41723263820173	0.94445088057236	-0.88057689508671	0.19259632029935	-0.56502507730203	1.37794179651047	0.71174440123446	-1.23252582384391	-0.96229100335183	-0.60196127163705	-1.00000000000000
+0.49691452128698	-0.46209402043616	1.49621578973917	1.36457094293315	-0.51504472382277	-0.60631651102914	0.46515811179307	-0.19668044627288	1.36669008593526	0.27109841774607	-1.00000000000000
+-1.06670363679551	-0.68775740732807	-1.22788588725042	-0.32999048280285	0.44163308033709	-0.88263188611868	-1.12808873124802	0.76340101311872	-1.37153151719773	0.68838261266995	-1.00000000000000
+-0.49640717545760	-0.38906452457433	-0.02401255626540	-1.16813076540211	-0.07825471219195	-0.88393417084423	0.33219893396066	-0.17032096681874	0.63484235784320	-0.46184494939789	-1.00000000000000
+0.30870177653255	0.06427014708066	-0.91110835224861	-0.10420260611038	2.12883363121275	-0.87161531532779	-1.14901397019698	-1.13898865762103	-0.55849180492700	1.42705702511111	1.00000000000000
+0.21272370117086	0.81130243770048	0.14171033390126	-1.31286113425799	0.74996447776556	-1.05876690972597	-0.98629680449247	-0.42319103063980	0.51933606856934	0.81882397379098	-1.00000000000000
+-0.92754715178958	-1.64801705692223	0.11967927705801	-1.21501546309202	-0.19289115226506	-1.32689272710185	-0.63937193904059	0.45913070624731	-0.50878148136629	0.33308898879260	-1.00000000000000
+0.56982082058005	-1.28428015874940	-0.46335567915585	0.31508534012550	-0.58922286235372	-0.79457832231759	0.14244516965241	-1.37001741742588	-0.77595281992581	0.48085891037738	-1.00000000000000
+1.36428378312662	0.67151698788234	0.24218082820708	-0.23500064850434	-0.20360086074313	0.87295557473865	-0.67459196801189	-0.31343389489959	2.08892185697500	0.63574478032374	-1.00000000000000
+-1.11530775634462	0.02733437535375	0.30971442661828	-0.69521031692847	-0.56114814844646	0.55312208836288	1.56582483103151	-0.27307832766290	2.65561355896798	0.86803208259776	1.00000000000000
+2.55024704678015	-0.77900320492353	-0.61083058240330	0.27650618626554	-0.62233635427854	-1.42400573444130	-0.96586617019249	-0.06037612705934	0.57783060383246	0.77616815480964	1.00000000000000
+0.57971365820513	0.23290544240199	-0.38175471987349	-0.84586652265962	-2.51031183702005	-0.60531670481387	0.53555350445315	-0.40736238948975	0.38897814855230	1.46738944843036	1.00000000000000
+-0.83699620591058	-0.94747888509561	0.06659204855904	0.27141085264745	-1.15527739403215	0.56994032187608	1.11339514572436	1.06615046806233	-0.97782378747151	-1.15386755161506	-1.00000000000000
+-0.87903519150414	1.06217873662800	0.53146004614152	0.76412387652493	0.70807558022967	0.64234450713350	-0.69055402507320	1.44727567340985	-1.56939822492242	1.79206137764678	1.00000000000000
+0.67864913581438	-0.87840406379849	-0.63630354315726	1.23486503450870	0.24638507288503	-0.18552872137031	0.85530441475467	0.75502047282609	1.20136015173517	-0.57198847475034	-1.00000000000000
+0.35304672398392	-0.44539901128055	-1.55713533130717	-0.68218559484185	-0.74512498054716	0.32308949036109	-1.28717663778441	0.46442949222327	0.24311436693388	-0.76743892479401	-1.00000000000000
+0.53287606798760	1.12484258633584	-0.56128888261991	0.81989731536181	1.12534786902828	1.17895273445623	-1.63276967113308	0.31386161213198	-0.19397388696857	0.70459905178592	-1.00000000000000
+0.85992032275738	-1.23432524677475	0.04296581917185	0.19098325045134	-0.71406336642280	-0.16245833430272	-0.70517317714184	-1.27712743631497	0.35650068950534	-1.16854046906067	-1.00000000000000
+0.72102642482963	1.35074410298653	0.85382461741176	0.53907984092819	0.34356218557606	-2.21191553729246	-0.36446197460677	-1.71843014908712	0.07494950826716	-0.28286962418522	1.00000000000000
+0.34459809606736	0.68629615920543	-0.27270240996981	-0.56960008187954	0.68423430870274	1.90259397616349	0.27101589667567	-0.23155911434307	-0.85912526099427	-1.17648171768368	-1.00000000000000
+0.96208253692732	-0.73796339143006	1.54899219768961	0.81518526383624	-0.57413139086754	0.04015270066814	0.26381220176444	-0.95407050983707	-0.78741959233404	-0.71612312154723	-1.00000000000000
+0.21324828187220	1.28865140347105	-1.14238501850941	-0.77583988392099	0.05449162903362	-0.27383768536779	0.61092937760453	-0.50349855132403	-1.85149389021749	0.18906011638302	-1.00000000000000
+-0.72242333793077	-0.23563441676967	0.73482349996492	0.56657436979592	1.13113422845472	-0.89994399595396	1.00697706854945	-0.18263351184705	0.86719588657043	0.03574421350982	-1.00000000000000
+2.04139956629091	-0.25565617159027	2.17481133099438	1.21964726555055	-0.45376893975565	1.34140370912206	-1.19150465012008	-2.25341752043860	-0.58067508798101	0.37195731866864	1.00000000000000
+1.40481729496570	0.61818178676059	0.54539793382543	0.06300739980352	1.09648984301225	0.92485294522560	-0.81189684328915	0.65543985315585	-1.83078521675391	-0.92139899019751	1.00000000000000
+-0.55762850284738	-0.41397911481900	0.76672362686231	-0.37799296647479	-1.35488140283651	0.20138929649534	0.31168347966893	-1.19508531780366	0.32758007621239	-1.39608342775910	-1.00000000000000
+0.55922314707407	-0.56936779009208	0.77525752111725	-1.71288545412447	0.09193095004894	-1.49815742120851	-0.32396535068431	-0.14839534601791	-0.20309362828966	0.64810274727151	-1.00000000000000
+0.82842228900083	-1.81825011946202	0.32531165215082	-1.77425132844785	-0.39308316102633	1.47793593549163	0.19341904737126	1.13721556480324	0.05911584787617	-1.61000164148356	1.00000000000000
+0.54201990005359	0.87728970259077	0.91225944151319	-1.70996515486244	0.95575500529417	-1.16645279233514	0.74320672930971	0.42765902869425	-0.27576015750604	1.52270347645399	1.00000000000000
+-0.74467817885650	-1.74268853661105	-0.71181410841182	-0.24267708643458	1.02050663851739	-0.64675103614722	0.59414691044427	1.21307494522790	-0.01822200673840	0.89713829425575	-1.00000000000000
+-0.54267348223225	2.24175821331086	1.39922342838082	-1.59041578108694	-0.07343987727266	-0.74873592063568	-0.05100703061988	-0.28426451488622	0.69230232805322	-0.83663887037699	1.00000000000000
+-1.04288768411315	0.91176087735385	-0.68614947339999	-0.15683040206126	0.21217874968821	-1.97241415238064	1.71106383289197	0.04344775131559	-0.59965242448635	-1.22828840106260	1.00000000000000
+-0.24085758191970	-0.09071462946545	0.95862420443803	-1.05250652811624	-0.76895464265109	0.38713836057840	-0.73770580699519	0.37766533518499	-0.03470973327611	0.46429002352075	-1.00000000000000
+0.47277500927477	-0.39651652817606	-1.37701672182036	-3.79841907298078	2.03518309237471	0.06518810085463	0.40816443693206	0.01554455855624	-0.31655021312482	-1.21618664772290	1.00000000000000
+-0.88748844857384	0.32486545414470	-0.08986037353232	-0.42421000644683	-0.50273463745003	-1.51168416093804	-0.71081579017377	1.12788934893130	1.47922711011602	0.16563634929308	-1.00000000000000
+-1.23053877933496	1.10909810187406	-0.34504857899712	-0.82154963157805	-3.37407205868551	-1.16014483496018	-0.52677813964304	1.11454155903615	-0.43258492549260	2.67849310348248	1.00000000000000
+-0.10141517477526	0.63481097563751	-0.00930446321098	0.69429062397036	-0.42784677062440	0.40944517288088	-1.30273014180949	0.11272669641651	0.55006347712163	3.00165325044207	1.00000000000000
+0.30947802155832	-0.18338470419427	1.22017569889476	0.65780914135062	0.85966812054960	2.28259212588028	0.20290908782454	-0.25676737083563	-0.61248865317762	0.05869086616568	-1.00000000000000
+-0.94009755324738	-1.29240238757286	-1.64440856415632	1.22755068105103	-1.46311235995276	0.29505915622380	-1.31106156769606	-0.88810777203187	-0.63666823252570	1.92701567593705	1.00000000000000
+-0.95939063281879	0.09438841931246	0.80086751317951	-1.00489029890397	-0.88329933871514	0.40309336630794	-0.57913800207600	-0.21305300187579	-0.59540923501392	-0.52615701093211	-1.00000000000000
+-0.25290994283453	0.63441756701970	-0.83634256194494	-0.80718991022934	1.36305951513902	0.30945284697659	-0.42196253469530	0.61351475536767	0.75491323552112	1.72429960981439	-1.00000000000000
+1.56409160244934	-0.93057930891481	-0.29367438338720	0.84321946643539	1.07582362107975	-0.92917797466772	-2.57136265540586	0.79250856552313	-0.47537773661666	0.59151841583544	1.00000000000000
+0.38717074114382	0.74327667676654	-0.26935742540558	1.35459844102814	-0.67189042650105	-1.79653910884934	1.66780451914016	0.48187578383096	0.20833736840609	-0.07904142819456	1.00000000000000
+-0.94938779383319	-1.27081509024681	-0.20885220303046	-0.14625079718151	0.32701595015410	-0.45964623109491	-1.10332105409129	-0.61762491023501	1.06730688934717	-0.77346602646207	-1.00000000000000
+0.29816027512682	-0.55959625418055	-0.38396638834054	-0.24246142210517	-0.88773339575331	0.19640398141051	-0.72618882376247	-0.36328665784202	-0.58671166468951	-0.28923528772295	-1.00000000000000
+0.36352643580106	-0.78255511678542	0.88503590026984	-1.28318697685619	-0.08687324598835	-0.86187017112473	-0.88550079904871	0.02216623882190	-0.10611479749333	-1.18584287514114	-1.00000000000000
+0.55251985620912	-0.03792778855644	-0.54780762166202	1.28708005516175	0.36613616306327	-0.66069125733655	1.78805135410772	0.50905931728228	0.97998337828396	-1.25669780238015	-1.00000000000000
+0.85624089021500	0.41516735409638	-1.55740098153470	-1.09367674259517	0.67629983471851	-0.08810915657131	0.24989542209944	-1.33024260285889	-0.24589029772175	0.27884445268194	-1.00000000000000
+-0.73267394744893	1.42307984320990	0.71713138347838	-1.06933175857977	0.34777244097806	-0.73111242931683	0.39635781866299	-0.70792458054032	-1.09748377762946	-1.82186068072322	1.00000000000000
+0.52732059289997	1.02802223306028	0.79619447785963	-1.23052882699719	-0.81394233966496	0.07203497131120	0.68792116801638	-1.32029096118295	-1.09391300979931	-0.64836005229350	-1.00000000000000
+-0.97965611724266	-2.00438821394236	0.35152421085959	-0.15068301655667	0.74558536757901	0.20927907565217	-2.33584482132457	-0.14480040452264	0.38350345579142	-0.74659243654577	1.00000000000000
+0.80594067272950	-0.70300846387741	-1.14222872126911	0.08845230370221	-2.02618469431493	-1.95142265537576	-0.69947920285681	0.16739945030187	-0.91376419707451	-1.56563757979660	1.00000000000000
+0.60413847230777	-0.06215098376622	0.37181163002935	0.31134362213797	0.12455968866703	-1.04666767364925	0.40419540044835	0.22236037235236	1.71411287714921	-0.84328595342455	-1.00000000000000
+1.55269955465490	0.22413687778256	0.96685737215186	-0.50536287625890	0.07002409243208	0.19019456518407	-1.64951579105743	-0.85297116376728	0.36544987513264	0.25060420976853	-1.00000000000000
+1.37265093618112	0.92876097610820	-0.87414854451806	-0.79782256138857	-0.66583829099855	0.24512765789857	-0.44063568265807	1.24220955377222	-0.97030695271792	0.90002793297773	-1.00000000000000
+-0.40699034897750	-0.24963860027415	0.62154390338573	-1.25923235394695	-0.96309511247680	0.73065303947320	0.35223275376492	2.10695676142862	-0.15796002339760	-0.08287917711052	-1.00000000000000
+1.25271775102974	-0.18871945690117	0.57503318504663	0.93710598428432	0.18337241527704	-1.36015017830635	-0.96362893677997	1.31679122185904	-1.37780590829668	-0.57667296341974	1.00000000000000
+-0.40412062422712	-0.29609829082975	-0.62899424034222	0.05008507446415	0.19454993250756	-0.85244745885471	-0.06154849769482	0.54962131546598	-1.81424942088124	-1.80520276716841	-1.00000000000000
+-0.76342849970956	0.09840026131467	1.09025478248137	-2.32363055426473	-0.59847035868365	-0.41274413177555	-0.67960027302775	0.79954290720249	1.09169590928289	-1.12695048205877	1.00000000000000
+0.03962778430405	0.43594742056593	1.01828734250926	-0.71918194682237	-0.29131056684578	1.22789343567692	-0.00718444140195	0.96694303418930	0.66149307302739	-0.33213245550266	-1.00000000000000
+-0.90748988965677	-0.08584038421124	-0.91462880587692	-0.27321844836815	-0.60759643301887	-0.96704476692244	0.36250257578258	0.32000291207622	-0.23241680424736	-0.41170302288554	-1.00000000000000
+1.26716855131270	-0.78320056535982	0.91833218485168	-0.58116323588773	-0.41968299307787	0.63001569252946	2.33544868889724	-1.49030039925723	-0.42643023570992	0.37790782378211	1.00000000000000
+0.29330403890549	3.06882439952872	0.04855916913207	-1.27226049003774	-1.09249923038395	0.30405118902808	0.29017196625786	-0.55380887872452	1.52938391503103	-1.15258984214951	1.00000000000000
+0.53558578725235	1.94800023343537	0.53984443587967	0.58059359701161	0.66603140994489	-0.77338820665154	-0.21616786876257	-1.10054049739713	-0.12794464528523	0.72973118143082	-1.00000000000000
+0.52831873621386	0.41642540179947	-2.73537034816432	0.91980482583354	0.66498436772906	1.63981547555800	-0.23694501112883	0.86605112563965	0.94038211431111	1.59755037980507	1.00000000000000
+-1.08634409727514	1.07613437718354	-0.54002159227217	0.78482073636608	-1.83456112266008	0.34437661654814	0.34065186755556	1.19942240833819	-1.00869271967776	-0.27013814510068	1.00000000000000
+0.56308314572656	-1.38873324641344	1.31906257264635	-0.43532778405726	-1.23735366813084	1.87059722524606	0.28281880257287	1.36924510906922	0.00227945624578	-0.18076054595169	1.00000000000000
+0.63776019898133	1.23330731674107	-0.38652987146770	-0.16758727772932	-1.64045397298259	-1.58061087268650	-0.21308575631949	-0.95754845087215	0.25440501036792	0.14722299153208	-1.00000000000000
+-0.62715819162697	1.12412263794164	0.53003052437196	0.53577955646540	-0.78237778482462	-0.41528697387798	0.89875418300334	0.53517487573286	-0.43735350137107	2.10596260608227	-1.00000000000000
+-0.28786112364708	-0.90745068450113	-1.20784531010992	2.07415531471410	1.70451288695562	1.39021385295513	0.58650350336149	0.13369702318155	-0.25898490586497	1.60479172509018	1.00000000000000
+0.55510119509008	0.18592161667530	1.34966024245635	0.52049020893875	1.74628004882631	2.67467907512426	0.03151248768195	-1.57757422408312	0.67283139857832	-0.45459522693331	1.00000000000000
+-1.37855363861384	-0.76077381015159	0.24403654557047	1.60096691295319	-1.69892545768927	1.25219121622034	-1.39602360661314	-1.07834379098086	0.32602576123618	-0.98942677470531	1.00000000000000
+0.48665800570018	-0.00240401756455	1.41416298516111	-1.69521401748189	-0.40845847844667	-0.58310369219705	0.52924380036591	-0.33770425460935	1.65244961443056	0.54028673014365	-1.00000000000000
+0.70371589290859	-0.48527967093784	0.73367990165878	-0.30090479628663	-1.80012399785012	0.76090383335230	0.15655886959007	-0.59223472906766	0.44507818497279	-0.48704551465049	-1.00000000000000
+-0.70573230834321	-0.60179466547185	-0.46854337558271	0.85569454947993	-0.77557565738628	1.84019667227734	-1.97916166099607	1.74202927541857	-0.77827152972375	0.11665084248392	1.00000000000000
+-1.37821806137783	-0.94138659824522	0.63472692068939	1.23659569676707	0.99251653867254	0.22163646018307	1.22865776920542	-1.56833679625267	0.60390465733258	0.73055622396526	1.00000000000000
+0.14543571689629	1.03905124060264	1.17696724772575	0.15743920419471	-0.61100628149488	-2.43436386717984	-0.91155843292900	-0.59390428041541	0.78010359888037	-0.19956135410426	1.00000000000000
+0.41362199494425	0.33842826143437	0.66162278331564	0.55863833800128	1.80528866303429	0.79449199476183	0.16941344703126	0.92106025616136	1.54168179779325	-0.50987532277007	-1.00000000000000
+0.61558318728207	-0.23642919470468	-1.91113306929356	-1.01278985627899	-1.16768945450112	0.91700165032678	-0.39294243588901	-0.59562264005860	-0.51565733526987	0.31879232187704	-1.00000000000000
+-1.06099112734907	-0.09845439980220	-0.05169724312341	1.56406892911183	-1.03168242597863	0.43686889448869	0.33789406756933	-1.55081844894634	-0.42629599875668	2.17481679485620	1.00000000000000
+0.87721429038388	-1.65095954320500	0.84052482793689	-1.64016455184969	0.07838101884936	-0.09360294154876	0.90626656346769	-1.78294471033968	-1.15684277490121	1.62544270484772	1.00000000000000
+1.60401211929137	0.34276663682777	0.76132993190754	1.59137601629788	0.35211672315433	0.95027943496240	-0.14038295797324	0.29272516103348	0.11182919091749	-0.77994307786776	-1.00000000000000
+-0.05283578662202	1.26133476181218	-0.70906203032921	-0.62889241251649	1.28553083803081	-0.91979583053493	-0.04502385533367	-0.50685638253880	0.42249655427573	-0.05105486656809	-1.00000000000000
+0.36827698977409	0.81160675324156	1.06789225345510	1.42683261784565	0.47299814007135	0.09872318221554	-0.32345994825523	0.94299645331881	-0.79228589946047	-0.20961381819169	-1.00000000000000
+-0.76415843102673	0.52206353619265	-0.64577090728411	0.83203658231791	1.08284451946007	-1.10095440364882	1.10258524472226	0.21568162967008	-1.28522012662993	0.18841608781012	-1.00000000000000
+-0.37439853322556	0.27979492113608	-1.52745222724794	1.64220897001723	0.59508636257404	-0.61229364712885	1.18402260356952	0.69244123344299	0.61168198483515	-0.95497021371000	-1.00000000000000
+1.61152885816602	0.68550348450613	-0.15603435263620	-0.97751708492469	-0.89326180103463	0.37075949075599	0.21932484233320	-1.80215364855328	-0.39114301010819	0.82954809842470	-1.00000000000000
+1.11600504476387	-2.11318989999160	-0.22245736756468	-0.91012272292903	0.22390969057075	-0.14422643911130	1.30474868951767	1.49953433895583	0.19672953229664	1.65566996942096	1.00000000000000
+-0.64881833258513	-0.03352789760253	-0.96914384152702	-0.88639641619469	0.21961291211629	0.16170220018951	0.33589557695647	0.90524086104285	-0.66116364649009	0.33976340050905	-1.00000000000000
+1.44435471775865	-1.41259783468898	-0.23469284100197	-0.70866628713020	-1.03907660842481	-0.25345518559901	-0.08017734868689	1.11961076655284	3.30071621315172	-0.00845049460360	1.00000000000000
+0.12187137128762	0.14910330423740	0.57299951115228	-1.34907125064242	-0.15522653438365	1.00809273726549	-0.52174008105622	-0.15438644014951	0.23866605254156	-0.12814720686694	-1.00000000000000
+-0.31736329810969	-0.46642180847196	0.75509380486438	0.00453333827128	-1.65829804233816	-0.15342531989017	-0.41668895229510	-0.31472485134761	-0.07594244285070	-1.74802527507821	-1.00000000000000
+1.45014704516713	2.38288039040388	-1.21566482606251	0.66355992445169	0.35300241739579	-0.67181756267901	1.12966658314123	0.54240261056295	-1.71550540258584	0.71173880091096	1.00000000000000
+0.95841706022957	0.79483183053652	0.90655875060212	0.23451224184134	-0.53303076578429	1.18003421702044	0.44444463086234	0.72579030914714	0.47540026525799	-0.39637041023446	-1.00000000000000
+-0.29880562688227	2.93782051004283	0.34029121708979	-1.30807875314049	1.99104219705436	0.24591044724718	1.04031251195916	-1.28273893975727	1.40146596250451	-0.25587046933327	1.00000000000000
+1.23574781243164	-0.83230084461210	-1.20632303600151	-1.23479762565292	-0.33862674445959	1.31251492627563	0.34912546094963	0.24777773157448	0.94845058200422	-0.19001949085229	-1.00000000000000
+0.97536448211431	-0.72939540968314	0.29600746522941	-1.45566432404707	-1.90577881652143	-0.71439389148529	-0.49918336155075	-0.27300038235688	-0.31791971604170	0.98307096479709	-1.00000000000000
+-0.16410010866326	-0.63439723209355	0.77088737871595	0.33677699618178	-0.26904840816596	0.30366161573662	1.37367487798337	0.71698223112671	-0.84499444687166	0.10820976815077	-1.00000000000000
+-0.75156731457983	0.52979647608920	-0.73313941314196	0.99402084817335	0.83456688156844	-1.92099691081764	-0.85530691175930	1.52328364931380	1.21610298156044	-2.03377595366764	1.00000000000000
+0.77826025007631	-2.33351009744735	1.04622858292454	0.56739367796411	-0.62191860533065	-0.48646608512002	0.52910033124144	-1.08961861104812	0.21572378019123	-1.40951730166561	1.00000000000000
+-1.76072957992989	-0.94313508130209	-1.13009071621906	0.45965412120608	0.45468746925349	-0.04767352422350	-2.16540762031789	0.10521834230321	-0.99431358365487	-1.28257325630941	1.00000000000000
+-1.94043882758990	0.12670869615354	-1.16207832146890	-0.27212857751366	-1.25444783117986	0.49299813379397	0.60825751850432	-1.29317108957564	-0.11928086354856	0.13901247148072	-1.00000000000000
+-2.83915448295065	1.79002782065176	0.13890087163014	0.78997239957215	-0.66553675351693	-1.99006110211877	0.09952834837616	-0.29306467802908	0.82046000621934	-0.87654609365725	1.00000000000000
+-0.63551266996860	-1.00757798829832	0.08861910992290	1.48485525182341	-0.29346743796702	0.21091936970141	0.52848429258148	0.96754073718875	-0.66803294599551	0.23454703826756	-1.00000000000000
+-0.76861155243642	-0.62520849166489	-1.97564927614652	0.39074995071683	0.95809039112909	-1.05096176418294	1.01499624284764	0.34259356904296	-1.59119134402689	0.91246432130869	1.00000000000000
+0.87975784680369	1.19536923937155	-0.61592862994443	0.76996411067470	-1.87406785502463	-0.18891743688624	0.48645489355572	1.20745509264083	0.94302948190406	-2.41791135676537	1.00000000000000
+1.33997526302699	0.35054289439262	0.51933826500697	0.81274788824609	0.37783033707800	1.03456561051615	-0.25914958856645	-1.16674401221435	-0.50637534795017	0.84134876077364	-1.00000000000000
+0.23466302737779	-0.66222804627671	-0.30448466663486	0.74833302091786	1.02147870424309	-0.78494192161653	1.54854551276620	-0.55988393617605	-0.32561119617692	-1.54610111046084	-1.00000000000000
+-0.63067692193426	0.25684055130385	0.15059483863517	-2.19014599446201	0.17227060671777	-1.55649959141477	-0.33268590808535	-1.14383557463039	-1.53602239103083	1.12992793364529	1.00000000000000
+0.06443207849390	1.55151116848764	-0.30525258232415	1.07527828118159	1.45013562717384	0.81131956561164	-0.38350437514485	-1.26963466431481	1.51354904439891	-0.27248681876243	1.00000000000000
+-0.25114029404394	0.29702853322239	1.33840937200290	0.45400671306046	1.07322906479982	0.20234379871722	0.87038491204111	-0.24076520391035	0.58579356131533	-1.14061056612042	-1.00000000000000
+-0.93951853652392	0.99062561976690	0.82558297409657	0.79062258156262	-0.27927250374263	-0.61337212331900	0.87479883199963	0.47020853665396	1.11096541359119	-0.75699075262658	-1.00000000000000
+0.23945237372859	-0.51066424939423	-0.29747960867870	-0.99862217453731	0.37985715450422	0.27326100736763	-2.29984640688972	0.71096026894288	-0.71950006178273	1.37617836541844	1.00000000000000
+-1.34626047958081	-1.32337646431254	1.42792657696156	-0.76799016310291	-0.85590624826275	-1.21666705104887	-1.22398572921039	-0.10522364853319	-2.24528718674405	-0.12065139263947	1.00000000000000
+-1.09588072205617	0.74431133000831	-0.17124825186457	0.50563693467181	0.35377811051370	1.67569148999434	-1.33040151157498	-1.29980685757060	-1.70467483370199	0.99456750100791	1.00000000000000
+-0.01848260402270	0.16413686150155	0.49692911373364	0.55552852544984	0.15242597088899	-0.44650365093500	0.44007988300354	1.77871632114081	-0.03641905981976	0.11311300878604	-1.00000000000000
+0.04112920981128	0.67809369230171	0.56473536623542	-0.47407277289471	-1.00006152985267	0.99200258011928	1.68834245649095	0.22506769678419	-0.17119275280361	-0.34382827834664	-1.00000000000000
+-1.02724900462958	-1.15133833159319	0.40360206740748	-2.08538633315313	-1.02003581714580	-0.72642070569836	0.10152534824487	-0.39133714222112	-0.20648042975852	0.55622170100874	-1.00000000000000
+1.42653793885427	1.03586547386842	0.68828476847335	-0.77357542386970	1.14752420090520	0.91718335799016	-0.32070019340824	-0.36479186886600	-0.84745579956169	1.40369470701537	-1.00000000000000
+-2.70765220606313	-0.24580387795737	1.34168387258277	-0.18582452406947	-0.75923743178878	-0.89299745281458	1.35115390090008	-0.22271212612362	0.69512871812712	0.41488449359814	1.00000000000000
+-2.25428023444862	-0.10304617740238	-0.00403006076761	-0.58187424586178	-1.59354054064780	-0.57604548157831	1.60938617995329	-0.08416420173937	1.69276118405162	0.56684989102630	1.00000000000000
+1.51200121085878	0.61888057377006	-1.39951681989625	1.33708768403771	1.53689569358811	-0.68241957666622	1.00149999608982	-1.40996864044901	-0.58676451454236	0.15093687121609	1.00000000000000
+1.43639738955520	1.08960547756077	-0.03763713350360	-0.80078712324682	-0.09435420562261	-0.05129796948919	-0.39001574464489	0.76614955720501	-0.21975671678851	-0.51584048999983	-1.00000000000000
+0.14840973480795	1.37569986840721	-0.65951101164568	-0.93981520127848	-0.20912294302101	-0.57030187156986	-2.29014224870260	-0.94193938742916	1.24808587849650	-2.14824846597015	1.00000000000000
+0.65601429952515	0.27537909839978	-0.21257914455762	-0.82000913606320	-0.68501156111347	-1.86555759484562	-0.41561028444678	-0.49395845480823	0.86883553968011	0.30120904903546	-1.00000000000000
+-2.91853269309465	-1.76849434685502	-0.46690329055053	0.88619668840690	1.09233816440951	0.52772503914608	0.06425630212203	0.24264287832644	-0.02015832618482	2.10476352319054	1.00000000000000
+-1.62934173738725	-0.27433317206587	-1.03073086491155	0.65177807340574	0.60339183780980	1.33893621316923	-2.09956575627253	0.21965237600885	0.53918607632480	1.19614826938837	1.00000000000000
+1.00835779586834	0.06333230330977	0.21191097210302	-0.85235670212519	0.02124537417824	-0.27056356522177	-0.08094992187732	-0.20538956601586	0.19212778032138	0.71664560598049	-1.00000000000000
+0.38869502326962	1.20591377451804	-0.60017447563261	-0.58389236543787	-1.03020407664623	0.01898711923850	0.44020066923343	1.38483776683583	-1.80309062288772	-0.76780305437166	-1.00000000000000
+0.58945554412618	-0.02962141445963	1.24875164707999	-1.44582901736441	-0.75319477466733	-0.27351132821389	-0.48926880844853	1.47254367413267	1.12481267319843	-0.89532356510865	-1.00000000000000
+-0.14646287419720	1.74428076897040	0.38225801706554	-1.49301868584179	1.07633209372227	2.03098523738065	-0.70552001963867	-0.23232875743482	0.64543523986484	-0.15760125916065	1.00000000000000
+-0.76263174577280	-0.62452599310285	0.34749349817889	-0.17058248965941	0.55186340992604	-0.83951188532784	1.25178946515508	-0.68363881499096	0.28441633220535	0.96306686957378	-1.00000000000000
+-2.44027773086888	1.85833277998685	1.79154229300469	-1.62357910367366	-1.89015769349789	0.84683680202063	-0.99201473922036	-0.94499660115827	-1.01858405699342	1.83226091152516	1.00000000000000
+0.54649509617365	0.37424744157071	-0.89308234942853	-0.43830035615426	-0.43594095483572	-0.03928303850051	1.95382167308792	1.55157023588399	-0.80832773522705	0.08838428800633	-1.00000000000000
+-2.23359592997625	-2.31016257440618	0.66312289760973	1.15756803493131	-2.73845833292804	-1.65567921388432	-0.61867101472018	1.45352326601239	1.06565424855010	-0.56167703819315	1.00000000000000
+-1.34498718733249	1.99609125825773	1.54155318532893	-0.02239233472616	0.40362875838964	0.10705230978304	-0.89203795522764	0.11839162567610	0.64573748563565	-0.97937270629840	1.00000000000000
+0.44186025606276	0.64452658960221	-0.31240953689189	2.91258973717106	-1.05298003152349	-1.77458196094241	1.72369866670994	-0.25719573473581	0.78755803051612	0.37469561157002	1.00000000000000
+-0.16725520413765	-0.07383955065128	-0.64447947122324	0.73052339433509	0.31716047909558	-0.08450022463906	-0.45868377727161	0.14821771009300	-0.62009926421254	1.37913466727984	-1.00000000000000
+2.64208233597867	-0.58298527314475	-0.39515359164876	0.64989762337089	0.69173367991539	0.68085699885494	0.97952159676725	-0.16546716534494	-0.11249810180698	-0.52463778872914	1.00000000000000
+0.08399861241436	-0.30231199329069	1.12064243167606	0.88520867525798	-0.46771760022705	-0.86595671064592	0.20872572899280	-0.61779878875818	0.01359649153391	-0.39163679288629	-1.00000000000000
+-0.23402405466636	1.31335119909708	-0.60806075713153	-0.65712235122972	-1.16547611010454	0.16901118451975	0.73647428646966	-1.81710162202582	-0.90933114738041	0.28576867004351	-1.00000000000000
+0.07659653019740	-1.66435135804765	-0.85750459493180	0.09600256926162	2.71553688526138	1.14760537046200	-0.69408267988992	0.35583657943825	0.19227702064567	0.77126804733707	1.00000000000000
+0.42350355441378	-0.18552003356389	-1.38111837946732	0.55415784924511	0.70736093547447	0.34483166780735	0.54470397758976	-0.78040469910392	0.87892636728914	2.41261978791930	1.00000000000000
+0.19460495669675	-1.44372726777347	0.55967625231290	0.38422158027192	-0.13360096517844	0.20015664912900	1.82094515793297	0.85001034477790	0.63138556233233	-0.28275524523765	-1.00000000000000
+-0.94131000724910	-0.39341058578303	1.86265680031399	0.16275933413138	-0.27035775226496	-1.57303734420812	0.18815292263280	-0.39352926912686	-0.51697552477803	0.13581392983390	-1.00000000000000
+-1.33465918065747	-0.33251634553731	0.91563642187422	0.37756878650419	1.34283843937803	0.68973451294174	1.41129457078478	-0.40310988434324	-0.40293573259633	-0.24336717591112	-1.00000000000000
+0.23425854341123	0.06624633813193	-0.25131666681043	-1.22132510453050	-1.11531296825348	-2.03151248819661	-0.55289075614223	-1.36491836347957	-1.02786146000672	0.38081172264985	1.00000000000000
+-1.11231455980974	1.64990601520737	-0.41218498925619	1.52191519568126	-0.88411576225079	0.22649725948244	0.70263116969231	-0.65855067413003	1.44000095258421	-0.13311863241692	1.00000000000000
+-0.98992741790008	2.04721273232983	-0.15743303046095	-1.16993030392920	1.49148821095039	0.68333754869034	-0.44508354995740	0.79384007917662	1.01438000140542	0.42633438787984	1.00000000000000
+0.07751194813925	-0.43891967465577	0.75139549404333	-2.29368620422771	0.03108708764096	-1.68726628314406	1.21594897584851	-0.02629910198955	-1.54024858554021	0.81982334836624	1.00000000000000
+0.69290327506856	-0.74264043549265	0.34174469014092	0.19500882279954	1.40191426175312	0.53487896128038	0.73288198255105	-0.67965767668336	-0.44011214515699	-1.82913056619667	-1.00000000000000
+-0.58276274826079	-0.28244938177028	1.39612385901296	-0.23993226500997	1.88431822661310	2.30705451976342	-0.77069285433364	-0.34955107606496	0.15550529550378	-1.49395258915228	1.00000000000000
+1.04874822939120	-0.43241584835474	0.40300470649174	0.13389464637912	0.77683411448264	-0.34377002587021	0.22056559423532	1.26468941427596	1.64258735174520	0.10234684750965	-1.00000000000000
+-2.43842746850074	1.21862482867766	0.21016137272870	-0.61533723354139	0.34240963931012	-0.16305702810829	-0.71981335453046	-0.47494471325663	-0.62433494581142	-0.09325960217461	-1.00000000000000
+-1.16304877571577	-2.44003434446489	-0.14292386955842	-0.28498736145862	0.85646789394369	0.50240760224321	0.72361126956560	1.15599188855170	-1.45800522411613	-0.75030737824432	1.00000000000000
+-0.00121585353499	0.38437472084950	-1.49302041736080	-1.82996424199127	0.87410236327892	2.11742538112256	0.28894659741522	-0.40888966131742	1.34241630875052	-0.95175581551372	1.00000000000000
+-0.50929443333732	1.19925863359553	1.07670977697372	0.40234995265711	0.38712230697496	1.53794843968290	-0.81223577446659	0.00087605981360	-0.25087236043021	-1.78165531472384	1.00000000000000
+1.67386194368201	1.32088309625583	-2.05654833066554	1.26367451741507	-0.99101629667867	1.13474185711164	0.03718041298471	0.77986850599581	-1.33895766320152	0.00939854457430	1.00000000000000
+-0.23990510789491	-0.88337921537934	2.67807391539016	0.38447489904758	-0.01523075016669	-1.28113618765304	-0.18734968619478	-0.21296783760564	1.13926210050324	-0.00415236628928	1.00000000000000
+-0.46681562489098	-1.00671244136378	2.25226890144330	0.33432873952897	0.79061467526861	0.21250758915156	-0.02607373442911	-0.68196339214683	-0.23489667540005	-0.35698847156678	-1.00000000000000
+1.80496685435589	-0.96989026612254	0.55641778376705	-1.01539782505309	-0.48339445837081	-0.02394842226162	0.30808159294113	0.75973981284904	1.50573502565136	0.32338660410255	-1.00000000000000
+0.49156250392764	0.21767126472011	-0.15030084321007	0.86509888708291	-1.16709786098154	0.23574110365588	-0.65035906491461	-1.21753203105993	-1.12218667325102	-0.19907355740701	-1.00000000000000
+-0.04394052878456	-2.11183301739890	0.47051829450851	-0.22906950931674	-0.80852198486839	-0.13136642126600	0.62500782386125	-0.68047526224969	-0.06879764638517	1.40347688072729	-1.00000000000000
+-0.73807836026120	-0.81780889235514	-0.63896567849673	0.59379217087948	-0.59192797306489	-1.73219883765892	1.94314776028377	-0.19801440060066	0.16916869210152	0.67168806359864	1.00000000000000
+-0.52433582784333	0.01318621929547	0.14095680894681	-0.29623394073888	0.74168409841662	1.22565810516016	0.27549147287812	-0.49841314296546	-0.01388625561598	0.06268255359253	-1.00000000000000
+-0.81092091465921	1.06184192784761	1.74537983249659	-0.93051721757286	0.63092176019596	-1.01795809986570	-0.07796247718242	-0.64347597045063	-0.72260748535320	-2.03915136442928	1.00000000000000
+0.46795090616845	0.21005183181368	0.29517701909578	-0.22061990822438	-1.40375426218705	0.16207253743340	-1.96068761925435	-0.76003241812356	0.30132229324314	-0.31048909421089	-1.00000000000000
+-0.71173145632963	0.60897827286784	-0.83966075358493	0.10026154214418	-0.62434841458188	-0.50163910845943	1.38811544531265	-0.23110971118693	0.06059492566853	1.16930119954555	-1.00000000000000
+0.58552588491661	-2.21044696965411	0.20701734678925	-0.82251637781712	1.47126078097638	0.21208428733743	1.52141590011642	0.91654197698414	0.24671298964858	0.10018263457075	1.00000000000000
+1.28261667323294	-0.10959124766120	-0.34919470897747	-0.68324479786288	0.74588716628898	0.82323196479110	-1.69947024424991	0.69418776275830	0.97383902826802	-0.10386552335323	-1.00000000000000
+-1.23852919719499	-1.14039399034933	0.44409576033214	-0.91118830456989	-0.20253898281091	0.08381580622981	0.45371275971198	-0.80872395819544	-0.03970082069572	-0.08639830440498	-1.00000000000000
+-0.11794811639210	-0.03055569434565	-0.41358396522458	0.37608864077312	-0.07439850853747	0.04951206192784	0.89892482895979	0.42096106923850	-0.10624487755766	1.09106432701090	-1.00000000000000
+1.34136499013011	0.68918764002112	-0.94113775135845	0.26052392936690	0.17902477816618	1.17339511464296	0.88166286892345	-0.64881068493412	-2.02235495689199	-1.25596320127082	1.00000000000000
+0.64178624508491	0.36450262528241	1.75393645814111	-1.69746843634817	1.29685426991562	-1.70199223946816	-0.89375857601083	-0.54111140111231	-0.14820016806322	-0.56666484912030	1.00000000000000
+-1.08764719125518	0.24342396894967	-0.86763212376251	-0.02456275647892	0.24994234577293	-0.07358625558525	-0.70867292887486	-2.49108470011308	0.00041192215883	1.52431359800224	1.00000000000000
+0.52413044133884	-0.34182586675951	0.01375291092065	-0.46663389273653	-1.07560962270276	0.62495604696589	0.40158961106135	-0.34297894255201	0.92270180326722	-0.93095546866442	-1.00000000000000
+-0.50293555050816	1.14163405898752	0.70941648650618	-1.47388783337428	0.03185441976401	1.42083642034311	-1.42354521877066	0.91108877804309	-0.98923884149623	-0.00152752649472	1.00000000000000
+-1.76865096669489	-1.13851672336580	0.39819515619795	1.90613571948416	0.71160563316800	1.31496136769285	1.07798505642090	0.79728714724954	1.23628383435036	-0.54103621431798	1.00000000000000
+-1.23962728672142	0.58128938293619	0.69800342136510	0.75747042193260	0.40062158709752	1.18736724277789	0.92138896082746	-0.01296460508233	-0.42065436004501	-0.55128218755483	-1.00000000000000
+1.56005861475924	-0.38198752286484	1.08964631030888	0.59893452951139	-0.93351234703242	-0.17611255691668	0.01454179457345	1.27347628752774	-1.44234799040910	0.95849070317821	1.00000000000000
+0.90162523179659	-1.66866191806976	1.26507571587937	0.99348156489236	0.10372598113037	-1.77624167869438	0.07180028657947	-0.61621763201916	-0.12669292637726	0.41795077449341	1.00000000000000
+-1.54488337536669	0.13554361776787	1.39120280065953	1.45336810530785	-1.34486344259443	0.60241876745443	-1.14653920931221	0.15381809309021	1.29774141559210	-0.37358490991647	1.00000000000000
+-2.27300320775949	-0.63209682804092	-0.15018212784573	-0.78043217111722	0.36174249132545	0.67323017573852	0.07272831117483	0.91545679702662	1.69817347567936	0.34610339615220	1.00000000000000
+-0.37696504989463	-1.15121746336331	-0.32657395109770	3.22032783596228	2.41852859183215	-2.06454740280715	-1.25032417259477	-1.99275340138351	-0.62546246475585	-0.43995128835320	1.00000000000000
+-0.28384202511824	-1.14873255362150	-0.88022572112621	0.17273180442981	-1.24973169444099	0.62330838769841	-1.19796206684384	0.21494875772233	-1.25278174234947	-0.45379883406336	-1.00000000000000
+-1.56530070399311	0.05985472150710	-0.47747114041242	0.72208382196213	0.18393726063612	0.17132769053385	1.17858668384728	-0.58765953971610	-0.60738755304247	1.57816928633986	-1.00000000000000
+-0.02902676774499	-0.01891527758736	-0.26163257330371	-0.58812964584745	-0.76387715818237	0.71663461862606	0.01524136216904	0.75640630538933	-0.25391040874217	0.35101298743150	-1.00000000000000
+0.85308434260672	-0.08089386905616	-0.29123725310595	1.36907627934431	1.00657224195003	-1.48198650977059	-0.87329137788506	-2.17048228448164	-2.38392605929627	-1.83952721866542	1.00000000000000
+0.40184717261824	0.75698816785925	-0.20537175056767	0.22752596715967	0.67946991225033	0.09698867843921	0.29739972595208	0.20520471957736	-1.13965153114034	-0.11048854714828	-1.00000000000000
+-0.33242900159325	-0.03863784487754	0.34628117245404	-0.34162109618616	0.24632175708246	0.10882260576954	1.17432818019987	-0.90575772211583	0.03392678557684	0.41155819758854	-1.00000000000000
+0.50665506215426	-0.48917137791346	-0.23002988635748	0.85243751759521	-0.01034979444538	-0.23631013447356	0.28141001230150	1.01208976982810	1.27659178929260	-0.83327365278220	-1.00000000000000
+0.54063176862753	0.72169560459829	0.53774173870523	-0.80661266420760	0.27471628030413	0.50150468423312	1.24098405420947	-1.05858297018793	0.92187389504263	-0.37280240073457	-1.00000000000000
+1.20588732796821	2.18565042227649	-1.02132773805331	1.07679121351289	-0.82768654557172	2.83690877974498	0.31658080623445	-1.56674190038463	-0.06931177758278	0.51416020302803	1.00000000000000
+-2.05951371901773	0.39697235707633	0.38422796177283	1.75089718098324	0.18588504304607	-1.14969907376781	0.20899962327702	-0.53031086976255	-0.50305451736007	-1.24018939151552	1.00000000000000
+0.22416823252538	-0.19406569754478	-0.30935734884057	-1.39501570198585	-1.20339551705625	-1.12738631438054	-0.00363696842397	0.16780928413105	-1.24362949730862	-0.18304771097765	-1.00000000000000
+-0.04019385183571	-1.76327153650272	-0.51195243434843	0.52319053113771	0.84011221997543	0.34517064293082	-1.44841387908392	-0.31152942493148	0.37564779998425	0.03653491663727	-1.00000000000000
+0.32561222238058	-0.01277830203135	-0.29426895191231	1.22261158622723	0.35340325222810	-0.73766527867447	-0.94281695410822	0.36941736280415	-0.77525965870432	-1.32555850059643	-1.00000000000000
+1.03982022922871	-1.07236037705758	0.39049558722299	2.64026812292721	0.26576577046395	-0.12690879971533	-0.88411524199305	0.34017610742382	0.12356953635170	1.46838495313331	1.00000000000000
+-1.21234165335139	-1.11450075847908	1.71180988727297	-0.82263133868303	-0.48304390330366	-0.29965017125725	-0.13023999923754	2.34396047055136	0.82092445424748	0.76579475810744	1.00000000000000
+2.20830978063884	-0.09089318603327	-2.07290508370642	0.39828270054286	1.43240335769247	0.44965117327650	-0.97292809891108	-0.27937210098358	1.41298217797143	0.65385508446540	1.00000000000000
+0.59293026563457	0.69242098820620	0.57454532822882	-1.10996599707546	-2.33200067455292	0.38108778550202	-0.49546538318693	-1.31132140452152	-0.76691772950103	-1.68429152943386	1.00000000000000
+0.54109632721409	0.15172057722280	0.19326634558564	0.62231670951365	-1.28104253637213	-0.07756562686796	2.59490746602282	2.11224354230523	-0.08796624619810	0.87019417367771	1.00000000000000
+0.04012459423086	1.81815319814425	1.52792138405043	-0.16474437188850	-2.61680750851819	0.47668632450145	0.20735579642821	0.24164187340103	-0.68207663468076	0.18044914361178	1.00000000000000
+0.44505711935158	-0.08249656154284	1.38618078938123	-0.39291658170772	0.74652231824823	-0.01341479503249	0.40064686357209	1.24880191331951	-1.74226872835392	-0.48781369825877	-1.00000000000000
+-0.04002005044403	0.19217282745214	-1.99505248175469	0.00044672981619	-0.26094585781815	-0.91839255009448	0.24630280775701	0.25478897551167	0.64919430227737	0.56560448084642	-1.00000000000000
+2.98946190713048	-0.73423623995960	-0.70682340552305	-0.40657786744346	0.13944901095653	-0.53177126902735	2.32225858815008	-0.23356651449028	-0.85967342580745	-0.16800962786022	1.00000000000000
+-0.05610554218631	1.53466320359536	-1.48184284190042	-1.83641680441409	-0.40085922421687	-0.17145765898040	0.41839063413106	-1.24241936312557	-0.91036038774585	-0.25371418989455	1.00000000000000
+0.38118030751014	-0.72977538866815	-1.06859113035436	-0.03837484033686	-0.27695622193055	0.00434665303500	-0.67722302372704	-0.35247596266032	2.26788396988608	2.74767141113587	1.00000000000000
+0.31529889746536	0.42062047318078	0.43323875584376	-1.49728136814911	-0.13727452461300	-1.35122477403718	1.24456875303147	0.44259909482133	1.11189961603027	1.97695410619888	1.00000000000000
+-0.95046771047153	-0.19340403545674	0.22797155190036	-1.01504223510865	0.30631753839103	0.93283617638480	-0.14430106888902	0.31115952704025	0.76297718243629	0.23695809819370	-1.00000000000000
+1.58709361414986	0.04106636506530	0.38227908233029	0.27674912754032	-0.22846775779801	-0.67645622207115	-1.01782181814648	-0.21827961361789	-1.17477244643725	-1.18548652405337	-1.00000000000000
+0.57082170098235	0.05441329405236	-0.30867034263385	-0.09470730508675	-0.63559870427757	1.62432198206924	-1.18243377544736	-0.68623262713743	0.43359081263074	0.60451600068870	-1.00000000000000
+1.40611413604992	-0.81312282236782	1.73049479208647	-0.14260283902052	0.29323071618572	-0.75574875384192	-0.13985879562727	0.17938607690766	-0.87664066482605	-0.06110633046751	-1.00000000000000
+-0.03805107932031	1.90024832469449	0.33096464687514	-0.79909088905299	1.14908625820365	1.50250115024718	1.02012926958167	-0.77841120946658	-0.57189511636093	-1.40880292816420	1.00000000000000
+1.47227043120501	-0.44533527012453	-0.99663222515544	0.52288191166634	-0.61734713083582	-0.36718137221178	-0.42550840316498	-1.00125959970858	-0.44213122221921	-0.23320777329471	-1.00000000000000
+-1.11668643441618	-1.29796131532966	-0.01497704197767	0.95441994294241	0.93716051375860	2.18832982653909	0.60774090701399	0.35053503308080	0.58076225965567	-1.81993566190248	1.00000000000000
+0.37249319850678	-1.91626172157104	0.44141534531687	-0.65515252127378	0.09367480584956	0.79465997427180	-1.87782209389910	-1.41830181088374	-0.14868461123422	0.99054347673455	1.00000000000000
+0.31732068387811	-0.73892860129034	0.75811317395472	0.89112491384526	0.76522148763687	-1.08234312575864	0.38400416247799	-0.43277945242106	-0.09206963300529	-2.92876377066534	1.00000000000000
+0.04634286009558	-0.49100129083710	-0.42497313439665	-0.51950691881863	-1.77813409019242	-0.52746553235857	-0.09465953035556	1.02468850648065	-0.10138100278916	0.39227237609536	-1.00000000000000
+1.64050987299017	-1.68553214756401	0.73074680325522	-0.64570504777125	-1.52497970070177	-1.32695924922776	0.66365077732263	0.13337051117837	0.01850609869485	-0.72433371370610	1.00000000000000
+0.16124737579643	-0.33060396137686	1.19772835778951	0.10218430761485	-0.97110454956216	1.44469737523727	3.04843802594725	-0.99802926405720	-0.28105828840571	-0.22748202735717	1.00000000000000
+0.75700708263635	-1.02900756719084	0.83198224570226	-1.33822425911558	-1.37599334156122	2.22956320750904	-1.11588561777758	-0.86647455281590	0.08631525967942	0.24200061943935	1.00000000000000
+0.46931173207425	1.11425641985636	1.43423468686079	-1.20737913705766	1.12125868036116	-2.03770534914063	-1.39541207820726	1.48066901508319	-1.18049685290701	-0.20693896920386	1.00000000000000
+-1.50470824137078	1.37855683126592	-0.34359926264339	-0.72191070929894	-0.64469769634510	1.67416812627631	-1.00618066819377	1.47031908861733	-0.36924066664405	0.10995060576705	1.00000000000000
+-0.07470448828745	-0.44052789573115	-0.85020680397091	2.17056049180688	0.70528987624242	0.15853270922946	0.49235052105760	-0.12422675768195	0.90244530953938	-0.49172784092702	-1.00000000000000
+0.69240282602029	1.50426270613345	0.78430450246615	1.50120726424472	0.55588632855221	-1.56458624526049	0.53799033198841	-1.19081467198236	1.09071130347899	-0.35033724836069	1.00000000000000
+0.09973604092827	-1.05606714869185	-0.74869235727530	-0.91069882592409	-0.36399884994143	-0.65667467758271	0.80638554379070	1.38956733529885	0.49482339559535	-0.28578108607008	-1.00000000000000
+-0.52265612957264	-0.32529955890318	1.92832062327546	0.85739809859734	-1.15952934573981	0.13376852537521	0.37669156683951	-0.13356073104859	-0.82270948866815	-1.46728772871859	-1.00000000000000
+-1.78221561139468	-2.04854695499506	1.14692605233786	-0.07702248244606	1.09731860336494	0.59804696500681	0.47832251459600	0.58436818462967	-0.69296343139128	-0.48753560427169	1.00000000000000
+0.09529577751006	-0.05100305972977	1.50212666367924	0.96226471931469	1.21196562465182	-0.69346060687304	0.35328879018737	-0.35319615852053	-1.05989532408930	0.05856786199573	-1.00000000000000
+-0.46369406337185	-1.30022709114512	0.97378625363181	0.74910135661509	1.25157577595847	-1.45182077841262	1.36754774929920	0.11354099164363	0.25637355231376	-1.36856531528525	1.00000000000000
+-0.87927287566134	-1.03967539387379	-1.04798747832956	1.67963243953944	1.31008448241485	-0.91628037762367	1.22795853392724	-0.23294526932227	0.50448240649614	-0.46197660385684	1.00000000000000
+-0.64181119849150	1.89737837400089	-0.09180567265942	-0.49683331664777	-2.33921404366858	0.16086339444732	-0.34974848723283	-0.14738190274712	-0.54418368259120	-0.38775500191170	1.00000000000000
+1.85356897166600	0.73615060314464	-2.58901773521798	-0.36227566418887	0.80928735401238	0.55653316183004	-1.43899108014801	0.87841651408145	0.09046125281652	2.48896837253819	1.00000000000000
+0.39335600572108	-0.22337245502148	0.33250138384909	-1.72321129994598	0.63984271842008	0.75803746482553	0.47413080755146	1.48152259071990	0.00766113837999	-0.31722460325497	-1.00000000000000
+0.48046249073588	-0.12489022681215	0.82208997948136	-0.92778105730722	0.21206141393062	0.09224951577586	1.61618793052068	0.31324045792710	1.58637836115043	0.31729354782923	-1.00000000000000
+-0.53382209651927	-0.76225878297525	-2.15247032066779	0.19632477701339	1.06989067356825	0.06038785130109	0.19279749447192	1.66155512262394	0.58486977211723	0.77700245826153	1.00000000000000
+-0.72976551091407	-1.41387685346986	-1.11487702240227	0.95811966357161	0.34716626765833	0.23745395591788	0.87542735081303	-0.07072199186163	-0.57372200694874	0.19139604593841	-1.00000000000000
+-1.06323979641017	1.66045114863070	0.49156886890996	-0.04014863362914	-0.42079265044962	-0.37743906252552	-0.62999850509999	-0.64352474617130	-2.54912720161566	-0.77401546768716	1.00000000000000
+-2.13849332942186	-2.20323622025716	0.61534644688867	0.35313305172343	-0.44792478693133	-1.18842115083213	-0.00240081839706	-1.16120031503242	-0.69529683140676	0.90592028310176	1.00000000000000
+0.98221011568037	1.36328062219859	-3.18550567816107	1.02763067485039	0.17325399648148	-1.49761065834438	-0.46970208718380	-0.62886749033675	0.16328953263764	-2.37409633419306	1.00000000000000
+-1.80721171611228	-0.98714839312121	-0.11624194552539	-0.52135830523445	1.54860014546215	-0.27983154719537	0.42561510990636	1.63269180021095	2.36556966162909	0.22461495722616	1.00000000000000
+-0.23300641550387	-0.00386350199923	-1.12176345723763	0.81062371935358	0.59087448008732	-0.10770336782560	-0.31517775375635	-0.53261360979429	-0.36689278443424	0.02332701573288	-1.00000000000000
+2.12865902602612	1.48371777668223	2.13487707200898	1.42625078075517	0.22886116489362	1.28210212431299	-0.86028258248558	-1.22116553201643	1.24467375261709	-0.74575712106072	1.00000000000000
+-0.22714093224187	-1.14537538954265	-0.91143344100929	1.63472557620792	-1.06460657669214	-1.41146533090064	-0.98556684359229	-0.40058192803469	-1.59693363314834	-0.55051648589287	1.00000000000000
+0.65300017694884	-0.17156797991557	1.02201419924715	0.16067153032496	1.63225628340903	-0.21433928244227	-0.43384234599322	-0.25346056080826	0.58539681075944	0.09984474320418	-1.00000000000000
+0.43977897828230	0.83037769764681	-0.18861010640022	0.12412756218166	0.14792589453626	-0.16657619759625	-0.49561961949106	0.44488804905648	-0.02023124349335	-0.35669350192033	-1.00000000000000
+-1.10754406683493	0.06969555580341	1.28951999836050	-0.29747517735618	-0.14365687988902	-0.31886589298233	0.76140944893309	2.91689847775562	-0.72105872498036	1.60902803814176	1.00000000000000
+-0.16381179688697	-0.48154758222904	-0.80910847867995	-1.59568262856136	0.09499487119354	1.19308805816627	1.46716759647310	-0.18558022660067	-0.25468996714776	0.13028068404515	-1.00000000000000
+0.28440787162905	-1.05890442904599	1.01481636800938	-0.00614899864736	-0.65534379901854	-1.01467257673578	-0.18594571142589	0.85501315587678	-0.02070330661037	0.96674959616509	-1.00000000000000
+1.03451709241023	2.31093369738839	0.39789946927714	1.92442512532510	0.98824410953382	0.45561318384996	1.63921568010874	1.17297235765608	-0.62831365073119	-0.89008966446071	1.00000000000000
+2.04169997339323	-0.18082128216049	0.67347537691151	-0.41884214644271	0.61637877082987	-0.56726419922747	-0.59174939228028	0.95097848172893	-0.06180775192267	1.12408721437750	-1.00000000000000
+1.04683126994333	-1.71699027180547	0.45826770290913	-1.79442777737351	-0.45715957815659	-0.53741869261327	1.46701066621401	0.16297025682044	0.29315856126685	0.59142533161701	1.00000000000000
+0.49480673952518	1.30486014812088	-0.76110242505093	1.05948193402065	2.17588451763805	-1.03613416614959	-0.05080145818678	1.05031539650272	-0.71264869480359	-0.41049634387229	1.00000000000000
+1.70893274187680	0.31082926949676	-1.32200252536544	0.33119651342184	0.05230096162905	0.63389548570007	-0.62273322103843	0.46260572354935	0.02434394894139	0.72862497638140	-1.00000000000000
+1.39690319406969	0.03593901762365	0.15745992808268	-0.72450794174211	-1.32463038868914	-0.48908312660825	-0.24589757766555	-0.83442262400216	-0.44032556351056	-1.03680088685173	-1.00000000000000
+-2.89585611532980	0.05712311621473	1.02140124747176	-0.06933265932341	0.26798022641086	-1.86029098518904	0.73745876313236	1.42082633484923	0.15576004541805	-0.19953888373628	1.00000000000000
+-1.47919559364675	0.32188380220088	-0.18834995485490	-0.54691338845396	0.33146267491959	-0.08541392011082	-0.04708010884081	-0.68976265109026	-1.14968176937053	-0.65597033066631	-1.00000000000000
+1.42017937749039	-0.36835981487448	1.76502583116303	-1.08250897603722	0.46396396768953	-1.28961408994257	1.17240789159012	0.15328840931631	-1.64167530839823	-1.04412680483801	1.00000000000000
+-1.48773517620117	-0.72605141509862	1.77110440394354	0.95321427438341	0.27612579766021	-0.14752676829112	0.40616532377349	1.22291564746015	-1.65587880325032	-1.18084932393197	1.00000000000000
+-0.17367551387045	1.59179684771420	-1.85542977307533	-0.30062362053667	0.03630154093365	-1.24525409165355	2.36176324281073	1.23167413251640	0.05411803561975	0.30193700282334	1.00000000000000
+-1.80698588815854	-0.24022232759626	-0.51604863638850	0.71587682991277	-0.42082324506430	0.45207219399909	0.53010211314974	-0.50931188608795	0.37111611752055	0.19043333754105	-1.00000000000000
+0.46439582224868	1.52306683045213	0.36482862004311	-0.08874154099889	0.21303931607172	1.61659036984002	0.96785103163714	-1.17329644089150	-3.37005031288288	0.10466049783565	1.00000000000000
+-0.69858965908095	1.20221337651929	0.77509516410372	0.43267835598245	0.94840134587720	0.98015511710410	-0.83084669417859	1.43830877902754	0.44900306344791	-0.91482412351838	-1.00000000000000
+0.07749872430685	0.62813630723148	-0.56657148238002	0.91428435904459	-0.26935481242805	0.17765149443006	0.16186048071296	-0.74226638921689	-0.27130024648784	0.40800124275418	-1.00000000000000
+-0.44359578605538	-0.26247864057417	0.02328743529185	-0.34611756295913	0.29608592624072	0.28527700138649	-1.86423382527661	-0.02743436919204	0.67567791831137	-0.69598864642628	-1.00000000000000
+1.82643049334152	1.11648971799792	0.11428178060156	0.22753676401344	-0.83305262039305	0.89453324339262	0.90151165759658	0.38323353824382	-0.32942759681762	0.78441297571989	-1.00000000000000
+-0.57141262977931	1.67298913044814	0.43351145892252	-1.28161812475581	-0.70530865474023	-0.14377260340111	0.41313626638644	0.35444289983503	-0.07793181379158	-0.08115396383366	-1.00000000000000
+0.72355371806878	-1.86152990380889	-0.86375409068648	-0.07968255879996	-0.06175963707252	0.26654151109540	-0.05335104222556	-0.87329250225199	2.62622995520199	2.62970784395655	1.00000000000000
+0.65269082576616	-0.13207051488856	0.43945229799233	0.87586606211026	1.33924802095712	-0.09468159288885	-0.65355577720347	1.19610057562678	0.04865864465066	0.10043771231206	-1.00000000000000
+-1.21074268434215	-0.46416147981122	-0.35256875096068	-0.28071358085961	-0.10356417328678	0.03491284727765	-2.13224453930665	0.61562852190758	0.37294526941214	-0.05582929802465	-1.00000000000000
+-1.87719542163609	1.51948694402136	1.90275272546502	-2.86509465289496	0.64058072964728	-2.50486608361902	1.00068513225788	0.25196103925601	0.37391730698175	0.38768354147114	1.00000000000000
+-0.10003447818319	0.80843898971601	0.68715978892317	-0.41462992970149	0.63980317426964	-0.64822117902636	1.37953568852857	1.23453730894703	0.07184086327739	0.35880574635985	-1.00000000000000
+-0.10225744544129	-0.77351189476064	-0.21844049720363	-0.76121128232077	-1.46474024733551	-0.39088465642307	-0.35756244635124	-0.92980316953824	0.54341797156161	-0.30335218872416	-1.00000000000000
+-0.05262148420697	0.08675435197718	-0.82157610993240	-1.58996217744053	1.62376253439861	-1.55724826986602	0.20818843019125	-0.09590118249912	-0.54925399975323	1.42432919101924	1.00000000000000
+-0.27019293110261	-0.51180888496652	0.79272861956185	-0.67122567301473	-0.22591972930268	-2.10429186458357	0.04038643904475	-0.35004657290786	0.00826652206986	-0.05672518977119	-1.00000000000000
+-0.37968116104004	1.07853231190052	0.04564310249256	-0.30774562022803	-0.56801479411178	1.80683239772719	-2.94254235869589	-2.71309125537407	-0.00870442642933	-0.46256514116134	1.00000000000000
+0.71310068858550	0.18558517459238	0.30447086561832	1.06677356698511	0.83101130575793	-1.18517340683000	1.02872204929691	0.39095526749744	1.84493051013398	1.35336554990912	1.00000000000000
+0.98430325049887	-0.93711702284082	-0.21443108348575	0.05801016258087	0.16633405293729	-0.04910250726293	-0.39583547435589	-0.25508429567161	0.60162872706892	-0.11490786019196	-1.00000000000000
+0.02803537021718	-2.03097204079139	1.07695779251904	-1.95395682647392	1.07389958434294	-0.72292616172089	0.18552268321728	0.93829684272329	-0.38921133271174	1.31765876812986	1.00000000000000
+-1.15919962431102	0.26013003787911	0.97273011115383	1.49304262778297	-0.44501211236682	0.61627825618807	0.65249763750977	0.58789925311875	0.39518780908878	0.50965285280327	-1.00000000000000
+-0.44798480514498	0.55304550144614	0.47080210624265	0.36044212592467	0.14502967187527	1.31204190050224	0.09246759071133	-0.57153253454019	0.58324332179729	1.05467035654740	-1.00000000000000
+1.26342707207576	-0.59200571437963	-0.78268136663319	-0.90743453276620	0.68590181985944	0.06812807123927	-0.30354194546896	0.92666629046509	0.18851875065014	2.24991822204835	1.00000000000000
+0.87940919330629	0.45216720083110	1.52736613935440	-0.38786480847346	1.64194226959731	1.27828092593215	-1.16156000776662	-0.69397079869909	-0.19719779654473	1.21317981470804	1.00000000000000
+-0.25361374926847	-0.16085540464538	0.30295113910179	-1.38346813332391	-1.14744584619955	0.41056391508708	0.01549622621197	-0.33243064687040	0.12038912183852	-0.26821181922954	-1.00000000000000
+-0.26652724581297	-0.03358987477991	0.30116710606069	0.24888836123737	-1.26853977594118	0.40570958175060	-0.62861998889477	-0.47019366153709	-0.18623413850551	-1.98921435419651	-1.00000000000000
+0.91856776674653	-0.34067653322732	-0.33081575261247	-0.35292623777625	1.34869386175184	0.33913313872223	1.30858302126680	0.14506480344992	-0.78912308377023	2.17145136807755	1.00000000000000
+-0.44727307100557	0.47428930713953	-0.20904854312003	0.29797230546944	-0.82461035347574	-0.06167954577619	1.37747611261872	0.68903156852784	-0.21779355604502	0.63619661910420	-1.00000000000000
+0.11977867089569	0.73783402152690	0.49420822366080	0.63789121908743	-2.85718801977797	-0.10728028024574	-0.44870537561639	1.15106641341413	0.48567190741816	1.75423084176269	1.00000000000000
+-0.18808922260328	0.42713501480185	-0.06317886998680	-1.26455919371397	-0.23079550878221	-0.30895085363105	0.93109679269894	-0.95286144638532	-0.83287726128332	1.37655185454953	-1.00000000000000
+0.27655011883689	0.23565438266202	1.15145552696924	-2.25640773031877	-0.82721365074920	-0.59031784953831	-0.49116715551922	0.24796282174654	-0.95748325896162	1.12152153368269	1.00000000000000
+1.00285016985257	0.32895473832880	0.10587026218786	0.85632315037028	1.07036927675975	0.18901552582547	1.25266377728681	1.03642192047202	-0.11623137439266	0.30551963561070	-1.00000000000000
+-0.24238156219625	-0.52413965321967	-0.01256057954417	-0.27409602744065	-0.60010531634424	-0.59874385437312	1.32385191010545	-0.75826821150055	0.76641958426188	0.91801792633281	-1.00000000000000
+0.72820230938506	2.19434164857977	0.57101541109618	0.59865550864896	-0.42818717489593	0.19310505584236	-1.58579094807650	-0.75353116426378	-0.23481087526359	0.22995345800658	1.00000000000000
+-1.42025828206090	-0.70083503047366	0.71307818743957	1.24005849177588	0.40996449282776	-0.79256830578834	0.33857070588404	0.39663350011123	1.30660644702274	-1.35128227380899	-1.00000000000000
+0.22719727819838	-1.58318198149337	1.71459316991496	-0.49616499299371	-0.47007294159322	-0.07202069128415	-0.00670614253758	0.52240837492909	2.65027581061844	-0.30829625048115	1.00000000000000
+-0.33103210099403	0.96044962781934	0.16849154199774	0.49069997727241	-0.77246184210035	-0.36555579114162	0.22818337231898	-0.08439463450993	-1.26594858508747	0.07758802694134	-1.00000000000000
+0.36236338149174	0.46411766512890	-0.84728228638618	1.53861038831055	1.27382938557758	-1.91220257933438	-0.38071131694369	-0.54098909979779	-0.75877498242666	-0.48502651140461	1.00000000000000
+-1.00607971788475	-1.48499374227243	-0.87239563753229	0.12606174419999	1.39089749620026	-1.95950404080331	0.40491720846166	-1.33770605963101	-0.64759368363205	0.02507268024730	1.00000000000000
+-0.09804565790309	0.45122333721949	-1.36193884116737	-0.52431421851667	0.06862621327212	-1.18142615303538	1.43653401279837	0.74274977640689	0.83441520482672	-1.16470230844464	-1.00000000000000
+-0.96867777117504	0.28788759177013	0.75169604893057	-0.79981584553236	0.08205196799549	-0.60252996522141	0.15640066390452	-2.11705579073630	0.27629063607757	1.03120091052158	-1.00000000000000
+0.02318347374489	0.15934083564730	-0.15351499639868	-1.10885712564075	0.94696508600495	-2.48384159077535	0.33847349791266	-0.44627613879657	0.01236428329801	0.94838115954832	1.00000000000000
+-1.64070731911688	-0.93715530362906	-0.20049903659768	0.49922782622828	-1.20145631794436	-0.39774593890069	-0.68380191097724	-0.72831903131613	0.78357317337650	-0.53992251115630	-1.00000000000000
+-0.32608868471581	0.82479056181378	0.57534408350482	1.49517536170667	-2.50139350738233	-0.91220500432611	1.18645802580708	0.11742308375102	0.05447226037365	-0.32411723465181	1.00000000000000
+0.85440522579591	-0.13941520018802	-0.64730227265105	0.59849797736680	1.50115588112479	-0.15307942007663	0.70454443043037	-0.02687977941355	-0.88137198822245	-0.15153354891512	-1.00000000000000
+-1.20490611365611	1.51466313434817	-2.13175095890167	-0.31701727346195	0.18099062990659	-0.51427006204937	1.10025146854063	-1.68049380105892	-1.28142641950197	1.44379464074682	1.00000000000000
+0.08360816708192	-0.65081003282914	0.38799333478857	1.17565437009043	-1.01620762424441	0.53061029236601	-0.06659577902870	1.46435079261575	0.73383212022910	0.77966077509433	-1.00000000000000
+0.57670366208912	0.80885080867620	1.34124567224540	0.37135258586935	-0.53453471155860	-1.61340615711961	-0.29604324473530	-0.49613494165022	0.46418862642951	0.06073151153544	-1.00000000000000
+0.56101365197842	-0.10436304958147	-0.62713755047946	0.79850248638860	-0.53604970182119	-0.16026934372238	0.53894029798476	1.40617109983759	-0.00794582254661	0.93881140070575	-1.00000000000000
+-0.33694551685061	-0.86077524398038	-1.72692700517103	1.21687544259126	-0.49903024712950	2.06324779452883	-0.03642535496567	-0.43418624976285	-0.28914866537961	-1.27281758202105	1.00000000000000
+0.48036048812569	-1.54411056521530	0.15261397723325	-0.11975415015391	-1.58275573034003	2.37116439915665	0.92263501155480	-1.12031993963790	0.36150724866685	0.03735917236043	1.00000000000000
+-0.00758114621141	-0.76609862973273	-0.36266874239357	1.91196533290927	0.82332379105434	-0.34720107399626	-1.41792612095001	1.13175960243900	-1.63625724532897	0.17127692713391	1.00000000000000
+-0.52273579743898	-0.48801158852027	1.88634431640319	-0.76867975537016	-0.44189926382419	0.03585702727523	-0.04128246287869	0.76739876793333	-0.19815718041253	-0.75132648388125	-1.00000000000000
+0.92954949641964	-0.64700184464779	1.16943109196941	0.11254241966230	-0.87410954320135	-1.19355414680506	0.54295030969995	-0.32476417049073	-0.63253401453045	0.41779926456052	-1.00000000000000
+-0.09346488622754	-1.15672828173346	-0.46030676376031	-0.92563960629348	-0.42885898810604	-0.35701180829853	-0.74828676102614	0.36798679105545	0.36909745089881	0.49994042636284	-1.00000000000000
+0.04693063783470	-2.10400689133427	-0.05915529789319	-2.13433354586723	1.07014057253830	-0.36287015692803	2.03491898018325	-0.58913072802894	-0.22064895863806	2.06990767151658	1.00000000000000
+-0.05943536776823	-1.07342092669030	-1.15351919627614	0.00178036373574	-1.98300489363406	-1.93127214668028	0.25384382612774	-0.21926194377830	-0.54611429823211	-2.78748546328620	1.00000000000000
+0.38061671869874	-0.76131579258594	-0.11223263210980	1.28004434946911	-0.39558136112444	0.10521797104201	-0.65789051630419	-0.67940392709011	-1.20388846839065	-0.97225771735309	-1.00000000000000
+0.21284259569177	0.18938500746939	0.35072923621883	0.50226324357170	0.42712436655777	0.46907800717780	0.29779151655689	-0.77150085641748	0.04776100473314	1.07559217637698	-1.00000000000000
+1.19183688439413	-1.51370857155005	-1.42676659280540	1.09417184811845	-0.47580583915180	-0.36184337723435	0.31366342887206	-1.00811648364176	-1.95914756769170	-0.65611807917005	1.00000000000000
+0.98566441688769	-1.81675271950151	0.36134901111027	0.26625725182093	-1.69934680447947	-1.86758472653551	-0.20992602858700	-0.73321880716921	-1.22927341246887	-1.87882616251716	1.00000000000000
+0.69279348549529	1.03297526588781	0.19379824062126	0.24789632289319	2.36483487454052	-1.67367524111419	-1.15833876446415	1.02414182013603	-0.79118671895695	-0.60517565745626	1.00000000000000
+2.22627961469282	1.36163498776304	0.05588035055669	0.95179202491206	-0.37042552725416	-0.23484134526811	-3.22980334875643	-0.15174630549662	-1.00316166198143	0.46965769799433	1.00000000000000
+1.12825889076764	0.65550031965860	-1.66491120002320	0.45341148628806	-1.31839235117355	-1.28049632326748	0.11111396611204	0.53906141616138	0.10934002857317	-1.61201666721800	1.00000000000000
+-1.10506798449572	0.20379370980340	0.06986106329580	-0.63506282726152	-1.21214626939998	0.75486320415884	0.62854409867135	0.60252128462152	1.12103659568783	-0.21526090565578	-1.00000000000000
+0.13532064139501	0.73228158012553	1.67260793591052	-0.86975099673921	-2.02565849271226	-1.02543883709802	-0.05638196853286	0.29648596058559	0.99495250939734	-0.18685692200791	1.00000000000000
+-0.61105308509584	-1.45415728547079	1.82665836413406	-1.81366823924080	2.24832051904759	-1.90153397636200	1.16159000965262	0.57401393572985	0.58823230894421	0.54789165627955	1.00000000000000
+0.37772052774456	0.57289231909937	-0.91802065248098	1.10492712268513	-0.33669449308262	0.62028589299240	0.13630973763305	1.39073874132450	-0.02145496394294	-0.57832153749707	-1.00000000000000
+3.07545719778805	-1.02292321861849	-1.03926388249090	1.52664216684952	-0.88731770722595	-0.16092441884747	1.40601599721677	-2.07499819466516	-0.54829273493524	0.30178969068369	1.00000000000000
+0.80389956596338	-0.01338956959453	1.19175524479242	-0.33120144792045	-0.62784469804744	0.16410764925725	0.25303115860979	-1.24655908148928	0.52382906031291	-0.68209198041738	-1.00000000000000
+-1.05613376035797	0.14262760580346	-0.71090785428375	2.09063388951082	0.11011484255359	0.95195339896316	0.11833928573739	1.94999957807702	-2.00454514333512	2.27855348901568	1.00000000000000
+0.98606356027315	0.11428654372866	-0.13025593159942	-1.44545049044577	-1.51327617616942	0.51216957244002	-0.04189047881330	-0.77658778877487	0.71485258957147	-1.08966932091030	-1.00000000000000
+-0.94731417593419	2.04342183636767	-1.26129059852869	-0.13921886593781	-0.93098187105178	-1.53712644721579	0.63254775855964	0.27134559681167	-0.05896501365181	0.63408963118735	1.00000000000000
+-0.49295656308306	0.40135655603790	-0.43621423004963	0.84815465280964	-1.23133953180290	1.39339723332958	0.55621895722595	-1.12010374804051	-0.27995643993473	-1.43539200922842	-1.00000000000000
+1.26783762785784	0.24727314106967	-0.11052472316742	0.65718510874060	-0.60278673576524	-0.95291858615682	-0.87631875063230	-0.98175708195454	0.58002681806049	1.67540297557180	-1.00000000000000
+0.16402154080609	-1.67725739129216	-0.02626337256062	0.21652373233637	0.11804558408663	-0.38972897589120	-0.57371282854548	-1.69661549249221	0.85847485305657	-0.37109302376569	-1.00000000000000
+0.60502380966980	0.70215294430433	-0.67659105850771	-0.38457249359788	0.19707112179666	0.35911761836584	0.05574757403566	1.89491386230444	1.40058772349757	0.66303623122886	-1.00000000000000
+-0.53391815099159	-0.56470722918395	-0.06642365228213	-0.67786192882571	0.04096730028801	0.42044617559969	-0.00800016605175	0.34340809616670	-2.04154866928770	-0.73577996803877	-1.00000000000000
+-0.61707409193911	0.46025194730055	0.35039552599028	-0.27607794132974	-0.24630066748071	0.17757954304313	2.77571681217925	-1.24175761564320	-2.30714823250446	0.13301124857943	1.00000000000000
+0.12296925142118	-0.44399796354026	-0.02295677195310	-0.97191983005261	-0.37871350543537	1.90612473635597	-1.65939746611768	0.43604738041289	0.14306994745868	0.30857647505541	-1.00000000000000
+0.02744978941773	0.23770153030474	0.56516864663214	1.92161543298702	-0.31897853189650	0.17962818746577	0.25156549886508	0.58470733299700	0.05982611996389	-0.44952410122883	-1.00000000000000
+-1.00171336740311	-0.78057004081511	-1.45319848245985	0.02901924065812	-2.46385090323631	-0.00361455979146	-2.17319703980005	1.06050209366487	-1.04981758989210	0.88321061111043	1.00000000000000
+0.68298311716429	0.17469383566026	0.86839578452716	-1.02530080136482	0.65724523970947	-1.92590975947959	-0.03515876555147	0.07193689932968	-0.13402359835693	0.09673385771328	-1.00000000000000
+-2.42708706205609	0.03919157284661	-1.12705013847735	0.02370086967093	0.33783137488636	1.51013529685279	-2.05059468112505	-0.15134299948683	0.00983949970898	-0.63706184326332	1.00000000000000
+0.55411724775921	1.53669579461581	0.94170927474511	-0.81887309608647	-0.45404392474792	0.91090701951194	-1.07802007160032	-0.36418449106733	-2.95524978445415	-1.30979137394233	1.00000000000000
+0.93291264867655	2.24216170042484	1.43218796197495	-2.00255451283232	0.02743557593086	-1.31872868003417	0.76423160825480	-0.53827682184391	-2.14076508831942	-0.53904746273628	1.00000000000000
+0.47077590143416	-0.12761194655749	-0.94540017362139	-0.00698023720905	-0.84810308816646	-0.26723092812199	-1.62496181634415	0.24276802304697	-0.16286487517650	-0.02972707441683	-1.00000000000000
+0.19745167595319	-0.76717139578661	0.52825585701877	-0.95561394335738	-0.48706885359740	-0.43326563919206	1.24007127818654	-0.05363651530417	-0.15065324305256	-0.33296227084701	-1.00000000000000
+1.41739430006775	-3.63278649573676	-0.51613743720279	1.33450831364934	-0.74324088588394	0.78413284767812	-1.26311833639181	-1.43196132805127	-0.74627256965372	0.92220833968855	1.00000000000000
+-1.76406429890364	-0.66983528293800	-3.06061964874814	-0.42758181714000	-0.92054731309622	0.89813339488301	1.54299018291843	-0.07699021065389	0.49950745974556	0.03054060182305	1.00000000000000
+-1.70620425976372	0.68675709117457	0.22396122973912	-0.54281292718580	1.46794498975182	0.43904361567305	0.71838667478691	-0.53897253131682	0.66380843274691	0.60286551455818	-1.00000000000000
+-0.01889861762295	1.20063160813838	1.39111897401649	0.02063723407778	-0.02533772633607	0.81252166115390	-2.39398910396867	-0.58794939693075	-0.54221554792841	0.43611689852844	1.00000000000000
+0.66952693060693	2.03450794840766	-0.61636810562558	0.04790404387896	0.11845287267152	0.25438298330451	-0.30178964945693	-0.86334633649913	-0.44973990887130	-1.90053595651786	1.00000000000000
+-0.56762553761435	1.50802464737311	0.46166048303532	1.72350078342506	-0.50138341200682	-0.44583085422770	-0.96776745520303	1.44452382178922	0.29160736623491	-0.89865780436131	1.00000000000000
+-0.08984561523922	-1.00978948170636	0.68868700866145	-0.65535261661163	-1.46066872704355	-1.12977057509828	0.83511063571354	2.17052776800914	0.65783982385345	-2.91820525827167	1.00000000000000
+-1.86510450940388	0.33143953603454	1.56691045777253	0.65810957413419	-0.13724684617899	-0.79138675208915	-1.98871060416685	0.09256001019063	0.64763694740879	0.77539921655059	1.00000000000000
+0.07543717740496	1.26795430845809	-0.13244159829208	0.46092334694769	-2.56117674732899	-1.10997257145910	-1.48525387507803	-1.30372757203715	1.22273612387483	1.37390992366561	1.00000000000000
+-1.84691091702526	0.66029221608605	1.59500422759365	-0.05642958335027	-0.36781129198472	0.45581263986139	-0.52283284463147	-1.83010204993116	-0.83969889274318	-1.15268817574629	1.00000000000000
+0.10314330966396	1.33330585179586	0.44386957922073	0.06671506452564	0.74331477726096	0.48942150124012	0.48339163093592	0.23914251230354	-0.69066068502519	-0.85968368232440	-1.00000000000000
+0.44988092580179	1.21469147587902	0.44675745547206	-0.74894233178315	-1.53061257643274	1.41006566571385	-0.29632319843186	-0.56040482403165	-0.95658729025102	0.68542505292692	-1.00000000000000
+0.87122573032034	-0.08843650360148	-0.07795722485249	0.04547322805294	0.78598726105669	-1.48735729635452	0.47931298512215	-1.35919675942097	0.74670789880164	-0.13763928919850	-1.00000000000000
+0.20217543723207	-1.43908029865369	0.12804040660413	1.13990379842391	-0.82608297953560	-0.86550287652487	0.44895001270723	0.84560647745726	-0.39924519871259	1.27482834875922	-1.00000000000000
+0.50009409199605	0.31019349957318	0.24304407102884	-1.26943858491556	-1.70387390209919	0.65530404992266	0.17169656414535	-0.45109557381721	0.89249737090432	-0.77258363091462	-1.00000000000000
+0.29538789886727	-1.49350430681393	1.74143941136235	-1.02572196956314	-1.07692596724354	0.65857852799480	-0.78845860537439	-0.33961893998119	-0.62398494789859	0.37805458841627	-1.00000000000000
+-0.78018624079880	-0.08095891541438	-0.84307384047217	-0.47670085857547	0.46327845263939	1.98636306806597	2.37309440010532	-1.11676178438351	0.93003350963419	-0.64375163316140	1.00000000000000
+0.09990735206546	-0.16301597460065	-2.16493902366115	0.89163907488919	1.00611448416891	-0.99529897526239	-1.46476296527443	0.73171603935318	0.70622215777488	-0.23028793893247	1.00000000000000
+0.68617611185780	-1.24465286726183	-0.95956076724054	2.16241686497472	1.05220975128943	1.74444460332068	0.17482813675251	-1.03022235941100	-0.33622831006463	-1.66145568721508	1.00000000000000
+-0.66408192087706	0.33540002135386	-1.33076686857686	0.13850143695865	1.41175046577204	1.35170775890894	-2.36892926712071	0.31208489978440	-1.90297327612365	-1.37188742901961	1.00000000000000
+-0.91436092686049	0.37701343628817	0.10342315898410	3.03309060472817	-2.02579966126164	-1.31648446580144	-0.24417021379614	-0.68685072225575	-0.06222258213270	0.23277999478566	1.00000000000000
+-0.92751701892137	0.35316827366826	1.89573705250784	-0.79825205185882	-0.63789637896185	-2.08247261741634	-0.45441768178577	0.63594002573017	0.82694902353142	-2.89693228414551	1.00000000000000
+-0.62615846233202	0.40290836922166	-1.93403409378434	-1.29116992926535	-0.49465525565835	-0.96061368780278	1.30753594138631	-0.57965851019204	1.20521615404776	0.06398591754548	1.00000000000000
+-0.85488853076656	0.08402416462824	-0.34204464547733	-0.44754827365010	0.81711154147725	0.93587879479474	0.51460975595800	0.48216113288481	0.05521003239255	0.68125667566584	-1.00000000000000
+-0.50642999677061	0.21889270869922	-0.52700923774414	0.38319974385878	-0.50603610150534	-0.45458582137787	-1.82632613885851	0.34038517703698	0.05762280714354	1.15287017843141	-1.00000000000000
+-0.49591393225852	-0.50740628936206	-0.12083706847901	-0.12879800940970	-0.40059295449126	-1.28639086015409	-0.67274544207150	0.48185780867440	-0.03591896684414	-0.27801044407861	-1.00000000000000
+0.10174562538792	0.33611942748963	1.59365823372139	1.41434925294002	1.11415368740459	0.55050283860924	-1.27973781075317	-0.33535867545373	1.98585958836747	0.52650942321353	1.00000000000000
+-0.75213747555568	0.85981315301365	-0.70751143576657	-2.48892365651062	0.59854344404158	0.55654360700922	1.37668133440590	-0.58558485484857	-1.32617244696160	-0.45120764984357	1.00000000000000
+1.23325959424635	-1.68739106537644	0.77594709360719	0.15797925761333	0.78637309197845	0.31799514383327	0.08156176342950	-1.73701734229234	-1.05559083419037	0.68630550266051	1.00000000000000
+0.10666693580333	0.07411665534433	1.12729586526989	1.10163374917842	-0.46130748531994	1.58619685386147	0.43812332773262	-0.47326370889592	-0.12883269657566	-0.83245501564654	-1.00000000000000
+0.05243480708923	0.25058607579234	-1.09141769920166	0.26343568944798	0.25312518970441	-1.17502821937702	-0.03862379363750	1.93493340813986	-0.49617647427869	-0.89890148835327	-1.00000000000000
+-2.19933152731968	-1.89528664317728	0.99626074295526	0.23339536683805	-0.40950517018857	0.36637515977319	-0.16231367490889	-0.25640279307366	-0.69815368969614	0.29928618475105	1.00000000000000
+0.71744346358493	0.27517874040318	-0.29616458258359	1.09918298331870	-1.55661857411591	0.74169511620599	-0.06830582683453	1.30884077182019	0.37152082507199	0.38173721894639	-1.00000000000000
+0.59577020788712	-0.51033626980423	-0.09481528965255	1.11559778691094	-1.40251872415833	0.27694524615814	0.14318459245432	-0.11368941445097	-0.84269655104310	-0.92833092313179	-1.00000000000000
+0.25354405954967	0.50938048773626	-0.09048228106375	1.91314110817686	0.65556113096035	0.71992873725157	-0.18483034946211	-0.19041399517990	1.78129641356629	0.65061910057164	-1.00000000000000
+-0.27301161411376	0.15670992387271	-0.78592233537565	0.49353741729805	0.82807447603685	-0.88837809583515	0.40605065156599	-0.49494543703913	0.44049683937465	0.46322779310737	-1.00000000000000
+0.55441549002078	0.67627577718353	-1.64310776820749	-0.46524554273771	-0.50589742685380	0.11393512907023	0.08758698592489	1.37192780521608	-0.30374793693126	-0.80367259807608	-1.00000000000000
+-0.39806565366794	1.63837767132321	-0.60543877823797	0.05270955154131	-1.22883894794439	-0.35597276815291	0.64254535365978	1.20947048715575	0.11680582308337	2.32699844472627	1.00000000000000
+-1.40848314093869	0.39354595590255	-0.64553797388642	-1.20438014996994	-0.60010773693165	1.92396865053655	2.25857108011324	0.68622843314771	0.06854326095695	-1.58213612396680	1.00000000000000
+1.13103563638994	-0.04227261636449	1.44288609106600	0.61685095320246	1.44013749113980	-0.41208995259618	0.13365825564945	-1.81341252364291	0.46262081019229	-0.30744712334350	1.00000000000000
+-0.18673350615841	0.60944981510925	1.62088315585315	-0.40001624217926	0.57941635848825	0.47265268580437	0.63868364768821	-0.90595364508903	0.81626448746939	-0.04996185571471	-1.00000000000000
+-0.22317613066430	0.87598625886133	-0.14668809426573	-0.45027436669626	-0.94593254519843	1.77116966869526	-0.97735358115809	0.40844437630940	0.89887801041023	-0.46362673842241	-1.00000000000000
+-0.44933154565958	-0.46240545580612	1.31192553893713	1.29019203043683	0.80879375677270	0.28123918019312	0.40067465063714	0.42130291873017	0.99210067067526	0.05989604940048	-1.00000000000000
+-0.18016427584183	0.85625855268499	1.40981257268290	0.26581243958211	-0.68788555715555	2.01746815540915	-0.49576666812013	0.14960738182063	-0.04904783764705	-2.31643172258992	1.00000000000000
+1.14334988401156	-1.22448528825051	-2.52044681702770	0.56277708336771	-0.56686706687033	1.81636362604817	-1.61377478792774	1.16237462279476	-2.61260914053734	0.45092176510758	1.00000000000000
+-0.91317321022277	-0.63882869863813	0.76984022869431	-2.09801031919381	0.41353469536897	-0.78158165872297	1.83812791893205	0.06997800110994	0.77447482100639	0.90678246609605	1.00000000000000
+2.65299972032862	0.93975631539806	2.00891502582728	0.34036920209063	-1.03725378052174	-1.43446731798244	1.50289546344761	-0.63690055944792	0.13457972875929	0.71995542673910	1.00000000000000
+-1.57033242551669	0.15448847518322	-1.82481482170007	-0.45963838486696	0.14636637118806	0.29750293250745	-0.45616527176011	0.64095655260052	-1.70055679729050	-0.65685403200003	1.00000000000000
+0.41721564663274	-0.34937679402893	0.55688889461266	-0.06882490966774	1.40160065283504	0.16747062532449	-1.27062467968884	0.80463369742646	0.85818071338622	-0.44565262520643	-1.00000000000000
+-1.77579441095235	-1.18526632562766	-0.62263163369666	-0.06273133882087	0.41362218504388	-1.19684049511820	1.85994420634593	-0.51606326434080	0.21470746585993	-0.36401940941653	1.00000000000000
+0.75563198982601	-2.25754987822682	-0.64411120813941	0.63639071080343	-2.18733859338453	-0.85934236804183	1.04497731416053	0.33958242255531	-0.91557076057863	-0.91226741298970	1.00000000000000
+-0.52423928358478	0.70128188752820	-0.06826599115631	0.22776376975711	0.74576056549726	0.97863977880733	0.19670694485662	0.48818696523694	0.16128051430384	0.88360971660726	-1.00000000000000
+0.51663207680503	0.36317641788570	-2.09755642108101	0.98284865481726	1.31669500479186	-0.03325325682507	1.78616196941110	-0.94908034008423	0.17239776454910	-0.14728442980073	1.00000000000000
+-1.77826309590969	0.46971406315624	0.99782642383997	1.60217999487604	-0.76030003361262	0.07246700640415	-1.52124664376130	0.84863536867742	0.87453553590429	1.53128434890627	1.00000000000000
+-1.67875374098949	0.02086303022172	0.16073394970026	0.49473481017798	0.70436516922846	-0.05885333999293	0.09579833805213	-0.56774212100893	-0.64688645945184	0.25209774163017	-1.00000000000000
+0.28384612867499	-0.47866092152860	-0.01778539568254	0.06973049242040	-0.81115743231762	-0.02517438363977	-1.43030140642726	-2.17831393915405	-0.47915941539516	0.30244186177265	-1.00000000000000
+-1.08722855357616	-0.46177076377157	0.13064341635240	0.75018765579425	-0.04281168464598	0.45467065762298	0.12024563321112	0.13613663375921	0.76880493403325	0.32368302948045	-1.00000000000000
+-0.87765213328638	0.33999379112758	0.18766984473064	1.36063212794062	-1.50569147423202	-0.74703540896062	-0.64903559998541	-0.51721412105450	-0.30826784630768	1.42413767946019	-1.00000000000000
+1.18955965853683	1.26947502483880	1.51250824205395	0.66046794392625	-0.38313282536979	0.38511786129479	0.51743793049626	1.15531779776053	-0.53253210601915	1.31589765466610	1.00000000000000
+1.02320869915818	0.91600892383496	-0.35962016681345	-0.33652157681436	1.55071572083950	-0.57883722033991	0.51980992568914	0.64543942905155	-0.04435663723499	0.72138378962145	-1.00000000000000
+0.56821859434391	-0.72634628142534	0.67133805756627	-0.34247356595622	0.35468536801437	0.28450948687837	-0.62031168184371	-0.29116686629462	0.52695220552374	-1.00897289631324	-1.00000000000000
+-0.61682292953343	0.63544264766265	1.96216549600347	-1.26341968928730	-2.07160313064448	0.14214206189181	-1.68737758816503	-0.10086689421759	0.76710265820456	-0.42909807439134	1.00000000000000
+0.53478268506385	-0.37994243786969	-0.95060509002882	0.37215310510658	0.44239582393762	-0.46173731038469	-0.44957625524121	-0.78369249158218	-0.23894529786924	0.35952270286573	-1.00000000000000
+-0.18070892913643	-0.86332592127908	1.96786441159505	0.80105524254247	-0.02519468344350	-0.22346248795597	-0.30852997124481	0.91573323221805	0.20820935942005	0.29258335951719	-1.00000000000000
+0.63710244086736	-1.93250951546083	-0.25616890110743	1.14737332148820	0.97001428519406	0.21780458927038	-0.25123262298126	-1.13745664207251	-0.52301075840882	0.51242831917130	-1.00000000000000
+-0.36457153471545	0.25773113145039	0.67154504207649	-1.42331468980405	0.51734152836903	0.21349734871849	0.62029473624891	1.29179755787430	0.92024871391987	0.41825877679444	-1.00000000000000
+0.76024735219013	0.51023503764159	-0.75321998145786	0.01609873053581	1.05983368389713	0.83202146915255	-0.19907637876393	0.51032468429425	0.45509839062100	0.14010309675969	-1.00000000000000
+-0.27759467193266	0.46841067245452	0.64891191934789	-2.09681764149493	-0.10186323029119	2.39324788505676	-0.18857001511968	0.05928146476712	-0.37603977352768	0.46392177491702	1.00000000000000
+0.42961120670606	-0.51840980465557	-0.34814773867553	0.09152305720371	-1.41166545559685	-0.98214752501201	0.90254554901865	-1.34799482940178	0.64630787991849	0.73420511737563	-1.00000000000000
+0.18678430724338	-0.08811038873721	-0.17576651766080	-0.10861536256544	-0.36855554968468	-0.23447632812289	-0.99294120030668	0.58618332435204	-1.82234659290591	-0.64137560123160	-1.00000000000000
+1.76508064269965	-0.38468862999757	-1.32631514848608	0.37041932403488	0.03998072267925	0.70133673670097	1.23325473345249	0.05773765820598	-1.05936083794061	-0.50840872517339	-1.00000000000000
+0.49425625110501	1.05452966877343	-2.77825062818747	0.72096245022884	0.20045989871285	-0.51095250260405	2.32948650467616	-0.13807114151331	0.92795279623963	0.63390559724040	1.00000000000000
+0.19370273625075	0.46238656118648	-0.05930562674080	-1.97291867067351	0.91485553625714	0.70020666425856	0.19104370677410	0.58893710746842	-0.58058839508714	-0.38074264779375	-1.00000000000000
+-0.94717426239612	-2.28952160275517	-1.32839508105641	-0.64478792545612	-0.62394089345034	0.43000659232922	1.00698995196340	-0.13988664950273	-0.03452318059310	0.97281768836289	1.00000000000000
+0.72031007912529	0.49697077945812	0.43059940427144	-1.18321172154026	0.78478904676888	-0.21751099451129	-0.93521556825553	-1.09203356488473	-1.33254063143538	-0.67865315564064	-1.00000000000000
+0.58817785391756	0.42493809015080	-0.51973192965453	1.11720274862871	-1.30626335937886	0.51122291353777	0.28889329121259	-2.03094570982196	0.42682362770215	2.08728554586012	1.00000000000000
+0.25057959198492	1.28742748578281	-1.39634990292813	-1.30912652988173	0.78726541885974	1.04150063786781	0.19231447674544	1.39648840592907	-0.65947993644750	-0.73627919397015	1.00000000000000
+0.64660937580311	0.61129302747088	-0.25207006171660	-0.44023876065439	-1.24905025539829	-0.35208141046470	-0.78202209308944	0.61782641771053	-0.09572834556384	-0.49048470012235	-1.00000000000000
+-1.18937023055760	-0.40324587873042	0.30562771528481	-0.44806300124998	-0.31230831719032	-0.55075522016705	1.06215478223442	0.44817293626043	1.35215746352448	-0.73869377485510	-1.00000000000000
+0.11919635503778	0.94085303591800	1.70788152847156	-1.88573669826758	1.13651871686870	-0.67379473119357	1.36492057814252	0.85287470326466	0.79697902952811	-1.11448500481912	1.00000000000000
+-0.59937229121966	0.65799946018919	-0.53502607252334	-0.49520901374444	1.05397447700710	-0.68610385540944	-0.71487437042622	0.00858713521859	0.53077076502273	-1.51831639290755	-1.00000000000000
+-1.57343668235812	-0.50027276445850	0.73756889864621	-1.12162551352749	0.69294464609467	-1.31550588940671	-0.58122032320956	-1.57569610391314	0.33539580424176	2.25358746740712	1.00000000000000
+-0.31294906401026	0.41561530674327	-0.28193594800700	0.76084074675838	0.59295471965234	-1.02213422525173	2.19254681620685	0.20983035629756	0.83604127149198	1.33713426260014	1.00000000000000
+1.85249741182061	0.41758163553056	0.06429284713826	0.14099234042443	-1.31976260009045	-1.10669052328266	0.52850661108821	-0.76610650111719	0.06718534516889	-0.02425209376065	-1.00000000000000
+0.47661936296596	0.08038584368528	-0.44454993922306	0.47381327393051	0.76808932691439	0.91657772266714	-0.76255807554201	-0.27334405855095	0.21856838271443	0.48095586266656	-1.00000000000000
+1.63862356315488	0.13105835487078	0.18817416092311	-1.85461752076263	0.48767915794676	-0.74427818530437	2.14165267592477	0.29528124615254	0.38563895558828	0.07375307337072	1.00000000000000
+-0.32970574970082	0.21633703630787	-0.38871696204003	1.22915655639846	-0.92158648770613	1.57768575028422	0.98683714705066	-1.92667278528337	1.25181542025660	1.12794666869781	1.00000000000000
+-0.86054304323261	0.09465357648049	-0.98907424356619	0.95772561704305	-1.27527135165156	-1.21384180459905	-2.18586552949322	-0.04903767065398	-0.01158640063076	-0.42178596913272	1.00000000000000
+1.47298099048958	0.89594622788015	-0.47157792988995	-0.59326547727704	1.09290624490797	-1.26841329763800	-0.08530667196490	0.74720971283286	1.72215269060805	2.03466610743074	1.00000000000000
+0.93519540693805	-0.93315133064810	-0.94661130864249	-0.81728064295686	1.51825226927537	-0.39677285839618	1.91407989968360	0.04429803555590	0.00150640218603	2.30700593057411	1.00000000000000
+0.00907754841839	-0.42489907787792	-1.74513545392880	-0.74338971391077	-0.33374370484946	-0.04801369604906	-0.45574272148461	-1.29218380763330	1.11368979820249	-2.10770754493912	1.00000000000000
+-1.75317880584976	1.27341228203365	0.78516873465434	0.15837096292126	-1.12209595423448	-0.13860008719966	-0.53781495005639	-1.04368053357815	1.30124724141326	1.06420368450342	1.00000000000000
+0.33208491507019	-1.19246693627672	0.41012792642376	0.15911216527536	0.98401223749924	1.37623894351836	0.47324086782301	0.64485293356297	1.46369140422980	0.89386257767017	-1.00000000000000
+-0.36243246465407	0.57347873779514	-0.86213875973097	0.37254396048754	0.19430166990722	0.94042464190487	0.37808502112337	-1.65322213659642	0.78056307351940	-1.97694592765204	1.00000000000000
+-0.03419088047710	-0.00808436179166	-0.32104544549992	-0.88148043698359	0.47362586023763	1.54190454382076	0.36974382375949	0.15574334922792	0.31506070855342	-0.87141235911316	-1.00000000000000
+-0.05655049125104	-1.30421233322713	0.94609090615186	-1.16114374520287	-1.88623106782905	-0.33507726774339	-0.90446424725260	-0.37623172556202	0.34696448899161	-0.32371812552451	-1.00000000000000
+-0.78886764384103	-2.19601482203581	0.81248353902937	0.30783107265822	0.87635712151755	-0.67537298875774	2.53658749250778	1.53666968239565	-0.76237964474691	-0.41558675752344	1.00000000000000
+0.07858737469792	-1.03483073353009	-0.33542102598589	0.56541240122901	-1.93250639967834	0.83262746872223	0.66358970641661	0.88037858810689	-1.81104739455256	0.01928014941369	1.00000000000000
+-0.39404758956349	0.75772510765236	-0.36181405944386	-0.41128833309994	-1.11198989417359	-2.15740133305821	0.39043685324963	1.45000772066436	0.94651728440341	-2.18386946239140	1.00000000000000
+-1.25629713382303	0.89624019265466	-0.16762755804132	-2.23857995944519	0.65320475371238	-0.17042470134717	1.18359438095011	2.69311853370046	0.64107987390621	1.72582967380025	1.00000000000000
+0.24027728376760	0.25500523406858	0.43999933489970	-0.49658477484386	-1.15179046387303	0.13972973576356	-0.21380614138951	-3.19095755700976	1.36310085938882	0.58338781576824	1.00000000000000
+0.54909028525451	-0.04047499684923	0.21966497332721	0.12630451246906	0.48449889662234	-0.38447827384129	-0.35563458516175	-1.35298595933028	-1.27598495959041	0.76496146924255	-1.00000000000000
+0.57456829317099	1.64080767869556	0.25692181356692	-0.81155649191283	0.00816597951900	0.00985149175663	-1.09759700317397	-1.72326834158894	1.37137845959171	0.19801984727697	1.00000000000000
+0.98482861307072	-1.01338040944010	1.29572230725186	-2.17088767665157	0.86409636526235	0.35462271381218	-1.15238714688933	1.31895486186510	0.24368508459879	1.32924544435322	1.00000000000000
+0.45162146168302	-0.98987198546066	1.86470588242497	-1.25948871522458	0.82626853986323	-1.56377449020813	-0.45092015660772	-0.91529744882298	-1.25828936026874	1.30984402104422	1.00000000000000
+1.94967572225777	1.75390685732315	0.19915488739688	0.16457669077847	-0.76136269260949	-0.40013134650090	1.44133780641888	0.41613991309954	-0.94384865127669	0.23733946937875	1.00000000000000
+-0.45508541141677	0.84627365020765	0.03023052471892	-0.51890086002347	2.11935773545578	-0.52800569708388	-0.15042890653588	-0.03757251373632	2.02460518858174	0.04170733063214	1.00000000000000
+1.02066543532432	-1.60762646258640	-0.24746589170156	-0.56534407505290	-0.81062502468735	1.00699060968370	0.08999068837410	0.10272571289226	-0.47590776136414	-0.83212996127673	-1.00000000000000
+-1.96745990648344	-1.06213112213162	0.10196919308048	0.00622668426027	-1.37596983004139	0.79224977406621	0.01922602674904	1.32951366215107	-0.13820979241039	-0.61919040498470	1.00000000000000
+0.73923039135739	-1.41026040642019	0.31060564490079	0.61678625846940	0.44472519311448	0.65642096117742	-0.57273126034536	-1.19581817474876	1.30002077717261	-0.00815560760578	-1.00000000000000
+0.43883450286902	-1.36308517196978	-0.48131070634780	0.31444296063309	-0.99606621500865	-1.03712550566351	-1.64843451487845	1.31528114655089	-1.14725214243716	0.18360106726796	1.00000000000000
+-0.12224404239526	1.19418150345155	1.18407493156907	0.14202326996113	1.39566011363998	-0.47185583569170	-1.74897927670831	-0.60714498036549	-1.08231597886246	-0.94696330666058	1.00000000000000
+0.57713852472548	0.05130983870042	0.79524279888329	0.68133488208226	1.56963982647519	0.20439715572818	0.13924874224239	-1.46441279198137	-1.01492600271900	0.31567240664797	-1.00000000000000
+-1.67899649856110	-0.57488730766705	-0.18894604913059	0.34414718495268	-0.18337305697031	-1.27436773198139	0.62189081458839	-0.96312198828657	0.07827529462605	-0.23636061238495	-1.00000000000000
+-1.59916674265555	-0.35080531896515	0.69476888672163	2.40757500562870	0.94076077605169	-0.29893850292053	1.98850065915922	-1.68444619094004	-1.54428201991399	1.17442050168008	1.00000000000000
+-0.33914050822786	-0.85013815132187	0.88157921741153	1.82045040078596	-0.60634637813081	0.11904171053489	0.87219005568019	0.57087183103250	-0.24338827530189	0.81206836095888	-1.00000000000000
+1.17375535122672	-0.32602030852375	0.23510699218051	1.10649041763481	-1.10179023818709	1.23970572606677	0.66440051618760	0.84135953259143	-1.10243473144028	1.14709831447958	-1.00000000000000
+-0.90336363440295	-0.38886147644434	0.47738250812650	0.57686720179479	0.07458416428729	0.75813815312645	1.07255495261065	-0.02944244484328	0.30860601814185	0.84846800587425	-1.00000000000000
+0.27986288732857	-1.63639769227582	0.35774852311022	0.52250770031459	0.82096502417031	0.40242781068328	0.17655177056561	-0.56290373405144	-0.54659566019597	0.04297537690981	-1.00000000000000
+0.48192523987582	-1.40924103377752	0.37446456349738	-0.70285218866987	-1.24370829903893	-0.61041791928851	0.55430007221051	1.68320761558735	-1.16944060445506	-0.32548446576866	1.00000000000000
+-0.03160724020688	0.66690022847909	0.32755705408099	0.22263839681951	0.34205713390878	-1.11367874763713	-0.76969059486481	1.49200398368703	1.04791845689884	-0.65650849649397	-1.00000000000000
+1.49496652548370	0.91201720934992	-2.24999623812548	-0.88948097701340	0.31307893795706	0.66006136999706	-0.47754580891643	-0.42101369552155	-0.66760520654029	-0.18904618422827	1.00000000000000
+0.41668277825803	-1.15944980368042	-0.02143277234195	1.02275488356737	-0.99967726933220	-1.93650288730592	-2.14402879229835	-1.65861415186945	-0.84044731313038	0.42895444691729	1.00000000000000
+1.01792034271601	-0.31630362712783	-2.32822499548300	1.26528599817908	0.17545102714743	-0.76652936078427	-0.36822633016857	0.48275025972383	-1.39686056926789	1.00232720926966	1.00000000000000
+0.25358187041831	-0.48097875909400	0.83186418316509	-0.61465739956374	1.11823691837914	-0.74056386189545	-0.52069749856989	-1.31433313687718	0.56750264657929	0.95976919865126	-1.00000000000000
+0.85502090451107	-0.59944774436305	0.55421064297115	-0.42690064923140	0.56806848084482	-1.94278067082808	-1.62547770166738	1.57280504581176	0.95667827174212	0.90761465331286	1.00000000000000
+0.48392522379873	-0.28606298682493	-0.84764846267002	-0.03486774237508	-0.15316065900318	0.04988599625385	1.00159108250490	1.66196287177392	-0.49547897094059	1.71917688229888	-1.00000000000000
+1.02462030470319	-0.18355235565832	-0.29792637608505	0.10231959335382	-0.32202567890498	-0.15319031954803	0.89405736385065	0.97149276295716	1.47077150720157	1.95193759052049	-1.00000000000000
+-0.85721672976973	1.05917633143117	-0.94428948565952	0.41130423288208	-0.17960193369701	0.96497758449763	-0.08362543622263	0.33960304223656	-1.02813941711531	1.27818618055907	-1.00000000000000
+0.56704085301112	0.03686206996726	-0.76374750553141	1.70937562417578	1.53455639735784	0.32171032885589	0.19464710234080	-0.33841830351636	0.45679608330969	-0.63822246498887	-1.00000000000000
+0.61843051867495	0.16670754868155	-0.21179593798102	0.02135834886993	0.58750954922110	1.38226050504798	1.45695612061732	-2.19893934206087	-0.31892374159643	2.37253974741747	1.00000000000000
+1.12785438369907	0.63773405997702	-0.97361761308034	1.10891227806206	0.46310158276262	0.93782734647103	0.95240573143541	-0.88710050738594	0.83258498524087	-0.02260829399970	-1.00000000000000
+0.21656771075424	0.02146961335176	2.46866685551286	0.90163630953410	-0.36206391635243	0.01894851335932	-2.99497318205482	1.10817051489362	0.94276649689983	-0.17294468541836	1.00000000000000
+0.10531516543831	0.74383324455425	0.20968632842614	0.27341005941785	0.33649575534685	1.36696718007647	0.13936125081898	0.07196147906630	-1.88022061859821	-1.04611062876889	-1.00000000000000
+-0.27839147911245	-0.82484211859680	-1.80993060021411	0.22850461580622	0.23849062429585	0.47242606002513	-1.38532097412038	0.83243472125761	-0.40489526907331	-0.68351131142156	-1.00000000000000
+0.80092981340729	1.12671215041860	0.67579309937915	-0.27701327775900	1.37435545822300	0.93865318182622	0.14159470285262	-0.96800923630216	-0.43792148696876	0.27060926959912	-1.00000000000000
+0.68539237501343	1.66059688685046	0.38857738322360	-0.39788537935061	-0.00416875822920	0.68887186857797	-0.51402592330052	0.23134633954086	-0.07117043907050	-2.54729320325481	1.00000000000000
+-0.64827997085684	1.52938270837789	1.15409834640533	2.67438812541876	-1.45899465893830	1.83538629354062	0.76836460435737	-0.79542563560286	1.03018353626476	0.08034626274968	1.00000000000000
+-0.59605961393276	1.07901479586002	-0.56720697574008	0.54194928115170	2.20361366089348	0.18246857250232	0.14609437168600	-1.43172502029931	0.42431742745823	0.35361401720247	1.00000000000000
+1.05603753744248	-0.46420476361054	-0.23420099246753	-0.52939355475528	-0.49696754056230	-1.72890508052450	0.58900457847224	-0.29326230113875	0.26650877306620	0.48760714802980	-1.00000000000000
+0.77043163691619	-1.08174821338006	-0.52477233813959	-0.77729723215968	0.36175190641557	-1.75325416226968	1.49702623491674	1.24567275472433	-0.52706568231960	-0.42405804397441	1.00000000000000
+1.10383667569480	0.06098104105671	0.64086884471341	0.45946496369766	0.36261287997976	0.99048430077053	0.19996635937804	0.57630809460338	-0.29104129550584	1.93815460770226	-1.00000000000000
+-1.47085374070887	0.73867004753363	-1.54346679722106	1.04139516895389	-0.33345584763785	-1.74159679433200	1.36491464866042	1.02715844762629	0.63596842388728	0.63346726154691	1.00000000000000
+0.63003985218043	1.08118543456105	0.76625976190165	1.85689204877351	-0.88329066659930	-0.76645447146799	0.57824405711262	0.25356909200902	1.32077596827659	-0.22530813194345	-1.00000000000000
+-2.42407557973198	-1.06959361282552	-0.53832440663936	-0.08370647516941	-2.26832114970469	1.16527121152807	0.20927071136365	-0.60427202040013	1.91707045090865	0.68439534831521	1.00000000000000
+1.43437682354758	1.25495812855520	-1.31746787193017	-0.15638464715149	1.91179673827994	0.59750308388957	0.69881514113288	-1.25346151650833	0.83450578247862	0.74374515832889	1.00000000000000
+-2.10791736021890	-0.80797598818555	1.48927016725080	0.03932445930900	0.21257891388445	1.21764953407278	0.44979041240349	-1.46545605342108	0.08608714712911	-0.51355935191919	1.00000000000000
+0.02939706654214	1.72618553616715	-0.31956149932117	0.17023802793657	0.95953617756292	1.51034101154101	-0.14386343785354	1.66132557102997	-0.23829562134498	1.35671750697269	1.00000000000000
+0.85268049013561	-0.79876228187594	0.75155708926416	0.07490637878239	-1.33794782748340	0.90827159299677	-1.14882892202300	-0.45939212475483	1.11221609786848	-0.94229713159841	-1.00000000000000
+-0.09246103679718	-0.37783603386817	-0.51322707033710	0.17103617026693	-0.59294544366113	-1.21686419581546	-0.52488528603151	-0.03972217841634	-0.14103203177666	-0.41781605958513	-1.00000000000000
+-0.73703044967494	0.72407742651008	0.78396134788446	-1.74805259209048	1.23384412612717	0.25343755616646	-0.29809629648212	-0.66111651552975	1.58466389405850	0.41240223711960	1.00000000000000
+0.10328480982694	0.90277811550934	1.40278117726862	-1.29923639159083	0.15993427019672	-1.25537202835568	-0.24495935818713	-1.30605075370483	0.14621676510515	0.80359977116792	-1.00000000000000
+-0.20072323092841	-0.78974677103912	-1.75306988130578	-0.32941579217237	0.28374670508598	0.69513579996431	-0.84926555009773	-0.23643331445145	-0.08220001722912	0.90256971145008	-1.00000000000000
+-0.92114156191709	0.26070642513712	0.96517091518597	0.70147438877274	-0.13745416791303	1.40302280468498	-1.62881720880841	-0.71967071189172	-0.33669190789978	-0.34414927369651	-1.00000000000000
+0.10395213383416	0.29381918886782	-2.19406601673328	1.31015489193782	0.57799910129574	0.14981676466569	0.54976299519442	-2.30595267257410	0.30171381611981	0.25381536011814	1.00000000000000
+1.40333307064654	0.99842701505205	0.69556056763005	-1.20840967837562	0.93836911428015	0.61163385815033	-2.44168106997027	2.13926817457700	0.83904703598616	2.00368065581678	1.00000000000000
+0.91440331884127	-0.27473356580049	-2.04346684928570	0.03822222653437	-0.21686539580926	0.61098462703931	-0.94546381317950	1.24138240392136	1.61146644895401	0.87692567877740	1.00000000000000
+-1.20951716924753	0.43664115310799	0.86150886476026	-2.62222150355413	1.44198135837136	-1.77713436704871	0.29177939906103	0.46575406612649	0.29453865528936	1.44271243211984	1.00000000000000
+-1.89124834345430	1.39079853563834	0.57674709251189	1.43899262484168	0.61293023715753	-0.76471744692757	-1.23415777347040	-0.07640829817660	-0.42298572255212	-0.03279279844175	1.00000000000000
+0.41373876105988	1.39426702844119	0.67060599830755	0.44780814729428	0.32095366137794	-1.18125788821423	-1.57124827341719	-0.09190042972995	-0.53511366727770	-0.16779620337140	-1.00000000000000
+0.15573864902020	-0.43929968206403	0.18106858496636	1.03551670566145	0.96552656095572	-0.07457108349141	0.17957721387110	1.33056534320000	-0.06840583780203	-0.25290360975279	-1.00000000000000
+-1.17615056766511	0.07999193214519	0.69026423072068	-1.56127687302125	-1.17576285095400	1.59316056862527	1.21512905855662	-0.35978384671472	-1.31110462701434	-2.35310307555530	1.00000000000000
+0.05980332093616	1.04164587130789	0.16211320779180	-0.90463204943777	-0.34075615785623	0.14751410581131	-1.16832858602822	1.56739102924110	0.06262631194296	0.25003313019115	-1.00000000000000
+0.73532686165689	-0.34505923357033	1.77174608408921	-0.93863026507371	-1.91843838985581	0.95141583198595	-0.60556287786653	-0.76466938330799	-1.16082758836193	-0.73765248461895	1.00000000000000
+-1.08033359045261	-0.21736457050115	0.23800044674021	0.33326644930231	-0.06156215094918	0.07548002830348	-0.06114210758105	-1.60294971071340	-0.14883839239724	-1.43794297976684	-1.00000000000000
+-1.99492511543471	-0.57685810407122	-0.40249212401532	0.09164585384217	0.94007962633021	-1.07965250275650	-1.43241637360768	-0.88654413318707	-1.18213721132380	0.90997045247562	1.00000000000000
+1.37251206970733	-0.27527968661974	-0.84151632130548	-0.23482765074498	0.29577144741506	-0.19582742747073	-0.15085840700204	-2.15085131303007	0.21346099176098	-0.85379299843535	-1.00000000000000
+-0.58629335379445	0.24199408566026	-2.43812639222684	1.16245533663894	-0.26661866697828	1.93428057491727	0.59250175587706	-0.28672101166464	1.39841730123603	-1.53419592169039	1.00000000000000
+-0.04521741316750	-0.51554510881880	-0.11290835167588	1.61510466748745	0.22684569925290	-1.66693190312271	0.21583864024661	1.14767158745344	0.61674553403085	-1.42605313247785	1.00000000000000
+-0.18987998826230	0.93056303504252	-0.72082959335472	0.48837705639328	0.21268375892021	0.51215418139459	0.42184212246721	-0.65927740985481	-1.01035460663821	0.68156050010764	-1.00000000000000
+-0.73694756560681	1.19042208509271	0.01580848309553	0.37619704116077	-0.64774749596413	0.47734568959706	1.04219639650360	0.91417555811668	-0.50017256752816	0.65880474253565	-1.00000000000000
+-0.56346787085052	-0.17204041390715	0.05811766220287	0.29958503723344	-0.99206560305306	1.29838395390210	0.53317818850356	0.39287655818901	0.04231109173316	0.30514832966806	-1.00000000000000
+1.31383746169205	1.16529365939628	-0.05789822542424	0.30822159347991	-1.15869375967769	-1.83951309012900	0.99010255168235	-0.65054032666469	0.79917786317405	0.21533907583857	1.00000000000000
+-0.54820013316481	0.01665697286830	-0.80811538181674	1.97154831560053	-1.18677829855116	-2.07139579165976	0.58034292574622	-0.20325640004753	-1.63906329017435	-0.52092392110213	1.00000000000000
+0.02867338255825	-0.42963776697426	-0.09549696374677	0.25457259237714	-0.55369015168929	-0.47113800868488	0.80510137013049	-1.11636489232782	0.36392630722235	1.01615808880027	-1.00000000000000
+-0.87969556860254	0.54398707418039	-0.02664746497853	0.42339489221184	0.91267060868203	0.53799446831962	0.27252775862009	-1.00200684254232	0.32958569860935	0.03927046221880	-1.00000000000000
+-1.06144412696612	0.25670361161086	0.64989943220384	-0.09674114929415	-0.87694904155130	0.74056239494580	1.02236403382522	-0.77255454753683	0.88352030994050	-1.69006216715137	-1.00000000000000
+1.55253054192637	1.64997961158904	0.39531248485194	0.67277970583378	1.04817472516151	-2.31025799490953	0.66706987815053	-2.31666875612821	0.90257982518687	0.58367272527115	1.00000000000000
+-0.01377395013126	-0.67181471771028	-0.78269196265273	-0.14036085065368	-1.37523090294129	-0.11888717886374	-1.87734329330585	0.87912819880654	-1.65117038652893	-0.63591717628527	1.00000000000000
+1.10419903139542	0.40856913767016	-0.58718183008047	0.16148811063801	0.31904465884208	1.54820360875608	0.32805498313192	-1.40129604755086	0.05699719240577	0.12591833641363	-1.00000000000000
+-1.80497733505020	-0.52865136116884	1.35323695217609	-1.01082395377342	-1.35091817120469	-1.14143200267716	-0.96757391718436	0.55960087727378	-0.62067263836449	0.47275177795321	1.00000000000000
+0.88560314701555	-0.46077075090277	-0.20164730417071	-0.52928911255778	1.63765172562105	-0.42257362878436	0.95687468874230	0.44127496113066	1.18723569908016	0.66020018210054	-1.00000000000000
+-0.03879412759201	-1.26950024422358	-2.14866064466926	-1.03911584173888	0.10517229477284	2.08100270261524	-0.33672443974228	-0.71147679924818	0.31021023363772	0.67611510560097	1.00000000000000
+-0.35713402641348	-0.53824675459439	0.64591613548820	0.90049034440228	0.29501136939543	-0.26658070080531	-0.38856776435466	-0.13518330598040	0.07762025023159	-0.35487687481339	-1.00000000000000
+2.10701380514644	-0.61264599191396	0.09816177936777	0.23137499980553	-0.11974424012462	0.48315380975724	-1.08336570128530	0.47308763050121	-0.99027564518689	-1.75185570203948	1.00000000000000
+-0.15241986041586	0.35028905157684	-0.64957988170750	-0.02188040863311	-0.35044457871231	1.31209976522062	-0.83721484173335	0.78481311683620	-0.06650635269274	0.48690445968656	-1.00000000000000
+-0.05401780725218	-1.29853381012801	1.38347349441113	-1.59034265081882	0.56105713268959	2.00588875161632	-1.27862449249225	0.57985050687125	1.24747388903717	1.70714769785063	1.00000000000000
+-1.84706111026556	-1.38163516242454	-1.78384356169068	-0.87335638699480	-0.39524024782297	-1.65687264057429	0.28240267962583	1.14423223723267	-1.35729949512923	-0.99671034970029	1.00000000000000
+0.11164511705667	-0.62432953764857	-0.50805023014093	-0.77847335155822	1.61090979241852	0.42218389169280	-1.31605345577164	-0.73796590559190	-0.49476845298439	-0.37154029009785	-1.00000000000000
+-0.46620855834834	0.46555491964196	0.86987545720511	-0.12589890014400	-0.05892868164991	0.38413071772451	-0.65960945224842	0.70181003842029	-2.22349056712300	-0.68771479300194	-1.00000000000000
+1.46870785743989	-0.86852985953259	0.38379379689721	1.06251402830379	-2.27702912333758	-0.46330069593278	-1.75337501917736	-2.06063492275036	0.37033781639629	-0.40422755874943	1.00000000000000
+1.46243726594084	0.91529271451407	-0.57196905360554	-1.03250677548010	0.22559417585919	-0.42553722913554	-0.41232236884365	-0.97054955364111	-0.90080393931636	-0.08804117396564	-1.00000000000000
+-1.50995457683873	-1.30153154263204	-1.14678778103858	0.86075835306188	0.12089048241996	-1.41317935828204	0.53877088659415	-1.22430788107889	-0.20606590417373	-0.58082450959720	1.00000000000000
+1.42035115104178	-0.02427178635218	-2.36705384879515	-0.77924333044663	0.37548807238637	-1.44263591762748	0.78368543155114	0.62980555185506	0.84096775478021	1.13924354405544	1.00000000000000
+-1.04841893620651	-0.75246182752268	0.27469015774657	-1.18687733764378	0.96346783406906	0.27053019810921	1.45391622320515	0.99720985497870	0.73246210742903	1.22566848963708	-1.00000000000000
+-1.45295381586675	2.07429560347109	-0.47248187968567	0.31951809303753	0.52719099253593	0.24247618728626	-0.01628831949912	-0.52159566997625	0.17574107206699	0.47445023164272	-1.00000000000000
+1.34989363366866	0.38963366006372	0.53277339942630	-0.00882318904453	-0.55563646150244	-0.13392662357965	0.73691547910259	0.39894156285743	0.26789774576109	0.26576291709436	-1.00000000000000
+-0.45455621736942	0.38611696454735	-0.13124108041269	-0.05669985461269	-0.16675036048933	0.64527427749213	0.28460668823038	0.86191844232001	-0.02869803145644	0.63023041913990	-1.00000000000000
+0.61609918587155	-1.00567192069405	-2.29622184157563	-0.71374411291979	0.10353871782776	-0.00035198021222	-0.94553871853846	0.00242344425102	-0.22516143033601	0.10769413383100	-1.00000000000000
+0.41146667857283	0.70270466085105	1.30897557513929	0.72153599503798	-2.65440879480817	0.95677132452948	-1.14329579039730	1.35823077077116	1.02314356124522	-0.13159826045086	1.00000000000000
+-1.66492206584856	1.02684821851817	0.50444454474891	0.45232876126091	-1.42752061531883	0.83417499396130	0.02063598857120	0.34836654716324	0.24031242150467	2.19168802101654	1.00000000000000
+0.57506856326399	0.19546533342409	-0.44039866715680	1.12155788591645	0.32030186675746	0.01470911258175	1.07030044962637	0.46333173288201	1.24319970727811	-1.33556959666128	-1.00000000000000
+0.72576785903690	0.86697710192883	-0.59868245559795	-0.52786262451601	0.28263248428650	1.84813697382511	2.25853042329405	1.03389412621218	-0.28551260610674	-1.79830072782700	1.00000000000000
+1.62580929369641	-0.94086211565373	-0.08563012375549	-1.53377962091568	0.61495508292048	-0.57542630243936	1.22068637388019	-0.59886285774155	0.07183368558945	0.16632541546176	-1.00000000000000
+-1.26790828029201	-1.17469705299782	1.59943444301405	-1.02591490036591	0.54280663113001	-1.45959071726655	-0.95801828920704	-0.81171310945283	-1.05318650501560	0.93252943526295	1.00000000000000
+-0.38694625954217	0.45773845493431	1.46756578372391	-1.03698414246309	-0.71320422006774	0.02621624688874	-1.30663258465239	-0.73598678934021	-0.36222108214307	-2.25851053545236	1.00000000000000
+1.57738795754116	-0.56367170015800	0.66745256334967	-0.37070261263184	0.72764542359036	-1.00618600337711	-0.88807378431515	-0.13475010886926	-0.65686932084346	-0.95944548412700	-1.00000000000000
+1.02593259669149	0.89423762251585	-1.30615046176826	0.75925262216089	-0.77423314741228	1.57967609739324	1.07433176767953	-0.63853115512964	0.39324140505431	-0.61912849422182	-1.00000000000000
+2.73766458675795	0.86435531887578	0.26727925258110	-0.83924879687618	-0.80762496420066	0.43964374200640	0.19609043274637	-0.63259057892981	-1.26018108138787	-0.95908727332229	1.00000000000000
+0.42811651968897	-0.79403493962512	-0.16887143858417	0.27566494238595	-0.36838827305175	-0.55903259240093	1.12976271075438	-0.37117498277508	-1.48200690026197	-0.93957789382854	-1.00000000000000
+0.59162567530602	-2.06966229645002	0.58121786210047	-0.93729372215197	-0.32621087502615	1.58613517434273	0.59521822662344	-0.79571832453168	0.40489842546229	-0.21204649436388	1.00000000000000
+1.73077061149010	-0.95875314764006	-0.03396386981545	-0.38644235296799	1.28912038564842	0.40914915470624	0.95910067408576	-0.77248401100993	0.21758800997204	1.15018862454021	-1.00000000000000
+0.76811492381544	-0.38384840909725	-0.19967909678807	0.62140592317241	-0.41581764639951	0.38034980392060	0.25139436494141	0.74838657238128	0.24146157246059	-0.02373915665980	-1.00000000000000
+0.88054870507617	2.13301399506983	-0.56900473329761	-1.59540276306884	0.10373819278923	0.29780509436306	-1.46696791162619	-0.60178571172956	-1.16865357214779	-0.13372424613618	1.00000000000000
+0.89666243184463	-0.55114921330979	1.64701459478578	0.98208952839098	-0.79212957217220	-0.15913858793197	-0.03577910321442	0.71034070099911	-0.14279488991778	0.59765468586444	-1.00000000000000
+0.15381570495510	-1.60001647432954	1.72237253589226	-1.19464228109178	2.12504320356141	-0.36364759212655	-0.26511812103195	-0.32834905986377	0.66193624725759	1.38690864675054	1.00000000000000
+-0.40944433610666	-0.80376974698416	0.68051587882272	0.80019778042278	0.36527644204365	1.10184921865186	-0.63228908449985	1.61605296167312	0.58481676256577	0.75880871359375	-1.00000000000000
+-1.27395296108372	-0.28996245003099	0.12939198513025	1.54782902396945	0.62701961729468	-0.06000395516412	-0.08102119297220	0.75909878762666	-0.45145390416408	0.87660303709734	-1.00000000000000
+0.90545790885676	-1.76069326455246	0.37421800932199	0.10126492249568	0.74455227597934	1.40714679467767	0.22466524461680	0.59422466587500	3.09849589195555	0.44228386369540	1.00000000000000
+-0.80551750853163	2.71870267567494	1.58399947031304	0.27444822301996	0.91060460307925	1.80656063359045	-0.94629903888548	-0.09849625886646	-1.18990983955663	0.02369941771593	1.00000000000000
+-0.07580244013472	-0.19883720599594	1.90215070214902	0.75050559379776	-0.61379480696059	0.96436637301127	-1.47942824045398	-0.76421142692466	-0.89688571589651	1.15113403581674	1.00000000000000
+1.24409175994786	-2.09743517260198	-0.13081835165511	-2.24266041685306	0.78747281992935	-0.36656669061936	0.59216117360336	0.67869504283121	-1.20216816430922	0.72016101394459	1.00000000000000
+-0.78626043877740	0.08872590466729	-0.32232590245724	1.23428197083993	-1.43519847176610	-0.04876470547601	1.24651023352878	-1.00103037966694	-0.11414593621814	-0.12568640022636	-1.00000000000000
+0.41886044999522	0.14455061901846	-0.95380037479546	0.76573782693485	-0.60088788675045	0.09024913789625	-0.59521958149565	-1.41524920619776	1.37693178983503	-0.95293831492326	-1.00000000000000
+0.12492437379457	0.56893521673621	-0.63525021485617	0.71273015973744	0.43281402449955	-0.12495599838610	-0.00162273631679	1.52901383560430	-1.89703985917819	-1.10428948758653	-1.00000000000000
+0.71230034590011	1.43684601569164	0.42980339714842	0.72718037884496	1.16623572922794	0.42122265522867	-0.90968450774524	1.03994720629727	1.46016622490526	-0.02931186303551	-1.00000000000000
+-1.72572039767678	1.12993511533930	0.47609299419333	0.69110213843349	-1.13781487492201	-0.10004219663613	1.04284973093779	-0.18954356423207	1.27625580057114	1.98616644239670	1.00000000000000
+1.21656518281269	-0.12888289922226	-0.51088495881592	-0.23329561857309	0.22196092635828	0.55005493676492	1.07280196799170	-0.27036667183860	0.27645856160719	0.04204705865734	-1.00000000000000
+0.80027266917461	1.05817680582005	-1.27999427959067	-0.06514914301503	-1.89896623992549	-0.42067481520659	-1.88239935751931	-2.02319003244064	1.21265999412494	-0.73153550615405	1.00000000000000
+-1.31802378194028	0.63879504476476	-0.15966495131422	-0.99256745355556	-0.10330395807493	0.11526765449829	-1.12730935069694	-1.22391793868983	1.24251178083327	0.54266199049493	-1.00000000000000
+0.75456383751980	-0.37330857591658	1.14905806425008	0.60804808264132	1.08083498830559	-1.32978531553637	-0.88094228709572	-0.81779705723892	-0.85161561349016	1.82932042059885	1.00000000000000
+-0.61513290569713	-0.56053642358553	-0.19678890780914	-0.40211381434056	0.15296125878608	1.03247624794445	-1.11253643646120	-0.38652215843197	-0.29304042606179	-0.92180161927942	-1.00000000000000
+-1.20927220331500	0.09016721211549	-0.05143713900083	-0.10889427479695	0.04845178195831	-0.17833245951623	-1.64485899328181	-1.71100564501590	0.07277769267415	-1.37381165517065	-1.00000000000000
+1.08725838409305	0.90080056456683	-0.42498777302759	-0.62593082330314	-0.19653262126930	1.20464177881610	1.24625000506765	1.77623751251975	-0.64969587896715	-0.00848818308875	-1.00000000000000
+1.35905836892219	0.27009778496374	0.18263771223626	-1.06041820776217	0.71966644972729	-0.61252498102907	-1.04103046786218	0.76275479297722	-1.00718696342449	0.86460933202682	-1.00000000000000
+-1.01633324292958	0.06013485188927	-0.93560245533092	0.22482362706527	-1.22662806560301	-2.47580533380415	-0.49070391789961	-1.48254042034028	-0.71996467261598	0.35620644274705	1.00000000000000
+0.71392748712648	-0.83142730100401	0.01460456678961	-0.30328835065997	-0.89425506943985	1.16050253851596	0.07252993863688	-1.92926066006816	-0.29441784259509	1.58982110032125	1.00000000000000
+1.40556278342496	-0.47434327527258	0.12229402265854	-0.06521609213035	0.66424325047461	-0.55129271479765	1.50268144619702	1.00357869798909	-0.01005129284061	0.27459091160947	-1.00000000000000
+0.23626014993893	2.45153574894429	-0.57266600069563	0.77647644156471	-1.13952624508143	0.99752044124387	-1.71320996595845	1.09970384063768	0.06078839703414	-0.25966093391637	1.00000000000000
+-0.85235131517659	-0.08691216634672	1.18434368114992	1.32294440817391	-1.14723571375450	-1.40491646353947	-2.03730066102440	-0.37901681760433	-0.04829460662944	-0.92260083331327	1.00000000000000
+1.07526739637475	2.21023742385262	1.43631587718987	-1.91811803625236	0.11978683104680	-0.12202074951671	2.13673913045035	0.10091686271015	-2.49909734059482	0.19423139140775	1.00000000000000
+1.03208506061513	-0.55640998510812	-1.13235921992817	0.96958836282290	1.26217397354587	-1.30085298322128	1.67681172348725	0.71043529448098	-1.60837728345523	1.00727387946526	1.00000000000000
+-0.74245692806870	-1.25852406103150	0.95978683092273	-1.27082296019245	-0.91668744765780	0.79919490713013	-0.40783095821560	-1.33684357591169	0.28696644035350	0.16552163435447	-1.00000000000000
+0.63586103161737	-0.19292967987058	-0.56813782248353	0.62256016360380	-0.15357252597075	0.52430468850207	0.86684587356051	-1.44088840696097	-2.03573734678163	1.84788536453618	1.00000000000000
+0.51050538223687	-0.92675810617231	-1.56043638586699	1.00722330978958	-0.79925338722504	0.67810067270440	-0.48288974472963	1.65115551028967	-1.86168913628501	-1.09020434095257	1.00000000000000
+-0.12734940301456	-0.17308969180992	0.60572170820131	0.20845417917041	1.08842722754332	-2.37863789902801	-1.76327937893794	0.07065264970379	0.04801669173317	0.61968099864965	1.00000000000000
+-0.00398151331591	-0.39678156465287	-0.06878669819222	0.94366809584026	-1.28612852453461	-0.67190781633855	1.72519008760449	0.30739748821305	-2.12940586254153	-0.58756363435725	1.00000000000000
+0.22383196601347	-0.16845913655346	-0.30906082982956	1.21003652805184	0.05617810221226	-0.11067861870785	0.34874512963409	-0.31045490334134	0.10895184520531	0.88818085425156	-1.00000000000000
+-0.32584443313149	-0.50076234343104	0.05998071488037	1.33263651045350	-0.21023301085043	-1.10379703161633	-0.03195076649550	0.64907260662643	0.60942185369852	-0.62095204055396	-1.00000000000000
+-0.36437559306567	1.34588313851525	-0.57120411401748	1.54144773013616	-1.22206959142689	0.08136378228380	0.90290954759790	1.14639059091409	0.61333454749167	-1.14092638973675	1.00000000000000
+0.70100735029238	0.44531962004338	0.95527615243595	-1.67048249288338	1.48290783405337	-0.08920925276587	-1.19518871104600	-1.25953197744714	1.38937924032321	1.41411439887404	1.00000000000000
+1.89769005176212	-0.53727623115129	0.48271830027958	2.09126262953475	1.26398899638019	-1.57381970181643	-0.44668161616718	-1.33695887694300	0.29773696452639	-0.34267936139022	1.00000000000000
+-1.25104886853318	-2.62310966710155	0.90959376261705	-1.48978904122258	0.50249355959549	-0.36664019092034	-0.61916600454766	-0.64056975832407	0.23627612772049	-0.48832498594005	1.00000000000000
+-0.87812843668896	1.42267628770569	-0.13534845026511	1.59477410187019	-2.20033661057699	1.04938396628774	1.36780626208392	-0.87131305832073	0.82850788734645	-0.74559186412781	1.00000000000000
+0.59751618924680	2.17120865294157	1.71579461604231	0.57522993507746	-0.27817582286692	0.13243834934130	1.30264942078860	2.22432327472928	0.56744503621166	-1.51078247007061	1.00000000000000
+0.80190410221223	0.17949805530814	0.09021798874133	-0.32925661863994	-0.44311923319933	-0.35622435702736	2.99882036652679	-0.82691023556904	-0.04581691807586	0.68273618543929	1.00000000000000
+0.66971313273564	0.22919131506172	0.24109874151070	-0.11406505946716	-1.73058358538592	-0.65762476003262	2.07870435959047	-0.46226401814211	-0.87489482608592	0.61323254320767	1.00000000000000
+-0.67357309308583	1.87058426088691	-1.30495932582407	0.50241045581545	-0.76820125878640	-0.70768433384079	-1.24372027095911	1.39431233618082	0.30661994198909	1.88259596898278	1.00000000000000
+0.11304447565976	1.98624201044281	1.79225350028546	-0.08649697060938	0.89422798868870	-1.02321928116194	-0.67202717015834	0.73863748647635	0.49915779483383	0.07731237439754	1.00000000000000
+-1.18689071405476	0.24035693062171	0.08762635577516	0.87349786009382	-0.44311916480045	0.83637571321801	1.15534864949983	-0.68191757751133	0.22884226959707	-1.10392343018041	-1.00000000000000
+0.25942640662598	-0.61294099768052	0.19195407758361	0.39127831224991	1.58519897440761	0.14504744006623	-1.53566415664818	-0.91113471957478	-1.65728997826716	0.26957779157289	-1.00000000000000
+-1.21185712664375	0.83670701791577	0.49511111399740	1.80170678735587	-1.62607945285105	1.18184341198951	0.26708221890091	-1.63431757470746	-0.12219721410077	-1.34052276512950	1.00000000000000
+-0.04402217029496	-0.65905639980135	-0.32919377343308	0.08052586016886	-1.17760471658019	-1.40994900887577	0.07652833058410	1.66535049574716	-0.82200362868950	0.08405347378581	-1.00000000000000
+-1.56640425492500	0.69009635356564	-0.27322840480590	-0.23521901315749	-0.98530745094879	-1.74429113787082	1.22161035115987	-0.46427213517167	-0.64268269647232	0.07009992666881	-1.00000000000000
+0.29809234757096	1.39330633535897	0.73894897124775	1.65879349658035	-0.80391637106524	0.62905231836245	1.53006683268169	0.06875722406866	-0.49741786730738	1.53255283784204	1.00000000000000
+0.32635607099818	0.31558493098722	-0.02481889334220	-0.63422727421768	-0.63692866374849	-0.00029589889583	1.67439808136538	0.19297788503466	0.32017781170467	-1.30705032372503	-1.00000000000000
+-0.50412067826549	-0.59378318015279	0.13455549579961	-0.57682742014412	-0.83970884214545	-1.09730819037123	0.24959246742441	0.36358067775116	1.33062372721309	1.09998972011079	-1.00000000000000
+-1.01134510144925	-1.35583164063374	-0.89040900653269	0.86158565800647	-1.18835872793461	0.55102575023267	0.61768919251998	0.28515267259110	2.32210073065213	-0.65474058787664	1.00000000000000
+-0.68100633284365	-0.31976776376392	-0.27227633582352	-0.90856277086909	0.57657727948884	-0.24433987454959	1.88300808581420	-0.28289309830399	-0.10806296377294	-0.04261673748416	-1.00000000000000
+-0.21742063553285	-0.10341848957368	1.75302990346727	-1.29945405264205	-0.74062877884870	-1.43896894369992	0.10654638955586	-0.48494472231355	-0.74362612867413	1.40564105208122	1.00000000000000
+-0.85218114304239	-0.65108428846012	-1.67634211798393	0.42826352301042	-0.61950613061793	0.84008082264438	-0.97230826893968	-1.09490762828005	-1.98934792896399	0.13978974232372	1.00000000000000
+0.25844458935728	-0.45936543138257	1.87190552284317	-0.57584463820571	-0.79804893349899	1.32250283857359	0.84799212574902	0.04934831480922	-0.82508897237892	0.98215760375630	-1.00000000000000
+0.28257397047214	-0.66522633390577	-2.01742481135564	0.80553245670731	-1.60477791955620	0.13516562567273	0.54959364908473	0.80525683234389	-0.38138701590821	-0.67240747140537	1.00000000000000
+1.22823294802709	-0.27617987407298	1.67500377025361	0.06571480437575	1.05782368190890	-0.51001274784713	0.20376175719229	-0.12417865272938	1.68524088386559	1.20989532610421	1.00000000000000
+-2.24839432933281	0.65990203787592	-0.39517131358139	-0.42586991519906	0.58290082137978	0.52369187192003	2.07516327078795	1.09128180407284	-1.10471269371786	-0.36415612808595	1.00000000000000
+-0.93775054956791	-2.55753229169800	-0.69876792834869	-0.76861828252297	-1.47334780373505	-0.83820357923620	-0.55074236926256	0.33144459234894	0.69192603271456	-0.84052346950051	1.00000000000000
+-0.63487508475490	-0.70620378091215	-1.76896032059636	-0.18118448597154	1.51430615234564	1.07140107757045	0.20985165418797	0.67816600921480	0.00141127958210	-1.02213562753420	-1.00000000000000
+-1.23929143337398	1.24225913792567	-0.17465799613890	-0.29025067216888	1.90044480052399	-0.57810285110653	0.91919779611093	-0.41106242422231	-0.12653636501211	-0.27998265714994	-1.00000000000000
+1.30117115428978	0.50969214297872	1.08803191876374	0.63133764189217	-1.37436450446414	1.70722285457801	-0.00063212793112	-0.75650232891318	0.69654967184192	0.46710374477682	1.00000000000000
+0.02882359436634	0.47342522138200	0.67122275898265	0.51701361878111	-0.80135465287765	0.46829810841452	-1.65511472433634	-0.18983565150739	2.04206916827449	-2.06777059877896	1.00000000000000
+0.72503971285004	-1.19025770308918	-0.63944484008541	-0.64482411572481	0.69738903407938	-0.41566421531897	-1.68911771192370	-0.58899067469258	-0.57388113065317	0.42531687778012	-1.00000000000000
+-0.04399064001359	-0.36397670532915	-0.51817445827609	-1.16587493221989	0.81515945820023	0.55850671269016	-0.14161786750522	0.47801308830804	-0.35083710973178	0.89133209470115	-1.00000000000000
+-1.07530871308128	-0.24453177938966	-0.96231966150487	0.49118306288250	0.11759179527949	-0.47680481274718	-0.03676628415921	1.29932332581898	-0.17933964488986	-0.12027180386085	-1.00000000000000
+0.40460056463791	0.88213044320013	1.71949054773767	-0.40345671525567	1.11388881246193	0.02704689461527	1.19099124275836	0.09904937640482	0.33245782410715	0.71624959372135	-1.00000000000000
+-0.91065089985394	-0.64474066427740	-1.97779775124081	0.79425836534271	-1.42391027881640	1.69135003261184	1.53095873517622	-0.50471368555390	-1.17046615565132	0.39282627008317	1.00000000000000
+0.88755929176327	0.49566620748148	-1.43335435337041	0.17724589249869	-0.18368546534582	-0.97482403903927	-0.34944294787957	-0.33096230204824	-0.04585570982151	-0.41360742870529	-1.00000000000000
+0.15284033824845	-1.88506462639386	-0.98510875081052	-0.36831880370822	-1.67338065655532	-0.80052619303172	1.75669352385512	0.07234316701695	0.31560331242888	1.47514142129807	1.00000000000000
+0.46021114909589	1.23244137285363	1.07721115034328	-0.49961652156491	-0.66106421003441	0.40842533233968	-1.03350032585452	1.61115623253485	-0.52090890016543	-1.08717007233152	-1.00000000000000
+-1.28489936451024	-1.01009414960011	-0.12507234311752	0.98994876959875	-0.75457690272357	1.04763505924271	1.41034619667079	-2.79234680298572	0.05203854769239	-1.25855887789318	1.00000000000000
+0.35226787744165	-0.28676983005712	0.50738322430021	-0.47543605750236	2.28881613922568	0.25099403243537	0.52925083453954	-0.63072609697905	0.98701289806154	2.45041766707869	1.00000000000000
+-0.80318482045596	0.51085151894091	1.12015365632111	-0.45567411418484	0.15450926811368	0.28895021089445	-0.31964264770053	-0.01448028626039	-1.31071970726117	0.62864893939297	-1.00000000000000
+0.29901447718493	-0.56252776831937	-0.71854320846178	-0.10873249060920	0.43100122795175	0.72752265827032	-0.05919777463937	1.84605260416570	-0.46369641627072	0.73634893791634	-1.00000000000000
+0.49033624895328	-1.26744488196808	-0.05346591671043	-0.06960745437109	0.69869058725156	1.66520679301840	-0.49696009969001	0.83108819079152	0.31207716313403	-1.49815707573120	-1.00000000000000
+-1.44313753746374	1.20750761803650	1.20993404705175	-2.09056523282277	0.75913502038806	0.52030571767131	-0.59192157888984	0.03670598409558	-0.44700504002009	0.54793745147781	1.00000000000000
+0.28384751365076	-0.57555810285786	0.62929739906673	-0.96783686923486	-0.05169098615139	1.19094746284814	-0.00744689952118	-1.67388500633458	0.01091342205909	0.24975036796342	-1.00000000000000
+-0.56094358689597	0.24281127754799	1.04869570783131	-0.52771907266693	-0.52575655734663	-0.31916800449031	1.17349941708555	0.98982587520313	-0.16288376836437	0.85986857246705	-1.00000000000000
+0.23498390608380	0.40202990479782	-1.18472905026677	0.69863755747509	0.55074786418472	-0.81168046192364	0.85384303123432	0.34895824285610	0.36633322289061	0.21713646885482	-1.00000000000000
+0.23133664389003	0.01925374501745	0.09195866571553	0.05687193988538	0.56635618260643	-0.36071864275954	-0.08953689131501	1.03653745449806	-0.50658339677085	-0.63604478387309	-1.00000000000000
+-0.68872799507805	2.00628820408729	-0.53136085690647	-0.03832382844786	0.84553629164543	-0.02996091657646	-0.09323729420357	-0.79113626442309	-1.52276797281098	-0.72237116109972	-1.00000000000000
+-2.24313222478719	0.14483201213718	0.10566871045105	1.15029895741973	2.03834277436004	0.97763791064866	1.30175640044070	-1.56290764303547	-0.20375248976652	-0.40653643703128	1.00000000000000
+-3.47372021230412	0.29751391600216	0.97608726120695	-0.02942174289837	0.03623745314506	1.07970686860171	0.35191658188663	0.49963212519744	-0.78604246368304	0.01913298361355	1.00000000000000
+0.43906084115039	-2.66582543689754	-1.29230040291123	0.93898577538519	0.41871812777797	-0.48501936023245	0.48091566387634	-1.83615196436184	2.53708420492179	-1.16417316719702	1.00000000000000
+-0.19586617596977	-1.54466319653961	1.57269669761371	0.09580613470075	-1.75381656368601	0.07541883362288	0.65049908832834	0.50718096092347	-0.76508679236844	-0.44831988392340	1.00000000000000
+-0.49741770382911	-1.09840886532166	2.14545398887043	-1.12340566368665	-0.54216950886644	0.12345305591916	0.26236381569173	-0.55931236446870	0.86836057711849	-0.33518285402607	-1.00000000000000
+-1.44026540545307	1.01945372932353	0.38973691899558	-0.27199196463410	-1.17888748544144	0.28972307080597	0.68975506135740	-0.38818705493922	0.94511679689664	0.84252417591399	-1.00000000000000
+-1.08001638886252	-0.23799936409645	-0.11387846461130	0.05174575612037	2.07988370734134	-1.15044922589669	0.21954977571461	-0.96963242440392	-1.84324301537737	0.66003270299136	1.00000000000000
+0.30302979681348	1.02668220101837	0.48106536370372	-1.98907252996181	1.34322313213757	1.53633785480135	2.00824938617280	-1.70925648694936	0.43268547894783	0.55969172771756	1.00000000000000
+1.33497029154539	0.99067819547539	0.45818372399061	-0.81223643204007	0.97319702003379	-0.60801265905688	-1.48676710276906	-0.86653744511835	0.95592105811016	0.19034544053688	-1.00000000000000
+1.02741269443482	-0.46876080990016	-1.81917893012964	-0.51485031446698	-1.50943082589530	0.98398036079324	0.28230395933286	0.18691804687364	-0.27851066519986	0.23553856418681	-1.00000000000000
+-0.07917610584837	-1.52520087314364	0.66246764839376	1.83155587142358	0.28942273828928	0.79946802837395	0.93841396000548	-2.54620340865509	0.55509218090634	0.68260867244953	1.00000000000000
+-0.36787052838665	0.70654923293880	-1.80964270997061	0.43785484992035	-0.21772654296750	0.71273585072940	-0.41741492507641	-1.06886456620229	0.13839058119720	0.37267514055287	-1.00000000000000
+-0.57221374798003	-2.16725571047713	-0.27416881029576	0.87651320979489	1.38409374090000	0.09055184749660	0.30765136428687	0.88643233618475	1.25909969794497	-0.68499085253745	1.00000000000000
+2.63774691521519	0.23076713823204	-2.33434517353430	0.89785317898765	-1.63963398806655	0.58390616747113	-0.27005889915355	2.39150166072162	1.69137987815536	0.73342955960949	1.00000000000000
+0.59361717855422	0.52722423134585	-0.56906681488400	-0.01576553056177	0.33388709269906	0.36089150659250	0.40103132488147	1.68751552638362	1.06006223091284	1.12796330206779	-1.00000000000000
+0.17661765358567	0.27724682102464	1.73498983456551	1.64777351131604	0.30034430793770	-1.43224200385167	-0.96614022911648	-2.06192779005913	0.80130026568924	-1.60821386174825	1.00000000000000
+0.08071144286249	0.36430657322006	0.34531828951923	1.45661743908264	-0.32661188791496	-0.86346218114106	0.32029123358967	-0.47344261897222	-1.11609918523337	-0.32141881132173	-1.00000000000000
+0.07752177708596	0.47064050711803	-1.29103200609652	1.63990065013165	0.95877232870650	0.37994880657218	0.15411554185832	-1.17693409611777	0.68040811360733	-0.55618397708127	-1.00000000000000
+-1.12591235711170	0.70386558055930	0.16978219861547	-0.55525629827111	0.85585717914645	0.70657243965466	-1.91042719398942	-1.55644928555904	-1.39224777415626	-0.59623133063295	1.00000000000000
+2.06830114670460	0.52612179703077	-1.10495942041051	0.56902554963778	1.76029876509604	1.04499462701122	0.38907820057162	1.50536191039845	1.10943647692885	-1.21862268814851	1.00000000000000
+-1.99077938623165	-0.06439809794799	-0.25295756208387	-0.27699973198327	-0.50541321522531	1.17011849586039	0.27781450471491	0.50625406405183	-1.08911897759136	1.24002292963870	-1.00000000000000
+0.96912381374762	0.88535725491375	-0.47817422400394	-0.14424947469144	1.50638684015958	1.54076504157523	-0.68178773415085	-0.80210890686346	-0.85739716397790	-0.38228871954017	-1.00000000000000
+-0.29527431823154	-0.44505190521820	-0.24818406938316	-1.10814246453277	-0.13562911438982	0.72963568336923	-1.06215653767176	1.12734397227980	1.24928819487921	-1.07791493159886	-1.00000000000000
+1.91934774975447	-0.24256314867682	-0.86812164574008	-1.51011457059234	0.14404673043448	0.44252881460294	1.43985858996654	0.39182389420183	0.50826081197201	-1.10347239846147	1.00000000000000
+-0.97342026361310	0.99785868395682	0.43211803770361	1.56767267093651	-0.70478384986369	1.88729596372185	-1.22201376483144	-0.54768750057007	-0.51981918886728	-0.11915352217073	1.00000000000000
+-0.96122029145861	-0.15562062170355	-0.54398094805609	0.63370798508424	-1.03102641433567	-1.01317299984197	1.04852704480846	0.44820938133618	0.62868242402694	-0.44980496564149	-1.00000000000000
+1.05722937880328	0.08247607497045	0.51530033123218	-1.36217129023930	-0.69378935282545	0.06362429509177	-0.74164629727809	0.92478636098711	-0.92458554586267	0.25381365450729	-1.00000000000000
+1.22586208678294	0.16259649834629	0.38569102855938	-1.42590508605395	1.65341527067109	-0.11651286149998	-1.43873300618562	0.28577759149071	-1.77750241235211	0.29792370171166	1.00000000000000
+0.94137748057302	0.07032081205561	1.69123952558292	0.14830562027752	1.24359296749800	0.68904167641020	-0.00119547465084	1.59050309765391	-0.80855034167956	0.38968006962979	-1.00000000000000
+-0.29020398295890	-0.65853968075487	-1.29108929911374	1.01259111287984	0.42482274783641	1.30571197769544	0.61032484269977	0.06490663720788	2.72303366981513	1.28843534755154	1.00000000000000
+-1.24672267836557	-2.82807157999333	-0.22144837385601	-0.15033234425317	-0.37013721002543	1.21398146602859	-0.36317568076933	0.67502249045073	0.69410811660544	-1.13253766861705	1.00000000000000
+-1.62887115514880	0.44918211582844	-0.53868352375606	0.44782822294194	0.69913032938921	-0.63330742495316	0.23422622998592	-1.52558110216594	0.61880257026954	1.70884132484379	1.00000000000000
+0.23111099646136	-1.36510890975482	0.32732967898834	1.44464559820101	-1.33967930621688	0.04118814132376	-0.10802906088541	-0.48872808384178	-1.40906184716197	0.75944433683503	-1.00000000000000
+-1.22622196124996	-0.63688392332865	-0.70809814551307	1.18194846201662	-0.36667821820066	0.06844002337064	-1.23052439289763	-1.19215686282611	-1.40131569826953	0.73117351808159	1.00000000000000
+-1.25565893002452	-0.28927534877795	0.51207904661624	-0.53792012190774	-1.32337998253620	-1.20552814006633	0.35207147717330	0.12613135635831	0.10473358003090	0.58312255021290	-1.00000000000000
+0.60235509227021	-0.52088786715751	-0.18866917081540	-0.02219709904271	-0.43811341481582	-1.01560464587310	0.95918907621347	-0.41129410018504	0.30069242397477	-0.61785640874683	-1.00000000000000
+-1.13126451200618	-0.12947831287868	-0.43444148971071	-1.09301254060777	1.16047222454127	1.69453157704750	0.04805672700326	-1.31158864778576	-1.03516862003505	1.14742317454606	1.00000000000000
+-0.05146041651051	1.41780793996014	-0.57223204702969	1.50109993806360	-0.50889639175031	0.43584813207639	-0.55697086603890	-0.29002655227424	-0.85460276142074	0.39720676777459	-1.00000000000000
+-1.18605931858362	1.85753246004728	0.42235078118268	-1.82592856131746	0.87933787998766	0.44925005795740	0.94793076927080	-0.59257164855140	-0.40286007565253	0.79724122860724	1.00000000000000
+1.61860554725676	-0.16797071304991	2.04332298857727	-0.04555718656567	1.82887859263086	0.13758127965809	-0.04944833436382	-0.07608279805360	1.69526638448210	0.08527499571064	1.00000000000000
+-0.72392376586292	0.51522105847490	0.02859062727496	-0.44345043088726	-0.18935495881673	0.52420769592350	0.57730523951143	-0.25396322707158	1.63548345298502	0.31701859315898	-1.00000000000000
+-1.49421326595241	1.60837076734096	-1.01916041054347	0.61835773723745	-1.23612895392393	-1.20554232059826	1.28953214343640	-1.86334610271141	-0.31813677222194	-0.49626602602787	1.00000000000000
+1.15500746293851	-0.81942728074538	-0.30008677446414	0.91326404118008	0.38771101952896	-1.53305045200275	1.14025569320921	2.46715350753493	-1.08409004744918	-1.03104942193156	1.00000000000000
+1.42823566321747	-0.50392175502747	-0.47471148886126	1.08788874738032	-0.62097828373552	0.05893886308831	0.99074610246969	-1.23384624264732	-0.61324723614717	0.31932831302383	-1.00000000000000
+-0.36579126221266	-1.26889714294111	-1.45508956926630	0.87978167468082	0.26098574161689	-1.66943851553019	-0.90102907814655	-1.14648638770456	-0.39225251298893	-0.37774738964320	1.00000000000000
+-0.64158042431825	2.15389752304916	0.19393055121935	1.53845910516655	0.96729859049995	0.30053020860131	0.09341577141775	0.18020075358327	0.79860610368137	1.10861101553786	1.00000000000000
+0.21055026894458	-0.42424857185607	0.32643455593391	-0.22580618608903	0.38384053750441	0.31411409533465	0.07736037055995	-0.71845419246618	0.06587771203815	1.19504623163540	-1.00000000000000
+0.29259577500353	-0.07798915028750	0.07362711677644	0.02273123488047	0.22116704254902	-0.60213520588806	-0.09445498402782	-0.65284372710298	-0.09870873343083	0.81017539677414	-1.00000000000000
+-1.24499715984200	1.55615783458649	0.28044773324870	-0.33195791025743	-0.15027961742942	2.16257084773756	-0.94889643983016	1.35022252079652	1.25225374367158	0.80798992628274	1.00000000000000
+-0.80817839312795	-0.15426538279091	-0.76672731259373	0.47588563211403	0.04574828097751	0.88110022010047	0.75279096389050	-0.59140033671037	-0.42478778272208	-0.70802004434918	-1.00000000000000
+-0.10056041281675	1.38178913509261	-0.74121337960426	-1.57612488714143	-1.75577653416371	1.30247361902077	-1.51445095001037	1.43821918054917	1.75142528809523	-0.59701298637650	1.00000000000000
+-0.94445057987604	1.36614283815619	-0.05083910858449	0.71775260001464	0.76381279479075	-0.08066654230576	-0.78191024262046	0.17969823858270	0.00797246099658	-1.88396192617216	-1.00000000000000
+-1.73147457035044	0.09665787669772	-0.39951325416728	-1.35591730240994	0.04884195307164	0.32718611042745	-0.56499007086214	0.42902931291149	0.37706432066111	-1.23043287195493	-1.00000000000000
+0.74113659009677	0.30307578690966	-0.76356207430604	1.91938773031281	1.22135692756326	0.68325341126468	-1.55208451945588	1.00443648005135	-1.43650806943668	-0.46545615763106	1.00000000000000
+-0.85792775320764	-0.09685535278934	0.25310289848610	-0.84767555718254	-1.25228992536762	-1.23562036339632	1.49611062101214	-0.59811217481425	-0.66376286486796	-2.31604614818497	1.00000000000000
+-1.57136001733376	-0.00526468296368	2.45749393434755	-0.79348892979518	0.49133674318323	-0.57603827807425	-0.25107116363473	-1.58229610327333	-1.87038791922295	-0.83446145944122	1.00000000000000
+-1.70841021773389	-0.34824050452408	0.78654310767446	1.72777106888119	0.57107493342237	-0.73883442369236	-0.43002543192142	-0.77064535545670	-1.31772746086645	-1.09750745131157	1.00000000000000
+-0.69806777379675	0.49036124093559	0.32749161343756	-0.84718076071201	-1.09898850608344	-2.09987159531186	-0.27881069944417	0.25370945229399	-1.02856175172770	-0.86513680352067	-1.00000000000000
+0.92253835089549	-2.48245547981713	-1.05219349740424	-1.39101243570471	1.42215166884729	1.04067471033840	0.34276595004608	0.81657278990126	0.66259754172337	0.27376171524010	1.00000000000000
+0.18626687371719	0.55135872441509	-0.55267203315038	0.00050821103836	-0.42500345669999	-0.69678092433720	-2.05432415041086	1.32532149799526	-0.25883505576366	-0.10072604755696	-1.00000000000000
+4.00403292666633	-0.25245207407383	1.18221101512348	-0.29750029276076	0.10957721581190	-0.45167895556154	-0.98035462933293	-0.59510089383584	0.44915220331724	0.57066664009751	1.00000000000000
+-1.27637046357523	0.77958928208490	-0.08093779055619	1.77621352132671	-1.96392160885683	0.74146425050320	-1.52677125017877	-2.26138508943967	-0.58403687530808	-0.19284789432661	1.00000000000000
+-0.90425085640280	-0.43776293283140	0.99448748117009	0.19993775576134	-0.17257693996714	-0.89545349152041	-0.52540208839277	1.36751357238788	0.27587248923596	-0.08108139134531	-1.00000000000000
+1.72764662802063	0.51610198553036	0.04006939682584	0.19470163094303	-1.15599278539577	0.47968114752866	1.56446895530245	-0.24711390293844	2.41611889418998	-0.28031223366884	1.00000000000000
+-0.88917550961560	0.14086646266771	1.50096488836946	0.37613760539171	0.36054015685342	0.37088677352146	1.48008368891702	0.35668660589909	0.69091225158373	-0.05734174243197	-1.00000000000000
+0.29901373083733	-0.46133262145556	-0.21019232804709	-0.48494825536001	-1.07124413822496	1.29084943762439	1.18110647774329	-0.70852536600716	0.34876675645675	0.99479123614504	-1.00000000000000
+-1.21038799919006	1.74732269251464	-2.10725721204940	-1.38445452354794	-0.22179506524169	1.21215595610893	0.92751270119288	-0.25968217975298	0.07306484217146	-0.11851358974889	1.00000000000000
+-0.17979887565037	0.00925460287494	-0.30712138032055	-1.17356316709687	2.21709838607523	0.28568062156923	-0.97784730249995	0.51763271046876	0.90738095658825	0.27405327424128	-1.00000000000000
+0.55132558765880	0.75504013075214	-0.67263354569504	-0.97208060639685	-0.80690819705808	-0.52608651876514	-0.46955312254676	-0.49076942788511	-0.67844525762952	-0.41516662059523	-1.00000000000000
+1.33872512253902	-0.05153671790905	-1.27270033925677	0.17457006953563	-0.37964529247399	-0.92653878612241	-0.04064950542351	0.92331497344225	-0.76543668886782	-0.93417932595636	-1.00000000000000
+-0.40946597061434	-1.64042397370838	-1.20157771065259	-1.90726874758218	-1.87705713418535	0.15004847097047	-0.63748830395302	-0.28874829203806	-0.51569241023898	1.60425863179640	1.00000000000000
+1.24546347007596	-0.93092373729287	-0.91181948748978	0.83296634018770	1.19706248448445	-0.30140236178730	-0.32312153982058	2.16287648454406	-0.88041455859386	-1.15929356680676	1.00000000000000
+0.42574659191210	-1.20794301685333	-0.34248908042910	0.81529767694090	-1.37972284027909	-1.25029374812648	-0.60264496937631	-2.12170816037364	-0.48870570418905	-0.16044211140461	1.00000000000000
+-0.66540109822561	-1.27492573747004	-0.20734428884357	-0.71389353646614	0.63529013396196	1.55203424490564	0.75564203006970	-1.51415276164503	-0.04725421971847	-1.08355918915498	1.00000000000000
+0.03222723568688	-0.62660077911597	0.91535007840483	1.67696916284560	-1.08855880620594	-0.71869489335693	1.05894780704001	0.54584079710094	0.36989780696468	-1.26914837325462	-1.00000000000000
+0.09999911155828	-0.31980808801213	-2.13524736565710	-1.10311532309391	0.31974095478205	1.40686482242809	-1.25898448724948	1.85240321214690	1.90388594492291	-2.25099770757583	1.00000000000000
+-0.48911333405948	-0.65046730831960	-1.82953813800793	1.73575662552616	-1.55085540076503	0.08339045682463	-0.67152706715461	0.99017642671862	1.03542358582629	-0.28870999042760	1.00000000000000
+-1.89391900195346	-0.11123164731500	-0.00125987004476	-0.14555335300044	0.72716860559603	-1.07698176279265	0.54014543041856	-0.09263942987690	1.67192386211909	0.06572915770284	-1.00000000000000
+-1.25265828742166	1.80250983825297	-0.81709170201786	1.58373217174075	1.83808086677435	-0.75467178828227	-0.19466921293665	-1.78426449047817	-0.18215679479704	-1.72616949264949	1.00000000000000
+-0.00744046146380	0.31799660423106	-0.22032566287509	0.55330094179110	0.53151553216518	0.75328242058016	1.10811989088344	-0.44554142786998	1.31990311346570	0.18479375740208	-1.00000000000000
+-0.65308677261887	0.35443074460344	0.03366556108568	-0.09081850146758	-0.55944422576280	0.14658560013149	1.11323919303334	-0.89833625124904	-0.04737799579091	0.57638824526566	-1.00000000000000
+-0.60842431418009	-0.80643920128991	-0.33210278836761	1.99021706983322	0.29981691515450	-1.57227219999497	-1.60435620621920	-0.83309242579265	0.71943175151703	-0.61284154512093	1.00000000000000
+0.13755741272687	-0.37914416242599	1.30094334113291	-1.49087269931139	0.28995901055348	0.30015291134286	0.95461849861128	-1.97832884816251	0.00237066264126	0.90809132463700	1.00000000000000
+-0.52826728885565	-0.84350802724766	0.04269122678395	-0.03606040568459	1.37278032628344	0.34776380827510	-0.73224094839552	0.13010950695637	0.91916996340133	-0.86605501861398	-1.00000000000000
+1.38355909304928	-1.38193942585699	0.91292121299571	-2.66607180722348	-0.25391933153644	0.16933842245045	-1.80586923323260	1.16355636624087	0.43816319151057	0.57669513260071	1.00000000000000
+0.67950066063360	0.35246590770828	-0.20740545527671	-0.97021528008366	0.62426654974480	0.10447751670661	-1.83390389219185	-0.35929564010012	-1.23501427356467	0.01958900624248	-1.00000000000000
+0.59597506053374	1.15933322791992	-0.06971919324069	0.25811714857947	-0.66999859586715	1.33569918683853	-0.09116241951897	0.18546716588374	0.26509372243516	0.09505656447286	-1.00000000000000
+-0.80790636162863	-0.91135150654665	0.21314171197480	-0.95628799223615	-0.31543603862016	0.54562467538614	0.71501788185140	0.26734496977034	0.71569826358104	0.41369260969822	-1.00000000000000
+1.81447767372597	-0.41428072080093	1.79465666584193	-0.14324001389392	0.48085613944429	-0.38084241502602	0.23747294528781	0.77507226228079	-1.52515925364773	0.43509478047566	1.00000000000000
+0.52560068093628	-1.66018301074399	0.90527770321136	1.82484444363812	2.21735244630939	0.46823144972492	-2.08747297644914	0.61035032188288	0.99276069606885	0.39537563010645	1.00000000000000
+-0.78734088089123	2.05241519903640	-0.46325601828284	-0.56174397016268	-0.05002361366528	-1.04711019209629	-1.10573991296927	-1.71435749473517	-0.23727786576269	0.08612529905693	1.00000000000000
+-0.87379772145649	-1.18024105712193	0.28011495574862	0.04333745001583	3.36062652247790	-0.21120692294536	1.01495821051015	-1.19799303420143	-0.34931434149196	0.65009209914033	1.00000000000000
+0.26487856810374	0.33743589354964	0.55894520216908	-0.77213622332980	-0.12769632897059	-0.52619335181688	0.13323345020536	0.62421465812024	-0.95087259158400	0.79890817703722	-1.00000000000000
+-0.51599477894724	-2.47568610643912	0.25595190461262	-0.01367607861040	-1.08989251700488	0.51614498847742	0.75887466490513	1.10182537921269	0.07788498989240	1.46794299574154	1.00000000000000
+0.12958965304426	0.28001739497226	1.00422853236659	1.16802248969939	1.31787052055148	1.95396293796639	-0.36878049191084	1.72162532574168	0.30811259366660	-1.36903473709685	1.00000000000000
+0.09459676542660	-0.19935036757844	1.15235818024595	0.85336146787444	0.16923519211664	-1.32020482039038	-1.65592501655328	-1.12072906420988	0.62955354615840	0.61913428043242	-1.00000000000000
+-0.15996261661817	2.08097266302301	-0.68340468086963	0.02099684923012	-1.21614237494008	1.78417850859919	0.62903329492055	-0.24837938964328	-0.42140172295239	-0.00502255277405	1.00000000000000
+-0.45421726943049	-0.88775668839253	-1.61203122803341	0.50849788917841	0.39878367889005	-1.11660960785893	-0.58364911096794	0.25202354787707	0.51399590730865	-0.27016203174616	-1.00000000000000
+-0.06633139356589	0.67123027971887	-1.72113252018745	-0.27283247281939	-1.57208736448404	-0.02905402996566	0.43069213531399	-0.41535597165199	-0.28941308226521	0.50383516874865	-1.00000000000000
+-1.63904644255300	0.75429176145928	0.11522029241948	0.29353507756741	2.59574961179743	0.43800272725663	-1.14711238592279	0.11319981641147	-0.94467966947094	-0.12000070038491	1.00000000000000
+0.14814738823774	-0.43812504627319	-0.25377079194305	0.20068418442242	-2.47931421989796	-0.10876546082880	-0.07209287814075	-1.15411275162347	-0.44874396469349	0.36615466931258	-1.00000000000000
+0.85571277941914	0.86877443650838	1.19274635995536	0.39039443457732	2.03646216389215	1.69590130523293	1.06484061937427	-0.60571559141061	0.01120844931478	0.50538908565206	1.00000000000000
+0.65519265273014	1.89166774194946	0.74559484349257	0.35802363288614	1.37063491696249	0.22072509223734	-1.04437292787421	0.63632584056467	0.49219739857063	2.44963404696336	1.00000000000000
+0.76730094646223	-1.60074956758523	1.73213966897217	0.32951440675435	1.47372483213198	-0.21699979606574	-0.16841939272367	0.39437288739108	-1.24657228526672	0.98619101001230	1.00000000000000
+0.45925495354026	1.09827201500887	-1.08776956510038	-1.45306843202497	0.70121807387311	1.69442065905876	0.63887555438731	0.17745777273648	-0.57603287176198	-0.46537263983285	-1.00000000000000
+0.90514714102976	-0.13306314729307	-0.51682141879207	-1.01882868780983	-0.24005432920134	-1.56837420479115	-1.84228360482645	-1.81547819605678	0.18491855471905	1.20090672045284	1.00000000000000
+-0.84111145405795	-1.21823151702833	1.21238666044362	1.16322259091061	0.15355391660435	1.77483539265824	-1.50405946911340	-0.12563638784542	0.18168582438792	-1.75727060792726	1.00000000000000
+-0.59817617113141	-1.08981624563721	0.07506051080799	-1.34871389731841	-0.76569989414705	2.03486374331331	2.27629142192727	0.61774564464676	-0.71770959421254	-0.00942810265414	1.00000000000000
+0.77773584134412	0.49716044702743	0.12840948684012	-0.19800804238006	0.99881594348770	0.39974427180432	1.09955317605954	-1.11917974370413	0.42557204645718	-0.95153344253225	-1.00000000000000
+-0.04155925304619	-1.55227351441329	-0.21146870984610	-0.50481374687335	0.56666062457731	1.48445341341825	-0.32085974774297	0.03700736542300	0.04099627339863	-0.27329729434999	-1.00000000000000
+-1.91704481290040	0.52093686926295	-0.78537022584214	-0.61875665597437	1.56164241965265	1.00621263786244	-0.35648799137109	-0.06716300003010	-0.33384208631099	-0.36615867186747	-1.00000000000000
+-0.01061475428876	-1.02538429476182	0.32264289890388	1.64734883347902	-0.69350944843990	0.20193301441977	-0.59779138557639	-0.80406086847239	1.50309776834616	0.59175003820409	-1.00000000000000
+-1.53459111239425	-1.02598012353764	1.09296263009002	-0.05474984423392	-0.92453320240687	0.53412627961659	1.58346793988631	0.08716504559785	0.46238982762829	0.81103240262552	-1.00000000000000
+-0.16864159086637	-0.29009467122426	-0.08521220689307	-0.17350305462082	-1.22401917620359	-0.39394480601091	-0.17197026865747	-1.30349441650469	1.17197921164268	-0.99072909261916	-1.00000000000000
+-0.35541682350493	1.41651917709010	-0.79229758629443	0.03810445094915	0.28641868484476	1.30186448407108	-0.62031460946718	-0.70870404787970	-0.16834557660009	-0.93711761784171	-1.00000000000000
+1.45382543071264	2.54705363541885	-0.62100427880669	1.84270960084163	0.55042115162241	0.43030667245257	-0.12342462723419	1.66110863223133	-0.54778491127773	-0.35289883575843	1.00000000000000
+1.15728603397036	0.63746221557906	-1.81313811961144	1.16958250205850	-0.39502799184262	0.49454736288747	-0.12382625659873	-0.36074685276415	1.13655576120524	0.89471081389334	-1.00000000000000
+0.43339081364155	0.16135806208089	0.09326276482286	0.21836565049359	-1.70487155824683	2.31846474416490	0.47836242647447	0.12488413618082	-0.15696100846208	-0.71100840574647	-1.00000000000000
+-1.31698129525556	1.37402329337128	-0.75831403154974	-0.19020208840038	0.00073023209881	0.93353341906320	-1.20546298985873	-0.95422680413485	-1.19381239394755	1.98498219942905	1.00000000000000
+-1.65479410283154	-0.66274682682996	-0.56062343815260	-1.63373727139288	0.86605867049960	-0.96199693762266	-0.86092946327451	-1.15395068145906	-1.74769420242387	-0.37395251383415	1.00000000000000
+-0.60704865600372	-1.72666945730535	1.04760985925210	-1.74128909568534	-0.55003204830384	-0.04818946142932	0.61690530549654	0.02542921632656	-1.31943384838925	0.16217492831713	1.00000000000000
+-0.44273569329433	0.06348415789283	1.01888285023695	-0.23380576276109	-2.80080580000282	-0.87768122621020	-0.67439886110915	0.43400889069554	1.07081219690095	0.11208775834954	1.00000000000000
+-1.10365399491152	-0.76953462268023	-1.02839576372949	0.04331444920163	-0.41845963461553	0.09878443859611	0.95905733532662	-1.54719981299260	0.50090323695296	-1.22307432644816	-1.00000000000000
+-2.30893350760181	-0.64874469697408	0.94542910490342	-0.06992767733024	-0.60435279728910	1.50114693392472	-0.96708125742145	1.99567438643542	-0.11914538954005	-0.58017128839339	1.00000000000000
+1.15053707070968	-0.26325613403884	-0.27009038493638	-0.63274335950234	0.11886809745043	-0.34066133436875	-1.00801207524585	0.30157796435907	-0.77128605549553	-1.07338365633218	-1.00000000000000
+0.03563554791105	0.12532088006983	1.59575401057551	1.20206434550399	-1.13410961908443	-0.30080807173144	-0.24923801389554	0.95090504811319	-0.08176668158971	0.49509795741436	-1.00000000000000
+-0.77188049249490	-0.07747126389475	-1.46852425711423	0.13473323538669	-1.09815781694348	-0.09765644503398	-0.68561243958539	-0.01534225243575	-0.93848980499169	1.40703192837003	-1.00000000000000
+0.83394226012247	-0.46389189216299	-0.99286861813161	-0.37614099805125	-1.08077041056440	0.93824487654430	0.77256757869213	0.52972399309942	1.22708390502416	-0.09989716341777	-1.00000000000000
+1.62611482566520	-0.66414569218341	-1.14165347058472	-1.18482288231968	1.16276605409048	0.68061644411347	0.75248172913751	1.28788128771264	0.76961900996233	-0.79235491029513	1.00000000000000
+0.30917255647095	0.44493295784015	0.02768350190144	-0.33770054574201	0.90305295885933	0.97062973429846	-1.02180441459277	-0.92362691021134	0.99039862083743	0.66367079545511	-1.00000000000000
+1.37168219441887	-1.44350731742926	0.14869633089635	-0.82903827272258	1.02600065031496	-0.12881653839326	0.68415858022548	-0.42318197345320	-0.09729534648759	-0.19936727140654	-1.00000000000000
+-0.20673512587208	-0.68861457666499	0.80068688142829	1.30704460423577	1.01032662070461	-0.64228837729957	-0.03692556697127	0.15262775862404	0.00210340774943	0.01621171124364	-1.00000000000000
+0.65043783625432	0.31423492338338	-0.41236440020910	-0.48801813187963	-0.03051713693257	-2.67521833567944	0.70687264163233	-0.10577746724872	-0.74319084190778	0.03632560883621	-1.00000000000000
+0.04687050922340	-1.78272659145839	0.64302850687431	-0.59310706932369	-1.48836497356804	-0.01472929605544	1.16935350824876	-0.37347405545004	-1.19237849103012	0.42787551688847	-1.00000000000000
+0.56652478392779	0.14129480011685	1.01887488052810	-2.65174256830625	0.61049490159988	0.17121320869467	0.17843692937632	0.37051830638483	-1.79542477695745	1.74686527440816	1.00000000000000
+-1.41346669110452	-1.44396767052035	0.34625774135388	0.51728207932043	1.27998236075192	1.49861584953230	1.01996875376767	-1.62109445807196	1.32490545728174	-0.64911885791036	1.00000000000000
+0.30728208718634	-0.33649880222113	-1.96930991823800	-0.33894834793152	-0.88367193518262	0.42034265866429	-0.20022010771135	0.78122934756165	-0.43607171173776	-1.25433978693877	-1.00000000000000
+0.54865044259850	-0.70126724772683	-0.61821453072074	-0.86361471773978	0.68513549540235	1.23443517953011	0.65671606813276	-1.48650049677679	-0.47886005552680	0.92063393700213	-1.00000000000000
+0.43653309597093	-0.74092388910653	1.33884026552250	1.52015528539655	0.90696336747569	0.07209158784606	0.90417224846810	0.83558722337680	-1.45483866568830	-0.26033933594182	1.00000000000000
+-0.27201250344915	0.54357192363045	-0.01656863965806	1.61713028248734	-0.51432344002544	-0.02501115304597	-0.04099812525215	-1.11377421547075	-1.52138954678585	0.29916558985112	-1.00000000000000
+0.40284175075130	0.25365127617497	0.54668217070366	0.92928420882421	0.72223234758593	0.86741801536400	1.86339376979649	-0.47779493601441	-1.21063194616982	-0.81346221180069	-1.00000000000000
+0.41200382839506	1.58927123982719	0.74361399660401	-0.19241621913060	-1.02552366562128	-1.04087487573815	1.47854870823124	-1.78702914138860	1.31804944559789	0.41757356891462	1.00000000000000
+-0.34592390862359	-1.19853209005713	-0.13207685851368	1.26539965893031	-0.22212829528994	0.53608433680139	-1.11695897142926	2.35413060571238	0.96698566117072	1.65518703450609	1.00000000000000
+-0.54623053608492	-0.68325464994540	2.38729218265946	1.21887925521931	-0.85224142409248	-1.01606806179735	0.72728942818944	1.23470812208146	0.26659521650741	-0.32663828014248	1.00000000000000
+0.63028093724998	-0.47661584612480	-0.46369044128748	0.54411616219637	-1.06351659860539	0.09574815360924	-0.39960254326941	0.25207446970683	0.84924031401821	-0.34005117243278	-1.00000000000000
+-0.45379965640343	0.77679644204133	-0.52016234102322	1.76290273080257	0.00834937258953	-0.70420370169243	-0.15967825687458	-0.79587653544787	0.32678039595333	-0.06661684564082	-1.00000000000000
+-1.75424065639025	0.39949495756698	0.97404579290562	0.50297603098185	0.27205806012562	-0.66971532047087	-0.52649912667992	0.48827829192179	1.33123988955581	-1.31088895560191	-1.00000000000000
+1.01696382193673	-0.52850936500651	-1.13582658345048	1.26566426622504	-1.22722988086375	-0.36693893573370	0.29103554862960	-0.52880063811686	0.57160093438967	-1.03297322582590	-1.00000000000000
+0.07665925103115	-2.35294772014723	0.54810309374926	0.47667595045097	-0.37329924819185	1.24301412629032	1.02214777405105	0.18754928788635	0.80981890393176	-0.22358942638873	1.00000000000000
+0.67160017601981	0.35545296745178	-0.68793874100263	-0.99887876293984	1.94188763473489	-0.25118385277240	1.03175203596059	-0.40387018965914	0.47749577209421	-0.00331856688871	-1.00000000000000
+-0.39220035287891	-0.27021839041917	-0.10971135791300	0.25250168422057	0.58315309784171	0.85140285585645	-0.22759339418609	-0.29190131554118	0.97459750594750	-1.29421574035690	-1.00000000000000
+0.73648019869106	-0.67151794270385	-0.40324894419655	-0.59587575866411	0.46671163429179	0.19289925157547	0.87726615387853	-0.00008776744735	0.08691721914946	-1.18603325641122	-1.00000000000000
+1.19470984055774	-1.08216898987681	-0.30455522931137	-0.03399156191262	-0.36478545194688	-0.47108539466225	-0.72829274652549	0.96166980029738	-1.26480336601830	-0.53192719067784	-1.00000000000000
+0.19360297281302	-0.71631073172006	0.88969116842131	0.92353008609148	0.79512985860330	0.64960697158727	0.53294467654298	-1.54600644317765	1.29247742232260	0.09544073679372	-1.00000000000000
+0.79305110527998	-0.77006515348676	-0.72158555153914	-0.87803569975153	0.43639703536147	0.10388714621742	-1.26869651599711	-1.32519347887012	1.38502621955038	-1.22490852247690	1.00000000000000
+-0.36023051749803	0.03509462883670	-0.76894725555979	-0.49140145145913	-1.01444675831033	-1.26785095898629	1.48920905161555	0.21234293863371	-0.73059306355866	-2.18439967895810	1.00000000000000
+-0.20869945688943	-0.04592698411821	0.26255177070852	0.51431218704177	1.01190233788472	-0.77145714755615	0.52670055909103	-1.16675603240946	-0.25352170908767	0.28270889527641	-1.00000000000000
+0.91244106216682	0.44131655153560	0.21819545431183	0.68166415949733	-0.75915449308724	0.85905736988407	0.26325340569860	-0.65285464895537	2.36963720609071	-0.40032666180475	-1.00000000000000
+-0.00883631017490	-0.25081484877778	0.90882917511183	0.24109111905709	-0.82503860130354	0.22239638298220	0.95299980175303	0.96512792867668	0.91663975707707	-0.24123807436677	-1.00000000000000
+-1.78034639650763	0.82027012379662	0.32518313793369	-1.17543051748931	-1.96864709268442	-1.37836580367364	-2.02543165452370	-1.07196559632578	2.78604545869084	0.67590006554097	1.00000000000000
+-0.28990351953280	-0.14316178116784	0.54850046161555	-0.29847325551634	-0.62288185233457	-0.27384004408986	-1.24015992966994	-0.00448482245584	-2.34182276998018	0.64740587768854	-1.00000000000000
+0.59777423562559	0.49871243445236	0.20079396311978	2.34397213159198	0.88478317110288	1.27701042413685	1.53367733205996	1.14247225591782	0.13566116813909	-0.88649345498179	1.00000000000000
+-0.73601884896750	-0.18134024712991	-0.21282508009907	-0.79385221202576	-1.55860515924007	-1.41430040277663	-0.65545817755022	0.84722259969352	0.47994798702979	0.38543055707858	-1.00000000000000
+1.09594343164770	1.25853426887751	0.60732021212049	-0.72447226070930	-1.78931557337290	-1.66429069451028	-0.56458220643692	0.58445968392186	-0.48192099312774	0.21588524424368	1.00000000000000
+0.26419622358410	0.34885587375100	-1.57417072709643	1.52354195487368	0.51435125981053	-1.41771078111509	0.58382339595887	1.47054730147857	0.72686059428479	2.05739400575107	1.00000000000000
+1.72148969972318	0.13284121070753	0.92230166538088	-0.81842205515424	-0.66197131692800	1.25026164652168	-0.18715427797487	0.43015321341247	0.89552077465652	0.29704841009029	-1.00000000000000
+-1.17613359614482	-1.29349735527781	1.79740469867879	-0.90132670796790	-2.41168550593233	0.26513817190588	0.08379572122711	1.03726381772108	-1.27390294823555	-0.90780170636243	1.00000000000000
+0.08860739694296	-0.57141238866955	-0.12385438966191	-0.57240104315204	-1.06364737885332	-0.36519885164940	1.00479968823718	-0.43903745684321	0.40150394461966	1.04049923440326	-1.00000000000000
+0.02047940617171	1.45218578262909	0.12136461220099	0.32864422951734	-0.82811779223561	0.16453192207470	1.48699796205663	0.40578435554187	-0.07928583302887	-1.36127061741241	-1.00000000000000
+-1.48762264861892	0.58685648260817	0.00821699670296	-0.24084864609523	-0.48313200931174	-0.18016459866024	2.37226308920333	2.11188625524619	-0.33245973989706	-0.55594541006326	1.00000000000000
+-0.31647773065685	2.04551723867499	-0.13694449111061	1.69859482608495	-0.30433280621191	1.22458125698885	0.04788732697102	-0.50960963870965	-0.99278076601682	-0.65742738866337	1.00000000000000
+0.69478620590993	1.11314491329542	0.46571527774421	0.29245684109738	1.19242359237419	1.31326147316244	0.16818975535108	0.58504042019354	2.12965598570817	-1.62444186206751	1.00000000000000
+1.02777080412966	0.78896232492131	1.26604385609448	0.20828013365982	-1.41519441532766	0.67729694638667	1.00999473653809	-0.15197668094787	1.42289380805964	0.47258878005030	-1.00000000000000
+-1.30951155693085	0.97444088267201	-0.89560228171158	0.71789866526129	0.45956253385917	0.08643010038682	-1.24648413709556	-0.21672024411406	-0.95734443887539	-0.24006346077726	-1.00000000000000
+-2.43397969565348	0.28637159186254	-0.30422759632950	-0.85207535879520	1.01002040294656	1.91408546745384	-0.73066064573633	-0.07157836332123	0.65144582263711	0.22909790599292	1.00000000000000
+-0.20464261611662	0.03881637134482	2.04922821894306	1.25123122582329	0.09364088424192	-1.06555988031151	0.48021315927272	0.47431584278718	-1.08503370655917	0.48049969018413	-1.00000000000000
+0.34065659528764	1.81712570357795	-0.86027023637678	1.57985071575650	-0.01567838097481	-0.56852256843311	-0.19163057589670	0.25071498001899	-0.24484813417346	0.71548292871323	-1.00000000000000
+-2.09151775002661	-0.74480959767484	0.84208303662000	0.19725135185742	0.03924250030412	-0.31912305529153	0.24462999574924	-2.13438708039941	1.02349662436110	-0.96037901493691	1.00000000000000
+-0.51980469385440	-0.61591185501893	-0.47771153041917	0.72922396048757	0.00613638437131	1.90077096499311	0.72791872170560	-1.09116540310218	-2.07152978996024	2.27276734133873	1.00000000000000
+-0.14736911926386	-1.64310393255992	1.40566759293379	0.03465253819347	-0.48887424036596	0.57680430985629	-0.41948064986576	0.68575005772689	-0.32715872183419	-0.07068730705650	-1.00000000000000
+0.03945257079170	0.89017338723428	-0.93471121155857	-0.96898649255234	-0.55701007758755	0.17796502511473	0.44879338764117	-1.29406067411141	0.32729868909940	1.49974077562661	-1.00000000000000
+0.94292299042242	0.57301463019404	0.79397853830485	1.45220794899136	-0.57306367338052	-0.84100529840493	-0.38535468522410	-0.14418556141715	-1.67223525465908	-0.55541983836802	-1.00000000000000
+-0.33148230866859	-0.41755518260469	0.64029166241915	0.87773507642270	1.52559369961558	-1.42451135585458	0.49102962832021	-0.12550673475201	-0.53010453092264	-1.38898286981722	-1.00000000000000
+0.34000734340175	-0.24406328327306	0.17215807421343	-0.17381469806929	-1.04217851532342	1.77432762998692	0.28552977668165	-1.68121291505145	-0.90307737517550	-0.33540612314269	-1.00000000000000
+0.62216017456695	0.55610632955479	0.12013004918285	-0.98085862287278	-0.19707874123711	-0.54795029839689	-0.27520250848596	2.14087633018627	0.65331955849579	-0.64881904108238	-1.00000000000000
+1.20406712045037	0.14882320563434	-0.35952405208773	-1.53354959350244	-1.18787282500481	0.51027749854109	0.43902623285406	-1.13109698792822	-1.81059645023010	0.08226724448133	1.00000000000000
+-0.86927711263765	1.75057593734262	1.39178500912909	1.28624445425844	0.47751040038488	1.34308492024254	-0.29692288770944	-0.38800013876219	0.98388712745009	-0.39471350903307	1.00000000000000
+0.65425101043865	-1.85665434880450	1.09240783490617	0.69451035668595	0.08376152820212	-0.08462515177997	2.39468442337756	-0.14691673006492	-0.51662735314659	1.48929179102570	1.00000000000000
+-0.41416109241213	0.00018228045785	1.26733413328000	-1.53617156333058	1.41314681619230	-0.44349021366352	-1.10805789588768	-0.56684936304267	-0.18902065779218	0.05231006410289	-1.00000000000000
+0.25839467597800	1.38664401066735	0.16190435605602	-0.01074970943477	-0.75028179842880	-0.08020360494134	-0.66421718035970	-0.34057895966413	0.08480942389346	-1.03659675414951	-1.00000000000000
+-1.59791498101729	0.47124777800375	-0.47686625901118	0.94132656028228	-0.44729421048615	-1.68649488444419	-1.02190267435497	0.60516614942614	0.33127837158091	1.27364200209063	1.00000000000000
+1.04327164825872	-1.06602546314873	-0.06169616472320	-0.37481552116480	-0.32017138340366	-0.37264306829092	-0.18489152675908	-1.21976245028536	0.15137069747506	-1.03022769341681	-1.00000000000000
+0.89327840427245	2.26595336706565	0.54679576920077	1.61301406600437	-1.16300088638967	-0.07263362356464	0.05897038287631	0.70471382257453	-0.56281540451256	-0.08929677905877	1.00000000000000
+0.70666008949062	-1.17432528431566	0.26775538322810	-1.09140826338121	-1.19339680894709	0.77788954602973	0.12860529706448	0.59173353998698	-0.82906565431694	-1.50938352692896	-1.00000000000000
+1.50991952433210	-0.57758058672405	-0.25177441968155	-0.29837840293115	0.40130013471559	0.58573239478806	1.34026073351920	0.66510001222084	0.42472443269410	-1.29111537930467	-1.00000000000000
+0.72728791479431	0.64862134383081	-0.29009277779716	0.69199135131220	1.41889139057746	0.49096987081022	2.20763363496402	0.73420648777794	0.00301442628451	-0.63644400955133	1.00000000000000
+0.40295389907166	-1.34457808890459	-2.21262799757489	-0.20603236368905	0.78538024110105	0.08358853618216	0.89649135319727	-1.48354973841780	0.57706266033520	0.69784556581816	1.00000000000000
+1.33635180773570	-2.09003342341758	-0.37210489657970	0.50044721100144	1.44911530403391	0.24966904026426	-0.88631371580447	-0.11051331326990	-2.60841426052718	-1.32230411383492	1.00000000000000
+1.08627196043293	-0.65185904564131	0.16401518720910	-0.50840205107996	0.65651562254008	0.73035099947058	-0.03407723376599	1.18229839131583	0.84947494687092	1.03813561939517	-1.00000000000000
+-0.42802506267555	0.57010331802257	-0.71883593684966	-0.17792418700697	1.47192881977127	-0.20695535346286	-0.78518437254040	0.12156939142537	0.81459156861224	0.03221480393159	-1.00000000000000
+0.78794202300562	-0.57637075351795	0.06129936529666	1.26035749815635	0.28699215476300	0.51993788307182	-0.63971091032220	1.19531062770452	-1.27449993165450	-1.40536970859234	-1.00000000000000
+-0.58160998248793	0.23560481406620	-0.51150658076434	-1.48945568999978	1.31026374454555	2.05257630000629	-0.51565207290757	0.29417910727082	-0.17659161933815	0.72275642882884	1.00000000000000
+-1.83670159063735	0.08520603195859	0.16410108717161	0.70862052464653	0.50635904368956	-0.59724357071929	-1.15248659683111	0.40424587942018	0.34617370225151	0.31712215211278	-1.00000000000000
+0.33956104012115	-0.73472867395608	-0.51531133290996	-0.74621865654622	0.19777374094984	-0.12569008110682	1.36666391847034	0.70882071612936	-0.38509068204876	0.39246052384227	-1.00000000000000
+-0.53136679906298	0.28446660517912	1.29929641945249	-1.05495537680054	-1.03531669493670	-0.13261647063483	-0.21607703723425	-1.10343012250179	0.94011215958602	0.63493404287478	-1.00000000000000
+0.81938994886338	1.46119145803274	-0.52598203641974	0.98268218840427	-1.28883641172049	-2.40062201362910	0.96367407947844	0.26791004412066	2.30170589077542	0.56339641183435	1.00000000000000
+0.39527195387330	1.45591320434862	-0.08738500577331	0.78849297726499	0.67453132670383	0.28567067665352	-1.83578884866710	1.18506614204083	-0.60098899528099	0.03049297130806	-1.00000000000000
+0.12998057047614	0.37220842472231	-0.24415497461388	-0.31464523984810	-1.25801411444749	0.67763462732421	-0.24833013849577	0.90964720281917	-0.19090396305542	-2.85620262705223	1.00000000000000
+0.21002603339342	-0.42137721817069	-0.12543408147158	0.86343671315297	0.08156183915591	-0.20703765287062	0.42283849207982	-1.14226383400043	-1.37730121773074	-0.68153335727174	-1.00000000000000
+-0.60154629090300	0.89010180713377	-2.08922394793165	-0.78879173635352	-0.30499255540123	-1.88364817234451	0.56288725328572	-0.17331928847623	1.23874105120109	0.00422021239589	1.00000000000000
+0.74044583373600	-0.89234292028035	1.17507982701584	1.15552131076269	1.67384239866910	-1.28392542704758	-0.47458394245652	-0.46203368076265	0.49769243023842	2.25050770320044	1.00000000000000
+0.57482193721453	-0.30295787421983	-1.23514253551870	0.00744911754229	0.64967727166676	0.17316816698368	-0.10098757781729	0.45007190812526	-2.28076705558052	-2.24737384802162	1.00000000000000
+-0.74021397538461	2.05858801883340	-0.22436259623516	-0.03849648649430	-0.56889245552974	-0.45543399255928	0.51588120303780	-0.88170612811603	2.53724616875988	1.67423285396829	1.00000000000000
+-0.28001958700861	-1.05916020292369	0.32415558791787	0.80145186034554	0.11399724408175	0.90523300083082	-0.78474998440531	1.11463393991034	0.05465227480478	-1.75399428254617	-1.00000000000000
+0.60919443323901	-0.43517399841135	1.23858125865762	0.82951644070498	-0.59747963878956	0.71296078230424	-0.42261674542355	-0.81893954279062	0.90434504957260	-1.81193758105365	-1.00000000000000
+-0.52066797066914	-0.79843045962825	-0.16686794719063	1.32943240472690	1.64288951330431	0.34050022338498	0.28943495911268	-0.66328528687385	0.74652098189736	0.78913858071140	-1.00000000000000
+-0.73652219885314	0.43600773413405	-1.08798127821292	-0.18608990151944	-0.38853008493818	-1.00894713937858	-0.45986237244952	-0.82273946435206	0.56216027921212	-0.30845236499915	-1.00000000000000
+-0.29438718563807	-0.95089907837464	-1.66518824904755	-0.22941515055135	-0.42130806212151	-1.19552052924756	0.64062947983832	1.08173332923706	0.61185394220623	0.74111617762470	-1.00000000000000
+-0.63841586220196	-1.63094186040574	0.22089461395912	0.40533868814713	2.10650167626791	-1.03063370891888	-0.09311566186512	0.59026209968482	0.23298225814660	1.05779721648925	1.00000000000000
+0.13941651524703	-1.33495811642108	-0.52490482248056	0.97701721210564	1.10940756848678	-2.04431332200556	1.97420335470135	0.68157392896737	1.53376092500892	1.02064543585203	1.00000000000000
+-0.34577570104210	1.30746661474178	-1.33721147495520	0.55440595645182	-0.42634883814022	-0.81169478109931	-0.78305064119195	-1.02047101804179	1.05705334223825	-0.24339466612281	-1.00000000000000
+-0.55728611365062	1.21142336806664	0.10413081004257	-0.00723109380262	-0.21482885054980	-1.33474650645449	-0.25444730318261	-0.21815842353756	0.14667184271124	-1.20933551489052	-1.00000000000000
+0.56978653303838	-1.73763054740578	0.63593148599745	0.40866165467919	0.44110121474504	-0.24606228183632	0.44207395813457	-1.25571575788003	-1.21786201153162	1.05115100314687	-1.00000000000000
+0.26171816704277	-0.75769604039848	-1.03999078174256	-1.00284491160987	0.70200586440179	-2.01271795137268	-1.86317756808852	-0.95247144341757	-0.30154514230217	0.54599262437036	1.00000000000000
+-1.27716398870250	0.44310819905068	-2.00401522156565	0.28346582386177	0.29401853446488	0.55853951011758	0.39534009593785	-0.83031201809762	-0.46496164547963	0.04817807032413	-1.00000000000000
+-0.95747650885243	0.44858701812635	0.01685519237639	-0.47510686906159	-0.25758931304329	-0.87952272925074	-0.18971567678896	0.81029478663864	0.68275905366454	2.56666950827581	1.00000000000000
+-0.15642721606758	-0.31833635438621	0.15988398365632	-1.13660014226311	1.13060757372248	-0.83496772027770	-0.08842566424254	0.31845216633890	-0.34180529029769	-1.13802612698850	-1.00000000000000
+0.41471994534372	-1.23110175465807	-1.53552329532493	-0.31485380010232	1.13889224873024	-0.25103893759123	0.71778258419230	1.19189235609724	0.91903342765124	0.55705337723780	-1.00000000000000
+0.24806243603501	-1.20421168130209	-1.15161296736000	-2.27450476542129	-1.34156900912614	0.80211280227692	-0.22710534816124	0.29302706216138	-1.05933424534302	-0.34313352632846	1.00000000000000
+0.13944258309316	0.15801044533806	0.80403750000544	0.66509908077046	-0.24389296381735	0.70064195747325	-0.42139470725363	0.63233607921579	-1.12300125312771	-0.92781865431764	-1.00000000000000
+-0.08116046410860	1.01845588559878	2.10964755005349	1.98901110084578	-0.32419407494188	0.14927737980126	-1.16280481973728	-0.63875844747921	-0.84820731743655	-0.50125904794507	1.00000000000000
+0.49954933478091	3.00788027118189	0.42582684785426	0.36903128183511	2.04043447144003	-1.82187757156572	-1.49656415869087	0.25189311043565	-0.46079700760336	1.18183964436905	1.00000000000000
+0.03586849480257	0.74754419284604	-0.77684698036960	-1.46535574988063	0.15092720435329	-0.08493105516651	-1.50579902139373	-0.06037693745158	-0.21178436362647	0.45707791915796	-1.00000000000000
+0.54566608848293	0.29114000061605	-0.02378883203452	-0.90248853075614	-0.49963889422484	-0.23419210474036	-0.22677129030337	-0.25699859241487	-0.85535225566478	-0.74876750377073	-1.00000000000000
+0.19308273995126	-0.22994744273670	0.33364399018806	-1.52284349527731	-1.02728587717570	1.23115301714209	-0.64271748958032	0.27343296619429	1.26181316548136	-0.32314300237264	-1.00000000000000
+1.74856200896204	-0.45057298981014	-0.34469119644765	-0.63690483588405	0.09111523863480	-1.05319832417261	0.83933522318410	1.64376358370438	0.16926198591390	-0.37474312576096	-1.00000000000000
+-1.05574805000815	1.09169166841944	-0.69934668949269	-0.55258483370379	-0.76099377852706	-0.25872686458147	0.33746227100855	-1.11887959922357	0.74754666911660	1.02646713878618	-1.00000000000000
+-1.39863988744904	-0.63273204742247	-0.18995220356971	0.52415468572190	-0.43125716898616	-0.06473468018252	-0.12926297500648	-1.32104382614162	0.36886457274909	-1.47532877960527	-1.00000000000000
+0.08611655221905	-0.67036984485747	-2.42404091202897	-0.58499098997442	-0.50551087176143	-0.21612560407586	1.32316730091575	-0.52354998194029	-0.21424248882922	1.07671590041466	1.00000000000000
+-1.43540169357221	0.82495381699099	2.70971553668751	-0.99129752963098	-0.32787875484913	0.07317523020466	0.52186140108387	-0.14214210327918	-0.11212581463759	1.26860486311725	1.00000000000000
+0.62970122146352	-1.69602493048245	-2.06848865284415	-0.42820404353239	0.53204799203634	-1.04320593378190	1.18125548731952	0.62056392877343	0.19523578199726	-0.07910502997849	1.00000000000000
+-0.54520363808007	1.26021615156994	2.19870123723513	-0.93920577720686	-0.03182291357706	-2.53740015000558	-1.50081346738456	-0.21586382822484	-0.34783713175339	-0.11451821503469	1.00000000000000
+0.88633693192456	1.45851926151118	0.26959068262124	0.32829782714485	-0.70290224676322	0.45740905210822	-0.99220405516403	-0.46259157632271	0.62551052788587	-0.53678895444385	-1.00000000000000
+-0.80741630267002	-1.16676512124317	0.04818604198405	1.67818327888788	1.57022748252027	1.85573730057888	-0.92838110944550	1.30608377646186	-0.29705837660058	-0.11667258418290	1.00000000000000
+-0.35578973717239	-0.76192405443432	-1.84804931683193	-0.42594689550137	0.51662849993833	2.05108343325329	-0.47191642879730	-0.91155590841438	0.62295924578147	0.90649526540343	1.00000000000000
+-0.93281912244299	-0.69292010274174	0.51098541858442	0.92632536035668	0.66051974056054	-1.37113371329395	1.25970813239168	0.49132412035125	-1.68077846887401	1.31857835115884	1.00000000000000
+-0.05657013068874	-0.99431363149729	-0.23183321340130	0.00236254344086	0.76070039128534	-1.66110030598106	1.01319610007149	1.00252574464311	0.01739975094673	-2.00523532414367	1.00000000000000
+-1.23928474750444	0.65616427900124	-0.71783638492918	-1.76490778660551	-0.75916000246447	-0.99699152188821	0.32530466202737	-0.00051507250956	-0.15835345070460	-0.00938370186512	-1.00000000000000
+1.07088260276573	-1.60500074016261	-2.18685833955373	-0.11782976739893	-0.42789170407256	-0.02393112263100	-0.46010366265154	-0.43715605886123	0.47513539829705	-0.04806177459410	-1.00000000000000
+-0.85738337654510	1.56303506730741	-1.41380139686618	-0.63845209775381	-0.19138033941616	-0.92749686253820	0.10659177824677	-1.25897996879710	1.29989022421690	-1.75451227924869	1.00000000000000
+-1.06006173613865	-2.18998177995292	0.98641447998265	-1.10089137655348	0.08771916148712	0.06642474912207	-0.28570923497920	-1.31778665294890	-0.33300595238296	0.28797669721378	1.00000000000000
+-1.19610708940902	-0.70454317994885	-1.14004531971788	0.53413796420285	-1.84667737728211	-0.31699529865031	-0.37024929900495	-0.32371631383340	-0.64753039471957	0.26744291755783	-1.00000000000000
+1.82366287187312	0.17332753885831	1.12491396038318	-0.15462173051505	0.80111189242724	0.53200947992874	-0.04365173793225	-0.93035106263718	-0.35698335734880	-0.05013854793594	-1.00000000000000
+-0.20125128420292	-0.86935757703094	-1.33154817154882	-0.21577014421181	0.92004106235313	-0.79885547226414	-1.60574482493099	1.10223512943326	1.14089197736684	0.45345417819697	1.00000000000000
+-1.34252280677303	-0.33023040548653	-0.37515304295386	0.74945501283352	1.26817684226027	0.59380875449321	0.26557945425609	-1.13329544463571	0.03467843209485	0.82413245458283	-1.00000000000000
+-0.84250103305523	1.93405123284539	-1.79567477191308	0.93927477845646	0.17726883240615	0.96730947464935	-1.36412444762465	0.06597133399487	0.26612520182928	0.51471193988484	1.00000000000000
+0.51646017776347	0.16913681417419	-0.63124313690061	2.02709496215405	-0.72121167565931	0.98797102050043	-1.91608695402815	-0.11872315789611	-0.19870398742600	-0.83043518342132	1.00000000000000
+0.57302773412120	1.64414448559492	-0.20206053594674	-0.78705963447217	-0.83384340139679	0.03287875703611	0.65969742350414	-0.32196836348780	1.15329995333416	-1.90880912944692	1.00000000000000
+-0.66557350520794	-1.06011592016407	1.58675095774373	-0.17335086698678	-1.00321206113899	0.31809104024642	0.71002714590109	-0.71018588882228	0.19278016167501	-1.00258834154126	-1.00000000000000
+1.67067067146902	0.62029478398766	-0.75852688638170	-0.43996166335720	-0.82959676874987	0.29422872081095	-0.76352930568145	-1.51172706225900	1.49192975746145	-0.04678238271863	1.00000000000000
+-0.22306453591090	-1.42460170977102	0.33633378801048	0.73317562022402	-0.17560493373528	-1.57982908220806	-0.62623112939605	-1.79646430236507	0.32839655370696	-1.04960879624637	1.00000000000000
+0.76024683568102	0.12108901986962	0.00009882016281	-0.27973534817089	-1.65751951372787	-0.99766877590809	0.52337721762058	1.59024145678945	-0.33932773493620	-0.04172301966673	-1.00000000000000
+-1.26236427260505	0.53476818854180	0.29284813945021	0.28325443399100	-0.09538208760769	0.17346379942031	0.73745813882676	0.53384573591144	0.71726275132885	-1.40429830557517	-1.00000000000000
+0.86404143174781	-1.30835178655482	1.07896753787284	0.52119656033092	-0.85979749503427	-0.16641087468664	-0.85192743036117	-0.26650247543805	-0.24474713777277	-0.54057975903100	-1.00000000000000
+-1.48100733928534	0.77393342599928	1.03760984915139	0.13068330517847	-0.81335976587930	-1.30096836288725	-0.40292799195010	-1.28150540581599	0.17665843720575	-0.35463408768772	-1.00000000000000
+-0.24100953027904	-0.68120586087963	1.04021097652153	-0.83252770745521	-0.91571720513322	0.34781940039859	-0.71559443179996	-1.36814347822679	2.12728995136755	0.78188641101703	1.00000000000000
+0.86285005837864	0.45935768124196	0.57724426067786	0.14050043829480	1.54924497572645	-0.49599347580214	-0.80955237143225	1.13750886445553	0.56740975966486	1.84441942169715	1.00000000000000
+0.00605940722165	-0.62325335099869	-1.09063124514478	-1.31608705857048	0.44862684192945	-0.85280762581528	-0.33759705374373	-0.50888707420137	1.36175957041712	-0.39154770322049	-1.00000000000000
+0.22551516506087	0.00061070966255	-2.19378901792533	2.18026283579884	-0.55358631477172	1.65340029200511	-0.31445121551364	-0.28445140437474	1.45923809107857	0.56102638171026	1.00000000000000
+1.39945248577976	-1.03485024259578	0.23838122446133	0.23286498554550	1.76230350538480	-1.54753691621010	-1.38424157041801	1.21010797152550	1.68060657358223	0.85768440551294	1.00000000000000
+-0.19509644641524	-0.01566388118177	-0.20869593217827	-0.02874608358829	0.22627538941129	1.57122657747499	-1.47696994028334	0.47482539147544	0.26100193887148	-0.28898877221427	-1.00000000000000
+0.26150647721479	-0.01900459255182	-1.15719310344484	-0.11628177222307	0.78923157088017	0.25308117295846	-0.54537316804675	0.49262207360913	0.16771979884429	0.78837769119921	-1.00000000000000
+1.42604339860391	0.63148609477321	-0.05049651497047	-2.22603263035669	-0.77667687700715	0.23079196513861	1.47005157036946	1.79958436645573	-0.17020179125138	0.71554288530018	1.00000000000000
+0.33000074749647	0.06068173946181	-1.33105450571141	0.47686014153258	1.08632423090739	1.43628195840920	0.54868296825882	2.11854577082061	-1.13218952169835	-0.01855932016334	1.00000000000000
+-0.52913071108610	-0.35408517754441	1.55430923240653	0.54926247831959	0.23152932938157	-0.23766419529939	0.45335036498668	0.23411801246130	-0.50590221319264	-0.09524402043039	-1.00000000000000
+-0.98361647485260	-0.00663405964633	0.63915374260008	-2.62088873147632	0.85785184509585	0.48962781567970	-1.22481509182491	-0.13426124655698	-0.09949916706275	1.77122972184827	1.00000000000000
+-0.40634687103448	-0.26009003077797	0.97506491726843	-1.59740627212852	0.68776200238408	-0.92168085790051	-0.09774584158307	-0.23801158737970	-0.90976319716962	-0.15892469458998	-1.00000000000000
+1.93970947282254	0.81148539732758	1.72185768133274	1.07321456427710	-1.82796682422166	-0.24530527744942	0.19285343736344	1.18983602318371	0.29616278858620	0.21544871207384	1.00000000000000
+0.38096840039318	-1.08235910430664	-1.34839666176840	0.64400327303916	0.39966113604294	0.32916155497020	-0.81866152796482	-0.83120658945492	-0.74003180241317	1.09228301399779	-1.00000000000000
+0.37013351434478	-0.51235352414566	0.86892092514737	-1.53315085359775	-0.59345816801852	1.52534925437833	0.57251922222153	1.19811667695593	1.88968219809479	0.57007433933078	1.00000000000000
+1.26288182774060	0.36955248988284	-2.09811521448150	1.47565145729832	0.64351136870973	-0.66915324112736	0.23904892807559	0.88649156510572	1.25057774361933	1.17275751628424	1.00000000000000
+0.02098957519564	0.77187045832255	1.19205165444856	1.19222027840796	-1.92651702448047	1.33503045845555	0.93170289932276	-0.61896561811611	0.66164338270763	-0.41107612143226	1.00000000000000
+0.28547028739483	-1.57594426646528	1.77293762023793	0.72093669259276	0.55474670357596	-1.11998498365816	-0.92012869206119	-1.19288255694803	-1.28923458136249	0.64942152608471	1.00000000000000
+0.29895347094084	-0.84969092003451	0.14389370920806	-0.51646527712600	-0.53169261701995	-1.31296975924320	0.66456856920360	0.24870921683109	-1.82637643589089	-1.41433821855514	-1.00000000000000
+1.50030705146136	0.86841887293574	0.45517819931943	0.05683368223482	-0.74673050974806	-0.02378724244605	1.37531327414931	1.78738154922966	1.48500406870816	-1.22435422206796	1.00000000000000
+0.68751437502445	-2.04378464339925	0.23176080120095	-0.45257403089077	0.47300872792256	-1.43559839503541	0.01924252864332	1.52536849927554	0.77599572816003	-0.55453598322674	1.00000000000000
+-0.70403637048740	-1.07977259433287	-2.57969801847422	-0.19225576196709	0.28202494875840	0.32686457142930	1.40542711645381	-2.54778617632008	0.19144411653903	-0.38004598171931	1.00000000000000
+0.40572015319143	-0.14021888601587	0.15500642155356	0.81349425754443	-0.55435837723432	-0.40704595524166	0.40152270053712	0.05551300076553	-0.97975163733821	0.36711478789938	-1.00000000000000
+-0.32163142165805	0.31749009363809	-1.58212801746210	0.11021391202795	0.31060961658410	-0.60100242451726	1.54388887629599	0.79298332376774	-0.47761345357669	0.72960975537349	-1.00000000000000
+-1.77734146463009	1.19975639132115	0.78440206290360	1.89912508955333	0.62208023635796	0.46860637681276	1.73765296774548	-1.37795017511485	0.87601715028648	-0.15788598231190	1.00000000000000
+-0.05999340886513	-0.46561640946408	0.03417978262142	1.03142221906823	-1.22752980532842	0.51000177913344	1.00270225066811	0.75706724591498	1.93291995112490	1.68351536442137	1.00000000000000
+-0.58765075380035	0.02719387072803	-0.50851514077886	1.14394499885950	0.63235222634278	0.06989324813641	-1.48626255664265	0.52156752209232	2.24165496450008	-0.49146991111653	1.00000000000000
+0.85959720244892	0.17755577638008	1.33850566565017	0.13364340966323	1.21069411218593	-0.52858425219635	0.40391192551634	0.51922371490073	-1.60960437029878	1.24311240998862	-1.00000000000000
+-1.72322115328811	-0.91745458918942	0.33152653420189	-0.47908522273271	-2.15233139364253	-0.08271660647309	0.06133047800118	1.78880797769043	-1.39844650705425	-0.55120163144051	1.00000000000000
+0.12498701411899	0.97426178983296	-1.58118287838925	0.28373845529887	0.60489901908800	-1.68299455288237	0.38353510875259	0.64928955475668	0.93811823285518	0.68108616282465	-1.00000000000000
+0.70132523612781	-0.89657352602174	0.23772443642821	1.55082306615189	-0.39791745277870	1.27250286388827	0.85665164436795	0.04644168581466	-0.64753693481829	-0.65021090864241	-1.00000000000000
+-0.46821758172070	-0.31682024469349	-1.31971377535264	0.11811339184079	0.46803323224868	0.36912856478488	0.71028148262677	0.40438107079285	-0.60190584982983	1.16863361709297	-1.00000000000000
+0.69522470063433	0.19421580933689	-1.19531161161152	1.27075488358388	0.15477981286727	0.10653886494644	-0.93930527018811	-0.04883120670729	-0.18064663783894	-0.11806166002231	-1.00000000000000
+0.54184885974521	0.96218304102788	1.07206586479025	1.02069055344530	-0.60275996874577	2.14858658345101	-0.12801972613321	-0.42573720412804	0.56292791104306	1.48201314230669	1.00000000000000
+0.35368276674344	-1.17507480563363	-1.79356357890723	-2.90419034767268	0.56282841101829	1.31748400528946	-1.18266100837712	-1.00338553169530	-1.81398833041432	0.57973709206482	1.00000000000000
+-0.85969984453100	-1.54827238207317	-0.62756664363279	-0.49225192914283	1.10771599521190	-0.03183097854372	-0.26775623074389	-0.29661610356972	1.59320692000694	0.87101918589148	-1.00000000000000
+-0.90310312973965	-0.79209372799084	1.48379934130943	-0.03274608226824	-0.35007923030166	-0.43174283860355	-0.26517278515398	-0.03447252918390	-0.19246726172464	-0.42370778870796	-1.00000000000000
+1.15047959606676	1.28323872621223	-0.95793646105521	0.70592481961448	0.00757823491337	-1.37644631324169	2.25739622342085	-0.09131294471620	-1.09341710701597	1.12243986686594	1.00000000000000
+0.04384784152404	3.02442461478369	1.62161662613952	0.37154782839760	-0.22339718561612	0.88202326698719	-0.03913102462061	1.81260000478929	-1.54299400708294	1.43217563656499	1.00000000000000
+0.31941643153521	0.19847252157373	0.43390602581205	0.85993417579905	-1.03571782427575	0.44739614015745	-0.44958964353111	-2.82050573933597	-1.48189716979620	-0.24775601793034	1.00000000000000
+-0.92133652486156	0.99346975201754	-0.28447752792795	1.43102287238356	-1.39887538601431	-0.89705385945849	0.85736822875320	0.36976978053934	-0.45497122702259	-1.61594888534612	1.00000000000000
+0.38347300278208	1.53617012566317	0.15132395072951	-0.74968480113360	-0.29736635947518	-0.37932061096414	-1.82347097397909	1.18730990187212	0.83624339556478	-0.78078731620910	1.00000000000000
+1.11178534828684	-0.76000953633928	-0.28042122650350	0.61168828525048	0.18378345143011	-0.10066338197526	0.21261774324535	0.03428393582821	-0.90713166629103	-1.01739660798527	-1.00000000000000
+-0.68648206778356	-0.75835305163419	-0.80084621168791	0.33604779934847	1.42852092540561	-1.23280439966165	2.18166459250191	-1.09597118251376	1.46660259313389	-0.78939029159925	1.00000000000000
+-0.04479597981045	0.32092313208104	-0.07925808481933	-2.38489162764110	-0.97003695462303	-0.67974334710511	0.35084285479442	0.01931379554556	-0.57290276075905	1.39625249471954	1.00000000000000
+0.14359864277155	0.02522942083569	0.14128840570348	0.50939193294744	1.37857842501986	-0.32450339383483	0.44790585609010	-1.14780333074325	-0.81158771595303	0.80376176324613	-1.00000000000000
+-1.38082543417361	-0.75926827868290	0.09583097245553	0.42134822718389	0.41303608136062	-0.77654521007109	0.27736669040983	0.26637610323089	0.26399819535463	0.10872634069740	-1.00000000000000
+0.99042821616802	0.03414767149026	0.01849370024044	0.76702233221726	0.27903290329390	-1.97476513669027	0.12791983048735	-1.28972759368715	0.12775292563418	1.63131246092137	1.00000000000000
+1.17685068722074	1.85081054275204	0.87419701327833	-2.03310052301473	-1.61227163654810	0.51155251388658	1.19365933778044	0.17487153096984	1.18562019384611	-0.28994489024055	1.00000000000000
+1.07486349790742	0.39449769874490	-0.60919449397520	-1.78128278036727	0.20779712843319	1.42170921141185	0.56643473894508	-0.86470092536066	1.94884967526774	0.93117899180780	1.00000000000000
+0.18387415649180	-0.30300005394754	1.44735827081562	1.44650436306196	-0.50116220980112	-0.25269174423372	0.67436558614573	0.74245610303782	-0.21301795384451	-0.72787930935855	-1.00000000000000
+0.29759492513921	0.10847292607055	-0.04277366086960	0.03844579483844	-0.29689726796501	-0.14314009393020	-0.50517148588784	-0.16663648190636	0.08498720808121	-1.05066977188970	-1.00000000000000
+-0.35324766882409	-1.39720407265712	-0.76913932063862	1.55915154920063	-1.11880778235857	-0.80424157911705	-0.63577919704466	-2.38890484291024	-1.26873987497799	0.25901006447066	1.00000000000000
+0.76763039721964	-1.34651494000895	-0.75210081131410	0.25223076589532	-0.18744894105594	-1.26321076675644	1.11948585110365	0.38232690196897	-0.50179359744917	0.56633506628456	-1.00000000000000
+-0.74440632063446	1.70567789178873	-3.05215770088876	0.50768114354850	-0.17576309062520	0.98793526172476	-0.93520365851098	-2.12494754669951	0.98163842476198	-1.64663785625893	1.00000000000000
+-0.55170839626006	0.11703441025390	-1.41705667968204	1.25561630135496	0.65488876145058	1.45469333778886	0.60311227429401	-1.88666145362153	-0.40981528156289	-0.38034844149405	1.00000000000000
+0.11191670392040	1.56120740928556	-0.32019654542925	-1.13358637010514	0.84120878306981	2.05260714291851	-0.69044307161857	-0.17193252176872	-0.13854958938490	-0.13916317561571	-1.00000000000000
+0.88408257143439	0.02079682487284	0.91629389453235	0.82215026551685	1.21484375708935	0.62103319730106	1.60648789125892	-1.54765313802335	0.65461540150640	0.80573282126809	1.00000000000000
+0.01845236052648	1.50446897508143	0.52278837980315	0.13602517688263	0.59180784272592	0.26153841010413	-0.71870024351061	1.64024218094473	-0.88898197659518	-0.59768734051539	-1.00000000000000
+0.48685995121627	-0.05802273230145	1.36491511289881	1.03989363032870	0.95996726298460	-0.33942280831528	-0.49102365429965	-1.24507297043397	0.47324835920214	0.60790401322712	-1.00000000000000
+0.43180419595378	-0.23135201521896	1.03742818296849	0.84799919537436	-1.04297502321178	-0.63572782061937	-1.08582280377804	-0.09267889240785	0.59524574290310	-0.49492038348427	-1.00000000000000
+0.62871869136875	1.22887739500029	1.22979523539762	1.60075094839211	0.71104153189112	0.66174504989667	-0.87162242138695	1.01277067562696	-1.59951136839759	0.19221577223257	1.00000000000000
+-0.50133627212607	-0.62238856941748	0.15019230311888	-0.04688029509794	0.33668776866370	1.45504226591186	1.07256130664385	0.42589669893669	0.48966733157411	0.03097921493616	-1.00000000000000
+0.41610480949568	-1.22200272355315	-0.65369696315780	-0.57080277043302	1.50204108964257	-0.68371398876354	-0.66158610469457	0.77736967042187	-0.29290771981821	-0.14485369047154	-1.00000000000000
+0.56740483981246	-0.40466451809738	-0.03806777317809	1.04575555037143	0.05463932341538	-0.55325490306184	0.82784964223755	1.52832837565288	0.44668202952879	0.25693628512336	-1.00000000000000
+-0.29606028496292	0.46901009951108	-0.15632798800084	-0.47681690246370	-0.47705064801721	0.57329976003131	-1.27288548709813	0.62201410108641	-1.59040528044151	0.72382278531105	-1.00000000000000
+-0.52665534311021	-1.18946310111101	-1.30385093155428	-0.93541267691031	-0.39946024580057	1.20719743227186	-0.42741578286112	-1.70687594616721	-0.22781061555639	-2.88804008416623	1.00000000000000
+1.45963421253417	0.39441584153906	0.32834846308564	-1.12073753779075	2.53967744118305	0.00880880148274	-0.98131388639219	-1.11654346046893	-1.76550772291923	-0.70192219482447	1.00000000000000
+1.16838444364088	0.51925852352075	1.09540539691039	0.03850231398227	0.56497051867189	1.29732573615623	-0.07588907872753	2.24915663613288	0.07880195046891	-1.10505729421957	1.00000000000000
+-0.38789592464572	-0.34936864730927	-0.45771090351479	-0.36748602079213	-0.70803524631042	0.43792917158115	-0.11276113328667	-1.12931101267834	0.40521211614830	0.44212771937988	-1.00000000000000
+0.40007225948405	-0.58560896750418	1.69889462372443	0.03929992085215	-0.41485181649034	0.30432752601615	-0.25808455352787	0.30161769504077	-0.59396788591278	-0.44652604708519	-1.00000000000000
+-0.19669693653906	2.92528020621608	-2.95547290902741	0.43838742442201	-1.40437783875065	-0.98296050080006	0.93707153454754	0.62267471672305	-1.07261323832958	1.24772728113992	1.00000000000000
+1.51100119919232	-0.07004757566299	-0.53765771563673	1.88451432767521	-0.94610739621466	-0.48603424143419	-0.31046481200986	-0.14904428115349	-0.54738576212950	0.57951045423591	-1.00000000000000
+1.32505506554020	-1.33477225474127	-0.23517805746380	0.26757209767951	0.10393913918071	1.39141623326038	0.66580910758153	-2.00946030824219	0.15746423886958	1.37593981282217	1.00000000000000
+0.13068372371060	0.61450622172463	0.88435981925067	0.45538523446443	0.83040049491464	0.56883528196851	-0.14398386115817	-2.69197423258976	-0.86722966684068	1.34370622025035	1.00000000000000
+-0.35457896320774	0.68384823241961	-0.41310550600040	0.40877383509134	0.59235114709583	-1.06070031002723	-0.16248372956622	-1.34448309981440	0.64970694587628	-0.03601061421571	-1.00000000000000
+-1.64752226635693	0.31898581300580	2.02966502108386	-0.54195041186939	1.75624934570272	-2.41097669503136	1.75522223070101	1.74246717366716	1.11232388905526	-0.38044556695925	1.00000000000000
+0.38057187113761	1.43602536978712	1.38999638196728	-1.29469490135869	0.07256465905441	-1.22889760907917	1.65355233141891	0.23457357652028	0.49255002401399	-0.43931104636067	1.00000000000000
+0.69437343755654	-1.42404810074779	0.21224394701425	-0.57947223371053	0.27151870838081	0.00429936431209	-1.97950879431547	-0.57571791847210	0.41815131927439	-0.57221728372337	-1.00000000000000
+-0.36031860030283	0.46234453282705	-1.14218253397128	1.77787379634674	0.40958235271046	0.63671841110688	-0.48007817941586	-1.98984445084892	-0.04246248246010	-1.02006709662298	1.00000000000000
+1.26865984875717	0.18405090106034	0.02988143140161	-1.23360297423427	0.39373903058580	-0.49593392715696	0.50587569769303	0.80005975438974	-0.59149641250106	0.24161605822035	-1.00000000000000
+-0.40904914381935	-0.39456961075928	-0.76832453162518	-1.16811556744310	1.29863305754462	1.02441466029793	0.69102770340264	-0.17213399696293	-0.30429547787304	0.80463275894630	-1.00000000000000
+-0.95126978043143	-0.24732654051374	-0.19893631660046	-1.33925003635904	-1.05687215891673	0.52364122011741	-0.31754008755450	-0.12397555564220	-1.28980257193509	0.62361625931790	-1.00000000000000
+0.14150390311888	1.14343885409130	0.70564678231924	-1.46389265896274	0.72566151344723	-0.70385975058732	-0.49742603759192	-0.31714178845815	0.82551167383198	-1.40836637102386	-1.00000000000000
+0.47611817573735	2.04786275400197	-2.45766761169646	0.46964374305047	-0.45943915421387	-0.56010410187182	-1.20261671480154	0.01471257172211	0.89462307065800	1.46943021128415	1.00000000000000
+0.23630009122382	0.33696282489033	-0.73427498774811	-0.86979624095166	-0.22475460737656	-1.37774782512335	1.70332416403399	-0.47064185923209	0.64761820504575	-0.28715088555090	-1.00000000000000
+1.03463620900395	0.74129896660563	-0.43952231344752	0.18189545366748	1.76932353628733	0.58056111493203	-0.37347250317606	0.20110806239523	-0.96917963624934	0.56333237820026	-1.00000000000000
+-1.64300373643239	-0.27438483639433	1.00534868922334	-0.10927194900369	0.24495961109697	0.34735012452987	0.44234368656921	0.17338424128177	-0.24675987807059	2.43045692619458	1.00000000000000
+-1.95190993195515	-0.12694058670919	-0.63269971855546	-0.57467972529772	-2.78794554565792	-0.09128520882078	-0.92970886538520	-0.33356391939556	-0.26265445899421	-0.67922402364569	1.00000000000000
+-0.39495911297360	0.33123247829711	0.02207489853592	0.13062530523633	2.27473105321308	0.01956519964967	0.84114016272048	0.80743839513402	0.09684577226056	-0.02484291673273	-1.00000000000000
+-0.57752354577652	0.10639818715793	0.43957704647199	-2.21398490414301	1.62043276786021	0.85965879100979	0.67169068478038	-1.20137213173848	-1.91489501914139	0.07968855372631	1.00000000000000
+1.49409787485896	-1.48904993037483	1.05706674262059	0.35615463395956	-0.06613457029418	1.55295853444421	0.57591324105028	0.13860174148365	-0.87408971937124	0.17066891304513	-1.00000000000000
+0.83372168884087	-1.48986736485280	1.83879256349876	-2.58117412970871	-1.76850882941061	-0.26602683088349	1.06317137576473	-0.52948324313189	-0.30015777167078	1.09334658429754	1.00000000000000
+-0.13996078557312	1.01299938725386	-0.01912699399104	-1.77907634201338	-0.24614888442923	-0.95041807482602	-1.07701437929754	-0.66217651162258	0.87257805242859	-1.07313911426173	-1.00000000000000
+0.99673664140519	0.27118279713205	1.48437630532164	2.15447684019123	-0.22412300080109	0.90746294779359	0.69276799301795	1.20514201831796	-1.38185008950683	-0.36717225474963	1.00000000000000
+0.09117025900717	0.20895844940829	0.18278360897937	0.63166875894537	-0.70047197286614	0.28659995273180	-1.81226725919323	-0.57278795223304	-2.13231791888638	-0.06934498185639	-1.00000000000000
+-1.22515460736981	-0.03394937342169	-0.14042682675205	-0.28056728306635	-0.97196199029674	0.54465499374021	1.12859673498904	-0.32148711927100	0.76436539110097	-0.94981130004115	-1.00000000000000
+-1.68885450178650	-0.25119093296925	1.02351420384806	-0.50672745005433	-1.44065702953738	0.39472215957877	1.15131271823913	-1.26589385625956	-1.77448500974205	-0.22848904020341	1.00000000000000
+1.98800177323337	0.50209648045808	-0.95300990910001	2.41703986109840	-0.26894754533988	-0.08906398794862	-2.50642505145397	-1.22790320141587	0.00274378719081	0.13117426716912	1.00000000000000
+-0.44326188018218	0.05785693054350	0.53175645892907	-0.89309825056624	0.39715050306081	-0.30459523729495	-0.18118425707261	0.90090129895505	-0.03390338947824	-0.01710881230880	-1.00000000000000
+-0.07284169525339	-0.29976303022172	0.59499120806143	1.17706792843014	-0.29853865967548	0.26836736314892	0.54835646952458	0.43757513388027	1.18545787453266	-0.29689323026013	-1.00000000000000
+-0.44806676634745	0.16323161083993	1.00203097593354	-0.25631849772351	0.69917139339433	-1.18849383853916	-0.48814136634690	1.94125671834899	0.06086143347297	-0.72620845100991	-1.00000000000000
+-0.76347567238949	0.47924048514723	0.72333405949557	0.55909309025217	1.20468188168495	0.02949261802660	0.08058799389784	0.13173768381354	-1.03262537135526	-0.16016517169746	-1.00000000000000
+0.13035685743898	-0.79984416180559	0.41516132011801	0.92082301505082	0.59632789211298	-0.59567116315096	0.63233543342388	1.66169934688741	1.40132225698340	0.51569696733526	-1.00000000000000
+1.21506102531923	-1.63557215438588	0.34407498089845	-2.15305391171457	-0.62775871778574	0.89891026783578	0.50118990841371	-0.20058972797227	-1.34209743315619	1.26700074806396	1.00000000000000
+-0.84876859340260	-0.12159061205974	0.86611715196765	0.57826907339709	0.97929500968758	1.82261121483970	1.44333420255041	0.22172033270930	0.64680786102012	1.15347930529956	1.00000000000000
+0.19946601101053	0.42627301930449	-1.51721571203767	0.50253285121392	-1.88978995245177	-1.57853436425012	0.83488082952928	1.08421160819044	-0.82523556481638	0.61496721210073	1.00000000000000
+0.65040032672645	-1.40969307647141	-0.37387176780635	1.03556362099539	-0.19339232739931	-0.32087633937220	-0.96534775061296	1.78108664514730	-0.70699600990571	1.51115710716330	1.00000000000000
+-0.25432729818364	0.79538939497087	0.33987873887597	-2.23424949918337	-0.42183969496914	-1.98372334824068	-2.04421892361815	0.76735211763587	-1.58603063801229	-1.38204753013876	1.00000000000000
+0.19184287279213	1.09565752642952	-0.63670786770323	0.53952922327098	0.92015461181508	-2.33574593794478	0.17908446325005	0.65352404365394	0.37724031411952	1.12116209756542	1.00000000000000
+0.20892138584613	-1.16449264213100	-1.03211583572444	-0.55900274338536	0.70068433926736	0.44995249284453	0.62823125758343	-0.56799460206675	0.85288945665978	-1.25482542808400	-1.00000000000000
+-1.74435308694552	-1.32826398011990	0.11083482372796	0.52408706392124	-0.57135481128964	1.06041701916579	1.32604832766344	0.66089991594118	0.39517867840853	-0.45687798917419	-1.00000000000000
+-1.03489289223832	-0.00633419218934	0.32395848270029	1.80868073980686	1.00326554324206	-1.25133178372417	-0.43498185136999	-1.46428558663881	1.13564773087095	0.05589567389581	1.00000000000000
+1.53870055826815	0.95908188199894	0.39246084306811	0.79796659339145	-0.16852283210048	-0.54907030635419	-0.31785390795435	-0.95878767813031	-0.94001750104648	0.80829483150270	-1.00000000000000
+0.16620160387902	-0.67942956728010	-0.83524415607611	0.00498317401427	0.62027220356127	-0.30270528564558	-1.26940957215064	-1.20413388770734	1.19112024339187	0.50210403246839	-1.00000000000000
+0.49174134719501	-1.58055396454994	0.89493603512812	1.10964361262192	1.76885890865354	-1.07986683504821	-1.05071828266033	-0.40618875046843	-0.75379524910355	0.75921196132307	1.00000000000000
+0.99983623526582	0.21608698887621	1.44974334231250	1.36610166860128	-0.29589425131099	1.43279916134849	0.18076297693769	-1.77972264058907	-0.15240829653548	-1.06947482293494	1.00000000000000
+0.70517046936561	-0.63847042242779	-1.14970140501745	-1.45679573947281	-0.07165294253883	-1.19332206683017	-0.14650852304151	-0.64311841712392	0.12209600976939	-0.28852794420189	-1.00000000000000
+0.79303313962966	-1.29106714345597	-0.78833708768172	0.05059473951428	0.39992420591183	1.45330883546106	1.34307956029283	1.64416639452445	0.45495792796228	-0.30879423167591	1.00000000000000
+-0.22257949031506	-0.04866080587119	-0.22461811857689	-0.26814241093856	2.46808741059881	0.13220190412861	-0.50062378866111	1.65409988164519	0.67413415512604	0.22983961765991	1.00000000000000
+0.33783946997484	0.63373325533499	1.62715210642164	1.05660994721914	1.17096772804651	0.26825627349635	0.25416729544187	0.12460623991957	-1.33209410979870	-0.22561011032537	-1.00000000000000
+-0.19431197097718	0.78722499867400	0.15765170098923	-0.87337282398865	-0.69204509384105	-0.01809646178420	-0.64146496680314	1.78119336429569	0.31577368994676	-0.01339285321053	-1.00000000000000
+0.21163678828212	0.69217033323743	-1.55627638534418	1.05537917383604	0.83012596246980	-0.53446515405301	0.69026545853286	-0.53008410181808	-0.66183093611049	-0.61363531274957	-1.00000000000000
+-0.13403875870456	-1.01986058349151	-0.14675366434579	-0.33988565897722	0.42952342988196	-1.02485586917838	-0.43999931546214	0.83263427470378	0.14655148113243	1.42273594840747	-1.00000000000000
+0.64416417037482	-0.57854692147168	-0.67264236969084	-0.35221006378876	-0.30915394556387	-0.65011475889514	-1.41170696077063	-0.17877515465257	-0.82465828339965	-0.53460821972764	-1.00000000000000
+1.14945771815103	0.20670476755088	2.21739824761866	2.23153796529598	-0.83938098898989	-0.25699032972660	-0.94748986448269	0.01888800356880	-1.70871318385964	-0.70823330175532	1.00000000000000
+-1.09194700081244	-0.21533974468980	-0.99723422303208	0.65858543467834	-1.98172292221202	-0.63548477464124	-1.33415695908234	0.17076555517622	0.34476688701654	0.50047254584198	-1.00000000000000
+-1.86796947978131	-0.71587254286861	1.47872702837772	-0.15713284752506	0.07610480123756	-0.34989721997703	-0.22425924718475	-1.87215374674180	0.04817400566732	-0.17361625082372	1.00000000000000
+0.55656202650929	-1.71695646778683	-1.33804857300272	-0.66950007327820	-0.48915628851333	1.70082684113264	-1.40443871479414	-1.74797545727744	-1.24993265265420	0.19980997416467	1.00000000000000
+0.14359443443136	-1.04611409665831	1.62241212044100	0.27118508787869	-1.31730912548153	-2.97284840364844	1.10434355229459	1.28305596148391	-0.63206014096587	0.35827013673058	1.00000000000000
+0.00229010636132	1.17448579773923	-0.17906546093941	0.27292182436540	0.57279498778805	-0.23382244332003	0.30903433056050	-1.44157606566960	0.87457723609818	-0.10266651653018	-1.00000000000000
+0.12499660645709	0.20070286108305	-0.30368207914476	-0.38589166772177	1.40871595836394	-1.12200637223085	1.28961128745458	1.74036090304126	1.48685864148635	1.47250683169319	1.00000000000000
+0.91541468445000	-0.42966415863300	-1.22417826322486	-0.54519226766495	-0.24635307332361	0.65272084981249	-0.31228538902106	0.73090584110819	-0.11836341612260	-0.86398416348172	-1.00000000000000
+-1.10948717843857	0.78638820155552	-0.74055820447765	-0.66003601577569	0.37930418696288	0.54878887312178	1.48360893940812	0.51521062099573	0.76841910142817	1.51922801212891	-1.00000000000000
+0.84139716634921	0.12610385877769	1.28302043710887	0.49762276107401	-1.15564122935333	2.28392791790376	0.35902464673631	-0.24504435141982	-0.59948112592298	-0.01303159821838	1.00000000000000
+-0.52295942440942	-0.30451829400805	-0.94684934229643	0.14835509068293	-1.76574860488898	1.47459316524768	0.40563530389301	-0.39852001298642	-0.57160612959853	-0.16639812329847	-1.00000000000000
+1.40674610745582	0.96239872777162	0.35393650699971	3.01814597684664	0.50375999725730	-0.88233372969080	0.00613756060003	-1.15030505124435	1.70615510104915	0.35375607417563	1.00000000000000
+0.87051227364485	2.40513633858941	-0.39263264725086	-1.98383652601080	-1.31568373610517	2.00113059036992	-1.36069221771671	-0.39136937986716	3.13606227266748	1.70830350772629	1.00000000000000
+-0.13561005781818	1.25667652672944	-1.11792613481771	0.37790121451252	-1.33059266779155	-0.94570146208792	0.90986728054540	0.79688422959185	1.11778667970622	-1.23161942074052	1.00000000000000
+0.95353171310207	0.81377985771741	1.64775644671902	-0.63969665966242	-0.09390715725968	-0.79512386621787	-0.92041658436387	0.43304810107967	-0.51549919044548	2.97075477575023	1.00000000000000
+-1.28461179820918	-0.12657829311054	-0.32601677359443	-0.31902477573797	1.78722871742734	0.44071073552630	0.53743478540842	-1.24072173440353	-1.70902595896221	-1.96814777295713	1.00000000000000
+1.33395436302316	0.60486436973653	0.85900683759185	0.38888571071967	-0.76683640385661	0.07229364665195	0.96559176975961	-0.83800564205865	0.41245694691263	-0.54785586835017	-1.00000000000000
+-0.09472900197794	-0.64622108579346	0.01824810393941	0.17044877912187	-0.15268334500366	1.28799069639241	-0.68620155724750	0.31547301854823	-0.51654216781229	1.15495733991704	-1.00000000000000
+-1.08368141059973	-1.04916122105256	1.06343766627663	0.24112691779560	-0.68843145875600	1.33346300320994	-1.26466526472351	0.93259635541182	-0.05199842043189	-0.86146042076364	-1.00000000000000
+0.09185053531403	0.29790410323983	0.34867546349998	1.14036221638643	-0.68969393628132	0.71034394683431	0.94567281100827	0.11237897791841	-2.11623634888797	-0.78254348179527	-1.00000000000000
+0.09714014290985	-0.33805634681249	-0.56543321984997	-0.06472880411155	-0.98384333384845	-0.64277544326399	-0.52943647744652	-0.15934331455808	-0.14230491328613	0.65950123636817	-1.00000000000000
+-1.93266364933150	0.36675874728554	-0.03150399557091	0.55297986259570	1.83519109162249	0.55310814013597	-0.52158601391275	0.33361921446369	0.12200869194951	-0.27383344959367	-1.00000000000000
+1.03680920558161	-1.20206157291352	0.74551625225954	0.21486773609283	0.80334571571992	0.11737961445049	1.16607725147003	1.12705464890204	-1.56329784875691	1.28653120516771	1.00000000000000
+0.65420757108021	-0.30063136466531	-0.84165350088024	-0.12348346695814	1.10996302455556	1.82946819303209	1.29673234437883	0.19685136965776	-0.55225155540877	-0.55645760907635	-1.00000000000000
+0.30328351326634	0.12990537437268	-0.42814718006567	-0.34506189026093	-0.98279021558778	1.67487180806969	-0.35143413286865	-0.07110162965761	-1.43842457582955	-0.07368118292188	-1.00000000000000
+0.76666461085258	-0.18912958657433	-0.73580601863989	-0.03854192027027	-1.14918643364017	1.40433884118811	-0.20488296929327	-0.24976744317790	0.77486945480828	0.22675662364308	-1.00000000000000
+0.02369251887864	0.41336592049044	-0.00570541426948	-0.78315352945174	1.37921639113187	1.45590358920100	-0.62159950696354	0.10332768127511	-1.72245985046913	1.10890420137986	1.00000000000000
+-1.18601743659802	-0.26783524146745	0.81924200888636	-0.32526503477797	1.95706740518632	0.17140180701306	-2.17211203687210	-0.26852183445271	0.78785860836479	2.41680985891809	1.00000000000000
+0.54483324170230	-1.53621774647275	1.27677317758840	-0.69063731047073	1.92785659690701	-1.45024921015803	-0.06781446882861	1.29067089531748	0.56353419696565	-0.32330578163458	1.00000000000000
+-0.28961377997669	-0.67837732530919	0.32761073359109	0.88762526476072	-0.92981190338834	0.40472852319738	-0.34633966324906	0.46943716411495	0.49491317076630	-0.77208083268657	-1.00000000000000
+-1.37816832451170	-1.97770882202260	-1.03120057277857	-0.37230039282996	0.16856255113676	-1.03197976604203	-0.18739286315139	-2.46288225530915	0.29871877528651	-0.28036134309737	1.00000000000000
+-1.79535990844949	-0.49307785839912	-0.07218948926599	0.43692373763750	-0.65594790920227	-0.26494360310957	1.29941165256236	0.90459012272874	-0.26738528211473	-0.09246123286956	-1.00000000000000
+0.04123022884447	-1.20462115400371	-0.13900299482537	1.76739210630769	1.22097908503502	-0.00806061583777	0.07009637584255	0.79273796252784	-0.64412638631489	-0.02830723543664	-1.00000000000000
+0.72067875386891	-0.49034131649956	0.76868287617621	-0.44092740794183	-0.83459244730611	-0.74076227006066	0.10414836412319	-0.55825806405498	0.37375235875203	2.52812366530612	1.00000000000000
+-0.85418560157273	1.21156316042252	-1.25606362541035	1.05579153132067	0.14385294370203	0.26767981025496	-1.59038544647819	-2.59370608179092	1.53432601973006	-0.81154511226126	1.00000000000000
+-0.63568165453965	-0.69965188539356	1.31218321109321	1.47579234933030	0.19811069011260	0.37745699171921	0.89827244691132	0.26395798367842	2.44435183188942	0.17538145482389	1.00000000000000
+-0.48230810182283	-0.54535698460163	-0.35340966876819	-0.35679304717694	-0.35217244289416	-2.14823860864989	-1.04525387776847	-0.47204065889445	0.76619722818668	-0.90001690447761	-1.00000000000000
+0.21488163140059	-1.65752353856457	1.99586996909768	-1.70421267804597	1.55799636882300	1.71138585066668	1.15239224312260	-1.06866508804110	1.06425949859814	-0.53400746679716	1.00000000000000
+0.97066626032149	-1.14129954549106	-0.50471748422123	0.96215056377442	0.16766529371880	-1.71632038687656	-2.32496576381096	0.29842706492368	0.71902318263342	-0.69408260095285	1.00000000000000
+-0.45791046735156	1.40568664424745	-1.64717746300703	-0.18810383534483	-0.37967956701258	-0.14705722007546	1.09438782001229	0.00783202107010	0.01550037276307	-0.60798619982192	-1.00000000000000
+-0.01885248011744	-0.26128869170686	0.97311366435834	-0.68032302577034	1.18601389944967	-0.96499666943928	1.45918313057890	-0.67726127079514	0.09153320596603	0.55345000477476	-1.00000000000000
+0.38618299890419	-0.86171675690076	0.31592924807458	-0.09011678875722	-0.23079139154092	0.06721240539590	1.02915440450507	0.07429007359225	-0.02746869632249	-0.98917568568007	-1.00000000000000
+-0.42040554254423	1.82758173611629	1.53217315513698	0.15212353398855	0.97674227856445	-0.84760119512801	0.66279475992772	0.85773015368308	-1.56987608555213	0.86236500313874	1.00000000000000
+-0.19122427071255	0.71598525970944	-0.00855431178576	-0.52876310070136	-1.17153854180958	-0.31852507724263	1.04211816025666	0.63305278912030	0.01860378284357	1.48762309419591	-1.00000000000000
+0.44105965925282	0.81024545094848	-1.22759779518725	1.07129952936316	0.78892125936330	-1.82766010382403	-0.71618608473795	0.64998915785401	-1.48881270344946	0.85289362730458	1.00000000000000
+0.15091586448855	0.54981300862672	-1.13863744401421	1.37272956650266	-0.33144300339899	1.07656079959915	-1.29857896453785	-0.45118663563805	0.40571364547544	0.76583384203851	-1.00000000000000
+-1.60132639233866	-0.24721542043284	-0.69005664865103	0.63195558409176	0.73466841227599	-0.33482552411208	-1.52271048175022	0.25585721233143	-0.78154534344644	0.39706676631634	-1.00000000000000
+-1.06859084880992	-1.82824481558717	-0.17849197966536	-0.22688319748234	-0.47890431664829	-0.48493042383618	0.67821120553763	-0.04773610274001	1.84662595079940	1.18216056689267	1.00000000000000
+-1.26402072644131	-0.17712742814553	1.34496071908339	0.71259520982302	-0.23419912143306	-0.07727515642088	-0.72768174248603	-0.37429852098763	2.03468581509452	0.32653963324888	-1.00000000000000
+0.08337866759768	-1.65995931532436	-0.44433072712569	-0.30327575043912	0.35000646061649	-1.23058821452282	-0.00281404562552	0.39349144460743	-0.04639599278059	-0.13828859150790	-1.00000000000000
+-0.90903849258835	-0.68323748871424	0.75748396225920	-1.32986754953058	-1.54673885855561	-0.03243932368008	-1.16803108450917	-0.79204517279257	-2.19545036299404	0.00337651146012	1.00000000000000
+1.28741562846001	0.80269764916686	-0.97770897798189	0.72591103718034	-1.15033690324721	0.14953267287344	-1.69211242071688	-0.37346759769590	1.60910418966301	1.29339494619782	1.00000000000000
+-0.58762692138867	-0.29927005189391	0.93862116847293	-2.19475949872174	-0.59797665240522	0.12062765460029	-2.38698149292543	0.13793718083389	-0.58564915600055	0.08185543686271	1.00000000000000
+1.57904685933921	-0.16553896221295	0.10093352560454	0.47491742478229	1.20974476593294	1.07759721923999	-0.67345061193104	-0.27554537242664	-0.96109785636644	1.34726023113898	-1.00000000000000
+-0.06750389313498	-0.17624622176401	-0.81861143922306	-0.19184146570230	0.24519243892117	-0.04283036189586	-0.26293193103213	1.61776277689591	0.79365337743377	-0.08262713233851	-1.00000000000000
+-1.86419630117836	0.16896296913157	-0.84907839445272	-1.43014880632046	-0.50264251698058	1.76764681062503	-0.21623021750883	2.53764434587313	-0.59168979996017	0.32803656496920	1.00000000000000
+-0.53874206936331	-0.19042135673200	1.89813293862215	-0.34851428084425	-1.07172054854330	-1.48675239966790	0.70355563021622	-2.61575875998701	-0.97343411265797	-1.00100214491986	1.00000000000000
+-0.88570367281956	1.64132391250559	1.26312407327443	0.41265505365701	0.49811148679514	1.00466723076471	1.03189013209012	0.21118400232863	0.81091925435989	-0.96956553537362	-1.00000000000000
+1.37611234501396	-1.28841453364281	0.67599613540522	0.37878192733863	0.77647851549928	0.78697469133404	-1.45466492208612	0.34153886013696	-0.24372345114487	0.43000935400484	-1.00000000000000
+-0.62705966584397	-1.10389861249583	0.91549765734508	-0.95226576538121	-0.29548618069654	0.32437628776565	1.35819091827475	0.97857639737402	-0.13404898278059	-0.32239936034742	-1.00000000000000
+-1.93024225929292	0.25818139388482	-1.26853898938771	-2.68523454234983	-0.17326054664777	-0.26113684861595	-0.25696322237462	-1.26777078329039	-0.30908562124806	0.25520216002983	1.00000000000000
+-0.78489537796347	1.18891936094091	1.44975912882837	-1.54914568353274	1.36611852839063	0.77623034596158	-0.21789210859115	-0.89303936697811	-2.19704164666400	-0.68824767623663	1.00000000000000
+-0.14521601695469	-0.48433373238905	-0.90346766068964	0.23194162960232	-1.14433686632808	-0.30612438381483	-0.45189960589715	-0.25078750413708	-0.74561816070045	-0.35619082523483	-1.00000000000000
+-1.24755554537604	0.40107972701931	0.84501106146486	1.21687682869029	-0.27287893952708	-0.11995752072913	-0.00875677729071	-0.86896411028979	1.37090971434072	-0.09204664744978	-1.00000000000000
+0.03428658733504	-0.17842798804653	0.18603327644051	-0.51854622347597	0.61228455156621	-0.20042795002441	-0.90593766994595	0.17448537978122	0.44032066476317	0.64531454107852	-1.00000000000000
+0.39790201360833	-0.07022271748340	-0.00531390320482	0.36054415023877	0.59567258676802	0.30118388742832	-0.42409166122692	-0.23123068767923	-0.05426503890107	-0.63643283612795	-1.00000000000000
+-0.54663399278401	-0.16828926460192	-0.72252451208390	-0.93826502945952	-0.60368831019124	-1.63225547231615	-1.80063798655374	-1.13561181719186	-1.65573047355788	-0.18600251765865	1.00000000000000
+-0.00843408214890	0.26597584736773	0.25763167123951	0.22817106899064	0.34367187827156	0.01867218631392	-0.08329435618316	-0.07212857948830	-0.99869972136422	-0.42275545837506	-1.00000000000000
+0.07025068483169	0.99522135806367	1.33243781840808	-1.67352419753670	-1.31811120221954	0.59647166673681	0.69243187273516	0.08269569129496	0.94044372823712	0.50773390608198	-1.00000000000000
+2.61306615895123	1.06541285270394	-0.16840260694318	-0.85315262417633	1.08177124014448	0.92168544013696	0.14027287563950	0.27783458723292	-0.32166816068922	-0.10082455237596	1.00000000000000
+0.77631511854212	0.54126556334597	0.75839793841564	0.16901852017897	-1.35035019120683	0.07041260807526	1.71250817793430	1.91647244241545	0.26246140564333	0.70668022626348	1.00000000000000
+-0.76915277032510	1.01607919182263	-0.99757301913218	0.76980710284181	-2.43632595800111	0.95282829496730	-2.13024356615735	0.26325619035097	1.27424828770627	0.71004295927634	1.00000000000000
+-2.42841260610834	0.31017590659522	-0.55459919358303	0.99729823760013	1.40927417436250	-0.71745096543106	-1.03708610910417	1.19602690800370	0.34767278293554	-0.43052796228228	1.00000000000000
+1.41162518361506	0.24567090526171	-1.67779458026650	0.18192929255826	0.56563930434528	-0.07073589966787	-0.70092024264926	-0.79399490933070	0.80180069739410	0.03638895425590	-1.00000000000000
+0.92185865444089	1.31967478577992	-0.23540567893851	1.94538538289024	-0.12222897460593	0.49673004441477	-1.06909520234568	2.73674710603718	0.06020147308925	-0.48209696284811	1.00000000000000
+0.15578422823582	0.66338896538242	-0.10881670670685	-0.47011084528651	-0.86318668223766	-0.40066718200504	1.21866469297585	0.07019824463525	0.26056435352508	0.42114417563618	-1.00000000000000
+-0.80061765621333	0.26095301259791	0.64154083556857	1.99158969651294	0.42826463691994	-0.35472212379794	-0.77568830428170	-1.63837000413732	-0.46114544215662	-1.38646873862944	1.00000000000000
+-0.11249272118300	1.09406516565865	0.98619194198101	-1.46379630517821	0.23912943530907	0.06958500209323	-0.09869432833032	-0.40164153022248	0.29581550552330	-0.64007203376934	-1.00000000000000
+0.81133807606288	1.14646020238691	-0.60837964323354	-1.92353675683471	1.46418410870814	1.14040163494767	-0.45200920325569	-0.28162069477231	0.65860284469938	-0.69754010680418	1.00000000000000
+-1.61259360156914	1.88147194740213	-1.04536084586749	0.72953795710124	-0.89059309945441	-0.92849836360256	0.95349975377414	-0.28771483699164	0.35536642022261	0.62004733452920	1.00000000000000
+-1.44512334306216	0.21758766578453	-1.45016869884135	-1.27624308135787	-1.23672296697985	-0.27251828809005	1.50391790475750	1.90127569408810	0.52565584063964	0.07454197106152	1.00000000000000
+-0.60267387974295	0.61723406348955	0.47960944984744	-0.26546225051321	-1.16611107699584	0.43357110968556	1.98336747437342	0.62388069152556	1.91063113009543	0.72803464336386	1.00000000000000
+-1.55164097688594	-0.15870457405460	1.73734404072387	-0.76621594998325	0.04460285546658	0.64950231230639	-1.53045305056654	0.36946341017271	-0.58693858189639	-2.75168346035403	1.00000000000000
+-2.24182111797971	-0.69116251623823	-0.34501250398982	0.39701889659024	-0.87038164055890	-0.30553505990553	-0.51479626086531	-0.97744944191123	0.26707812676698	0.33998657136231	-1.00000000000000
+0.83666312206407	1.00501335600885	0.37980329871808	-0.48644396154892	-0.63774244362193	1.26054668172915	1.03821182869855	0.73005791325960	0.47478695731436	0.44535274589245	-1.00000000000000
+-0.60184538055788	0.91786358540465	0.73524850553371	0.84900085824738	-0.98596882382222	-0.36175436309800	-0.54806265099606	-0.14330370441590	-0.11317459052139	-0.97433804985901	-1.00000000000000
+0.40276552272681	-1.66955805161322	-0.48843040316345	0.79116168326405	0.22185246933478	-1.40072233146391	1.08030776718710	0.35764597492843	-0.45018579522469	-1.49312946136344	1.00000000000000
+-0.76161843745451	1.15585139764185	1.16012026338626	-0.85828136377656	1.38131208488742	0.19192890360897	1.49922227108426	0.42142679033355	-0.74470213303981	2.05268145208156	1.00000000000000
+-0.44128458964031	0.00402309096786	-0.12171052541424	-0.60463832018061	-0.03037979639518	1.24358967709296	0.56877044437342	0.86826462171289	-0.83990859966480	-0.27736964168487	-1.00000000000000
+0.12611689408386	0.59336209020753	-0.93733161864513	1.12191822531625	0.02202415757424	0.12299419951807	1.17726096568883	0.23142022573327	-0.88445925686154	3.02007217598857	1.00000000000000
+0.13180913344819	0.73937443606488	-0.12219436004440	0.05347233656905	-0.75393584711285	0.97230609184871	0.54206662638157	-1.14073699757979	0.24071436687991	-0.11106408052131	-1.00000000000000
+0.03304171433882	0.75671795620331	0.22334498236848	0.25746668886036	0.23965505125694	-0.83238666457484	-1.74078253421490	1.31386877770716	0.18310694460487	-1.09453700721278	-1.00000000000000
+1.17926923797349	-1.40335191485224	0.63947077491199	1.72444632858891	0.64535085830496	-0.96442291824215	0.62455650789065	0.72281426507070	0.96958832673023	0.17817003354139	1.00000000000000
+0.35022657281323	0.77873560463853	-1.46000880778511	-3.84638482537333	0.59483754737374	-1.79571957614597	-1.69925878525408	0.28441446595455	0.26760772103767	-0.06916459855886	1.00000000000000
+0.45347684441715	-0.17984331455831	-0.85851550995110	-0.35007856009940	-0.49227263835016	1.52115890863028	0.13009011086601	0.69877130346543	0.23036333114733	1.97436459657570	-1.00000000000000
+-1.19048567899760	0.24633639683761	1.67313866490730	0.50089068674570	0.05294084258918	-0.26042355694310	0.20360022214885	0.83072604047421	-0.20210321352166	-0.47595599546462	-1.00000000000000
+0.02504840392883	-0.32545839267005	-1.81685842147394	0.67617043486594	0.64749519757581	-0.07458128211314	-0.55693415942821	0.01052778312159	-1.25007279732619	-1.45151044146327	-1.00000000000000
+-0.36180446230569	-0.01268814669405	-0.32254964000526	0.96492882835886	-0.01641987165663	1.05545399749547	1.02307908533746	0.13620382933093	0.56631836139279	-0.71205957138811	-1.00000000000000
+-0.83564875389153	1.39494517244473	-1.43389520157034	0.07894596324821	1.64183012789061	0.17519380751505	-0.36043429561514	0.44395253956750	-0.15780853432219	2.48162209489867	1.00000000000000
+-0.41396869669179	-0.83527573608986	1.44344814222708	-0.31478825517511	-0.83523651098571	1.18348391043512	1.80817568274467	-0.13225375138203	-0.13896738348763	-0.25416517475403	-1.00000000000000
+-0.02521451659898	0.15321997267848	-0.55337358115212	0.00840417863711	-0.06315777233883	1.08152264003139	-0.63454661050767	-0.55145494987862	1.28386163197819	0.76948476694207	-1.00000000000000
+-0.16564360018733	-1.91274168121330	-0.18065817092167	1.58757526739725	-1.34074733303242	0.52528386343275	-2.20816970913497	0.96688855597916	-1.82839596124948	-0.26538511920616	1.00000000000000
+-0.59275970335917	-0.04380000288378	2.43497347746134	-1.02797755328212	0.21158741778318	0.79201904517610	-0.51188399133411	-0.17137550747661	-0.73796386947027	0.73660408523180	1.00000000000000
+0.17204731997186	0.17293368312078	0.00096967153752	-0.36051709400650	1.46508790133133	0.00082614245173	-0.43582629633698	0.17304862343160	0.59934550355170	-0.24247666290718	-1.00000000000000
+1.07142257737879	1.10170588528259	0.10677464203320	-0.05265326123739	0.47290603587732	0.42968381411504	1.30015298818092	0.83630244430424	0.66585559741463	0.17639199991862	-1.00000000000000
+-0.03684049700473	-1.25983407242467	-0.20442646927786	-0.31342486366831	1.45675466883231	0.16332786125699	-0.31008635775710	-1.82392064807226	0.78460624034170	-1.18370303283128	-1.00000000000000
+1.07546663484979	-0.06194013995088	0.97835810602244	-0.47053881378068	-1.01741678820748	0.55616577796262	-0.88640063107190	-0.70277684223123	0.21173971865169	-1.78575358404835	-1.00000000000000
+-0.56406525906013	0.59035371196498	-1.22620238459242	2.80298193627834	-0.53399326310573	-0.59649143322455	0.31677604183809	0.33313105801408	0.49503185918453	0.02504831915871	1.00000000000000
+-0.83030403491870	-0.57760790553430	0.01527307444741	-0.94990428780371	-0.18474344940654	0.26169494915013	-0.02294636635055	1.56581414996968	1.48336661123363	-2.28805079154536	1.00000000000000
+-1.74136224743548	-0.02226359067220	-0.06307323588598	0.83712465127310	-1.73803357509154	-1.21318939589614	0.86156922555233	0.45190790445940	0.29985955838097	-1.06222178586338	1.00000000000000
+2.12373052850507	-0.36613971958700	0.94174404340676	-1.44172602977168	-1.34335970980749	-0.76048289937862	0.53854491493045	-0.45427262063264	-0.54218891025938	-1.41026431375331	1.00000000000000
+0.38230462936735	-1.27680251526227	1.06152804062631	-0.81514918711956	0.69696042777500	3.02421548190855	-0.58254285083588	1.21466137245793	-0.92065661540628	-0.85581300919230	1.00000000000000
+0.99328232213818	-0.74582023574362	-0.26602562570359	-0.05511233045482	-0.53951053630044	0.60397609148670	0.73455819706455	1.71852825386528	-0.15968089248094	-1.07653962126700	-1.00000000000000
+0.50447152786577	1.19883555982389	-0.93548675147985	-1.34900193184093	-1.67659641272339	1.91903559266006	1.33972778723094	1.00714309938995	1.10525180428649	0.59139118025760	1.00000000000000
+-0.59724759861231	-1.34705516428502	0.39672033870690	0.48242632716183	0.54020225553998	0.17609668144553	0.10943831843630	0.16596540181215	1.42960346799354	0.29071041451317	-1.00000000000000
+0.40274666516873	-1.18794500078941	0.26725373299956	-0.77759281297859	1.07802940530292	-0.13545291625910	0.96765106750013	-1.24880296619282	1.04829955318241	1.96362441974608	1.00000000000000
+-0.43013677515097	0.23491937108585	-0.59878436897987	-1.63110392191554	-1.95932718681548	-1.29431202150559	-0.39974084201316	0.10154730175285	1.23666619306365	-0.11268154583545	1.00000000000000
+0.77388853956479	1.87941946565176	-0.72272975486600	0.46600206794959	-0.18321302973167	-1.71048423631540	-1.22860699659603	0.17497814029161	-0.15279987417906	-0.01985306270544	1.00000000000000
+1.46836765215813	-1.13587444132022	0.10123630846079	1.61604569547466	-0.62393950786525	0.60625927792194	0.14503376884367	-2.31343042035650	-1.01965913832268	0.39839834330834	1.00000000000000
+0.12824240524039	-0.20751238416372	-0.03902295538075	0.82179333415248	-0.80438440657561	1.32111979791927	-0.88597845087222	-0.07245381113931	-0.85545789174116	-1.46778774031685	-1.00000000000000
+-0.95323198565171	1.47446949621215	-0.30373251505795	-0.03937945770688	0.07400990024252	1.03386846849028	-1.92320739614514	-1.22320180762813	-0.63268433919936	-0.77468573801119	1.00000000000000
+-1.06657850668569	-0.13107368233940	1.08805532662215	-1.38032625177496	-0.38526010805082	0.21203170518244	0.54087058370482	-1.92341530221879	-0.14851092107018	0.64392053070636	-1.00000000000000
+-1.06770485905715	0.67403254047344	0.84169471999140	-0.42916806949872	-0.19748725266491	-0.25451479123701	1.45302112635612	-0.74101380273764	-0.56219121764559	1.02392275824906	-1.00000000000000
+-1.10765936946636	1.47512261469329	2.25553821626022	0.76424648116744	0.46910266950230	-0.89057087279089	-1.35271899856816	-0.81913870185411	0.54296506881760	-0.16088307458174	1.00000000000000
+1.04229784254102	-1.35388953192285	1.73740901462022	0.08549051969117	0.27552474906026	0.25145904398686	2.13689549515171	-0.29930970210378	0.43268106325492	0.39329447863325	1.00000000000000
+-0.52482666889734	-0.02309976967110	0.76693348532448	0.10535083524424	0.36308033294622	-0.93649530086646	-1.43534111100047	-2.14733884727331	-0.78484315044080	0.58279442346634	1.00000000000000
+2.28492094743635	-1.29672635328585	-0.54954728013688	1.09310465654167	0.01878488610906	1.81302861861836	0.77578684102869	0.61440268551284	0.93115587974083	0.23144688632108	1.00000000000000
+0.39728521820833	0.17209494805891	1.92749095361401	0.61999704355507	0.65613948468381	0.35185550936402	-0.18950984557937	0.35034004904216	0.71898554672560	-0.13528621429990	-1.00000000000000
+-2.48140226706840	0.50283306279873	1.40403710198552	0.88677126047930	0.23901582663307	-1.02257129972908	1.11946154619343	0.53589744399323	0.94429439973788	0.01714571071452	1.00000000000000
+-0.72423206893264	-0.96908010776222	-1.56834517606579	-0.29035290144488	-1.17630051214219	-0.50683702457098	0.61406317501220	1.36989860443922	0.14340343807954	-0.64666011622367	-1.00000000000000
+0.31890393463767	0.24338754018663	-0.50866539051956	1.00730561880633	1.32932047790524	0.95973568352637	-0.51264889828130	-0.58208942689478	-0.08850796130998	-0.12590860222379	-1.00000000000000
+-0.16451647166880	0.70031291459233	1.01814043296582	-0.65022490137974	0.63014745744973	0.04467236322218	-1.07131424777045	1.69254117867389	0.51143834858942	0.89142332678509	-1.00000000000000
+-1.26884414749439	0.84601781141751	-0.06044190643144	1.21971180872198	-0.13481981661980	-0.31707023659696	-0.54531388530810	-1.49654108297417	1.31008490926608	1.47039722591759	1.00000000000000
+2.81289865048437	-0.67316590069498	0.43903747231781	-0.20305847877331	-1.52003853665902	0.02466455948901	0.24344665255267	-0.38777388649614	-0.66485105215744	-0.03668489483258	1.00000000000000
+0.54981868865571	1.27952137910481	0.58516454174049	0.20494709005996	1.47500700051151	0.29881744302973	0.69458547744860	1.33628721755254	0.32928767047252	-0.85749501323173	-1.00000000000000
+0.66662803864861	-2.44350733641676	-0.01659705739305	-0.75813473920557	-0.38584368101782	0.86524774384941	0.46956652067218	-1.77122693051773	-2.28480122047606	1.98280742474311	1.00000000000000
+-0.02537063503730	0.16865023211753	1.28955782517640	-0.68060416198537	0.95130462060352	0.28307035998753	-0.76437659925314	0.24445650851420	-0.45100826616238	1.12696436008565	-1.00000000000000
+1.06642393697405	0.15108439732066	0.81876114763873	-0.76863864133496	0.43475048591770	-1.16979135965089	-1.13324237822885	0.77304290214352	-0.92680808460864	1.25571243407287	-1.00000000000000
+-0.41087210364845	-1.50248593482331	-0.77465918771269	-1.29278593466030	1.80627363824905	-0.29326360189520	1.63827562701872	1.32605018517069	-1.74954617568944	-0.28484241750417	1.00000000000000
+-0.21270310282540	0.47887579417530	-0.10334142270110	0.50299705538570	-0.74326529522811	0.37994978974389	-0.41017092441894	1.76437286552494	-0.23930460329293	1.47331119497351	-1.00000000000000
+0.50520637085420	0.85753316633089	-0.47433255127538	0.36705901087819	-0.99976232241607	-2.09041146121251	-1.09094705469606	-1.03413027496006	0.55814065947546	1.89867540617289	1.00000000000000
+0.93428857511009	-0.76538779277734	-0.36511775553353	0.90551954174778	0.63733937792405	-2.16286037759054	-0.03589739646116	-1.03616644713558	0.91955190701387	1.05928706464863	1.00000000000000
+-0.37885127834230	-0.95477845828997	-0.78090478465366	0.05467439390778	-0.61911272291102	0.76525962609510	0.04402913878807	0.23626725570147	0.66641997454907	0.46936794445807	-1.00000000000000
+0.19449536879855	1.22106498218497	-1.15380014269656	-0.34902372872026	1.25490811522312	1.51115137404343	-0.02818807748537	-2.12520523855651	-1.36675097916653	-0.24163700799969	1.00000000000000
+0.30732653090792	-0.96730999998259	1.55274990028029	0.78179512239494	0.02081735238432	0.20951064799832	0.78591567149578	0.42339842111944	0.38536937819289	1.12450837007645	-1.00000000000000
+-1.82183172772078	0.07909055849994	2.51739118766067	-0.32931824677210	1.19359195007241	-1.85734058168513	-0.61024446967671	1.46875142554168	1.72042521164494	1.52384012949808	1.00000000000000
+-0.03070882690396	-1.09039723689316	0.88621589915519	-1.21205120523605	1.86613650478642	-1.14958375774863	0.63782642404392	0.40983419554592	-0.08171591324234	1.66519066156482	1.00000000000000
+0.79464359618876	-1.48098722924581	-0.09896137591907	0.06380084249243	-2.24040358984584	-0.82933902001127	-1.90747479539689	0.49856907047796	-1.76553470906222	0.00535314484502	1.00000000000000
+-1.45859339084527	-1.21752267114040	-0.08630275617156	-2.56823946831104	0.44927068816761	-0.19487932091662	-0.54061906950995	0.42528009804994	-0.55135423728249	0.85526936225702	1.00000000000000
+0.38677271334175	-2.49970547578388	-0.68512203475523	-0.33849965172763	-1.83659119922510	0.92753552416369	-1.10397804611499	2.03656831910867	0.74645367441207	-1.05582726521069	1.00000000000000
+1.47770527918277	0.69058476953682	-0.83473177587011	0.13169769254114	-1.78981218907750	0.67775348991661	0.74490291971362	-1.31147437729885	-0.64376312483539	0.47781875048690	1.00000000000000
+-1.26280816112105	1.49148751252347	0.21429063072098	0.29768113217589	0.32331344869112	0.38343339649921	-0.46239863444841	0.06819907533695	-1.76493500689252	0.25426036894510	-1.00000000000000
+-0.39117949859808	-0.82357873095445	0.32416650283889	-0.79860404152344	0.34445746829871	2.24225145438883	0.32873119838661	1.07072662685811	-2.14181036242989	-0.41838774529626	1.00000000000000
+-0.22289240779400	-0.68549767110867	0.00816911194555	1.61274980218939	-2.04957313140956	-1.95818519851870	1.51104483313180	0.95889899540074	-0.94342153635240	-0.16976159546356	1.00000000000000
+0.18987495343842	-0.17409094872632	-1.47108640905299	0.11606022760862	0.99572062837900	-1.32653333962906	-1.15932908812297	1.29541676869694	-1.23322218526827	-0.51650426805610	1.00000000000000
+-1.84051509587457	-0.67217325555179	0.22144419328601	0.62714145211257	0.28511059783346	-0.85175448116414	0.54041634190101	0.58542650685952	0.43538407023899	0.67558648962287	-1.00000000000000
+1.00244293584099	0.30781855090506	0.99391473852471	-2.45993843637052	0.78799107572592	-0.24554442938629	1.25697333759312	-1.32959234275352	0.19290381729929	-1.10452517919267	1.00000000000000
+0.00545690022938	0.59170065605772	-0.19915434721162	-0.92311283239895	-1.51172081546364	-0.13290095707184	0.21071571429148	1.12644256245435	-0.06042707368646	2.24840336898655	1.00000000000000
+-1.05056547698675	0.89774010043615	1.22002789146076	-0.93764991637472	-0.78766163363370	-0.49970315287810	0.67833511517981	-0.89444080468499	0.05280674583686	1.90076442478289	1.00000000000000
+0.49190464978845	-0.00711198438644	-0.15206926651708	0.54216445873789	-0.95905469215704	0.73530317957533	0.04944492944714	-0.25928456977217	-1.29436685383260	1.51901022549092	-1.00000000000000
+1.06206122695307	-0.14757919717492	-0.80190695764219	1.58207428099414	1.21046293165563	-0.03697041342488	-0.87146272792808	0.00013891782711	-3.16390828354562	-0.76470866205796	1.00000000000000
+0.33396919874475	0.10573738526406	-1.46960762455161	0.19014936049222	-0.42807631596095	-0.01781575980425	-1.37809375677620	0.62525849503804	-0.22122257294612	-0.48430903836947	-1.00000000000000
+-0.66280832093102	-0.34307855822660	-0.54006371644438	0.36176472703797	0.76819304868360	-0.18596290180974	-0.28942790964660	-0.52256772930473	-0.91298849226281	1.18627400870383	-1.00000000000000
+1.74804884222179	-2.51175471812580	0.17692174469867	-0.09723715372991	-1.05338774548871	1.09828297003010	0.16998218627020	0.67559064141057	0.89181032562935	0.66924939492829	1.00000000000000
+-0.18560707509182	-0.07514554354090	-0.55318482034392	-1.15609135275908	0.08146170758753	0.81969193176710	1.00946460793858	0.63738767498312	0.91147641838742	1.30576638858263	-1.00000000000000
+-0.77824628728832	-1.79507838092117	0.52744412992143	0.06171238993651	-0.82964660399209	-1.36429930579240	0.23775908762408	0.36220869118703	-0.75083006615417	-1.52524365741715	1.00000000000000
+-1.11995362244131	1.24050619367901	-0.86449985768371	0.56352883321828	-1.15334837696024	-0.13346098614867	0.46438781073476	-0.79663019974246	-0.51529205660482	-0.91814940141903	-1.00000000000000
+-1.23437932864912	-0.88037569043096	1.57111973604903	1.01208242415923	0.74513734893489	-0.44729558136623	-1.34361290494988	0.47522549113159	-2.52019121990649	-2.06949613051737	1.00000000000000
+-0.84705269895620	-0.91928839628580	1.44452663656371	0.07002162160490	0.23135368422653	2.21227652353160	-0.50565807655235	0.95229833889911	1.84490239177455	0.67854774565615	1.00000000000000
+0.41484113679815	-0.15625804282692	-0.87899713548109	3.10323997945940	-0.79698693492075	-0.44564901911597	-0.55523889866874	0.04956744363872	-0.88797686912383	0.04333743255446	1.00000000000000
+-0.88870437872860	-1.38788172232095	-0.14629939128481	-1.39690801440023	-0.13719926800980	0.44053526467813	1.00093675325462	2.59690325294922	-0.65373131784013	-0.99726277794159	1.00000000000000
+0.48699937378490	-0.06794394339972	0.35439681091747	-1.02298345789909	-0.14247503716981	0.44085622181412	-1.05752369570612	-0.28015281913336	0.77442267497469	0.09273706629383	-1.00000000000000
+0.77544688707976	-0.77746895454418	0.09537192167025	1.58840857142311	0.34086428600028	-0.71004464826470	0.77986430734608	0.00496864201893	-0.38547837914759	0.21300113277397	-1.00000000000000
+0.88558023620940	1.06866159381909	-1.17130909699682	-0.56408378139388	-0.59070156327770	-0.31627320733531	-1.24190377533133	0.78458596077166	0.97540143157506	1.72811210411171	1.00000000000000
+0.65591364396212	1.64465630113350	0.31869132318267	-0.30593474693805	2.42853536070308	-1.05523104840331	-1.02356325799658	2.52207053581203	-0.15332727129808	-1.86845889107738	1.00000000000000
+-1.16704880014135	-0.27022325672285	1.30596197005824	0.58122917880763	1.94763975659256	1.26241626855018	0.47025857297546	-0.40360785108278	0.06047905839078	0.20643739423898	-1.00000000000000
+-0.99021160551416	-1.77385844592610	-0.33569903125892	0.23461923493619	-0.83763297757945	1.00851497107517	-1.12933388742292	0.07642666515776	-0.45407909744014	0.23065785388941	-1.00000000000000
+-1.65871702950312	-0.60999089291861	-0.80851027942126	-0.54634824733904	1.26688590556505	-1.37536886819868	1.12143270480594	-0.26494860570833	-1.54982063783339	-0.03508393894974	1.00000000000000
+-0.08840577258606	0.24984051671352	-0.51397194041284	0.57000607677440	0.08163857908566	-0.13197919897836	0.54963695506684	0.40114772894243	-0.97431417417599	2.25551694322251	-1.00000000000000
+0.20568574163505	0.57965647723290	-0.83158186625731	-0.43107469909487	0.39471081427297	-0.20455385857103	0.03302221656024	-0.27172348442999	0.63193919348802	0.54716341827099	-1.00000000000000
+-0.31991339980247	-1.99015166337424	-0.29391922887124	-0.01500316533547	-1.09078837366074	0.53207925427109	0.36576529253377	0.58153887620481	-0.48229334525958	0.29058387908693	-1.00000000000000
+-1.09737842782618	-0.58482580431868	0.98618058180170	0.02139181599438	0.64153468482526	-0.66531086110266	0.10502296221571	0.01275539054003	0.26085340609940	-1.06842262328868	-1.00000000000000
+0.44808499299580	-0.40058617990453	2.33723745157918	-0.83934079777116	-0.64314134815812	-1.31202417737142	-0.60207298304564	-0.54007118056618	0.11633839282316	0.67992797235101	1.00000000000000
+0.07368435977466	-0.26157639402685	1.23630638608039	-1.54834648286092	0.29739343345190	-0.66983794828361	-1.04113109677809	-0.16822209315881	-0.62701111979737	1.39307442826400	-1.00000000000000
+-1.06200771414276	0.20770963494738	1.36938976315824	-0.63481592908519	0.43228385313289	0.63784345840843	0.31528750578983	-0.88817213326168	0.03934136236483	-0.07168533372739	-1.00000000000000
+0.38925295624075	-0.18409479920694	0.14223527947716	0.14353342634373	1.08681621926714	-0.96546893120160	0.07245221183525	0.40796562309410	0.42215224541571	1.12492899961505	-1.00000000000000
+0.74196285344739	-1.12771219638895	0.99430151569481	-0.15693157745040	1.29461765331099	-0.10515443969574	-0.37287903843667	0.64311880636751	-0.87131431079531	-0.43314316413047	-1.00000000000000
+-1.19468608676204	1.06892827595960	0.57433037380997	-1.49765313382940	0.04542610784106	-1.07335723623577	-1.54533594943638	1.01515894043457	-1.89424109416788	0.36844832425612	1.00000000000000
+0.00067029139895	0.23665822332600	0.35314903200119	-0.04859166687686	1.19776698978991	-0.29948041674661	-0.49263735441480	-1.38214416236517	1.14978370413917	2.05064929704176	1.00000000000000
+0.47984812095177	0.19984971578104	-0.30614082195036	0.06873266131767	0.59594616984019	-0.09976594543015	-1.04748163239931	0.20960210880642	1.24717017015942	0.10056363736227	-1.00000000000000
+0.22355997181042	0.70379672334457	1.78508920525110	0.93353990031021	0.80217385220674	2.52581692022800	-0.86952044466426	-0.55468093911559	-2.06634946372330	1.17941635526892	1.00000000000000
+-0.37203173902205	1.53194545654279	-0.21533901064474	0.08282277473830	0.24325393251490	1.07629441710284	-1.16786730626174	-1.48967426819658	1.27124444730951	-0.58660656109460	-1.00000000000000
+2.62080339566876	-0.33173445953571	-0.17480064873050	1.55847937237633	-0.09140167453694	1.10159553128520	-1.09370399931022	1.99621501188679	1.58657446050334	-0.06517809385769	1.00000000000000
+-1.00998845265430	0.79278969019903	-1.06646140740587	1.24661161154509	1.48388973884761	0.57386921743014	1.17259513045069	0.63270644769127	-0.25363420529695	-1.65408068404199	1.00000000000000
+0.79311479774908	-0.42778369767872	-0.57724650649130	0.38959917833423	-0.55803768547588	0.19353271941326	-0.95807275252644	0.76660524775575	-0.96742999572217	-1.45496128440797	-1.00000000000000
+-0.51217363582069	0.89906478242713	-0.48215729857586	-0.25231009438465	0.52854997531736	0.26620778784851	0.17061493551377	0.69077075044652	0.67676636157854	-1.51101996402865	-1.00000000000000
+-0.71782446713450	-0.03041176399387	-0.47945285785903	-1.12985496374815	0.98919094839434	0.74874278086968	-1.49110349178548	-0.57786771049164	-0.24524933185582	1.08548680291716	-1.00000000000000
+-0.38467574883338	-1.45233788450380	-0.77596552851349	0.40286358237520	-0.26597143614011	0.23929896292709	0.38484514311314	-0.42558213862259	-2.88789417603247	-1.07911364096359	1.00000000000000
+0.63102929415647	-0.46619627114112	0.54670743409683	0.01234198612456	-0.52894659328595	-0.73733409440584	-0.41626522859866	0.14780480938082	-1.26451266288542	0.11187419105480	-1.00000000000000
+-0.64784564065766	0.14906468857795	-0.21819871165269	-0.04549530425437	-1.02873954972498	-1.03822644012504	-0.58855901680252	-1.14780615940362	-0.29336081643098	0.38440185154920	-1.00000000000000
+0.04303802706926	0.41042823556122	-1.05846664852838	-0.03494433533235	1.39858494021778	0.40620104755317	0.87840659237625	0.84875669081810	-1.47843937855570	0.70890300245950	-1.00000000000000
+-0.72992638000562	-0.52168763580942	0.98267849661433	-0.31056489277768	0.22619428475935	0.88869175115430	1.35849335270483	-2.02466729331553	-1.64216943062040	0.26158382487311	1.00000000000000
+1.46462694806226	0.53451610089017	0.41485991966222	-0.05719450456382	-1.02646741585763	-1.20154252140199	-2.88828303826806	0.55251632244511	-0.85509532614376	0.12564056807698	1.00000000000000
+-0.37555295268330	0.15890399486474	-0.01311548139243	-1.37603482888716	0.92229213122347	1.43825374745627	0.16918481791092	-0.81492677276921	0.58946000461375	0.23903858630519	-1.00000000000000
+-0.27767975228139	0.61909852167341	0.24279413695892	-0.89614918922598	0.15817286105707	1.61693816904141	0.64056597884277	-0.16672497793570	-0.06402812526643	-1.04718390579960	-1.00000000000000
+0.14492395445745	-1.69715947579139	1.45542046455664	1.45175332502125	-1.66980022105670	-0.97427105300822	0.17490493158737	1.81025136455224	1.74359554655037	0.44635024819713	1.00000000000000
+1.50197288063612	0.68817468372844	-0.17801852910767	-0.04892529494727	-0.51713378665898	-1.49792257567902	-0.36019108872927	0.81443963841501	1.08139445274810	0.13646476107738	-1.00000000000000
+-0.05945519698775	0.62656072402233	0.73583885173846	-0.32326658937429	0.92401124878369	0.49507372567728	0.50591648280522	1.48341309161487	0.25145268633872	1.76008779825045	-1.00000000000000
+1.42785442046691	0.32970338984534	1.22514538876652	-0.58323654718182	-0.95137592790665	-1.74458252063070	-1.07759725235756	-0.50729020837263	1.36790695493570	-1.22646107365465	1.00000000000000
+1.29172354322036	2.36914524162398	-0.07053048962204	0.14930588314235	1.04348767568592	2.05452113652680	-0.00604582729687	-0.56919074610748	1.04023170529829	1.38422097871585	1.00000000000000
+0.71851133484883	0.41852033238305	0.63966172529059	-1.04432720379722	0.04124670770913	0.46152791478080	0.77996166503204	-0.32491487742523	0.18348122791277	-1.98171749304286	-1.00000000000000
+-0.90533526158643	-1.48637268387688	-0.10009725534758	1.20086329321932	-0.52861730345333	-0.61377034380996	-0.53730494135304	-0.55533021187841	1.32819822364169	0.81125677478338	-1.00000000000000
+2.07820587440682	-0.29827765520801	0.82582002892227	0.35890468152313	0.05411425115797	0.66142791499406	-0.36441384604853	1.44730787728271	-2.22954289963289	0.02505049625521	1.00000000000000
+-0.24374239038374	-0.49933475816006	0.62471654816311	0.46113099304349	-1.95042979960954	1.52060320004671	0.03324384575724	-0.68343196510303	-0.02132874169625	-0.08867741595467	-1.00000000000000
+1.16083754178801	-0.01549202295180	1.83172955919373	0.89044077660559	0.27524992876320	-0.44533530568788	0.59996413323302	-0.71482867040671	-0.51832282054603	1.24284290751156	-1.00000000000000
+-0.80080969381055	-0.09318318423158	1.44440292027176	0.16603183021872	0.97755882854118	-0.48222862585207	-2.20782159277633	0.09001149119453	-1.02207750052401	0.75844817326228	1.00000000000000
+0.04212678817235	-0.02240098664423	0.55653094201250	1.63464347944867	0.94003326422975	-0.40286432577636	0.14134765390879	1.00514487256685	-0.09136332554311	-1.06061559450795	-1.00000000000000
+0.08417612566015	0.90645617406744	-1.34954240460789	-1.03273861456731	-0.99333880454245	0.09449690009791	1.21558722728997	1.26508792116027	0.69901745665609	0.89429016509332	-1.00000000000000
+-1.04329080269809	0.43523237358058	-1.25585829513872	0.04643655287953	0.83814258474553	-0.30485739373637	0.36687918478413	-0.52506918391619	2.04282119861972	-1.87165196050905	1.00000000000000
+0.15074223329649	0.36863220135633	-0.06583311578781	0.47473889944165	-0.88719413629122	0.00109637118829	-0.64861852693251	-1.25522446055011	-0.32296435921962	1.42672103488794	-1.00000000000000
+-0.68497856974618	-1.02980174998243	0.03762752165949	0.40041801845928	-0.19901737860398	-0.37725517346132	1.03182081142505	0.64781756082920	-1.80865251558361	-0.11763980302819	-1.00000000000000
+0.64886862253592	1.57657493806642	-1.50134571874288	0.15424962462423	1.63399212053889	0.40680248244212	-0.90632528676621	1.32341844368150	2.36467403689733	-0.71208668747941	1.00000000000000
+2.19392845675383	-0.10760315420082	0.16112890892779	0.21646037282312	0.32542356331699	-0.01082955987965	-0.06916062679915	-1.26056939249611	0.69900728352905	-0.29436332326819	-1.00000000000000
+-0.66626413172866	0.63392000318075	0.97754630888344	-0.47346587223204	-0.62831351757705	-0.33088238605231	-0.38437182193909	0.95059767782628	-3.32301014735319	-0.88077109643287	1.00000000000000
+0.18147953565255	-1.67239333362517	1.14471970343343	0.30747461177963	0.70772642095110	-1.18829835926012	-1.48799450461716	-0.30433933231486	1.15781699531269	-0.49657170720394	1.00000000000000
+0.06623793511398	0.42666150317946	-2.50965830370352	0.28269002128291	-0.18368389202394	1.22732002077928	0.34143257613900	0.35521522112989	-1.48145707484807	-1.52216638347527	1.00000000000000
+-0.94044174586788	1.22140094409646	-1.06013496813315	-0.88462175979693	0.28312314689317	0.08570226638035	0.15006407372856	-2.53687078552023	1.05581366705310	0.49560817956723	1.00000000000000
+-0.19636500961062	0.77726847566478	-0.14658301338257	0.07648196772529	-0.42587360958497	-0.07046005339464	0.45431116940113	-0.27038244729792	0.28331219211174	0.22321427289335	-1.00000000000000
+-1.97534321652720	-1.04333348275793	-0.32310726117328	-0.15892705848331	0.53554826857044	-0.29273828237468	-0.35214989415545	-1.54580967880434	0.93556716589539	-1.83349054223041	1.00000000000000
+-0.55945076457841	-0.81878710219231	-1.18917269785402	-2.42353286111501	-0.25080680024132	1.56784086999747	-1.00241109260661	-1.16461213824671	0.18140748285819	-1.90092604900505	1.00000000000000
+-0.35290728974779	-0.61020404667151	-1.11655407615341	-1.16998012788908	-0.02306514454408	0.17865608762371	0.41796978224665	-2.29052919203466	0.42508234179333	-0.55348346077497	-1.00000000000000
+-1.05984154735553	-0.12912313627590	0.82647657531427	1.18710916445734	0.19058420684458	0.48405851438937	1.43856386179548	0.31834744983821	-1.17352979458020	-0.08505464607306	-1.00000000000000
+-1.32913883375967	-0.69750918698654	-0.66154315083325	1.48533254921079	0.52456471184269	-0.31132965475275	-0.61514868858097	0.37876507699430	-0.39950119143135	-0.34734277374188	-1.00000000000000
+-0.23768061900019	1.46986530451691	1.21757324564342	0.10087874826963	-0.27982223882653	0.16683886122292	-2.07609631535056	-1.81743128772853	1.06253180779926	-0.06585869424280	1.00000000000000
+0.46130263161933	1.03907190544462	0.84526882113850	0.36382068765554	1.41099927185935	1.03331424766912	-0.17285915142325	-2.30713221338033	-0.84160260754043	0.06897210454219	1.00000000000000
+0.82395811690907	1.77950954386911	0.45004492468840	-0.45062985506643	-1.37011124050294	-0.54174697481049	-1.29739367787549	0.28945763424753	-1.48512942218362	0.56665630334600	1.00000000000000
+-1.63458745539681	0.06986415651673	-0.61831729483564	0.06319033959044	0.59051423938888	0.08891470595649	-3.41478571001451	0.80514779384398	-1.18248983983935	-0.79258506747847	1.00000000000000
+-0.18631696667329	-0.45842553384278	-0.27061945986061	0.28494419583300	3.13738834244008	-0.15674376797698	-0.76638973387066	1.07296479234363	0.38326318510754	-0.57962491249533	1.00000000000000
+-1.63378143788246	-0.77615907553835	1.55782431253051	0.09943082612847	-0.17718037523074	-1.20970083463961	-0.07091690070569	-0.15452919312352	1.61408895052007	0.99287323648978	1.00000000000000
+-2.15660527100071	0.60641849912964	2.63987523470975	1.04030083971283	-2.22551843828095	-1.46729143331032	-1.83419917192928	1.36008583667618	0.33411655524971	1.17827312493841	1.00000000000000
+0.30950865741317	-0.14440638950865	0.10483826785697	0.13361499783446	-0.47245705561705	-0.53126589062180	-0.32469951146878	1.21479517868731	-0.41342043179154	1.22090908986386	-1.00000000000000
+-1.59397009113398	1.24759959314021	-0.38388502139321	-0.20137289450002	0.40272950188671	-0.81313730876674	-0.22830091019252	1.40550316374009	0.00667662205246	-0.03531245203293	-1.00000000000000
+0.15698035554530	-0.27622929093857	0.13729566078910	0.57011397873359	0.36463389900629	-0.09860774639178	0.96543484579120	2.01659184712886	-0.41944030105308	0.43678627581058	-1.00000000000000
+0.36723172353737	-0.09354083210180	0.06571381242218	-0.17846250801087	-0.18834358768570	1.31820234619066	1.01155026520977	1.05052770822158	0.36279185061248	-0.63838226853340	-1.00000000000000
+-0.18390246719308	-0.36455488454613	0.01492541850798	-0.01719267321175	0.66411243628738	-0.73741705108099	-0.64418234778655	0.38006759590059	1.85650800479675	-0.47736167160275	-1.00000000000000
+1.29316206484860	-1.17528134627099	1.60300217145700	-0.80119281440736	0.22962391393524	-0.61983897994229	-0.00999057637559	0.17396468358374	-1.28850974331578	1.11158250634648	1.00000000000000
+1.75403226711896	3.05846944140981	1.03588328291307	0.21469369026551	0.25831122090069	0.02932148323541	-0.66601453050757	-0.02010176028817	0.41702800426562	0.28950154120530	1.00000000000000
+-0.58115252205241	-0.22122971878787	-1.54921646816829	-0.98758784304422	-2.08033916075807	-0.79853521712895	-1.06323929603566	1.85984272463909	-0.42841941476748	-0.25067726774194	1.00000000000000
+0.40295916125412	0.20253412100647	0.09289629388113	-1.52873135642445	-0.57764775421142	-1.15831006420933	1.95238309115028	1.62196091870529	-0.50465515694597	1.16407216887726	1.00000000000000
+-0.03290657759908	-0.60051232864932	0.64726631474041	-1.86444687383361	1.39147743430676	0.71038698813021	0.22431969656713	-0.01625905017263	-0.01198053668972	-0.88914653500448	-1.00000000000000
+-2.41532489056292	-0.41114419727124	-0.27502092237922	1.43422115562154	-1.17459745360288	-0.66316675613352	0.91256042242246	-1.12604713640267	-1.70769214225098	-1.16928670743022	1.00000000000000
+-1.44823176492697	0.88683612086994	0.39007507312963	-0.92284030203548	1.81411782303048	0.51642788146598	-0.38894165340089	0.09836032103421	0.74218892318758	0.86506900444464	-1.00000000000000
+-0.13796146568104	-0.65943368278805	0.39311002648519	-0.53723801337960	-0.38388267371925	0.39947898581610	-0.07742354333861	-1.23116900560906	0.48251306685008	0.75138863294855	-1.00000000000000
+-0.03635202328361	1.34279204414649	0.42635792148887	1.49995440851463	0.85253006387163	-0.86746781985467	0.73134540895931	-0.63382117334350	1.21694259555891	-0.61663711000153	-1.00000000000000
+1.02912352303837	1.64498562338231	0.92579629517410	0.66501083256955	-2.63771825700952	-1.32789720869193	0.29735861982181	-0.11130415990401	-0.11376923215623	0.38124896606561	1.00000000000000
+-1.02533469518905	-1.08491770035269	-0.13662049547197	1.03935630994227	0.60696067136729	0.05814617050282	-0.32474242920233	1.08258901370631	-0.61517513377535	0.08140630525014	-1.00000000000000
+0.19092446991067	0.70074538183684	1.08948265757352	0.24505200789419	-0.10378776757141	0.33766220517260	-1.13503934974733	0.31658341185954	0.82809152312040	1.69897054592441	-1.00000000000000
+-0.58662696946533	-0.02469813615546	-0.97750163595716	-0.88119567376563	0.69254624304561	-0.40883822560335	1.10510080398514	0.13731585557220	0.26897148955947	-0.52519168184989	-1.00000000000000
+-0.76562328214339	-1.14089666492980	-0.37658994433718	-0.48684782760479	-0.63633913047782	1.44162932907649	0.14601666193065	-1.86961483434543	0.65381297697326	1.18852416175169	1.00000000000000
+-1.52526073870797	-0.74029405418092	-0.83752111047807	0.37634488546288	-0.98710241208655	-0.95741652397585	1.22670749682305	0.91152680365793	-1.02508903897280	0.21530188501594	-1.00000000000000
+1.47679660284898	1.74528823550740	0.78231301353865	-0.02507121759108	-0.52779338639150	0.49817255142351	-1.56352760324703	-1.08533898311040	1.69746503764192	0.27185863171505	1.00000000000000
+0.82232450738264	1.97519184662791	-0.07753812210695	0.12589460149153	1.31161389658703	-0.48228567666424	-0.26692136859126	0.00359481746509	0.06294757282178	0.78253492821475	-1.00000000000000
+0.93043640533595	-0.73922049819660	0.45135118362020	1.61627256205465	1.23081243865641	1.11774697931078	-1.09864076847111	1.05808152348792	1.94863638995770	-1.32038750582493	1.00000000000000
+-1.88407223779843	0.13741792221021	1.00981623251557	-0.83507180396879	2.30612459288535	-0.36123294743334	1.60687383368267	-0.33289362935063	-0.07514490527622	-0.98006499600701	1.00000000000000
+0.61028713417908	-0.56422777636050	0.80265632533679	-1.24819350321642	-0.71349888057071	-0.77553223380216	2.44306705007882	-0.00007830083730	2.07294621050077	0.03773292282781	1.00000000000000
+1.41650222952031	0.20793745599234	-0.13054154158924	0.34692975052010	-1.13617614281780	0.77776112679604	0.05198516549085	0.43908978784346	0.19429891422195	1.22334353113133	-1.00000000000000
+0.54105208320256	0.03683499650749	-0.20802787466630	0.42930645736052	0.22898220806550	0.84469212910358	-1.70666546695666	-0.05716127443754	1.43684042296803	0.18393273501910	-1.00000000000000
+0.37466861728166	-0.52284587866256	-0.10022013997541	0.52961321792928	-0.47906308056659	-0.47354340720053	0.19196857734176	-1.23212360751442	-0.71185389770731	-1.42946251159500	-1.00000000000000
+0.58565306730466	1.76278732122020	0.18503631822320	-0.36721036169201	0.22947130577412	0.02406054572132	0.45388797456114	-1.39853959781403	-0.20622566974232	-0.44809836488622	-1.00000000000000
+0.47715986423978	0.05724986388921	0.27474431018342	0.93192267406301	-0.23585763004965	1.00884798914661	-1.77543168879671	0.91828352423713	-0.99466319681054	1.44019406122994	-1.00000000000000
+0.75860297465621	0.50488222856749	-0.43171817337798	-0.79472857722012	-1.54340471743585	-2.29574836743343	-0.11180229922179	0.82048651918254	-0.50521990647012	-0.97715669436482	1.00000000000000
+0.06622622694683	0.39430003643573	1.30903005664325	0.84679879999042	-2.29726008396503	0.92918372447653	0.66988689963365	-0.84356257135573	0.75694735345646	-0.54973726591180	1.00000000000000
+-0.37582557584250	-0.51132541810776	0.00378359305052	0.19997517141964	-1.39555342590516	0.57924105376264	0.74366517765888	-0.08692464829707	1.12093761813366	-1.09765202772279	-1.00000000000000
+-0.14108770737727	1.02906903815584	-0.48409984049531	-1.14780851432308	0.09419473675693	0.65244185605804	1.33774513926935	0.24662599683601	-0.55901083542237	-0.32797780018067	-1.00000000000000
+-0.99772200477384	-0.30740173820735	-0.57014777868101	0.55419902866236	0.60797574677059	-0.15874513130670	1.95700877098000	0.70010209699312	1.53114967697711	0.51303739334326	-1.00000000000000
+0.37845068839374	0.08332810325598	0.56366948857040	1.34098834620476	-1.66815173720616	0.51308145908438	-0.20472973529777	0.26048225975638	-1.20305203087370	0.75056985553356	-1.00000000000000
+2.17066970408434	0.65426590376013	1.98044472063301	-0.35589244799190	-0.39544593435572	-1.37055927886055	1.57146801148483	0.40521567512029	0.49670616944779	0.29664844603339	1.00000000000000
+-0.37492434341876	-1.27718499530234	0.42166726112263	1.12437466862035	0.81275442174378	0.68652848249024	-0.09075785699950	-0.24308299630248	0.58713474900745	0.72467493690189	-1.00000000000000
+0.20654908929884	-1.13231236550006	2.06405746033279	-0.78574966885196	-0.45032926168221	0.15678787968808	-0.42222141916766	-1.91942046959175	2.14062365059238	0.40803028231768	1.00000000000000
+-0.38308764438750	-0.79929055390887	-0.80994341122328	-0.00350088529581	-1.77707256440138	1.56825500437476	0.91842754432375	0.44841843673369	-1.46503844330785	2.41503939331512	1.00000000000000
+0.14913372204535	0.80212651515704	1.04839567800891	-0.01459098942597	1.02085488902221	-0.23959282862835	-1.50858590775277	0.24200052577670	2.15262732217331	-1.39393642461688	1.00000000000000
+0.88365183170041	-1.90317232776144	1.13123270783913	-1.54906344342411	0.31845906603274	-0.54006093088034	1.19648422095278	-0.83539902543287	-1.16108888423735	-0.26231057480944	1.00000000000000
+-0.40544367424508	-0.78250947920535	-0.84080204563982	0.46505788257109	-0.79968755079279	1.17557612648881	-0.89140917273302	1.01131706706968	0.30996743105665	0.70356250185658	-1.00000000000000
+0.52173116554204	1.14840114814152	0.00302024827081	-0.95359302624049	-0.60932810083986	0.43164259242548	1.02136287466206	-0.25392850036677	0.81570285819583	-0.60756944488579	-1.00000000000000
+0.61749507946546	-0.07409467609941	-0.60624855491546	0.57037654887453	-1.48581851616732	-0.23996043481373	-0.14140352565251	0.29680805606986	-1.02909196196946	1.11849215671675	-1.00000000000000
+-0.59242482249310	-1.90480222406261	0.06899398801194	0.78784192375705	-0.37488274878600	1.56210565131818	0.92049767760698	-0.88461106681492	1.20268906358063	1.26616017553408	1.00000000000000
+0.06574255439132	0.78697380365752	0.61153022156808	-0.25332863262591	-0.81348613598369	0.23374872766303	-2.05772447880737	-0.28441467092567	1.95494046872517	-0.16446324416833	1.00000000000000
+-0.93312529449754	0.88580759614765	2.11150430552078	1.28402901988166	1.49477821901974	0.75813578642295	0.18012575386307	-0.61126917085982	-0.24811975950556	-2.39392521783501	1.00000000000000
+0.68488733988655	1.21699709385188	0.08084351558570	-0.75973574498636	-0.32823395335925	1.55238806384967	0.16182517699577	-0.80838935620779	-1.09776025925449	1.67296013214550	1.00000000000000
+0.64584521521785	0.90677114179661	-0.44409875789936	-0.08977018957646	-1.28522756309685	1.85147955563295	0.03427747924316	-0.28657720382747	-1.60097218704830	-0.57571157209567	1.00000000000000
+-0.13783618122437	0.85413419036817	-0.58240612692212	1.44858742995413	0.64797923072677	-2.09911005695151	-0.49921561783899	-0.15131731919629	2.03624956407150	0.40859999581366	1.00000000000000
+0.00851111608940	-1.62966098848754	-0.28284448131568	-2.19048173569784	1.31354735448046	-1.90433586548679	-0.69578105515425	0.83137409831674	-0.71149980725635	-0.47389774824158	1.00000000000000
+-1.41374192684326	1.06725219953423	0.41238968293019	0.87939951241827	0.12336632454181	0.34344966627490	0.78940483307368	0.05945794913010	-0.24733275127883	0.44065522740558	-1.00000000000000
+0.06990586342695	-0.30187769592841	1.36537228274106	0.17715923034080	-0.04770762540534	-0.20169920141836	1.76927666528051	-1.46491837886834	1.25576801743119	-0.02060249048573	-1.00000000000000
+-0.05496043236619	1.99358139448049	-0.42856057486024	0.90430715311322	0.72510392318900	0.41962229700471	-0.30816507663018	-0.91316054613977	0.67969965658332	1.87546962260615	1.00000000000000
+1.23801240424195	-0.04351819882541	-0.88186447756457	0.07630526339572	-1.58832554191102	-1.66744344160629	-1.60390969355334	1.13072892850940	-0.83804296535379	-0.40211120694693	1.00000000000000
+-1.88500701663419	1.04872085593743	-0.63597401303257	0.86909738563130	0.67199558615022	-0.84640698830340	1.42762236722330	0.85098412897681	1.00223128316285	-1.72472295663513	1.00000000000000
+0.47704186116835	-0.09175799046973	0.80701446419283	-0.89272404183057	0.54742019515410	0.61066556300974	0.52789124693198	-0.43564129161739	-0.26029178984516	-2.21105719864375	-1.00000000000000
+0.30411912772763	-1.69227653960538	-0.71665156704225	0.61562926693736	1.78591280333499	0.60454104411285	2.30273349189826	-0.23884141157212	0.95659788673198	1.63296847166192	1.00000000000000
+-0.14435947918165	-0.55884204489867	0.47395882446332	1.36956443319998	0.28989324898341	-0.66574494964188	2.34948619730863	-0.51590819085813	0.47062204926498	1.31703206264291	1.00000000000000
+1.62799999954629	0.26914833189375	-0.70555032015947	1.38798558534942	-0.87412587841865	2.18634834604068	0.08172152093103	0.13414612485559	0.26345239679936	-0.54631455806733	1.00000000000000
+-0.98624855000143	0.49707141418738	-1.36800513611718	-1.56841689577631	0.32063467810174	0.03280424152146	0.22082611113472	-0.04942561258038	1.29206857307285	1.30395795748613	-1.00000000000000
+1.43935314700846	2.25889778229079	1.05888866511662	-0.20596649045573	1.06715444597656	-0.21914210602782	1.27058546062818	-1.60686026988979	0.44527713098241	1.52620516765307	1.00000000000000
+1.26634160579789	-0.67426891944225	0.04484684769571	0.88930098667525	0.12107249075612	1.30768941129218	1.37138411973779	0.75716675281820	-0.04716417449005	-1.20249222529134	-1.00000000000000
+1.06719361617885	-0.45405095758257	1.34952156585339	-0.50550222169871	-0.60070786102689	-0.66986359104303	2.44355487808406	0.70173265588672	-0.89363966858792	-0.04594790370814	1.00000000000000
+-0.41138619929080	-1.36025717235470	-0.13904097233903	-0.80718227009311	-0.08955500064439	-0.99328222971937	-1.57524637486456	0.85055408740967	0.71138363247593	-0.67026542288978	-1.00000000000000
+-0.41930947526683	-0.02620343202972	2.15524613283849	0.09592888016509	0.57952617431255	-1.23241106271031	0.74406708117700	-0.57837863460630	-0.75723256540408	-0.20383666116530	-1.00000000000000
+-0.09403426662936	-0.38420979914370	-0.25688283576569	-0.83123387733370	-0.51212707358163	-0.05132821983224	0.70115404576479	0.58555577087476	0.49040837676279	0.79068400544598	-1.00000000000000
+-2.59642514652857	0.85908154382393	-1.47853546652420	1.01236549155509	-1.30938291586235	0.45675778890959	1.12196608864439	-1.06057826182181	1.23582405105081	0.45517679072607	1.00000000000000
+0.74119178624813	0.41343080587549	-1.02925912871292	-1.32763150814412	-0.64170686923749	1.43312631283742	-0.96517784975990	1.55148103921645	-1.01016847189666	0.29597893180160	1.00000000000000
+0.37100761461774	1.11736804281421	0.06155439554406	-0.35081685169644	1.03354726219553	0.48814698998050	1.70615002912520	-0.31918509462475	-0.55713094541081	-0.45252941248002	-1.00000000000000
+0.19665000360154	-0.51973654088277	-1.72218300316609	-1.17051529123554	-0.82205824785866	0.60467945938611	1.05693961238921	0.11195208070257	-1.40348287906138	-0.27870306792759	-1.00000000000000
+-0.60029173838623	0.22180655732542	0.82462370483812	0.21676101755588	-0.01636922529563	-1.33432223036820	-0.03359323776243	-0.84471511186398	0.03604007100246	-0.79226280867186	-1.00000000000000
+-0.54672269645031	1.53363279888596	0.21282734729716	1.00282332075448	1.61094053524736	1.86744348154974	-1.02727652097393	2.70330959985807	0.12206847470260	2.25699125853070	1.00000000000000
+-0.88422467893088	-1.18548444928200	-0.86360070426059	0.36300290019098	1.11989672882096	2.14418460844416	0.14798014978933	-0.88758338292709	0.26253361788621	0.21510654619002	1.00000000000000
+0.71658354510704	-0.51001399675522	-0.03768412682663	0.73726310224854	-0.41163305792589	-0.31882922330169	-1.86521650803608	0.45523680355405	2.48930604568493	0.83232152522210	1.00000000000000
+-0.39790336546097	1.53322060811433	-0.12038460314185	-0.08538648547311	1.16040775291068	-1.24887266101807	0.13989363416102	1.61301654803773	0.25087277321936	0.76287090507987	-1.00000000000000
+-0.21062424963493	0.84321854842299	0.21232444892589	0.70926367714333	0.13690680335781	0.25529528064930	-0.11899164046061	0.15916384507458	-0.09709901010954	-2.27225863931605	-1.00000000000000
+-0.54997363556722	0.32955758298050	0.73401441800563	-1.88933094503360	1.07146208760737	0.63302866150920	0.61878078091968	3.32763774492854	1.30902242717044	1.61230317226361	1.00000000000000
+-0.40203112342197	0.32368888671865	0.46414220981752	-1.63779608682927	0.37158552008831	-0.39302281389260	-0.34921704830825	1.58777437075882	0.07901408041447	-2.24590850047859	1.00000000000000
+0.59674230797957	-2.84202797005282	-0.54377836738604	0.75694015395913	-0.03208462273494	-0.49415186644120	-0.16692077344662	-0.34650274355270	-2.17781359155056	-0.96589583559557	1.00000000000000
+-1.48566717395531	-0.20466456885978	0.25166370309630	0.37745605194473	1.05668098985208	-1.66538033354638	0.01390854160951	0.12505707712824	-0.66873870837855	-0.89348625776282	-1.00000000000000
+-2.07041137725829	-1.68746760777589	0.10030462419949	0.30236141996397	-0.33412638888257	0.27142600758224	1.37473156331131	0.72983438977967	0.20434637231179	-0.63303364870518	1.00000000000000
+-0.36410738488218	-0.85096401085501	-0.44207023263806	1.18849994693980	-0.38392286523220	-2.65795897689443	-0.55598315953524	-0.17054563514955	2.15938579025094	-0.18347413955640	1.00000000000000
+0.59221693336472	-0.77790170195344	-0.69701933846293	0.98680177328481	0.02973785030557	0.84095011285981	-1.55127800773985	0.05707596298213	-0.06090019869369	0.05334742147817	-1.00000000000000
+-1.15525688917094	1.36351911035124	0.81193866673654	0.10757550126451	-1.39094161431284	0.80250576722238	0.07645259814013	-0.10984348955560	0.11286979578415	0.22860476336848	-1.00000000000000
+-0.90083219927293	2.14317947726745	0.19913532573993	-0.38537386879288	0.45057688253237	0.01998977041992	-0.56490744202625	0.43773167374825	0.44673666080546	0.44527570783992	-1.00000000000000
+2.23472928508976	-0.73137039911035	-0.88062951484042	-1.34261285979187	-0.42107505620074	0.56431605064294	-1.10851699135014	0.10773239579379	-1.53587879458176	0.69519995664295	1.00000000000000
+-1.29226757774425	0.64276547350099	-1.42832130543021	0.02209699852929	0.34205311851926	-0.20844617085330	0.58881323610307	3.25794145531396	1.81568329593534	0.21800201163133	1.00000000000000
+-0.53902889762773	-2.08284343334069	-0.79163303523551	-0.59875122908427	1.07235408662207	0.07288396219166	-1.98000367155423	1.54546823457267	0.70285889519281	-0.14775582350871	1.00000000000000
+1.77667325250445	0.27400226598530	2.83296143063044	0.81842580808229	-0.45579640086073	-0.67080656581929	-0.57197061047359	0.28327454467986	-0.68765103333680	-0.26001091043113	1.00000000000000
+0.79460083542905	-2.15086148696852	-0.30325522044633	-0.49946903646338	-2.13243643041238	-0.96879257657714	0.54491869613077	-1.68762186139915	-0.77786916669726	1.60237367680673	1.00000000000000
+-0.59924655522023	-0.95449370190873	1.42221775517418	1.21517586833455	-0.23097700374618	-0.26685486892570	-0.65582137515816	-1.18141948745219	-1.20478039115305	0.94473567205848	-1.00000000000000
+0.62553511759189	-0.99539812460437	-1.30624508629782	0.10116739310831	-0.80603170780247	1.17227228880203	-0.70523482106525	0.03806599117993	-0.99854105895321	-1.15832034599701	-1.00000000000000
+-0.97894234571170	0.07812983851734	0.79553753430420	0.07614609582467	-1.02913963914773	0.17171560672793	1.69070375213715	1.79632561262982	-0.44109698665861	0.35017529067567	-1.00000000000000
+1.35639140589045	-0.27750290690054	-0.82129353750531	-2.20877640348484	1.12013427229801	0.19275773156522	-1.72192664788955	-1.21481967281370	-0.42755463124530	-0.57657435072886	1.00000000000000
+-0.26816160970634	0.67183269632677	-0.67584185673492	1.12303763869629	-0.70069786787316	-0.19888252117486	2.04190706315390	0.88648844140159	0.57412493965014	-0.87434285657994	-1.00000000000000
+1.04211063599080	-2.91989803573480	0.40349120904873	-0.39324045336653	0.73659385264475	0.47131560635348	1.11006350694843	0.95752387891825	0.68718910621717	0.89533846682657	1.00000000000000
+0.29767808943660	-0.39718180950593	-0.60994141627770	0.77048292203828	1.12509094070249	-0.33331279753752	-0.21231365552986	-1.34144308808234	0.76318953780591	-0.57154854044669	-1.00000000000000
+1.61279992636000	-1.02657681955442	0.27850394915731	0.29342006971441	0.18523954981610	-0.38406409505919	1.14303095405230	-0.28022766818654	-1.13665736464240	1.12920896269073	-1.00000000000000
+0.28434814893959	-0.82050991833089	-0.68449893535426	0.80542939333335	-1.15670352679784	-1.54243171186519	1.28642021611769	0.18704872893143	0.77982680301414	0.72935954347345	-1.00000000000000
+-0.05457808155891	-0.07736573119798	-1.94244413837973	-0.59533487138863	1.52541548493255	-0.86437455075935	-0.11416253482698	-1.11030296874459	-0.61414429686290	-1.56568194209860	1.00000000000000
+-1.80898378528478	0.08343755116802	0.31951554453775	-0.23742336362135	0.12689604901005	0.86759021627419	-0.61224539718424	-0.41993985237002	0.07606857816969	-1.95081909817122	-1.00000000000000
+-0.34534692267203	-0.12929986335753	-0.38112455521266	0.39299849591158	0.92417064302474	-1.26119218168887	0.01798640108153	0.25552666283842	-0.29882020084620	0.75014194862479	-1.00000000000000
+0.05892056855863	-0.48023291248144	0.30310031780914	-1.00292128664495	-0.12870575799680	-0.48151667943496	-0.08879667383930	-1.32862942877541	0.41141478888578	-0.29186560603111	-1.00000000000000
+-0.20433828102096	-1.27973972250222	-0.50960068529979	-1.73702814549529	-0.60023740476756	-0.71291764244219	-1.42541584426803	-0.26544506212097	1.21530693198206	-0.18429323886992	1.00000000000000
+0.20132757472347	-0.24078464336068	-0.78674756649283	0.59161489607485	-0.44315765672597	0.32671785787325	0.58060761176488	-0.54716604702827	-0.76467833178021	2.20848138991008	-1.00000000000000
+0.20222537999195	0.23039535858909	-0.65108235769740	-1.37466800606825	0.48716499683317	0.28545432852189	0.68076687993465	-0.64715409166698	1.09626271436721	-0.13972990792830	-1.00000000000000
+-0.22585925690988	2.05540820592262	-0.42327202381606	-0.44314550919691	-0.61523013570619	0.31756372390246	1.28407384525820	-0.59134575980605	-0.43461488526001	-0.01622861066177	-1.00000000000000
+0.05579223359788	0.62103677905803	-1.57901984748474	1.00723002492850	-0.69702460930768	1.15035208657222	1.08195807692163	-0.19361449094909	-0.30322328226060	0.29580018547086	-1.00000000000000
+-1.32383481213182	-0.08668024378763	1.20815154579856	-0.25084539383112	1.09292636813563	0.85793432874411	0.57245623445724	1.06111833418400	-1.32061240272764	-0.21873076370705	-1.00000000000000
+1.60705831084031	-1.29657473515243	0.49833032347187	0.95558526989072	-0.41516201412405	-1.10257616650630	-0.47514718996687	-1.30503503829226	-0.65586163294457	1.71185968714129	1.00000000000000
+-0.95314791810335	-0.97921467050721	-0.41353944677608	-0.89542419575054	1.34364390796076	-0.23934123052092	-0.50360438962083	0.30576567048094	-1.77891951613204	0.75723035274299	-1.00000000000000
+0.13030398475144	1.25018899650874	-0.78335184981093	-0.86105010012474	0.33928367607025	0.83408854422631	-0.50168167570641	-0.85447720999567	-0.19515321435856	-1.46465553602147	-1.00000000000000
+-0.29555016655582	-1.58001945542249	0.38803715049328	0.04724585275039	-0.77874729850022	-0.34272422955676	0.70151275590284	-1.74712510928841	-0.89180311859971	0.78565443739334	-1.00000000000000
+1.24697967814276	-2.30480084119869	0.06534358624811	1.82149104794775	-1.61645977704856	0.54100386648830	0.05687252817423	0.13982089639228	0.88239493013920	0.10556522108911	1.00000000000000
+-0.38650950899307	0.50049102048622	-0.96422200515386	-0.09711874862122	-0.33420041397983	-0.40900540448347	0.59825772005762	-1.71643243932648	1.40170894068032	0.52937025482856	-1.00000000000000
+-0.03447929949984	1.07740402211294	0.62835564320495	-1.52705582623357	0.43852679441110	-0.71496471256660	1.07212937416547	0.00235809132510	-0.50708679018799	0.50811539132350	-1.00000000000000
+-0.17706126365782	-0.37757693062365	0.74725792297406	-1.39542937718937	0.76640993135760	-0.58482186732280	1.72744073026091	-1.03786854148999	-1.13606029219444	-0.32351217563076	-1.00000000000000
+-0.23520529405638	0.53958259210593	0.76802812750761	0.53403554638195	1.08213215234558	0.41216156132650	-0.51935526675987	-1.41568200788591	0.91184973401794	0.26907868093772	-1.00000000000000
+-1.70124756464880	-1.34690353645609	-0.67751770189136	0.86706449419177	-0.02417966776509	0.83628650902956	-0.25053292458724	-0.23847101937224	0.00060243106049	-0.45685862862863	-1.00000000000000
+0.67847785767222	0.57816833791516	-0.84873072823883	-0.90106271782360	1.78273158170550	0.76082681697558	-0.31192518052089	0.02070289143509	0.66503510660825	0.05014694661670	-1.00000000000000
+-0.69053853908977	1.03819917942287	0.50379087767419	-1.03029020495661	1.32511956765609	-1.44444676709797	0.19930276223032	1.12882251805820	-0.60119457558917	0.81763228737153	-1.00000000000000
+0.45540357502749	0.09875714381413	0.67389749691696	-0.60597666501838	0.92776811557134	-1.88674882000478	0.46088189436693	0.05305964165651	1.46834376337388	-0.47226414463948	-1.00000000000000
+1.34980980975498	1.34381425256603	-0.43537720375433	0.56818685033677	1.43830393054972	-1.68045218013333	-0.03333331998154	-0.39944980389310	-0.90683097229662	-0.22611878395849	1.00000000000000
+-0.61045241058637	0.75024108620852	-0.81341678382836	-0.64794816757898	-0.29857901638342	1.84713260845507	0.98518616325779	0.14547630421142	-0.74474910713189	-0.11019476166726	-1.00000000000000
+0.56693644432603	-0.26970365144754	-0.47457531935392	0.10798875877770	-0.80824143474427	-1.52138619325991	1.11864952949325	0.23807705137646	0.38075653883410	-1.25643266720034	-1.00000000000000
+-0.57098831882171	0.36578185993764	0.30147739670022	-0.31896730774042	-0.25101835004161	-1.14849232433523	1.50755239946290	-0.74946028076209	-0.40186700305195	0.48967967008872	-1.00000000000000
+0.36961842968328	-1.76141181866784	0.93817993857476	0.73060740286139	-1.38070882458086	-1.48764008800765	-1.12723336167485	-1.34023398270009	-0.53053333992701	0.51472716911295	1.00000000000000
+-0.67223061504666	-0.76239137327926	-0.23180192391818	-0.19074913958839	-0.02164755879016	0.51336913987100	1.01102094994053	-0.49044907001464	-0.52637201648729	-0.69154758937190	-1.00000000000000
+-0.31655300131047	0.87298054685076	0.25201778795531	-0.63258564806937	-0.77658173997623	-0.36272279354307	0.64088845555958	0.62081761347829	0.63833872670247	-0.30860303719184	-1.00000000000000
+1.71473748382266	1.20265440215875	0.64754080632747	-0.52556318822913	0.48530812512669	0.40587064241120	-1.05478930943609	0.66879022662739	-0.06827269129636	0.72129039737912	-1.00000000000000
+-0.07788084349696	2.32340724626023	1.97483953096254	0.61361595719528	0.12708903328300	-0.08504060055430	1.98391065004827	-0.34742359383165	2.57707057001898	0.33971853701966	1.00000000000000
+0.71039791186799	0.17650321733885	-1.07439935197927	1.17946945266060	0.99224549807423	2.08373806292527	-0.18300466378603	2.43289072067388	0.21979769548273	0.82884545756286	1.00000000000000
+0.22449579565534	-0.21820894615004	2.20233162638156	0.56026944521707	0.96259202271534	-0.49354887169073	1.22856732712667	-1.88191138433864	-0.35740469984452	0.84067212031976	1.00000000000000
+1.33991742728183	0.69823041645746	0.74399116738924	-1.21939306662295	-2.30610897610793	-0.99397678762670	-1.54045030764179	-1.23142875139616	-1.36426885700310	-0.94501793925309	1.00000000000000
+-1.26446165303727	2.24135508461106	1.30423195395105	0.57651849524687	0.98496947085697	0.91279005347695	-0.04814730235837	1.40238557323511	0.53951472055200	0.85611270436949	1.00000000000000
+-0.08936317073056	2.29442484867181	0.58782130415152	-0.54602994719908	2.45856100648459	0.35064005206410	-0.16060063614534	0.95956681663947	-1.74279135775763	-1.07370311342114	1.00000000000000
+-1.18411119732314	0.81456016438208	-1.50516204532290	0.76161810280988	1.32567088733507	-1.01420270529521	-2.55446288451041	0.30909180498390	-0.14447111855783	0.04507948569120	1.00000000000000
+0.36088325840327	0.27065241223936	2.25937706240501	-0.59494146326320	1.06782631336826	-0.76897389123212	-1.00702059871103	0.44589263089037	-0.10723459051585	-0.70281404600188	-1.00000000000000
+0.15901999590815	0.51201212534947	-1.66954497912046	-1.50262656500971	-0.09312142581766	0.34308932287289	0.40937209215778	-0.56462459458475	-1.00858160104232	0.75283442350522	-1.00000000000000
+1.69009697041721	-0.27276155173562	0.85839406810663	-0.48328600455722	-0.86750182963779	0.95156970141667	-0.31303670855130	0.41168490280053	0.75895903069420	1.08734938254479	-1.00000000000000
+2.05398472703844	0.19224401585497	0.72732866739324	-0.98115282378376	1.18814495403296	1.21596295535092	-0.42728664398628	-0.22586925644132	2.68443027690854	0.74257498818054	1.00000000000000
+0.07228589215729	0.23161588576499	-0.91823115390653	-0.12079879908231	1.07566949728011	0.96072273092638	0.78091546262533	0.99458000251023	0.45487145872277	-1.41578184456135	-1.00000000000000
+0.40600518071105	-0.55275616377583	0.28798479473465	0.67237608181188	0.21369159537770	-0.81552808696528	-0.27856144463658	0.19313315159037	1.71765909870145	-1.84529866306727	-1.00000000000000
+0.21474346103521	-0.15494147539820	-1.23598231896460	1.44386657627879	1.19149171080934	-0.84351506737367	-1.51189260552164	-0.22758111073400	0.12922830461433	0.46045797895986	-1.00000000000000
+0.38803196929655	-0.47867703082123	-1.65134351341526	0.42353676364450	-1.25466867338732	0.33363332219636	0.33676698675565	0.11622050977074	0.58906837498311	-0.55949271303266	-1.00000000000000
+-0.92599804705486	0.72366523127556	1.63232255406532	0.62135483900502	0.73418984536379	0.32861191078487	0.01328153023591	-1.76193776453924	-0.88382070899041	0.26718830921898	-1.00000000000000
+0.07222228081205	1.26144923772397	0.40277517715369	-0.22843573596050	0.66314989878469	-0.13137849873727	-0.07213836511979	0.76776416431490	-0.75481622103634	0.96114903361160	-1.00000000000000
+0.53767060656845	-0.22491575278306	-0.39212165373603	-0.81882695030930	-0.50634611781864	-0.87491148206865	3.35841892801399	0.23322575195420	0.37706201547333	0.62465958593505	1.00000000000000
+-0.01033843920102	1.89150082776040	-0.75214331849198	0.74856232126917	-0.20337997622776	0.10864498807518	-0.03676931306875	-0.93556612303924	0.59454632188038	0.09050442091614	-1.00000000000000
+-0.92109597538987	0.74833342961514	-0.75257708113357	1.62823956377239	0.97311939996839	1.43405915532195	1.73727236834462	1.26004042483959	0.41749951202384	-0.13269744613241	1.00000000000000
+0.42897310056900	-1.52801331428043	1.60248929819153	-1.94686385520897	0.13548026856332	0.31714409450423	0.25592971513919	1.40330567097702	0.21316436866462	-1.87760455521245	1.00000000000000
+-1.37287201265873	-1.70101676767767	0.71850440171852	1.54519909328542	-0.14820710352662	-2.12131538335481	0.22038124036294	0.03251005580271	1.33771708983663	-0.53501655839858	1.00000000000000
+2.14057029192184	-0.65662673676816	-0.10466650340938	-0.64362895792518	1.34417737913615	-0.37590143864429	1.07096376820263	-0.52460442919018	0.69675391477638	0.30745035918571	1.00000000000000
+-1.99853207423156	-1.41225653694904	0.61143009255838	0.99768716576936	0.47986772299076	0.82455911759635	0.60438579292543	-0.65765180738330	-1.21036539650162	-0.60304960810272	1.00000000000000
+-0.24035232077156	-0.22623783137729	0.19505812296655	-0.55036969223279	1.70161286373409	-0.51613766845000	-0.09567355609045	1.30392636928508	0.88143016740627	-0.52793291876345	-1.00000000000000
+-0.05489004195151	-2.42579098274979	-0.79380847602064	-1.53206714488056	-1.33980007770293	1.72746321104406	0.38066250602286	-0.27064995137008	-0.59322672122927	1.95427848517919	1.00000000000000
+-0.00830234464807	0.46543568039211	1.59652582403375	0.58323937617097	-0.73149618146691	-0.86446814357237	0.60726571161191	-0.47086062123872	1.47231634414716	0.13025765959981	-1.00000000000000
+0.62204340337307	1.55157501939686	-0.17790570453018	-0.67344323539306	1.33630401466629	-0.95913730187534	0.83555051983504	-0.40005583166980	-0.84069249222777	0.62898058250649	-1.00000000000000
+0.45595404105204	0.37445686262914	0.61147313607681	0.60889594852559	-0.10136252170009	-1.17480109691064	1.73217602090325	-1.98565689633588	0.18023538554903	-0.87994748252105	1.00000000000000
+0.06161780119427	0.42730631962283	-0.16577183922092	-0.46204771359047	1.49363508670515	0.19355939534309	0.09990643861795	-0.70552523204215	0.34465140340697	0.90980218594794	-1.00000000000000
+-1.49090945403875	-2.59257678103099	0.43025678625978	1.69628545584007	1.36729003116787	1.05637911844727	0.45426133879462	-0.20124901948748	-0.53103422172083	0.61106926725560	1.00000000000000
+-0.17573357651425	-2.48879669911998	-1.23834277888044	0.77124084560989	0.83040804475179	1.18706413699995	-2.07195217746663	2.82779670209016	0.47382755755560	0.00285622455825	1.00000000000000
+-0.95763896596197	1.87198440021601	-0.03425971313418	1.28917728507561	0.39021107009097	1.32648556900634	-0.97561156985524	-0.31683119427776	0.27227415084189	0.34760239210662	-1.00000000000000
+1.85704500844600	0.85937516223400	1.39358406287187	0.83778731904284	-0.02571000579605	1.06105174601916	0.59157953397366	0.21751626465594	0.06692381704718	-0.95097798132064	-1.00000000000000
+-1.39319937926174	-0.45652344770672	-0.98257967744249	-0.70325498829720	-2.02007601088479	-0.50162793342640	-0.92392448355045	-0.22424401393423	0.12094532960704	-0.15310643180115	-1.00000000000000
+-1.41620413786555	-1.49359276368790	-0.89744781963557	0.97483432015549	-0.19960612978112	0.01039278380648	-0.32703152733793	-0.02050152605340	-0.76751276998840	2.28377904292810	1.00000000000000
+0.59636024262031	-0.92129475656235	-0.71073091884384	-0.12860095344913	2.21588132370202	0.15544898898932	0.09012881100618	-1.11399505812570	1.93197103566753	0.81982255324435	1.00000000000000
+-1.15919535073314	1.16848983875960	0.34612275786158	0.35367361920989	-0.91625573748507	0.75192517279091	0.31431930506802	0.92901943244727	-1.57402681352309	1.30584509702402	1.00000000000000
+0.22172962386458	1.43233750070187	0.99347720744644	0.00722685696569	0.52348445752486	1.92885434580701	-0.46451478287790	1.07620034577484	0.73739452741337	0.37896097408016	-1.00000000000000
+-0.30519071512705	-0.22610419581350	-0.19449599717086	-0.44454908869948	-2.07494387405379	-0.65625410283291	-0.61516975311450	1.49316990986445	0.92380348973324	1.42413500736385	1.00000000000000
+1.10555082862308	0.58260800186724	0.31858414373737	0.12436803481388	1.36363834739756	-0.70672666217207	1.23730408794108	-0.25359619828031	0.08479574646147	0.21868476824800	-1.00000000000000
+-0.22970370853129	-1.84058938430482	-1.54057318709618	1.02364429711503	0.47929456504393	1.93759623519895	0.87973867714677	-0.62150960884149	0.12518433712699	-0.40806505976583	1.00000000000000
+1.59119284143318	0.54765046978140	0.23510716234035	-1.68885358236203	-0.71752614991666	-0.75983850049009	0.17738598380278	0.71859405393253	-1.05281550884146	-0.35677233530257	-1.00000000000000
+-0.40465501805379	0.01064128730118	-0.76524839508402	0.54674987616542	-1.87443848994990	-1.81799593785755	-1.22684597025210	-0.09734353567068	0.08056530424251	-1.37131041570822	1.00000000000000
+-0.83611937022242	1.70780446158611	1.25917368130783	-1.43291753099531	0.02656379563716	0.83675767456818	-1.48830800708946	-1.21550605592681	0.65787381582879	0.53655306139513	1.00000000000000
+0.09555121707403	0.63723756210297	-0.76223811280787	0.93036639436876	-1.35132952741309	-1.59277828841606	0.12297599081709	0.19547017667219	0.79837691884936	-0.03996088473967	-1.00000000000000
+-0.05581339917414	-0.76776424202367	-0.80903443443788	-0.72192909351779	1.35180486904534	-0.21027387788058	-0.84675140281706	-0.54971340247678	0.09231943385080	0.02142207917963	-1.00000000000000
+-0.02528013989134	-2.79949711902026	-1.64187127814592	0.79462606339758	-0.74549296600952	1.04329633167928	-1.41908771011387	-1.16203124983017	-0.45311302576111	-0.22300900676340	1.00000000000000
+0.42769083057932	0.42761665069648	-1.60508343597273	-0.27918451352099	-1.24372419106975	-0.40811811029207	1.09491102778083	0.70474296014278	1.11722520851129	1.22183896292202	-1.00000000000000
+0.67719581380891	0.25961613614050	1.98420483873211	-0.48233452284378	0.95219550854268	-0.24557183422950	-0.23193174728172	0.22199031031523	-1.69352584884711	-0.89572065017133	1.00000000000000
+1.46830751781942	2.11084711229278	0.75516160135724	1.64865627120120	-1.56960313897289	0.67067624954522	0.28580034211358	0.48324224516541	-1.16876652392377	-1.63131890787971	1.00000000000000
+-0.20348992553689	0.04079674708962	0.06910875231273	-0.11222570826448	1.17615833167469	-0.24815523042638	-1.12249673558403	0.98119100434953	-1.71388103947344	-1.01250911171266	-1.00000000000000
+0.34170262346395	0.71430370665276	-0.77108671487958	-2.53082816953022	-0.96039269876039	0.64147992778679	0.74968782917459	-1.47833545068251	1.01559757202486	-0.11208037618682	1.00000000000000
+0.12834967152202	0.81954158292312	0.72437041644078	-0.06126230143970	0.83637245278093	0.30382700255886	-1.89709387541089	1.02908968900722	-1.04207507104594	-2.34786104475762	1.00000000000000
+1.41657841393324	-0.92207167543346	-0.45653856456766	0.63525445139443	-0.85825147237746	-0.76756680421640	-0.14875606267785	-1.44392644039045	1.90142780859803	1.14347758469928	1.00000000000000
+-1.41575589452809	1.50989534225547	-0.16030866811852	1.13788864887092	-0.63982577692335	-0.15386837226582	1.18022056272249	0.77645209945169	-0.91414912820204	-1.12371797969997	1.00000000000000
+-0.98167372728578	-0.77765968749715	1.05984782253995	0.05143711498845	-0.52787526707222	-0.64176603643894	-0.31201109574344	0.31102945594197	-1.10007261474555	0.50022083684745	-1.00000000000000
+0.52723725535016	-0.04518888515362	-0.97565174623009	0.71856021737980	0.94196053587032	-1.41369234137384	-0.14775593099826	-0.92839871259511	0.62294624205716	-0.41623909713068	-1.00000000000000
+-0.88969852852629	0.29422183235768	0.63708408340835	0.49241520579317	-0.26379111427979	0.19310479376479	-2.32303543296290	-0.32355291046703	0.80395059508208	0.80514759351729	-1.00000000000000
+-2.19669883789572	0.23356876789846	-0.23341461823022	-0.10882039924419	-1.72717027128740	1.06266178197636	-1.12743972897878	0.84781945751844	0.04970632965460	1.14424329725218	1.00000000000000
+-0.85743526045826	0.84747753480960	-0.14876204183433	0.89299885696388	0.34936288863360	0.51697848245953	-0.25093792885058	-0.99581214349556	-0.44877492263595	1.09536129273409	-1.00000000000000
+0.32465252299970	-0.70326701223421	0.32229467450928	0.24730398057893	-1.25749582371213	-0.52605280532783	1.12476332632497	0.45863936289448	-0.59612485949134	0.87864448831917	-1.00000000000000
+0.28978377538634	0.52127569078403	1.11620035342641	-0.32689077027654	0.67555544382627	1.40509027865070	-1.40225944724251	-0.55364555071359	-0.06624765107952	0.12830340471732	-1.00000000000000
+-0.43735240614195	-1.62980274451555	0.81177878474105	0.87444613911700	1.31644804834805	0.22986676527475	-0.38120177533222	-0.81018075424744	-0.89150168446799	-1.01507172164837	-1.00000000000000
+0.69718736158921	0.05689262336472	-1.96020487642605	-1.23795831909441	-0.84638933879363	-0.00559640074007	-2.19029750265706	-0.06064189794976	-0.13361756310084	0.07963602590532	1.00000000000000
+1.45440692483092	-0.04975061599247	0.84869533307038	-0.41096098190022	-0.52098182496817	0.33603116896192	1.58846770500997	0.59443341176020	0.06020606563978	1.02152249339729	-1.00000000000000
+-0.27615585142247	-0.10468021678469	0.53600764182856	0.52029262387118	-0.14884733604189	-0.52328269004516	-0.39540189290900	-0.22562081193979	1.38718853045545	1.18815764804775	-1.00000000000000
+0.68529936428518	0.67639552004169	0.22548734096435	1.63038506124380	1.69021846861604	0.20787184196239	0.91137218640626	0.30224367649180	-0.97113421217066	-2.39012458103595	1.00000000000000
+2.63273236134992	-0.13123840724548	1.05763347155738	0.32171818041868	-0.23202684838097	-0.34893119314825	0.16314307660514	-0.45172004312039	-0.33785471749323	1.22123200047656	1.00000000000000
+1.77779742507626	0.49092961858487	1.18481374882879	0.55045082229679	-1.95651190481619	0.96500204198737	-1.69614632497702	1.48925328102371	-0.42253866259650	1.23132063246890	1.00000000000000
+-0.99158611829800	0.10692183950689	1.02308799718288	-1.26587249504591	1.27879721253668	-0.90320274414514	-0.88247212755766	-1.54438804735803	1.89581057644875	0.57863199584142	1.00000000000000
+0.38694520537554	1.98196621130039	-0.20271228570692	-0.01420737588814	1.36734164655107	0.50604487456837	-0.37457508258253	0.33776445324776	0.08744150619068	-0.70155117082412	-1.00000000000000
+0.21311708352916	-0.35264923944974	-0.61523655990289	-1.41004912125857	-0.89809634227530	0.34197364225579	0.92355485058168	-0.21469665119336	-2.19738901681246	-1.66380950919464	1.00000000000000
+1.61962797969350	-0.69457183803607	-0.84125460998076	-1.75276256334209	-1.07186354044075	-1.23148924320101	-0.97503491335334	0.75275688410048	-0.15904255714715	0.58011209197648	1.00000000000000
+0.53279942045254	1.47452424860553	-0.84650812600564	-0.73541441103611	0.83063299194163	-0.74041586364575	-1.25799414830040	0.68121820436895	0.40618963867922	1.12303749293370	-1.00000000000000
+0.11705202050915	0.22527003468428	-0.35194335454665	0.63694833555535	-1.90357176039202	-0.95963691890101	-0.80903297506714	-0.58180455798245	-0.24397235244390	-0.89072295325141	-1.00000000000000
+0.78935276185196	0.54562241128913	2.22153916747668	-1.17634367865088	0.28899829160654	-1.16693161304428	0.86401902630528	-1.36734939086458	0.46933329669157	0.05386901510575	1.00000000000000
+0.12909788046810	-1.63993565974081	0.90391237851679	-0.54643514824955	0.37886067693990	0.95302814598667	-0.95021076663655	-1.48744520967528	1.65249024893448	0.69742840878456	1.00000000000000
+1.87096402438624	-0.07312251354483	0.96412312428757	2.32012430485657	0.44515272744740	-0.91488771776920	-1.66958713985309	0.18355740782824	-0.18618524502447	-0.03259017595214	1.00000000000000
+0.65101751118741	-0.92972126069066	2.66079234789744	-0.07521091480562	-1.02026955414610	-0.84608084119311	0.44718409081814	-0.53084728233222	-2.43073694453166	-0.41106438598839	1.00000000000000
+0.79322838053193	2.64708022052583	-0.43380770253569	0.28928459307849	0.82513442597398	2.41393051827277	-0.63935566111305	0.53650319811218	-0.26894689005258	0.48136837338208	1.00000000000000
+0.37779650818618	-0.83495755276081	1.38034144163098	0.69450566197494	-0.14331614827533	0.26632124288850	0.46504536042435	1.16143558531210	-1.42009703132317	0.96153615351859	-1.00000000000000
+0.55258462946545	-0.12717012626594	0.84396729169717	0.85616445884845	-0.34247668460014	-0.31935378002420	-1.78708722264353	-0.63983071409620	0.01997764088947	1.68951691976883	-1.00000000000000
+0.23610073502275	0.72263360763860	-0.47356331050351	0.00092362356528	0.00559341993364	0.47050606797617	2.08861807226238	-0.64894670392243	2.00646931425781	-0.58138886572303	1.00000000000000
+-0.59374233332099	-0.58491363220445	-0.04974159358931	1.20669067413253	-0.39611584357699	0.28932237705970	-0.29999271863621	0.63427966630913	1.12265131961682	-0.55655270883835	-1.00000000000000
+1.27233401439339	-1.60611677530035	1.21499178952767	-0.31490625697036	0.58291963490396	0.80644713809933	-2.36362982534517	-0.33186224915228	-0.47330535725917	-1.43502259769836	1.00000000000000
+-2.02269998732408	1.15880804841127	0.91058083083388	1.22798533681770	0.16969547441609	-0.51066173747556	-0.12546367875659	2.79646570205054	-0.52500729938999	-0.55230105568777	1.00000000000000
+1.11785480847084	0.07931294043425	-0.09698297822597	-0.08951745025148	-1.06472910775027	-1.37748558536989	-1.87615240417363	2.27090119448154	0.53576529575170	1.24451181586243	1.00000000000000
+0.65814968612966	0.66520819399666	-0.54045311352782	0.63873969560378	0.04724284109074	-0.50908362349924	-0.81929137831389	-0.68549244638723	1.24361686915438	0.72867441771617	-1.00000000000000
+0.20379496748471	0.83632138376886	1.09287608854831	0.58635112922438	-0.15940933843244	-0.77989098615427	0.00414739916417	0.76918230562098	0.42768372614231	-1.67043631179418	-1.00000000000000
+0.79581603939266	-0.30617429452186	-2.66937304068675	1.37122562035323	0.76077767195328	-0.31390360137567	1.42273489468666	0.48239542747004	-0.01919428209608	-0.73905382771805	1.00000000000000
+1.00051071102883	1.52817608521572	0.29091196459046	1.12359183970891	-0.89772530373943	1.28975001846835	1.04196264976194	-0.43859648342259	-1.21274266861904	0.58689240298348	1.00000000000000
+0.52248289557673	-1.52184235562984	1.56645996984346	-0.16496661108080	-0.69107054931537	0.79516929515999	-1.86240592022425	0.41261101181093	0.88996585856110	0.07530525613034	1.00000000000000
+-0.69987789748362	1.80346635919404	0.74738092862011	-0.13812411555849	-0.41433476899932	-0.54748960541633	-0.90239721029255	-0.79235057283316	-0.11862450626730	-0.10859120858039	-1.00000000000000
+0.87590330620651	-1.61165962564127	-0.10818303984863	0.76399625595658	0.05206511344631	-0.29760229067053	-0.37677720268405	0.41853332919001	-0.54921694014207	0.10341017499370	-1.00000000000000
+-0.20950101042147	-1.50255447962213	0.18713409986059	-1.41992398717031	0.43274666380617	0.67584325991460	0.24863376922987	0.39257694578452	-0.24536014886037	0.07125101982882	-1.00000000000000
+1.38041034269348	0.53168644502797	2.76220444530511	-1.35800351653439	-0.14043437945960	-0.41946718138754	-0.47855886966531	0.55852547611170	0.44523981271292	-0.38211697608526	1.00000000000000
+0.19988965957230	-0.56316997225089	-0.00314873225972	0.37822705496041	0.84301631111330	-0.05591264300703	0.82316423390087	-0.68092692220659	0.04022820042112	-0.03790653981199	-1.00000000000000
+-0.91366444474566	0.28153855863317	-0.21948769466210	-1.27513600429259	-0.69177707818368	-0.29181861125858	0.91218961199277	-1.95730761855072	0.23888149084956	0.20919897687690	-1.00000000000000
+-0.86899777078508	0.87117608933223	-0.31880289387926	-1.26303114780145	-0.28433029652725	-0.16010979911416	-1.48997755140924	0.75398635989151	-1.26702543193340	0.59381221531682	-1.00000000000000
+-0.38300380810448	0.06637417524923	-0.41863441224941	0.67836205104896	-0.62830561453993	-2.31256447451452	-0.53302220867641	0.82450365426076	-1.13767856495922	0.65755065681746	-1.00000000000000
+-0.11307730220450	-0.14578619358083	-0.55892204094226	0.92648546604533	1.38326860368019	1.59568969038096	0.52126718593419	1.25974875623760	1.46800861916870	0.77983918431401	1.00000000000000
+-0.90233498452731	0.81163641484565	1.87132235069371	0.78729304838803	0.99781240798165	-0.42535063757838	0.80523239859774	-1.30087936019794	0.75479206790822	1.26246964082460	1.00000000000000
+0.63179007807294	-0.18853974169187	0.11663627389706	-2.85177997556465	-1.87020148946637	0.39914708326912	-0.37028724388930	1.67470061812458	0.72196907320356	-1.19109193388799	1.00000000000000
+-0.63269247941624	0.64691931142469	-0.34275225141855	-0.61102968719721	-0.71946055469637	-0.84644303297764	-0.08890485310051	1.07301960640885	-1.95133470312814	1.49956736484463	1.00000000000000
+0.86709318094226	-0.52666892118120	0.23598393288701	-1.88951583195201	1.51034977505588	-0.11160102900456	2.34934371330039	0.51500429099973	-1.82665022935665	0.74939004207017	1.00000000000000
+2.73228173076852	-0.01832111473444	-1.38402761621733	0.66035137481428	0.59202678843266	-1.34632915039654	1.16046247987702	-1.59046205463519	-1.16153764396324	-0.03525139105069	1.00000000000000
+0.07359970896522	0.32088225889827	1.12767150879109	-0.47911433558288	0.56760460726560	0.33844529671863	0.68032377119180	0.17764562997990	0.83645288286405	-1.28350497911923	-1.00000000000000
+1.07791361740406	0.66253370819522	-0.42611357357459	-1.14175879065473	-0.61287837456445	0.39137460441155	-0.50542990854746	-1.19701455504659	0.19451992207565	0.62557645596024	-1.00000000000000
+0.48624474042807	0.52832037377525	-0.99465652926962	0.15735137276648	-0.37586247732300	-0.90624515939529	-0.87697205497171	0.15418995816668	0.40007679032459	0.87967513485424	-1.00000000000000
+0.74627976844983	0.24119513641358	-0.99467149295914	-1.08858671470182	1.92958807300351	0.28681021869424	-0.60087070738980	-1.39516446992360	1.53613179331696	-0.18159902476881	1.00000000000000
+-0.93804531055218	1.51119433454672	0.29570914875231	-0.93384753405962	0.53021126852833	-1.00153033877835	-0.83978655859493	-0.37046970714237	-0.23947841211721	-1.60846951274856	-1.00000000000000
+0.45664723568716	1.61331848014097	0.54769550651330	-0.09327388993006	-1.65048200094736	-0.07533845802332	-0.36041279522737	0.58591954970669	0.24838430321989	0.48006909079489	-1.00000000000000
+0.88812051469490	-1.30773340924513	-0.41160672908309	-1.14354931901992	-0.12192974417951	-0.40488501604794	0.26716618920547	1.72174764940239	0.16669868640346	0.87413223107297	-1.00000000000000
+-1.31155372654608	-0.94120379270681	0.23467753935913	-1.36846663909260	-1.10822833840295	-0.37615231458621	-0.97835548250598	1.22150967329733	-0.67642807821088	-2.67450524314370	1.00000000000000
+-1.02403472926783	0.28744218176756	-0.84263958905397	-0.67426211414340	1.11300338555558	-1.68136988855793	0.16670320248662	-1.26180160994909	0.05150136502034	0.35058200433890	-1.00000000000000
+-0.69994869885367	1.93824631929000	0.28603232581694	-2.88030427939894	-0.01552369410787	-0.48237361376960	-0.55425608219031	-1.84994388098052	1.02292584871982	0.96546378147683	1.00000000000000
+0.85071142371939	1.27632787788643	-0.73811095688649	-1.54548914971249	-0.68679013726882	0.72274535373437	-0.33273475753369	-0.10221513449467	0.72973420713666	0.88827973028841	-1.00000000000000
+-0.78743750412881	0.28068597963261	-0.68144459562313	0.46319294260521	0.78680443857611	-1.04721693409807	0.48726122853696	1.08592079704337	-1.19224318077653	0.16053547990388	-1.00000000000000
+-1.11105588395748	-0.58230785895133	1.98228655334180	0.23621855847816	0.94173065382371	-1.08205847971336	-0.80696137021024	-0.44907209654422	0.23255597418427	1.17055934262220	1.00000000000000
+2.45640175607081	0.15971060589115	2.19893388060458	0.16516854654618	-0.23073154658881	-0.80845650187187	1.32001424993971	0.80806900554077	-2.08609917318141	-1.52615745350181	1.00000000000000
+-0.21427460062362	1.82868147857564	1.59501731148422	0.98825492310150	1.39923661839596	-1.13638205655297	0.41629809739832	0.00983070166129	-1.18127286447461	-0.30407683012976	1.00000000000000
+1.58707028657736	-1.54375638646905	-0.06732784941519	0.77768137978304	-1.81548840282906	-0.74179290325564	0.18435562131007	-1.12024468782797	0.04036158420584	0.05826618969031	1.00000000000000
+-1.68599989430244	0.78034547268718	-0.86663115079413	0.22838400338053	1.07988237985724	1.22462470932519	-1.03242490761764	0.12888068809186	1.03828668050896	0.60739291034977	1.00000000000000
+0.90776486545068	0.11128664082609	-1.27431719114344	-0.86554137225135	0.63258588009292	0.02060103639059	0.55339686836810	-0.37449145011094	1.17551809623666	0.40015461433491	-1.00000000000000
+-0.65664877679352	-0.26251346375880	-1.69591450998727	-0.53566695467169	1.11433093508418	-1.03564609730401	-2.27353927530592	-1.00819697768353	0.71757139114133	-0.14202730902195	1.00000000000000
+1.16850364626493	0.63937259408928	0.40558785476325	0.24587497277711	0.18290406562786	-0.44506455986147	-0.95444957254552	-1.36924378561179	-1.35739807994987	0.83960386797669	-1.00000000000000
+2.29583078973768	1.70545131014924	0.98023566137653	-0.26181017238057	0.26225336412204	0.06149154997687	-2.14226962032132	-0.23961662425307	0.08920342387555	-0.82312691364840	1.00000000000000
+-0.12569928091762	0.89384116946733	-0.85453320993155	0.42622146531487	1.32544705058914	0.35522805446772	1.48486261386782	0.10032051673091	0.03211231985853	-0.48305971728783	-1.00000000000000
+-0.94094507279534	-1.31044300880919	-0.37775469413898	-1.02841415893532	-0.43820210448568	-1.30139155424725	1.06998093204555	0.23679384555368	-0.61366902196170	0.61733624991081	-1.00000000000000
+0.75224855557589	-0.33349018060043	-1.10458607701407	0.66348491937109	-1.00550432740886	0.60383134563254	0.01252177645021	-0.13293841085245	-0.39148822633826	0.39344136477689	-1.00000000000000
+0.22393137066874	-0.23624103131498	0.10765183151462	0.62180238515866	-0.67502478722320	-0.41742189438727	0.03423022038257	0.09030587068214	-1.35021163629781	1.76855817586213	-1.00000000000000
+0.72455176340970	0.49251770863891	1.57120609019585	-1.02088168551674	1.85446340312711	0.24898512943446	0.61887976281004	-1.39207427407681	-0.83712245166630	0.92965873145287	1.00000000000000
+1.30979456711404	-0.51811456603755	0.50532701388934	-1.45289669383152	-0.57613120533923	-0.03790327427001	-0.46925563312399	-1.87039427370113	0.41133699267742	-0.31596982484414	-1.00000000000000
+-0.05994240625357	-0.20310756537146	-0.30903267059392	-0.20437610194668	0.96956517562877	-1.06195437134589	-0.12551448295634	-0.75692025110653	2.00251442798970	1.64443821745996	1.00000000000000
+-0.10346909318645	-1.52672733663294	-1.29437935934989	-0.11538587574857	-1.21364676910607	0.38141202509950	-0.57625937980195	-0.19791946025878	1.45276710286555	1.37216729387712	1.00000000000000
+-0.37693154101875	0.60549141421208	-0.11078204459311	1.44968194966256	0.47334287245794	0.60916500474234	-0.29426653516499	0.61751456277348	-0.61926112704601	-0.00785725591949	-1.00000000000000
+-2.00583812950670	1.51449051925230	0.38121507289181	1.29246793062147	-0.13884564257718	0.53648309535296	-0.21406572192388	0.07254849810756	1.71036790637146	0.75465335043298	1.00000000000000
+-1.55417204890466	-0.24852204150413	2.63446413361311	-1.67875065151620	-0.99640089151151	0.19112702676311	-0.58982618096099	-0.05555807318125	0.94604761809614	1.29785812576576	1.00000000000000
+-1.41678204658072	1.55112545552576	0.30262895278925	-0.40030134519567	-0.14004817399135	0.09829362867272	-0.22487408806209	-0.75191226946593	0.08970488790457	-0.24622336610262	-1.00000000000000
+0.15933068709955	-0.94678240735460	0.07994799277696	-0.06972186106225	0.54017718205390	-0.20761518308279	0.25188537634536	-0.03755321221443	-0.34382922977179	0.41687219271521	-1.00000000000000
+-0.25182691811428	-3.60025310577092	0.67037212949762	0.58771577530083	0.67852917893511	0.54520131313999	-0.43340600068143	-0.58533352666894	0.69437335163349	-0.60933808868806	1.00000000000000
+2.09143763479079	0.46213020496417	-2.17975769005544	-0.34891900245084	-0.49939479815080	1.68405760843464	0.10183118777676	-0.00833231119336	0.19799341966391	0.92409128809199	1.00000000000000
+-1.03477805634274	1.19063361142413	-0.65744377884676	-0.17504927196611	-0.72330771358004	-1.34678203556072	1.32227633435968	1.03657876119172	0.17314820040870	-0.26237638664882	-1.00000000000000
+-0.01734727082450	0.13719297372498	0.96480500371090	-0.30363479194023	0.51813204210729	-0.65496787060859	1.76002105736645	-0.87799595676781	-0.44097843517798	0.85478746502009	-1.00000000000000
+-0.43273612160260	-1.35527654985399	-0.44250498935722	0.99071538703034	0.29153656733048	0.32701484612434	-1.25782390400409	0.46287185267198	-0.36303128401837	1.41897336055297	-1.00000000000000
+-1.42732661470717	-0.77875883745714	1.65942284090532	0.34348265482909	0.18115630906052	-1.73276425218091	-0.27746451314266	0.47350187661306	-0.52561959337240	0.13959556325516	-1.00000000000000
+0.59599058442538	-0.95702427065264	-0.68882669722685	-0.23537636414361	-1.34651873383097	1.03208562416952	1.39524700426940	0.72532558705650	1.60225558325179	-0.09835174564254	1.00000000000000
+1.94215820074407	-1.40699887106480	1.18087809814459	1.56896941449043	0.97194511476963	0.86477038389619	-0.16899718612384	0.01836324795282	0.42379728311256	0.93980115735278	1.00000000000000
+0.86111388435519	0.27722936852019	-0.88984979329980	0.42658734286646	-0.49723738991776	0.28187703550213	-1.53273188399836	0.34128593014240	1.55636108537252	-2.34198112871942	1.00000000000000
+1.35067371745554	0.10585908593456	-1.08986021989102	1.76733500897937	-0.08383433315946	0.85330893393874	0.31174637075202	-0.72605945184191	-0.65929453476896	0.22147505919205	-1.00000000000000
+0.40766264055209	0.89349267098810	0.93249427546909	0.08869632881656	0.22465848362983	0.80191881098021	1.41506331739956	-1.22955355181359	-0.88008065559673	-0.58793137503597	-1.00000000000000
+-0.58891493459908	-0.25445733917387	-0.75302444314317	0.64716636038371	0.10858797313601	0.32019469759146	-0.26244338037245	-1.18398687040679	0.98503622503179	1.30859309807198	-1.00000000000000
+-0.53984750189030	1.94730823044856	-1.43085235311966	-0.06768625611739	-0.52643616052298	-2.34520279202045	-0.58686116285580	0.57225908000439	2.07400866758581	-0.29590421173917	1.00000000000000
+-0.70825460999483	0.51563003104261	0.22896354933006	0.63363249820588	0.52287476508399	0.49984744836635	-1.35842706281963	0.31537021301360	-0.00634960685527	-0.68782973985962	-1.00000000000000
+0.46433562896239	0.28904444661144	-0.58081311419705	0.14432899476264	-0.54525074532864	-0.45462217947682	1.12673312919670	0.35853658309361	-0.09594973002164	1.16519778265281	-1.00000000000000
+-0.53761116663344	-1.91553907461988	1.53035688596432	-0.06590105303491	2.09063201923520	-1.25103075600771	-0.76552998983322	1.05941688457728	-2.20697584964871	-2.10573024114900	1.00000000000000
+0.16801151632676	-1.45590110084671	-0.71814778640467	-2.11869685124757	0.30554930903057	0.71498136804662	1.23464213678558	0.07551467246841	-0.67464236042145	-0.85723334112375	1.00000000000000
+-0.59539469624584	2.07452583209793	0.47493938196808	-0.42419538283427	0.72375067808117	0.75250372288740	-1.74138319519816	0.95891339397106	0.19503394995553	0.92249129321709	1.00000000000000
+0.59962784415136	2.15080362170067	-0.43193432235702	-0.63930141633760	0.79412367000261	0.75063605096135	-0.46508729801971	1.10555971064220	0.38972242839079	-0.29354596998972	-1.00000000000000
+-0.11182736711266	-0.33714283553549	0.64293731442344	0.38533651263392	1.46295749203314	-0.15591132079112	0.47411250950018	0.64103538222852	1.13057208027640	0.04752841868077	-1.00000000000000
+-2.48246793671779	-0.24824628516937	1.11422868038410	0.23021504195711	-0.31016991412849	0.56871487642686	1.71706669646775	-0.11038980173905	0.29509882052960	-0.24658604439246	1.00000000000000
+0.48702732552209	-0.74712695174176	-0.70841199927974	-1.24387423613441	-3.16783822530359	-1.08322420386500	-0.76858547066927	-1.69039843865965	0.33586987611836	0.83796841227760	1.00000000000000
+-0.46515487502608	-0.49951154487437	-0.87678380825169	0.81560251244718	-0.16356235872824	-0.68372865425538	1.19957117990694	-0.57936283866365	0.42070261683695	0.44925773977378	-1.00000000000000
+1.55186340159120	0.34942612526079	0.63464078333513	0.01388767298501	-0.53032032626230	-0.75172572035157	0.55041483536027	1.34880411560594	0.64102045554676	-0.79823971951501	-1.00000000000000
+-0.89217678295985	-1.99105605892406	-0.31804465085523	-1.10202593713791	-0.40066546442833	-2.14374709616810	0.20937609644269	-0.27674953212009	-0.72583659592618	-0.32655390483222	1.00000000000000
+-0.52007802684178	1.78234496994903	-0.59557904579997	-1.96652356270923	-2.50391974403133	-0.81020730705877	-1.61581073008880	-0.86615163230656	-0.26849016874601	-0.72258739589701	1.00000000000000
+0.12732547506914	1.16234438418920	-0.28733756625785	0.11445598585963	-0.39022085262116	1.56558799927031	-1.12952128070832	0.13957518077361	0.70912736361830	-1.76083000510282	-1.00000000000000
+-1.31048607195302	1.54083374325509	0.16932186922391	0.92612838719678	-0.03880755797391	-0.41868144102956	-2.94210735946882	-0.00583356395236	0.39467756154237	0.45448848685993	1.00000000000000
+-0.45324582927563	-0.68446143801947	-0.87217382618374	-0.14181106111858	-0.16545722965222	-0.52745656898186	2.06573232181350	0.47374477804993	0.07678293290352	2.26554385855553	1.00000000000000
+1.40937513354890	-0.64450136060813	-0.38091109886201	-0.85575665158958	0.34524916665293	0.40757163754173	0.73427618280283	-1.78514303482196	0.35677260137508	-1.70184483291252	1.00000000000000
+-1.47730842694867	0.01658949392128	-0.00851601204392	1.59643473866304	2.42240729357425	1.13831325966232	0.67892756310603	-1.36360252083241	0.10151684438212	0.88689406420903	1.00000000000000
+0.44350387553486	1.69658513389496	0.96607394334701	1.75063905089767	0.06890536336907	-1.20539840235204	0.37899007626202	-1.07725380738857	-0.15998751558685	-1.92394847839436	1.00000000000000
+1.84267253288749	-0.52008007845010	1.57589872598276	0.57039204972766	-2.01360011592632	-1.64782308522395	0.35666357515719	1.38170394218054	-0.24643760592122	-0.08581829050831	1.00000000000000
+-0.62239459275795	-0.64624799379307	2.18373561871029	-0.70049445683971	-0.33606729043027	0.61300747235090	0.17660320669978	1.13656409674870	1.74004345241724	-0.42149528365959	1.00000000000000
+0.73329448077190	0.33185889834083	-1.90297720738139	1.15783354227955	0.54632654863718	-1.64763343124370	0.35762601056264	-0.34447280234059	0.94389446639996	1.10145504557893	1.00000000000000
+0.34486002869069	0.77840295526758	-1.00798240617648	0.31946296008323	-1.06166784008576	1.00312374117791	2.56172559206881	0.16796087776141	-0.13682869193481	-1.48454507969503	1.00000000000000
+-1.04142365012779	0.76643028607370	-0.52017304813408	-1.00990454624452	0.21754792273487	0.75618689620069	-0.08667979305373	0.10512837448492	-0.12760930299522	0.33611216067463	-1.00000000000000
+0.86139579534366	0.03529882955737	1.63864270767577	-0.84309474185053	-1.14015180511172	-0.92646582399638	-0.83283940412674	-0.53851056219835	1.40230195863311	-1.52224508965950	1.00000000000000
+-1.57356709742483	-0.19824440806017	-1.38522979191368	0.61280805797398	-0.46118527222172	0.48464168755586	0.82066309047844	-0.06454337008405	0.47065063220355	0.26406807432317	-1.00000000000000
+-0.90164238514152	0.02910333426216	0.75404452298620	0.61694013118701	1.28710265105001	-0.53908947181075	0.00282615649327	-1.29014536053461	0.81217239596635	0.80367472992889	-1.00000000000000
+-0.68563562115775	0.50540051010456	0.77857791419261	-0.26066856584651	0.40063029901115	0.37981200491781	-0.27834706598334	0.32966371736092	0.68903528677949	0.34749687189897	-1.00000000000000
+0.68381042461102	0.97296472802674	0.38786893047388	-0.80991121187542	-0.03718523262883	-0.17547026897346	-0.68553768525721	-0.97363668267867	2.05030927479648	-0.45050370560308	-1.00000000000000
+-2.28984396480885	0.81693826473298	-1.27989104159139	-1.03698441687243	-0.95782298351749	-1.21237084887731	1.51848525865247	-0.44155728951455	-0.50147132671615	-0.12591530855713	1.00000000000000
+-0.93444513162233	-0.94611626637358	0.90108521858489	0.25529174930102	-1.32031041706464	-0.63494990908158	0.23041138984527	0.36522855302423	0.02851047730148	-0.45248561188455	-1.00000000000000
+0.17068647637718	0.16467635556399	-0.01624518889458	1.81015981247167	0.21859591586030	-1.36218286263538	1.42766715954226	1.60389273921212	-0.99594710326197	-1.38461410157834	1.00000000000000
+0.32523896971054	1.12908737006175	0.30436425087267	-0.49059477376578	-0.14237926638605	-1.96320178214497	-1.74827544651958	0.28137762218905	-1.35640003681904	0.89046137321021	1.00000000000000
+0.74995578157915	-0.03843504558763	0.01963814470800	0.02918478867950	0.71216601738617	1.69170948675339	-1.27908294678810	0.10517305082450	-1.90119497228407	-0.73299836398285	1.00000000000000
+0.33418859410933	1.85027915710737	-1.37547003087761	-0.77480200325827	-0.70474158328777	0.39418756901265	0.38942807880316	-1.59363509861935	-1.11814697024597	0.28577806346012	1.00000000000000
+0.73256995094676	0.29718750057924	1.70414708645707	0.58610569293439	0.92599904683088	-2.73253954644501	-0.61998159643339	0.73180308176091	0.95167486116591	0.18115207510993	1.00000000000000
+1.48348716801317	1.13633841962339	-1.55007060987013	0.00349257039035	0.99851402467730	-0.67347819835414	-0.87579903263811	-0.68094343169547	0.32978589986455	0.04163947734950	-1.00000000000000
+-1.17507175156239	-0.50055465398311	1.56577419339094	0.26477886028040	-0.29168719537159	-1.65732789173483	0.45379529018504	1.01783979746260	-0.64923138023717	0.92958814329247	1.00000000000000
+-1.64912928407821	0.08223037690216	-0.45252336265486	1.12126074368982	0.63037299162561	-0.24172514914811	-0.55185661343698	0.24980472363349	0.24052336769849	-0.05562142893228	-1.00000000000000
+-2.38002507597909	1.03633460941538	1.27155531955794	-0.15536694207060	0.48711767115632	0.80268074610690	0.61916378564039	1.70316864428455	-0.49819389505593	-0.50765711147629	1.00000000000000
+-0.41317776483759	1.15157952156912	0.63474401703095	-0.42227178184704	0.11972274902534	1.21120154360535	-1.05880099416104	-0.38696003385560	-0.08231496298227	0.24404862101573	-1.00000000000000
+-1.12406314264652	0.86720244763908	-0.53063007086807	-1.00993765755340	0.30346697707889	0.69125381965415	-0.10753088972500	0.67396694902170	0.40637917023892	-1.17178121522241	-1.00000000000000
+-2.26938982706847	-0.31141432519905	0.06018390991552	-1.13461106753821	-0.58007384720170	1.00810969335963	1.37695725911642	0.10283025908259	-2.47537455720596	-1.07762354702995	1.00000000000000
+0.56903681291910	0.75834098370088	-1.77915732795061	-0.61556861814906	0.06608305487353	-1.52013700777170	-0.97407502043554	0.33546297793166	0.88638890531282	1.74863024738843	1.00000000000000
+0.05415296771658	-0.09348444889985	2.08225350213469	2.09524918998982	0.95532704053460	0.61637710857001	-0.24329624572490	2.06907153974802	-1.18436945438765	1.15203587100165	1.00000000000000
+-0.57726651880247	-0.22046907100218	-0.96041266129110	0.74469092231048	-0.48970910488699	-1.61728225027900	0.46283795088428	-0.69451749492917	0.72692821757893	1.41160324078514	-1.00000000000000
+0.72745922420611	-0.77258073771844	-0.97882537345268	0.06388551925879	0.98081150463409	-1.18145364455425	0.29115595714158	-1.28052013134037	-0.95162850743680	-1.32593034610368	-1.00000000000000
+-0.11104740980663	1.12540185125281	0.20127275123560	-1.05784346889649	-2.03817145773160	-1.50619935327324	-0.19951141903019	1.01289715983883	-0.02247803410641	-1.95733669542918	1.00000000000000
+-0.67563912462483	-0.22662107993744	0.16085579377266	0.13464650055017	0.11996920057978	-1.29656203534442	1.42365784025479	-0.12986295138147	-0.81331606962850	-1.85448320447960	-1.00000000000000
+-0.51968991814873	-0.37357430947723	0.94262849320146	-0.59556095802385	0.27625488694909	0.52057996272785	-1.62510276008347	2.07625358078907	-0.38395539468112	-0.49817495031569	1.00000000000000
+-1.56865615727583	1.27651436879004	-0.98305830766331	-0.56610001455038	-0.55092185876590	1.27912244071709	-1.07525806873391	-0.80379523991153	0.52055222821809	-2.59682095240992	1.00000000000000
+0.52299163653909	1.08501776865307	0.17148946748663	0.81018675515405	-0.49050570602373	-0.08875638860963	-0.31979098824205	0.26798381239217	-0.20502151711685	0.45773939912793	-1.00000000000000
+-0.42087532501447	-1.81726699325020	0.61169147111132	-0.87701637856193	-0.64987108954457	-0.94402542184861	-1.35273722861351	0.82392152309895	1.79492844906793	-0.53154287979313	1.00000000000000
+-0.05414688122057	0.98313909652742	1.23088137484548	0.79163157556946	-0.62468805265020	0.15859471726293	0.72547413144348	1.83892469733031	1.18311166646728	-1.84090694528596	1.00000000000000
+-0.97806197440367	1.08978173230095	0.90453550821628	-0.20568855066139	-0.11594316064074	-0.09882740934808	-1.31987784692648	-1.23613822442277	-0.04804398878886	-1.58516857397443	-1.00000000000000
+2.01275028830393	-0.48516369255561	-0.19945817808779	-0.41693577049578	-1.06277505014017	-0.88080094453214	2.08886596573923	-1.77727003061913	1.60519178633713	0.48520599882087	1.00000000000000
+1.14002526289502	1.48797206894640	0.71285089652064	1.45937693920325	0.33932467936073	1.16679798759262	-0.07283552943753	-0.33887439124750	-0.17082297474158	-0.73143032970425	-1.00000000000000
+0.37289555668431	-0.40408810101655	0.34001623369351	-0.31226400290893	1.15284220857861	0.81015451851924	0.99775845170498	-0.84531755995128	-1.48907980654031	-0.40313077236452	-1.00000000000000
+-0.08141228876334	-1.40762406979120	-2.05016138381985	-0.12910668091556	-0.16223327856376	-0.91047772378320	0.22257104732921	-0.97631626604397	1.32501232648052	-0.47395913109796	1.00000000000000
+-0.60942631421275	-0.34699462234633	-0.12944596559761	0.13947515254401	-0.97772089501542	1.31974051552854	0.33512009659026	-0.08216319926608	0.89782095678491	-0.67371239472165	-1.00000000000000
+0.60072131918559	0.24955097478894	-1.15823521812678	-2.25477034846603	-1.81806691616661	0.33005999695902	0.83854948185504	-0.79278114646978	0.73567080618248	1.91587546979451	1.00000000000000
+0.01226570020075	0.74732521512402	0.39070874614842	1.63889975424649	-1.14479626441701	-1.27937617177266	-0.04147036807031	0.99938922461858	0.04311330505709	-1.17908667931620	-1.00000000000000
+-0.94776481977971	-2.51295538348380	-0.38988429435520	0.59097451979786	1.14344184835887	-0.49860675931176	0.98565626519947	0.67043448403297	-0.06770803058608	1.83134785618698	1.00000000000000
+0.06177336674964	-1.48660860654566	0.87828993828057	1.20470332391644	0.92593939040333	0.82406060703152	0.01815766121711	-0.23492073589518	-0.55762031778447	0.75142645529924	-1.00000000000000
+-0.79132855080777	0.90551257631104	-1.38371508128211	0.34702305528844	-0.35406629424237	-1.82260039633910	0.75208500635356	1.55569176342941	0.21332647728842	1.32746032765647	1.00000000000000
+-0.86907831334440	1.37200232232630	-1.22935518204834	-0.37712315764895	-1.39404717067966	0.98119532426418	-0.52655919483462	-0.05755400406373	0.73397288320912	0.65085402052966	-1.00000000000000
+-1.36209738184740	-0.46235603536031	0.03705084121017	0.47931866459622	-0.68276822590483	-0.12612895838251	-0.50173930794910	-0.68511146720058	0.47982967953393	-1.40236569810771	-1.00000000000000
+-1.11801763654039	2.00132225932677	1.10144333393843	-0.05576158784793	-0.21983455430314	0.20464761237529	0.76515542823573	-0.36868334513584	0.76578444955951	1.08703185293106	-1.00000000000000
+-1.69060441883640	0.43337954568897	0.42073265588522	0.05537578383398	1.39959454199972	-0.09773977743724	0.46260201584221	0.77505997270967	1.57606171877874	-0.90275351115336	-1.00000000000000
+-0.37755222551463	-0.45247845713437	-0.71988727466857	-0.50230606329163	0.75928803056550	-0.47889833217597	-0.43869053854043	1.39035641469478	0.72419661331031	-1.80881814524468	-1.00000000000000
+0.48095783208666	-1.08172223303836	0.26519277346644	-1.13418197500928	0.31979405433657	1.30746095120607	-1.20870387330711	-0.54681970949570	-1.14783377236021	-0.75757017477706	-1.00000000000000
+-1.58076033642310	2.50797593492808	-0.92116510237683	0.90211866012755	-0.41268283046698	-0.49010547754316	-0.53488725109926	0.77661351084144	0.85611132953891	-0.24599587639814	1.00000000000000
+-1.46125176863032	1.74355269032230	-0.41426697300086	-0.46632282689168	-0.87865918809389	0.10767562086312	-0.27637930556621	0.74202814122308	-0.89764079750239	0.36343316852915	-1.00000000000000
+0.06800125046700	-0.55143363616713	-0.00439584580770	1.80158080837309	0.18419578063072	-1.51346540827946	-0.53024042230008	-1.32169758944821	0.33194534391619	0.60470161452498	-1.00000000000000
+0.29028575651578	-0.45657211968340	-1.45389578979418	-0.14315462520314	-0.58147508685956	0.04236273216930	0.75234883285765	-1.24503490745821	-0.02167123715296	-3.18479990912594	1.00000000000000
+-1.04899843719791	-1.90245986654601	0.66591084155108	-0.62483244720411	0.45418107770690	-0.69174695019346	-1.08513712879355	-0.32605993523409	0.54226220705745	-0.66352905913383	-1.00000000000000
+0.03331104171922	-1.15975131463240	-1.81454509243017	-0.68408796618590	-0.11506923766579	0.30556343750771	-0.23320009452720	0.85850023935495	-1.07591565545617	-0.46043844427087	-1.00000000000000
+-0.62829967846550	-0.32963963644570	-2.06656990065396	0.69867551240139	0.07196167003454	0.43668729869480	0.94291165119963	1.03906128958227	-0.11352983620363	-0.78006874850352	-1.00000000000000
+-0.04998962158852	-0.35674972919353	2.23326686783475	1.33462722314457	-0.28204699344901	-0.73868493052208	0.01900727349604	-1.95657773391479	-0.85100288402286	-0.39585160183233	1.00000000000000
+-0.03726973266632	0.41808018246580	-0.20320867755324	0.88702281970575	-1.23695004736515	0.32390307776588	1.12632531465172	0.31095203597644	0.47214350196587	1.76595568171392	-1.00000000000000
+0.50303734786136	-0.87714964874474	-0.40400516345986	1.87377623055451	-0.54312344164452	0.70359722655826	-1.83649176009834	0.12364662499062	1.72038215279699	1.14497827392798	1.00000000000000
+-1.38301209638090	0.13081747370138	-0.43247590171239	-0.43457781728756	0.04000964678186	-0.72600955638541	-1.33557986996931	-0.63050627909523	-0.98740008730776	0.57352936595893	-1.00000000000000
+0.80624287686531	-0.29100861449208	-0.12484229441140	1.49171461490680	1.00578830848954	0.25172467575901	-0.62099803742288	-0.54649981547307	-0.66679858813590	0.82181407947682	-1.00000000000000
+-0.90944171445824	0.99719099494288	-1.07926439545357	0.59305544397301	0.86059352842229	-1.30790743787468	0.15200851974908	-1.36629935716399	-2.01726267101008	-0.23009941693216	1.00000000000000
+-0.85654298789676	0.37442483977993	-1.52335984350434	0.06865787647125	2.21478388836280	-2.50650978955424	0.44634827922197	-0.08280356860471	0.98719839096321	0.45245893814472	1.00000000000000
+-0.96726619162999	-0.06087310643461	0.48304121041174	-2.23328276969721	1.42220123963959	-0.12727595687557	1.23215936999828	0.11010248511954	0.11685681590396	1.94804613257449	1.00000000000000
+0.09705847744231	1.63386435978103	0.95678370644254	0.83518408086075	0.46983755008470	-0.66823768479241	-0.14302315842346	-0.12995680351114	0.09669332050929	-0.28833886664912	-1.00000000000000
+-1.38937684192798	-2.08586180424488	-0.67882718755369	-0.88810535675793	-0.37342869889215	0.57455003194066	-0.53550248867037	-1.63393084678270	1.62858601042822	-0.65965039983919	1.00000000000000
+-0.41371988257094	0.74720116162750	-2.25456477086959	-0.85518839703573	0.10811651060693	-1.01646786162655	1.04151760752565	-2.06060530256836	0.08907574317959	0.81693850967272	1.00000000000000
+0.45395558572723	0.71984030552180	-1.27261715711219	-0.38355889564690	1.35241024876158	-0.34967394165464	0.05953623585142	0.36162586025888	1.44241251351427	0.43010805989921	-1.00000000000000
+-1.31621767732990	-1.16801557290296	-1.05395454261884	0.22304436874795	1.18320855526280	1.15035193614195	1.47228175934923	1.32867971231947	-0.67935482161516	0.30888150723072	1.00000000000000
+-0.05259700167459	-2.22872434482933	-0.90056130307086	-1.98194057943441	-0.11903978902591	-0.01312614941588	0.61961712841257	-0.17826710526748	0.04611496950760	-0.11294062421903	1.00000000000000
+1.17254597792638	0.64037059240300	-1.12707448160653	-0.93626910361748	0.85724190961496	-0.55470085670117	0.33403266898882	-0.78109714064235	-1.04076586098808	-0.57649713040295	-1.00000000000000
+-0.55601835955641	-0.71006263055801	0.77376862317818	1.16297511818973	0.28435338299848	0.39821669255574	-0.52395740414621	-1.03760999799116	-1.73456794328603	-1.80504918104483	1.00000000000000
+1.21388290505901	-1.03580883724739	1.02836854941356	1.58900353356136	0.20984649297833	-1.20351714759829	0.88924334119489	-0.29570045625586	1.17462898232619	-0.77721482964135	1.00000000000000
+-0.42041450197334	0.24281858024888	-1.82573116492385	-0.70146800705106	-0.98724871358708	1.21150435477156	0.13431836446463	2.66599821297053	-0.37282145736522	-1.45551197216887	1.00000000000000
+-2.07974819203691	-0.22247089134550	0.55271282799475	0.11752603848592	0.12941101174508	0.13598954712135	0.53179303845854	0.10564682635432	-1.22527439967465	1.39388755959248	-1.00000000000000
+-0.90229573203883	-0.69710917411619	-0.27161243475630	-0.23220681119329	-1.36008637851028	1.12820849996454	0.38799438798465	-1.89314148702301	1.97017651063120	-0.51599443839710	1.00000000000000
+0.39057327262849	1.18724677121557	0.64009367417332	-1.18399269546775	0.56303815517773	-1.93481532684927	1.14786346189648	-0.37235017548511	0.36046628117777	-0.84014108000638	1.00000000000000
+0.53717232640392	1.34181437242648	1.37251807305518	0.86802831718232	-0.94553845141572	-1.75929057489593	1.62713222570507	-1.06329051032089	0.24307798437929	-1.34391150863819	1.00000000000000
+0.89630212129084	0.45061450075555	0.57624403144978	1.23331762341454	-0.10223819919795	-0.08968956002305	-0.18106309347468	0.68752434938820	0.28581033537111	0.17013079521337	-1.00000000000000
+-0.12638169409258	-1.12542031293426	-0.09897098488874	1.69645431707893	-0.08563264485812	0.57738444291462	1.68686118504697	1.20506880061786	-0.25096942873006	-0.23177978286783	-1.00000000000000
+0.83043024588433	0.68772418397852	1.19592335443490	0.00157717722948	2.07474256050920	0.36504646974905	-0.58020989842653	0.75371078114170	-0.97485265761234	-0.43158476963129	-1.00000000000000
+-0.26536519311522	-0.70962100386915	0.29621659022286	0.58246035922950	-0.81852339836468	0.09524197109709	0.32555568489744	-0.15284184614739	0.19202366174661	0.31397701078521	-1.00000000000000
+-1.05557903871248	1.22301147206475	2.28737446963791	0.46759997712211	-0.40126969390871	2.14437859231096	0.65429829917482	0.24312675853864	0.79890663347983	0.55913515499491	1.00000000000000
+0.75673278433336	1.55592031284258	-1.73355522438557	0.31062328230258	-1.12879760444381	-0.24082090258359	0.06772788511317	-0.43371672719407	-2.57708978966794	-1.96217033967989	1.00000000000000
+0.25878216112442	-1.14671210065249	0.79428100556950	0.31849746909218	-0.30243030080469	-0.49629517187855	0.40523170131057	1.03373192212780	0.47587335275089	1.09587071516083	-1.00000000000000
+-1.00121978928488	-0.47499490915740	1.34205687202090	-0.24093363832602	1.28031076639099	0.74258778695950	2.69290440488964	1.33204116881376	0.69912114834918	0.96282042125142	1.00000000000000
+-0.29392085216558	-1.81242995701837	-0.61335952354401	-0.55124579222834	0.47830515942919	1.14639680120454	0.98271395874952	-0.21473276248632	-2.15593279698463	-0.28763217644326	1.00000000000000
+-1.64386503529175	-1.50747245726417	1.24908084679062	-0.47961228558336	0.31603108852639	1.38105137120655	1.03802692401656	0.39750644155725	-1.23595412798550	-2.01009279145895	1.00000000000000
+-1.80939340960933	-0.34723619447925	0.35611959088528	0.70816226888608	-0.46492246925862	1.05498782862280	-0.88003699675703	1.02894256762642	0.54389791330787	0.12235104738392	-1.00000000000000
+-0.31189275367721	1.25102399121930	0.42316451906156	-1.04013341944100	-0.33293504975630	1.22455365301554	0.33898927788145	-0.05222239842276	0.93975481992683	0.72439420877253	-1.00000000000000
+1.67953893851068	-0.01173557121626	-0.04711885966832	2.02994472378193	1.72029391101453	0.78793903505047	-0.64705971724205	0.43618782607232	1.06784173532177	-1.58687375983749	1.00000000000000
+-1.94550798217812	-0.22670632317191	1.25663196355154	0.22896535054827	0.91673411248313	0.93908112212730	0.26978719950198	-0.67671881966554	0.59407773893077	-0.60293420502488	-1.00000000000000
+0.44867786119863	1.26301813898149	-1.79613088086180	0.12555087651356	0.87406231421506	0.49788261539920	1.25330376082951	-0.13675699892401	-0.69458026385294	-0.29155889711884	-1.00000000000000
+1.13784297926050	0.06418021623269	2.00782715114071	1.32377449566083	0.43465001647965	-0.41127153751900	-1.01910208034154	-0.21315514116664	1.05390892101396	0.05699928658413	1.00000000000000
+-0.41799405119496	0.35509214787494	-1.60933935900947	-0.71815587505803	0.52101162192215	-1.04049564613066	-0.68762679069328	0.99630872991715	-0.05254806386254	0.58491722588236	-1.00000000000000
+1.22796584621525	0.38551739092445	-0.92081084254027	-0.51373523294352	-0.41539204742893	-0.64936118585240	0.73099043052973	2.19776989976945	-0.76653902059675	-0.43878265515095	1.00000000000000
+-1.35293611492441	0.08942445094174	-1.97602154580942	1.73560323934966	0.29909961810509	0.01178546681675	0.28937224878087	0.38938035354683	0.77980106772085	-0.23383274908087	1.00000000000000
+-1.20056165313484	0.06251038313616	-2.18143645470322	-0.43679299247493	-0.10043635127329	-1.15797340442571	0.59456121754382	-0.60548384329789	-0.08665555757952	-0.68876871213726	-1.00000000000000
+-0.31830300306378	0.81514915226915	0.10032422577509	1.55711635571599	0.47888114530650	-0.10276757067953	0.52745287359236	-1.55532363595123	0.75072829447612	-1.31666329321105	-1.00000000000000
+1.07326917327829	0.21024084599851	1.73955159572946	0.57564430485786	0.00633806750963	0.33815717911835	0.11271223156796	1.38123280131623	-0.22825480826096	-0.09513436122566	-1.00000000000000
+-1.30650099695547	-1.80653527741405	0.47259401924329	-2.05940288096746	-1.75744610780305	0.83413934806926	-1.47594325891476	0.04136160352091	-1.54154296292961	-0.36619543792045	1.00000000000000
+1.66596163451121	-1.30702386412187	0.33597414018686	0.80021887650035	1.48600653674935	0.21588472499678	-0.41021294847065	0.19311610295517	-0.23884051048443	0.12459637292987	-1.00000000000000
+-0.14499126153691	2.60476760449481	1.29489296105657	-0.23535002764284	-0.31931900090737	0.00282596237799	0.83619203691014	-1.32071034649034	-0.70937161181880	-1.35524744367292	1.00000000000000
+0.93113444029842	1.13406230199016	1.51896772164352	0.41682771101186	0.78495727124374	0.69739664892027	-0.03334448902847	-0.42359792713877	0.20432911101323	-1.56875229113079	-1.00000000000000
+0.21279518929518	0.71999198377434	-1.72274823452233	-0.63158116373577	0.05784834267062	-0.97296628753012	-0.77572944397731	0.47945544529175	1.00953813071742	-0.24547670031055	-1.00000000000000
+-0.28428837265210	-0.27478570929690	-0.46845710478988	0.99641836524127	0.63705670328396	0.05823294497514	0.33764259301984	0.74565651190306	1.96639495282413	-1.26543885143557	-1.00000000000000
+-0.67931123728943	-0.93047651293124	0.89603821804738	0.90157643616206	1.23291570993442	0.53037321308755	0.37921147088242	-0.87016122793570	-0.50603645604170	1.32401228491420	-1.00000000000000
+1.67636216936134	-0.58381563238895	-0.85785537944584	-3.19853008214135	-1.14326232879221	-0.02661212137409	-1.32964714671339	0.16702366876509	-0.01976090791769	0.04204478826643	1.00000000000000
+-0.15033995279341	2.39704862869103	-1.20448171672448	-0.88463849925197	0.14682077918990	-0.45785781166486	0.41444713094609	1.64744029607594	0.05520217579154	-0.68146185115751	1.00000000000000
+-1.25346992275250	0.03482021044026	0.74999500668344	0.26292236092988	1.75403821512655	1.47183335449142	-0.55483122708646	-1.11933441858997	-0.14379492282242	-1.94700870337854	1.00000000000000
+0.54901835436188	0.35752422658912	-2.10146774965195	0.45809059026337	-0.90944452189013	-0.02285204663187	-2.01980600854206	0.06720250915713	1.22413904558483	-0.63007407761844	1.00000000000000
+-0.50654396954567	0.87913045565927	-1.04464202168512	-0.02635849936829	0.18992103775936	-0.92689455981580	0.14931758544316	-0.44232265975085	1.85882212401502	-0.16298814993390	-1.00000000000000
+0.01327173410937	0.65299237584896	-1.79825660448762	-0.37496910008430	0.47262180767821	0.09200956576819	-3.06306386075444	-0.10156185917886	-0.73393805520220	0.57827012655699	1.00000000000000
+-1.31829859942711	-0.16917040187177	-0.77970727986920	-1.33276318651455	0.29924870738932	0.10171890142604	-1.77693549248067	-0.90547706142543	0.18718520583768	-0.50354578418052	-1.00000000000000
+0.93010417945993	-1.18118838132272	-0.24547561192023	1.83281539037074	2.47703856608960	-0.41369147892180	-1.54242225808486	0.05134471232445	1.25957759224545	-0.29725113454192	1.00000000000000
+-0.57856057287607	-1.91747968906540	0.02140398221828	-0.70984896990359	-1.00557426108449	-2.20780867270832	0.35375028445872	0.12612006649491	0.93176770296673	-0.81610178661391	1.00000000000000
+-1.38667900437871	-0.87479116088069	-1.78109132965198	1.24102710119486	1.08765849960733	1.79151627128336	1.04559449191518	0.39107947802498	-1.95801656413796	0.14874014125285	1.00000000000000
+0.41849214842925	-0.64992576993279	0.74060819472783	1.66491211726462	-3.05597228475828	1.03910869519313	1.87439751438158	1.03853161756518	-0.30402134398308	0.35024782340446	1.00000000000000
+-0.19347311879517	0.81044126597499	-0.13257899584655	2.24763934585717	1.72258182283348	-0.88767424465611	-0.20294105286508	0.23052888403302	-0.63186523243211	-0.74848193174447	1.00000000000000
+0.34381678925054	-2.01778619837654	-0.50217645922973	0.55126255593443	-0.06149001557831	2.50014912439361	0.46401516911538	1.05091828844381	-0.34303407055149	0.93899010910610	1.00000000000000
+0.79305869785016	0.70056311985580	-1.38388550081403	-1.06091790463100	0.24566153660703	0.84238443601181	-1.28416070155142	0.10722631961051	1.21476075934898	0.16139138420281	-1.00000000000000
+0.66479173529900	-0.64314190816281	-0.34108140155768	0.09789120371503	1.53688056372755	0.71263336041335	-0.81641979461318	-0.90897834971818	0.87566192740259	-0.36831893838180	-1.00000000000000
+-1.01155052324297	-0.18785520616436	0.17607937636706	-0.20355061320959	0.22790123266634	0.11652600031621	-0.53913890286450	-0.76601165076659	0.14809107926910	-0.86066629483292	-1.00000000000000
+-0.05064133897626	-0.41431227009484	-1.24743528011050	-0.58842671528295	-0.07671971468601	-1.29663073507037	-1.87251395736813	-1.26253790626849	0.17816239619506	1.37680401815999	1.00000000000000
+-0.77367365063560	-1.83330927681538	0.60479494376849	-0.14938937217701	-0.11467026558154	2.17691255486819	0.60289241167247	0.10360225745802	0.62998523730239	0.07600172553047	1.00000000000000
+-0.39522013875572	-2.11819764286866	-0.21457647662958	1.14497166228517	1.16050759133378	-1.77967159999030	0.61531818536774	1.26971611834464	0.05760347178284	-0.64109315044562	1.00000000000000
+0.52219239301491	-1.34591856406317	-0.62566770037126	-0.16924090189921	-0.54312685070972	-1.76188966408476	-0.92311577377045	0.80368537800890	-1.19419758445809	-1.96018842089680	1.00000000000000
+0.45116363923102	-0.08172882679953	-1.18620259085601	0.25177355298245	-1.63453829087180	0.09529732772122	-1.08107731042858	0.82907218699929	-0.14247437732030	-1.77707802184460	1.00000000000000
+-0.05029119396546	-0.79405462626181	0.76176617442637	1.02490112423636	1.70213975559731	-0.17555759153454	0.81865895404635	-0.40645349404093	-1.82606030301068	2.74515414348763	1.00000000000000
+-0.50935361272921	0.92690214454611	-1.32788145267659	-1.25789713081597	-2.13970327213900	0.29432186436720	-0.30114928044385	-0.26116105758985	0.37716715067477	-1.33437227738490	1.00000000000000
+0.82915634173731	-1.12219282931167	0.30810629694059	-0.06124113177779	2.27341799997059	1.00625981048318	0.03226903469461	2.49452915957110	2.23550697043376	0.93058094588401	1.00000000000000
+-0.60571517054313	1.78277372765393	0.72008253656141	-1.58483754939258	0.36392145763356	0.17699662517310	0.41004355312072	-0.62571952863471	0.05416476934037	-1.63649919590995	1.00000000000000
+0.34797316494873	0.56613644979686	0.69921204696006	0.76425214827464	1.17927139287923	0.88992517132693	-0.66282985689742	-1.44065380957242	-1.74682162221158	-0.04495996566286	-1.00000000000000
+0.63052075238133	1.07499071419663	-0.99268312402974	0.46976924873401	2.80777680209963	0.61029745818603	-1.03782994857793	1.61811198172928	-0.29799031544157	1.41736515153926	1.00000000000000
+-0.14980079146358	-0.57777226011756	1.93906256822289	0.60089488955484	0.69318971837643	0.11440420488669	1.10906574878490	-0.85949335190836	-0.20924227274894	1.98026420380257	1.00000000000000
+-1.68285808237301	0.98847782353476	2.37097580773337	-1.85932255653080	-0.58758938819363	0.45015666523135	-2.22710542342609	0.63806117154086	-0.44865144505557	-0.63741724782201	1.00000000000000
+-0.09482670806582	0.52543203245542	1.47079575592832	-1.05516262837537	-0.57729475179633	-1.14638548907659	0.41622167236888	-0.68850301829586	-0.81092260694305	-0.86802244091366	-1.00000000000000
+0.04336686176915	1.31072961426376	1.09894395966720	0.59094188467376	-0.18102196164694	1.80028933114314	-0.07726011860935	-0.00239072191548	1.22372518467494	-0.11521448184134	-1.00000000000000
+0.59625970003139	-0.37575259975011	1.14654762370296	-0.56183885755616	-0.36416715424675	-0.09643045415214	2.03413884961051	0.76318151306286	-0.22925544910559	-0.80539593553692	-1.00000000000000
+0.01471050726186	1.77525321663615	0.38279878742219	-0.16973073726932	1.01266655810550	-0.03812870574752	0.56829817309877	-0.37818208807083	1.43170018591634	0.37317735154070	-1.00000000000000
+0.28191904173558	0.79422399578828	0.77493357510196	0.54835264201165	0.18098182378677	-0.58952235473746	0.60645140647040	0.25387841862470	0.77390926476154	0.56916592617742	-1.00000000000000
+1.50482593569089	1.05733754104691	-1.03766399646524	-1.97491791265384	-1.54031804342731	-0.48893430306520	-1.44756875349952	-0.39188822300084	-2.28170051843317	-0.45600095090149	1.00000000000000
+-0.45979464914573	1.70949453108695	-0.24306436679428	1.19992157820380	-0.92182674366299	0.18756719899542	0.21173033040579	2.17724474384529	-0.66139435894322	-1.01931072104062	1.00000000000000
+0.68572080561086	0.71815418084700	1.19469566050738	1.56712314458827	0.88395266145635	-2.40024264203354	0.12491545518560	0.56663355166453	-0.55014987510497	-0.12506907111777	1.00000000000000
+1.82938487326212	-0.74460526842181	0.96331836888092	1.33864190345500	-0.75485251141376	-1.21594947233998	0.93721817940953	-0.04748400834726	0.19970418146369	1.91020520291911	1.00000000000000
+0.63749617968043	0.84068079962244	0.96332535322357	-0.20123001512873	-0.85797999952774	-0.32642204584206	1.47398365225371	0.42393777925221	-0.79558794936983	-0.00029101771060	-1.00000000000000
+0.57173636075028	0.34861220321100	-0.50222480753480	-1.41348168332312	-0.24507229957242	-0.82172333675193	-1.75412885636882	0.84729407191803	0.19770929841727	0.33497749198469	-1.00000000000000
+0.31324884190288	0.36539121166093	1.45252910847345	1.20078853596250	-0.40454657696513	0.06734910067796	0.12222587583193	-0.27937218239168	-0.66694374987738	-0.90896012559877	-1.00000000000000
+1.91352102523109	0.38279590323709	1.58868324315807	1.42047232834908	0.35950690837645	-0.17916311916716	0.69400464104611	0.43254850598276	-0.84079692962581	-0.02022060127067	1.00000000000000
+-0.61301964379988	2.03684242492023	2.47783659029806	0.26801120665773	-0.14564523634045	1.60616591749461	2.15192556649275	1.23347741198097	1.31768964295601	0.52989208883024	1.00000000000000
+-0.27020483824439	1.14800072406824	0.66706655453593	0.09842287633170	-1.07751620999494	0.20454755440790	-1.83610735395143	-1.57117849283822	0.21242664084721	-0.01434720253100	-1.00000000000000
+-0.04960102643932	-0.58887854098030	-0.66857700625296	-0.70801659357964	0.00424451480004	0.57118076262067	-0.77186363367191	-0.96909590443932	1.26825205912582	0.28517886587336	-1.00000000000000
+-0.15648742321768	0.86718262213105	-1.23579274413048	-0.11766670957636	1.88161909025695	2.07215350621926	0.36861367599269	0.36095814572567	-1.13285396393481	0.89226077747081	1.00000000000000
+-0.28981026254515	-0.19778017810520	1.20811543565117	0.07143040878057	-0.72081090212358	-0.35973609959889	-1.14425296931066	0.02845833116492	-0.39296496717236	0.64589846481671	-1.00000000000000
+0.38137135224936	0.33521749952994	-0.20638115435185	-0.15525313022450	0.83867920149094	-1.08080117081603	-0.23135094239486	1.75507617001038	-0.49578477092538	0.61812580644246	-1.00000000000000
+-0.51693260939659	-0.39754162884324	0.19515249078703	-1.05609761022719	-1.79844144342531	-1.79390448533751	0.23507054754895	0.37466515604491	0.97705788174621	-1.33913350077565	1.00000000000000
+0.63652664003885	-1.20382046039875	-1.75369008053032	-0.48396021557534	-0.18281864879238	0.37058146487395	-0.21225028541472	-0.91667362650295	0.66378148685130	-0.38128819985138	-1.00000000000000
+3.67411420617315	-0.19507819256617	1.08790586355804	2.24057006832908	2.02920887029914	0.66485257546846	0.66422428843589	0.81115681483994	1.34790883693474	0.62522613595464	1.00000000000000
+0.44575547348422	-0.77067373160565	0.81824542399409	0.15749641785650	1.58422588684791	0.86661007731102	0.19634537121955	-1.11924544127553	-0.09085500610274	1.24313011230428	-1.00000000000000
+-0.73782260336318	-0.52792516136277	-0.61851269884655	-0.12775461471912	0.06099849077404	-2.64626611844997	-1.51579948978619	-0.12687023875201	0.08433360731965	-0.52912959228786	1.00000000000000
+-1.62295168053572	1.06103548525394	-0.16778986575589	0.59977554899304	-0.34213428124311	-0.27361426369490	-2.00874698156377	-1.43211561958292	-0.36177195376436	1.61079252571654	1.00000000000000
+2.43251017432674	0.75958006034023	0.03757393245078	0.11694260320181	-0.62439271004878	-0.04448742854174	-1.30227536174500	-2.53589252890409	0.20519259140323	-0.85044767973934	1.00000000000000
+0.41690545701073	1.43124575857686	-1.81585963459821	-0.34004646515823	0.82279608736308	0.53884492365198	0.84907818410054	0.99299891485084	-0.21454630881279	-1.36300665097131	1.00000000000000
+0.46075202378893	-0.84773378189320	0.63925581515329	-1.24084242471349	0.47629530393759	-0.99168415698053	-0.45805392752847	-0.03845672731110	1.71426689394655	0.19467046888308	-1.00000000000000
+0.70840044528387	-0.97826207138544	-0.60393208541079	0.17827871860767	0.67528724739908	-1.48205950314819	-0.67813411185452	-1.17367724780873	1.11967339700001	0.61484598784070	-1.00000000000000
+1.21135573889839	0.20824112677487	0.02382340787999	0.63404238345028	-0.83644733592400	2.16012487005119	-2.20005554855903	-0.57703085596868	1.51207173352702	-0.66262417618746	1.00000000000000
+-0.23502434964692	-0.24499948533472	0.21689969285355	-0.77953778196509	0.44245422018948	-0.42842379533066	1.09124317028292	-0.40908706239314	-0.66784896386602	1.83198206741714	-1.00000000000000
+-1.89114538425652	0.47592423689245	-0.13397847786294	0.95772514031280	0.37621862668452	-1.90347546913012	-0.35281399505138	-1.31142017698352	-1.86294586207397	-1.43582887352546	1.00000000000000
+-0.33074170628945	0.79836186019533	-1.14808228242562	1.47178013496334	-1.05868865842677	-0.00157484253696	0.88410707823867	1.39789128949214	-1.01243575656885	0.16837835976072	-1.00000000000000
+-0.14936165759198	-0.35532033378041	0.71046080314532	1.30259125010866	0.81510685285451	0.71988486806491	1.05066887581301	-0.57242828488150	-0.53671391539027	-0.19224706823169	-1.00000000000000
+-0.41080103240174	-1.13862763659456	1.22493682760404	1.14493281189869	1.46366599744131	0.58236587344409	1.23635544871268	-0.10198616984766	-0.98478728467406	-1.37831678705125	1.00000000000000
+0.07375072635501	-0.33617587481998	-0.45660273669869	1.23662710907800	1.38185969717141	0.88424003861884	-1.29746467025058	0.90479295617779	0.95480834747067	1.24145789686329	1.00000000000000
+0.29190664317459	-0.03908231699807	-0.70283581573254	-0.65033036684750	-0.41066821856259	-2.14221983735882	-0.73370457277607	-1.16027918588361	0.08261364691114	-0.46125728699868	-1.00000000000000
+-0.40217822406897	0.72222556297279	1.39640924709343	-1.59336088202487	-0.31084947459847	-0.07794549320540	0.08197691801753	0.29472819372350	1.32176454002474	-0.81768756638304	-1.00000000000000
+0.64333617181279	0.23440195040660	1.98875069883504	-1.74576612090361	-1.48819573394717	0.14038829438862	0.23807290666661	-0.76852025151826	1.37351902098212	-0.79128328782617	1.00000000000000
+-1.02789668523828	-0.69063977910646	0.09629472251679	-0.01098894470846	0.87234290343694	0.02116701456276	1.36596670349996	0.17973491021055	-0.31536959886433	-0.09284229782054	-1.00000000000000
+0.14829443787471	-1.77543881975759	-0.96567298363284	0.30503646521172	-1.39442134081843	-0.58217363791649	0.82874125316551	0.71897640235759	0.81381790443818	-0.85579790911292	-1.00000000000000
+-1.07356715638982	-0.57523498353635	-1.21166964393351	-1.02407323337301	0.86870786875793	-0.36311947483147	-0.57631306027556	0.55022713466946	0.57298675041317	-0.78226130200740	-1.00000000000000
+-0.46459082424999	-1.05396031787161	-0.71768944562745	-0.71493252035962	-0.69962877455189	-0.94347364924800	2.12205583233562	-1.63054875968523	0.18494751057061	-0.39839070435326	1.00000000000000
+0.78983532856464	-0.08070856079780	0.12802312479249	0.88683828935134	0.94258871837493	1.80944363716094	-0.44664438040819	-0.59699351772691	0.63761712067477	1.40360184734760	-1.00000000000000
+-0.74607408824302	0.24365558845499	-0.91763984338671	0.30127493454881	-0.30939309777374	0.04760373618233	-1.44471209725359	-0.70054756363641	-0.98184869310268	-0.10718989890198	-1.00000000000000
+0.32468393419276	-0.11664572609042	1.09041882183569	-1.39735585039337	0.76776710397431	0.79477080879953	1.05249248717797	0.46861320654340	1.16633493128502	-0.84560902911485	-1.00000000000000
+0.21258191842427	-1.48310315497454	-1.47901804946583	1.25699599653345	-1.82868248078887	0.69669188796266	1.14310294654390	0.60823806804774	-0.04574246284042	0.55942926394629	1.00000000000000
+-0.05896818338613	0.01850597633599	-0.85809671211891	0.31771736538089	0.01143611050757	-1.64218821249024	-0.08265892081995	-1.63036918930621	-0.56600411157493	0.49174767615367	-1.00000000000000
+0.47885673015582	-0.21369192050333	-1.05556801647617	-0.21090086008528	-1.44681729586619	2.24717311268209	0.34447866675205	-0.75131934145851	1.30842285182246	1.71687861286940	1.00000000000000
+-0.74796956617809	1.34335921924130	-1.26253321524534	0.05559851897444	-0.82720271873600	-0.06327486758330	1.22087821558744	-0.95698090191806	-0.47109166647331	-1.03273728739083	-1.00000000000000
+-1.66873973656732	0.67149811563011	0.63087393770915	0.85474598781087	1.19457519946623	-0.18313014705201	-0.43758035465538	-0.54352576979157	0.13083427087474	0.66266522483835	-1.00000000000000
+-1.19632143615122	-0.48218983283476	0.18384982437405	0.30855216451719	0.35230501874485	-0.31341089867421	1.03223338070479	-0.69628411003172	-0.21530758185984	-0.15691652870461	-1.00000000000000
+1.92465918912544	0.73038843691232	1.67176170867270	-0.44240045818386	1.02619410330230	-0.33792727946344	-0.17273326013891	0.58451426935865	-0.11628991921703	-0.17238620677747	-1.00000000000000
+-0.07803477978524	0.35889424655564	-2.11952230701595	1.99145538885316	0.63367448676088	0.38380821743508	0.80397811644813	-2.11597983959192	0.31744480718191	-1.49203724689160	1.00000000000000
+0.43327011849453	0.75824870614534	0.17008865702258	0.69496653008052	-1.97322685330711	0.07809636018687	1.27180759310522	-0.24121834171930	-0.22749795690340	1.80596077946820	1.00000000000000
+-0.65670779957984	1.13368730272097	0.95218866464020	0.96287018081108	-0.10354910963863	2.10318738021846	0.47168818502212	-1.06630012672436	-0.42428377984488	-0.56935378150482	1.00000000000000
+0.57955316308650	-0.28588041690314	-0.63274460181439	0.10342785328308	0.65282090593470	-0.19802817028183	-0.75465409057321	-0.60616550730405	0.86673411759475	-0.29248134142201	-1.00000000000000
+1.03537529063743	-0.57205240584103	-0.57616118753253	0.01762036953684	-0.21044557996804	-0.81802554034372	0.25755504143219	1.52015326089241	0.12906853585718	-0.62339196364384	-1.00000000000000
+0.84528016214187	0.88887410055594	-1.26844946153869	0.87812937658251	-0.91390594957702	-0.10803657340639	0.05806645966842	-1.13124406470339	0.89048058676912	0.72206776704201	-1.00000000000000
+1.51190802660894	-1.09834864295153	0.35764691888261	-2.47039467902930	0.87230393965610	-2.47772633630264	0.99859050524619	0.28709191983249	-0.44080208103398	0.77349419878583	1.00000000000000
+-1.93845479642459	-0.06830272237923	-2.43453335819031	-1.03510099923280	-0.94734934212756	0.36323537092237	0.16836562370632	-1.46604281632646	0.11230317278663	0.42289808978071	1.00000000000000
+-0.37869527061328	-1.49270973290007	-0.48279935291015	1.28873109644221	-0.96025551885241	-0.69675873125405	0.05257267892876	0.40632991064284	0.73723954714254	-1.06298065778195	-1.00000000000000
+0.29327361310919	-1.13515130450001	1.58563815108355	-0.20326978153968	1.68895751070010	1.13236289194992	0.45682181858292	-0.38255280852484	0.57197774155314	-0.06316174333587	-1.00000000000000
+-2.50714904488977	-0.71114034120842	1.25565206530878	0.51162219505924	-0.93144584394053	-0.31341298148643	1.44526569934890	-1.70634463568444	-0.81611081094840	0.48561327257015	1.00000000000000
+0.02702688048289	0.51063332434270	0.29748541840795	-0.51213649148576	0.10944589866710	1.36732269345018	0.72985399385713	-1.42993155505673	1.02981949422304	-0.72410047766593	-1.00000000000000
+0.55200032914612	-0.71026156058152	-1.23357452816078	-0.32935900420358	0.50060831050334	-1.06064478150184	0.34069015442265	-0.21871070623679	-0.03716032110873	-0.42343922811233	-1.00000000000000
+-1.04612670578267	-1.05445064036394	-1.80635190004628	-0.29625903942663	0.57782401538823	-0.69414250725482	1.90835200591423	0.77621352517470	1.28736421892069	0.98902375385304	1.00000000000000
+-0.39932088108626	0.83443950833095	0.66982079882209	0.56714428726014	0.82479666283408	0.56308463019112	-0.23920476323366	0.00342698339628	-0.92485847190938	0.96459570858524	-1.00000000000000
+-0.52681651972735	-0.83643822736658	-0.50825345959855	-1.60941268863170	0.87475553338559	0.81233630137520	0.85211408828085	-1.11322947189410	-0.73531037505855	0.95509071159912	-1.00000000000000
+1.62136343155975	-0.59452642939724	-0.11492937686951	0.35429902025936	0.26763235054213	1.77143885391989	0.53562168907565	0.95473374864535	-1.52612149411917	1.65883679520529	1.00000000000000
+0.96442283483109	0.83730919617799	1.32310206968641	-1.32063738080388	-0.08771625637483	-0.68814577995687	0.08800198888704	2.06620574748994	1.95257732389636	-0.88771458213434	1.00000000000000
+1.76417837826944	1.27147363083390	0.91541598250067	-1.92565483789169	0.36404655544624	-0.69801780768492	-0.62495012462695	-1.60632596429110	0.68239957800744	1.15559546102734	1.00000000000000
+-0.13788004486103	0.34414797191969	0.64142049535636	0.19202199258603	1.74301947456398	-1.36923401780272	-1.61650127504228	1.11526968138889	-0.14217610078992	0.27247899762681	1.00000000000000
+0.96469144604638	1.45163367281198	-1.85067011815881	-0.75426381408075	-0.79047785172734	-0.62039410677056	-0.63618417835965	0.04530517032579	-0.22276378954775	-0.32334631205449	-1.00000000000000
+-1.36735463615778	-0.23934572278748	0.98165639397301	-0.04376036400610	0.23078699676834	-1.31408547616675	0.31369749066480	-0.65360958058212	-1.67694933227318	0.58899173919112	-1.00000000000000
+-0.07503870846820	-1.53446683436021	-1.18674381693497	-0.18069513440122	-0.43295268013155	0.14561341759003	2.63980210384237	-0.51056371043353	0.92549232670802	-0.58281506551372	1.00000000000000
+1.38261047390951	0.99344512980255	-0.32324681601305	-2.13121387323901	1.18025281014756	-0.08559320720250	-0.26096639318525	0.78817326104905	1.74851140515971	-0.23718448315279	1.00000000000000
+-0.71797348657752	-0.27180316760414	0.69153763245503	1.73410655132379	0.93916164931617	-1.11107888009174	-1.42474721595234	-1.17311796542039	0.89500960550317	0.19855482332228	1.00000000000000
+0.04130705072018	0.81585427265246	-1.78810112465305	0.47254956948972	2.07577990268732	1.47354390956787	-0.05761655189936	0.72577111088405	-0.47102232083437	-0.00755348789524	1.00000000000000
+-0.93954833115805	-1.11126349453195	0.45630570438981	-1.02571413379676	0.59765296145093	-0.28333348061162	1.58372302010655	0.67607100658178	-0.16041075930060	1.96137421321388	1.00000000000000
+-1.17274663287327	-0.03078870391356	0.82341064794708	1.20936111671667	1.12610076576841	0.25698389564529	-0.56999861660395	1.01996175654527	0.33520861283277	2.39995571903358	1.00000000000000
+0.45398830437295	0.50431271387159	1.35998539019920	-0.50066419793148	0.04645010345197	0.55533161188426	0.82492327207948	0.20929939433358	1.92822582951963	2.28755066477797	1.00000000000000
+0.40002160900186	-0.10290635439225	0.56479671270062	-0.04174396435330	0.08005536652664	0.38073809622024	-0.19328543863184	-0.95035089809313	0.59540947335336	0.29852432396327	-1.00000000000000
+-1.37117701770687	-0.61439983571435	0.76903223645119	0.12515736491122	1.76971277831514	0.08246874600318	-0.01275520971379	-1.99916652619796	0.08387919032764	0.25326502342025	1.00000000000000
+1.52008244119844	0.89379246958776	0.93252985248693	0.30116586193477	0.32534979485309	-0.99209823435254	0.64730754535462	2.19362344249276	-0.55977228543413	-0.36130526297415	1.00000000000000
+2.86285878966600	-0.41100292582194	-1.05135375254102	0.94887320529968	2.15196468314009	0.16407925052016	0.68112926126257	0.11326516446821	-0.77373679053308	0.15243282338828	1.00000000000000
+1.89683497965877	0.65618012084139	0.30262147670993	0.30796130993860	-1.50923453684477	-1.16321234305794	-1.27658431003715	-1.27271343697996	0.33243654354793	0.70607148349721	1.00000000000000
+-1.06113701719085	-2.62226444042039	0.96428783143274	-0.99197106068059	-0.24365589392977	0.07902521728831	1.45492499043183	-0.64458854184256	0.66217723599217	0.01057454135602	1.00000000000000
+-0.05243286735444	-0.72212814778469	-0.76534743856422	-0.46920764835529	-2.57044372228030	-0.71728534733471	0.83863480963771	-2.18386464661893	2.67153228421622	-0.08209487341223	1.00000000000000
+1.02759605035139	0.38413724605229	-0.10749884774474	-0.21127335919455	-1.24200483029544	0.82542779397138	-0.11473412902807	-0.38885283378792	0.20868299916688	-0.85172639212058	-1.00000000000000
+-0.32399813428712	-0.15913378839649	0.40195108271831	-0.13001838246866	-1.34496204336879	1.33584678532815	0.66272519166228	-0.13373959387062	0.20998578448578	1.11619866772332	-1.00000000000000
+-0.07210920395578	-0.31380334237731	1.49278432644168	-1.17762437736465	-1.93742702050129	-0.54327185116555	0.18291953683717	-0.19877202352475	-0.55083515184056	-0.08178765197452	-1.00000000000000
+-0.66321126717072	1.83413262594694	-0.07216080973469	-0.54407256587943	-1.34993374000988	0.88870949828566	0.81167486274189	-1.03291598718557	-0.53964187965003	-1.96386047893243	1.00000000000000
+-1.20999186346809	-0.92410437171733	-0.45726413364928	-1.09497127404560	-0.03784483803868	1.06963874388301	-0.67564813341157	0.06325712119878	-0.59606813439242	1.24036810030073	-1.00000000000000
+-2.08145237945926	-0.63884237397591	-0.01666595999707	-0.39950690631124	-0.94477745775479	0.94849174365819	2.32294772817730	1.89054673214147	-1.02998992503041	0.99710696110473	1.00000000000000
+-2.05021996549604	-0.98074943018862	-1.20613959049005	-0.64386832849589	-0.22229892787731	-0.91829996874459	-1.07682039822600	0.65600148127080	-0.57606573519032	-2.32022370979450	1.00000000000000
+1.54432589910373	-0.36515465156755	-0.08771741196717	-0.06655765182342	1.53658463749102	0.88176150783395	-0.92826397062245	-0.41085165247069	0.92254844155133	-0.82401084805043	-1.00000000000000
+-1.31883123192079	-0.22902751046146	0.60616026492670	0.09657712770641	-1.18795578192695	-1.17118185536839	-1.36011093457408	0.69730647908344	0.03164147101519	-0.88822919713467	-1.00000000000000
+-0.93360717554745	0.25367202116402	0.26237406903395	1.58630560589893	-0.95783335554805	-0.04770994458569	-1.00298288492455	0.31420199313490	1.02236679412005	-0.09603442983720	-1.00000000000000
+0.96214048904035	0.98395172829540	-0.03879976097668	1.64591264526272	0.80986154873766	-1.87250180120986	0.57385086928756	-1.55374879616351	-0.01786861778749	-0.78118041154204	1.00000000000000
+0.86004475781922	1.88610606155774	0.23090382216068	1.77954512082051	1.14600669763272	-1.81033459651422	-0.96132442869941	-0.08023460878569	-0.40965162324191	1.34801821863116	1.00000000000000
+-0.12100321989089	0.83289491720758	0.22387399308943	0.70093319540220	1.84473236027095	-0.01795493467522	0.01235127934740	-0.19157716692086	2.78230379032584	1.68880916180592	1.00000000000000
+0.50506611394916	-0.17215609990074	0.98971793612205	-0.05635178520299	-1.36531458098477	-1.03021843615469	0.93104650998497	0.28330607706098	-0.36510675459308	0.62662570133771	-1.00000000000000
+1.04434891018101	0.35435341156877	0.06987171592218	-0.18038382986606	-1.30629913933567	1.28146000308997	-0.69439144667647	0.02817483311118	0.91958542089073	1.32548592688682	-1.00000000000000
+-0.77885000443248	-0.65654622578077	-1.17471597864021	1.17043641069078	1.43484276787043	0.09984518374460	1.81066122510879	-0.49071945043654	0.63833025818416	0.55536837920877	1.00000000000000
+-1.44588590461148	0.55350016361583	1.37088005222850	-0.29189813085322	1.27137356472608	-0.31962790670689	-1.25647973653541	-0.34252241023591	1.84687727427331	-0.86562670969710	1.00000000000000
+-0.74319128686644	-0.14828236129319	0.41266009930672	-0.60117985216947	1.74600942726097	0.81353806107906	1.62176343603655	-1.20500355608295	-0.91130971872690	-1.17277938059357	1.00000000000000
+-0.35116981799103	0.84486475755044	-0.17678697984132	-1.09209535991380	0.22901962099205	0.06282770067793	0.19662696878166	1.21332338611656	-0.26273222807669	0.27136409835992	-1.00000000000000
+1.69435562648034	-0.47011650481390	1.18173572399782	-0.32256562626906	-1.19081866357830	1.25470553084853	-0.02194089292508	0.62942828540650	0.08884452429777	-0.83521795296689	-1.00000000000000
+-2.60984771449068	0.53149337010345	-0.79422061118801	0.38933336747960	-2.48494390798413	-0.10591950735747	-2.31115767375051	1.11061784363059	-0.72325386965313	1.49040867735474	1.00000000000000
+-2.27775354980549	-1.04909068311094	-0.19232306906615	0.75912384450957	0.39152964234557	0.50127584861429	-1.01160135252218	0.87238070928188	-0.50234705025469	-0.03851150369331	1.00000000000000
+-1.14825200899173	0.78187009564600	1.42241754027268	0.04100494527649	0.31482453780317	0.73111327445780	1.59445804086931	1.37056746384514	-1.10790095841559	1.31855344893627	1.00000000000000
+-1.28235653926816	-0.71720365761436	-0.45621758722976	-0.05790408363369	0.47250052648573	0.66895226875960	0.45498943945631	0.56158174713467	0.35366859322900	-1.14794929795702	-1.00000000000000
+-0.29818415021851	-1.98278841135170	-0.65326103824482	0.33855010286991	1.39503157540118	-0.15003403642263	-1.19864460245081	-1.55066411450549	0.56066472316041	1.29412645459666	1.00000000000000
+-0.32708421239061	0.65861360735772	1.07689515505406	0.56139794477771	0.11342526945939	0.76008574448570	0.17122352687886	0.38176043531520	1.02271141600775	0.57380803494690	-1.00000000000000
+0.14383884831100	0.61519438599709	-0.02959902836869	-0.35659312645573	0.44506509737334	-1.48476385931767	1.36382376344604	1.18150016829628	-1.74447969397650	1.18179580412207	1.00000000000000
+1.00604373755014	1.77890290547050	0.78505947616076	-2.20383585313236	-0.29695305211402	-0.20868277670658	-0.71190271039578	-0.91436673901841	0.43495540909288	-0.25083515492401	1.00000000000000
+1.40106979594464	-0.03920604320740	0.76230371694931	-1.55946518443049	-0.77167447723547	-0.88545627598880	0.61914924652126	0.12159259112058	1.34343441186578	-0.28430502288015	-1.00000000000000
+2.75096642873480	0.68894632793477	-0.14501366702568	-0.42340316843081	-1.01217415861323	0.73090012973634	0.42473936431025	-0.52169105589186	-0.34406099241395	0.53352454454308	1.00000000000000
+-0.54650958773799	-0.05048911849418	-1.09086999711705	0.09124713145952	-0.51748962122532	-2.11123258199359	1.17569586587087	1.65071081985368	-0.33961764328318	-0.46729926076437	1.00000000000000
+-0.32916457394906	-0.94922896515337	0.12040140357971	-1.32510713359774	1.65655261724244	-1.44203576037228	0.62660833552041	0.24903581452844	0.12633957646281	-0.26845751521753	-1.00000000000000
+0.46295730800116	-1.05155945301430	0.60893179384859	0.11396707992045	0.55107368067019	0.35642540169595	-1.13021631282262	-0.92851082926793	0.13267611175343	-0.34448329387215	-1.00000000000000
+0.49384061144319	0.50375493365323	1.98211020893768	0.54505246369300	0.08587800679658	1.98045885347976	-0.98479420019835	1.53832157527798	-1.07481883323820	-0.78089395824414	1.00000000000000
+0.04319643053688	-0.83341867418778	0.25369062126664	-1.95614179506964	-0.40692862147334	-1.46403637608820	1.03567628335533	-0.92211976975888	0.24636173707297	-0.06147583930800	-1.00000000000000
+0.04642706066163	-0.33627376234769	-0.34961282506793	1.65988150613933	-0.62041786162868	-0.05756801152227	3.46052017493498	1.27404793061202	0.22524340366333	-0.11192097238024	1.00000000000000
+-1.98592896571980	1.30290922549508	-2.14614519247137	0.24131323490420	0.73504505715948	1.45477321874587	1.75068354920486	-0.36963825522309	-0.67861708003044	0.51795321808938	1.00000000000000
+0.44665022002580	0.17324156160893	-0.61150634113667	-0.88406874674317	2.00971728156433	-1.32564750390836	-1.25644134374408	0.05044182532787	-0.21663400117376	0.29946111416467	-1.00000000000000
+0.12031152366567	-1.21922723054979	0.74464029167222	-1.28695043618786	-1.02103895868211	-1.34367762973259	-1.14915529334423	0.56904852058331	-0.15345672823455	1.83884066098274	1.00000000000000
+-0.66770597092389	0.91130658399079	0.97423508541326	-0.43372512995041	1.45362176570995	-0.28949845717727	-0.62737339148254	-1.09431033386842	-0.24343444182054	0.31033324681358	-1.00000000000000
+0.17982387181965	-0.37013450062754	-2.74487693996933	-0.18598163458739	-0.90197795947638	-0.86487213546987	-2.06218177343599	0.22345345539905	0.01874821593757	1.73544160074213	1.00000000000000
+-0.34276807002098	0.02918330664639	0.59227092839011	1.34104373668579	-1.09328881564697	-1.15369598872500	0.13338123997044	-2.12678255782924	-1.30913221124615	0.24212697185012	1.00000000000000
+0.16046315046685	-0.85741959919456	-0.09926224761541	0.42510698416211	-0.28839666331196	-1.90349607552885	0.47667815339463	0.12472835255722	0.72011358280144	1.88776653711820	-1.00000000000000
+1.12267495605234	-0.70979628567709	0.75190947435922	0.42202629420289	-0.32128589917478	1.81073565704280	-1.47921431594186	-0.45117839924661	-0.77918846352403	0.67996809115276	1.00000000000000
+-0.44186357443562	-0.85352293803672	-0.59705133283986	1.83806049854689	-0.20868625997163	-0.08031111702196	-0.76992801593218	-1.72365204089296	-2.66904356128979	-1.56304669591427	1.00000000000000
+0.71585382024342	-0.61833098472157	-1.94007129374543	-0.58650498259171	0.57322712784124	0.53976733162053	1.18963050473457	1.20518312076242	-1.20259267102875	1.28162223705861	1.00000000000000
+-0.19806684070739	-0.04376725964840	-0.93041964082018	-2.03139090810984	-0.21900458204629	1.42777404132666	0.62944391290465	0.76272426805626	0.91795180414406	0.14144801733907	-1.00000000000000
+0.19202067428770	0.31376799449810	1.19607714202789	0.71855832547305	1.70815610636198	-0.71367210547848	-0.05480998635738	-0.15706489454636	-0.29655870094377	-0.45916474566182	-1.00000000000000
+2.39912567451091	-0.10646995365398	1.41474360657142	0.99605944595123	-0.31785807971494	-0.81721117290101	0.85341891402353	0.97011678918959	-0.98409838490645	0.19605097190245	1.00000000000000
+0.82053175492999	0.28815814194700	0.12335029636884	-0.36591965486766	-1.36131176318774	0.70847443874770	1.19793792378261	0.75767370245538	1.39820223093823	-1.99715945936591	1.00000000000000
+1.13360686147871	1.66225184445295	1.02701689881633	0.48489393059342	-0.80951120598304	0.40491719989375	-1.09481642673214	-0.42021432350895	1.49871669596902	-0.79604946655673	1.00000000000000
+2.43614757124144	0.19302385654014	0.17719004463702	0.20076269639229	-0.06371656523647	-0.79299073534679	-1.60168723074354	-1.64963330618637	-0.45636036572795	0.69300625541593	1.00000000000000
+-0.14017573550330	1.87857711354240	1.24862823873776	0.79931873849783	-0.37454427054773	-0.56035087326595	0.68710694487201	0.04119010347109	-1.86911540453673	0.25296177505850	1.00000000000000
+0.51247510069125	0.85064600060792	0.22659975700306	0.18376334999676	0.17584186699427	-0.57229770572462	-0.93109566470268	0.94941006497566	1.54377244279676	-2.21321562295031	1.00000000000000
+-0.02294745073001	1.02865084192218	-0.21244295801890	0.60272705353842	-0.59249220079206	1.02861997907458	-1.02828918385949	-1.79401971350624	-1.11141904202554	0.85222757063726	-1.00000000000000
+-0.70435481859445	-2.65623482887665	-0.12483817438310	1.13892976635264	-1.09121874456695	0.62343572558840	-0.76414383742256	1.19099994213898	-0.33856281464767	-0.36402634898867	1.00000000000000
+0.35674822284799	0.67291527248982	1.71244560800518	-0.43790762616657	-0.99279869118682	-2.28659098817413	-0.56724872733408	0.24994139521495	0.81273245682338	1.70282671776992	1.00000000000000
+-0.63248519943150	-0.17412694142073	-0.99554368591919	-0.24076894694024	0.83076294881897	-0.27600585054178	1.37344428667051	0.16658548370431	-2.62610575951854	1.23369914527661	1.00000000000000
+2.02220506612111	-1.81288131576714	0.02830966821131	-0.53926088689223	-1.08048189447081	1.67721603809478	-0.25110108374516	2.09068305998314	-0.59702915682970	-1.80765177666687	1.00000000000000
+0.78497525609985	0.26573798948718	-1.19860917862610	-0.18454715355815	-0.24076528400484	-1.70224589566830	-1.25707322069950	1.76582379530917	-0.58789792903898	0.85463970441187	1.00000000000000
+-1.01463228167134	-0.97370628525166	1.18980930954794	0.17733696299506	0.37324344847609	0.28893614766546	-1.46594056034047	0.21685071140313	-0.57803350363727	0.45968899536523	-1.00000000000000
+-2.07119972396102	1.13851939298242	1.59600093253664	0.37526906806722	-0.36345883503238	-0.75217333764074	2.33465594204583	-1.47283355437191	0.96698858767689	0.60453759038811	1.00000000000000
+0.02771836951803	0.03457248131882	0.54797029592237	0.15813041387995	0.85285395994912	0.20160038409325	-1.96371623558592	-0.15712224959677	-0.11123702293971	-1.36840194476968	-1.00000000000000
+0.09725803651633	0.25012999609281	-0.31202520696386	0.52953178311657	-1.62641964128976	0.08405950308913	-0.73379032336900	0.47137695909619	1.10856800156023	0.53451255124542	-1.00000000000000
+-0.45523013832920	-0.58827332743464	-0.31847282285315	-1.11583350717833	-0.34255974655836	-1.58882142336759	-1.67890472313673	0.37444865630756	1.10915938355667	1.02234058306193	1.00000000000000
+0.80610099420552	-0.06701289709271	0.40090357509206	-0.17022569165284	0.08143076660225	-0.95539961265159	1.76073573843654	-1.91016952973781	-0.00753087631703	-0.12558018595289	-1.00000000000000
+-2.19468515535976	-0.58606855286255	0.39794707742006	-0.38109810861054	-0.27521219676274	-0.42695646187703	0.04439680947303	0.17517414970391	-0.88989866400026	1.47329679771020	-1.00000000000000
+0.14897873818713	-0.77019339644327	0.33667185429816	0.85241850427455	-0.07952805189372	0.16032580381898	0.77230996476475	0.77345678021515	-1.04979088927988	-1.75255609393702	-1.00000000000000
+0.56960462410472	-1.66831886008378	-0.11142957116746	0.02646239484008	2.66534301931261	-1.33298693445835	-0.56775613287094	-0.06144663189516	1.25501149054880	-0.08560353925089	1.00000000000000
+-0.93428568563313	-1.02092648689974	1.52477756496423	0.21442873080641	-0.13557376509775	-0.27521029955850	0.47760739012621	-0.46692400327415	-0.85971528259188	-1.41257651374633	-1.00000000000000
+0.15584796845781	-0.21779919720620	0.08008244317393	-1.00133436930921	-1.33822140778056	-0.00449830034535	1.97660801825809	0.60994271952317	1.22616627051864	-0.56820652035920	-1.00000000000000
+0.64141512634213	1.43779678937454	-0.74325454734358	0.28840162824905	-0.13413079754856	-0.51037623694126	0.23920511194531	-2.31589082621410	0.42275293984577	0.92524364463627	1.00000000000000
+0.42400249166001	0.46411843658199	-0.27549178030796	-0.53714390977275	1.64237555471169	0.20526989545949	0.64889035558582	0.55549574897735	0.23478986550558	0.98980320238524	-1.00000000000000
+-0.91848780785652	1.33988348418444	-0.16382180897297	-1.25787981479611	0.90903955544106	-0.84874587907325	0.62648909459077	-1.70219427233626	-0.32653202479115	-0.56749878930164	1.00000000000000
+0.94335730673936	-1.37196104604063	0.77171819163666	-2.33658152384214	-0.76386347942676	-0.92952768264571	-2.04675902564624	1.59540206576949	-1.04133176636190	0.72558972733241	1.00000000000000
+0.38776156754417	-0.37399678654928	-1.01438247373031	-0.38504546432848	-0.20385608223716	0.35886308044386	-1.60103541356829	-0.90958011084203	-0.88818082436920	0.29625391209509	-1.00000000000000
+0.15299825443742	-0.41812538818849	0.87570497366204	0.40840173456363	-0.83711539393185	0.85269710949607	0.53845791619550	1.29731778319754	0.48182154667464	-1.12784345871916	-1.00000000000000
+0.31922412740050	0.46082321614864	0.58410049689685	0.54379288677520	-1.36516851544392	1.10196332273474	-1.35218582373915	0.21048728516283	1.17956744677374	0.54842323854790	-1.00000000000000
+0.12211795746040	1.27759714090922	1.08460391243081	-1.06526249547464	0.40971974453430	0.20160582855687	0.58881942089088	0.45762763355327	0.22150709646887	0.10240299782498	-1.00000000000000
+-1.15424255665447	0.35752707934583	0.60595935895073	-1.23548472168733	1.35601899282494	0.22956889268550	1.04993499987321	-0.41297102081344	0.95319084785063	-0.69022084317850	-1.00000000000000
+-0.32161680967816	-0.01686465650855	-0.70559843545766	0.43982658339400	-0.29493855625209	-1.60310963496210	-0.34250826024520	0.16213068937875	0.26993770290182	-0.81079480446908	-1.00000000000000
+-1.30859252898299	1.44855081679960	-0.65236466292445	0.99862423050042	-0.73999630690717	-2.07432572667185	0.18311849848123	0.05293854972382	-0.53721291742027	-1.57585552195014	1.00000000000000
+0.43408509117346	1.85667564187221	0.89072090234508	-0.35782396763448	-1.80679758947534	1.30823582363431	0.47378105702599	0.65180021528814	1.49434607359118	0.42414315835924	1.00000000000000
+-0.91519829376539	1.18107181055808	1.27852381638735	-0.03653269737122	0.36981252623047	-2.04975227175234	-0.66388112648241	0.46550093024148	0.84423897846060	1.22134635933688	1.00000000000000
+1.50057548497649	0.46466760991559	1.42556652714246	-0.79477175973101	-0.50997170753288	-2.91641989688883	0.35403879921019	-1.63853269068217	0.40418948814899	-0.12044992008645	1.00000000000000
+0.97169343394391	1.25403854526040	-2.57121017112337	0.85794185572980	-1.70971699952815	-0.24833228762061	0.44070773071872	-0.08870744091017	0.86786903247600	-0.28237665967373	1.00000000000000
+0.54666812630444	1.10879908154286	0.67007898972722	-1.41416992582351	0.50318403877427	0.03831161310322	-0.83018777439563	-0.02638764003043	-0.80433152946446	0.31378540065291	-1.00000000000000
+1.31108962558301	-0.70608860663875	0.90369266941167	-0.20751326720240	0.40985032986286	-0.71133586484565	-0.92986928490610	0.16356311142478	-1.58712875199314	0.52487205868314	-1.00000000000000
+-1.01985409163852	0.21433515526879	-0.61860998941724	-1.31972371020155	0.55135739070060	0.39225511112665	0.80492468441634	0.31282210887136	0.88539894712616	0.22122168733658	-1.00000000000000
+-2.02781758859079	0.67542966179521	-0.74243930430200	-0.26759027962092	0.31330575229840	0.60074167255013	-1.95776403743273	-0.14006286035828	-1.03555537901269	1.17562047589299	1.00000000000000
+0.53477723330621	-0.14236315459528	-1.15904205930387	0.31267929457717	2.28842307338684	0.75911760771537	-0.94030993322299	1.00976896743287	-1.29034542170937	-0.43391060643379	1.00000000000000
+-1.30039066379402	0.19351800079627	0.55784237047560	0.89312587359586	-1.02840461603289	0.18024656451099	1.33937782183656	0.83145769136391	1.62704452243040	-0.08289923564939	-1.00000000000000
+0.32327584364584	0.21967740066812	-0.67932374202975	-0.16330511042119	-0.45381071488523	-0.13071956252301	0.04672100499890	-1.10020599485418	0.32610831380165	0.76739549709573	-1.00000000000000
+0.85283700122664	0.99664063705584	-0.12722211700478	-0.30910024950883	-1.77236724940925	1.08707064201750	0.75104419664309	-1.10958131482169	-0.54497865028507	0.04076259791516	-1.00000000000000
+-1.43133772322808	-0.86122148939869	-0.83243584833217	-2.26005097932758	0.26760104970638	-0.70107399978873	-1.07888411475174	0.89322661369523	-0.19266238777568	1.42489149147116	1.00000000000000
+-2.14528302243719	0.23005793145816	0.12672117230819	0.15130237734761	0.47257654588397	0.16717695753407	0.81037535353742	-0.61084262970264	-0.27162924746790	0.18804343867267	-1.00000000000000
+1.27945769354575	0.40277779693319	-0.50506809615893	0.10517777546909	-1.09481291344138	-1.04010372293027	1.47889236712463	-1.31758170579005	-1.26670615119497	-2.88941726668044	1.00000000000000
+-4.01125132172300	0.47948978479137	0.89473941109143	-0.65619122151438	-0.36671800085661	0.75880700829138	0.76632134423640	-0.34327977530001	0.02420430748767	0.07723635390751	1.00000000000000
+0.32850223563026	0.00633724129613	-0.20609854500242	1.16997575670673	2.01757203355313	-0.81256043152529	0.74962162596933	1.10428826726204	1.13628713142199	1.02492088520946	1.00000000000000
+-0.42834947806102	0.76480000677959	-0.48867083973436	-0.54879598865767	1.68369902131335	-1.06919656455292	0.17138782623296	-0.46288360219498	-0.66602325718495	-0.68070104704066	-1.00000000000000
+-1.29804131071874	-0.31771788417362	-1.02804859707447	1.11196516899887	0.32648229879989	0.86349254312209	-0.47427335424786	-1.54013994413252	-0.72691585165573	0.07557257845505	-1.00000000000000
+1.35916987502832	0.06124798471257	-0.59243605401474	-1.11763028568141	-1.02782248392363	0.70624140873330	-1.12262268991818	1.35775357567219	-0.29230175742215	0.24564129828457	-1.00000000000000
+0.24298456757452	-1.06207674770911	-0.89664584033309	-1.29300403864644	-1.58329999888773	-1.29527886601238	0.09562365792739	-0.23981922863856	0.65873388430873	1.32586947846536	1.00000000000000
+2.04559215451543	-0.43810619525430	-0.42890025189855	1.23050229627973	1.74269838932766	1.16407794845862	0.75271616709834	0.34890235128748	-2.76553830344456	-2.06089002236713	1.00000000000000
+0.51737123099607	1.14678079757576	-1.05236158867053	-0.61505132959811	-0.88554137955960	-0.80181641917400	0.73864333401028	0.59044326587131	-1.24546357447544	0.59197339774041	-1.00000000000000
+1.24441818819789	0.05999386961827	0.08847451073133	0.75303947534751	0.43965989371652	0.03248098392388	1.58977533638186	0.21746481405567	-0.99593177167840	0.68919708289042	-1.00000000000000
+-0.48549946556118	1.22377867776695	-0.85190805981128	-1.60029691583778	0.21229050089109	-0.49701191090584	0.03548060669079	0.32531889140403	0.06834888564109	0.82015524472333	-1.00000000000000
+-1.35591110727836	-0.30875364503354	-0.94035812400463	-1.00784284602559	-0.17692853064629	0.32894552995414	0.46431139289973	-0.51457504415965	-0.37960749102370	-0.25540769047007	-1.00000000000000
+0.02965734662509	0.13161957057925	0.71597214968116	0.66596809247986	-1.46767582347446	-0.63217910616668	1.57883648568377	0.92378983198690	-1.34701744893726	-1.59983722084639	1.00000000000000
+2.72387453866352	-0.08937118204233	0.65905231943011	0.38244601693662	0.84985081362771	1.88902420158406	-0.32415708805853	1.54713322903150	1.72659278441437	0.29868173787786	1.00000000000000
+-0.06580661238713	0.06349197236126	0.29148023590354	-1.68202108827892	-0.98543754937000	0.32620997786539	1.10641566315463	-0.17507492795972	-0.16361396183214	-1.86839574429549	-1.00000000000000
+0.79960260306210	-0.18631744603297	0.42275618730488	1.04566723394998	1.68484068036580	-0.56349691171232	-1.51058570075307	-0.98777311146404	-0.73207418153205	-0.26607075139940	-1.00000000000000
+0.46428625466900	1.23309659429406	-1.57585158529679	-0.07414653336711	-0.59034236712556	-0.92079539377081	1.58492504464891	-0.15097825348932	-0.65547960051285	0.71234552189093	-1.00000000000000
+1.04029542219906	-0.30370653941932	-1.26503489590658	0.61599538850991	2.02728539103445	0.90988954194713	-0.19477004578812	0.71334127707296	-0.15274969258120	0.73923035751636	-1.00000000000000
+-0.93798739974246	-0.66439259219123	1.18855812665674	-1.00661010499366	-0.68617910958904	-1.75936560153977	0.46240041800470	0.33830990292097	-1.28734376994431	-0.36447272071903	1.00000000000000
+-1.32340088334704	-1.07261989630434	-0.80048936533508	-2.09001360688025	-0.35503327242605	0.79312894699752	-0.03114778010614	0.32828763368582	-1.18543363705846	1.03769832848618	1.00000000000000
+1.35493246143708	-0.57013890311401	1.64585010216721	1.00432379110317	-0.75369406609618	-1.29144519302379	0.73469000095060	-2.00451414758509	2.00455151676027	1.14113627931404	1.00000000000000
+0.06936049362018	2.05766200116530	0.18383160192676	-0.16773656994431	-1.83790273206002	0.41977380693441	0.76627056797878	-0.85189183439275	-0.99098514749184	-1.25665473662315	1.00000000000000
+0.90213143411484	-1.98580588490278	0.92988362764180	-0.24088454699819	0.79402790029265	1.22184471919158	0.06609123154867	0.21864962662637	-0.75847929955651	-1.45469024525748	1.00000000000000
+-0.46013655062069	-0.99698421285782	0.15895357112782	1.60673175125776	0.71609614954735	1.58808509162071	1.34552321658449	1.99859976758973	1.11666533112608	-0.95558893566293	1.00000000000000
+-0.70711617463937	-0.11739476489285	0.60389864896874	-0.03053223676581	-0.15686267230265	0.20327297667625	2.08864333236810	1.33979441046874	1.87527872445141	-0.38917158750808	1.00000000000000
+-0.54381704413532	1.18234986578883	-0.32280959704416	0.86830055104943	-1.23100114607827	0.72070114626000	0.20389266107582	-1.20957803723958	-1.22227507248361	-0.35110400628550	-1.00000000000000
+0.34107477640063	0.22832474557706	0.56813115016357	0.83981052504029	-1.14322738699605	-1.21054767384319	0.43843553918053	0.63902387451922	-0.49512797877468	0.23239322460892	-1.00000000000000
+-0.06098672090310	-0.00212829004508	1.34551028305278	0.38356958485334	0.50345549831927	0.46719923939586	1.01838917383412	-0.11590914014698	-1.84705000761743	0.50197793926750	-1.00000000000000
+-1.07545583745270	1.44753064026066	-1.84928816691260	-0.25005905647715	-1.87714993944467	-0.03162016747894	0.21954504576090	1.53203476415500	-0.17397217789318	-1.05687212177534	1.00000000000000
+0.10039660056975	0.13829217703592	0.42441168074677	-0.24956964239937	-0.36496149406269	1.45089561441203	0.63970005796296	0.14457452796536	2.93546606302493	-1.54591480383279	1.00000000000000
+-0.13238096850569	1.61584747879018	0.28525873241294	0.86442310941341	-0.54849151750768	-0.28010298816787	-1.49112098113900	0.11617852842320	-0.61803782286128	-0.76870551761643	-1.00000000000000
+-0.70670269551058	0.24274562114698	-0.48901120936488	2.14349441201556	2.74427961888352	-0.25741350644300	0.98765070069304	-1.14236796092756	-0.15603758325987	-0.04039953870909	1.00000000000000
+1.13007092143445	0.66550033718060	1.38836369580281	0.14044002055472	-0.18101889179509	1.01439088924763	-0.47860922549888	-0.37022494877665	-1.18038441395722	0.43512253048625	-1.00000000000000
+0.40487707402916	-0.50105850627340	-1.16062889489941	0.48895902992697	-0.15407518925061	-0.04644769670781	1.08263067642973	-1.21525698577897	0.50788222260430	-1.22592345776138	-1.00000000000000
+-1.34898229207413	-1.21571632753119	-1.14746703885199	-0.08595300779211	-0.85304030797929	1.26217896131821	0.79221054911062	0.58706302156677	0.21793756569166	0.02029595215377	-1.00000000000000
+0.88158150191417	1.02916206735507	-0.56327576811295	-1.32333791923462	0.97374274478884	-0.48774365431072	-0.35735371488626	1.36837524884099	-0.86649940682513	0.61808511160648	-1.00000000000000
+-1.18911996137106	1.16589223693460	0.74079985549461	0.23897459424392	0.37652632689332	1.19234455980228	-0.04105957451130	1.01997297956631	-1.27912073337954	0.17551148597955	-1.00000000000000
+1.37190819079882	-1.44379139176157	-0.60914211962733	-0.20081556198924	0.49273388101849	-0.30693482195264	-0.88327102207168	-0.06246194205445	2.35952311810862	-0.54708246243381	1.00000000000000
+1.70101613739500	-1.09934955628616	1.14514896547208	-0.84605241885827	-0.92245833406546	0.14312143226249	-0.85521399027505	0.85575924224972	0.21782556213455	0.52164293412664	-1.00000000000000
+-0.25255098768828	1.07450195098446	1.15712240392545	0.52888865024162	0.44833567530264	0.24136449995972	1.04038172406647	0.66827807928940	-0.83235482269119	-0.49866429446035	-1.00000000000000
+0.03600329385894	0.70002557474083	0.69924541783453	-1.20356193100702	1.02858704044966	-0.57715678055594	1.56071270239347	-0.44698330901630	0.16567627294254	-0.45410519124086	-1.00000000000000
+0.86652368345604	-1.25950558871641	0.45012066417843	0.45754902766543	1.01053231002394	0.10860729351094	-0.53147441394454	0.58306470582119	0.36167192505984	0.41978402260043	-1.00000000000000
+-0.04863888474540	0.79293852197606	-0.68990476373528	-1.22944882787158	1.62537152121421	1.20663413330092	-1.52313132395494	-0.03709979517199	-0.25769670173285	-0.88895097862316	1.00000000000000
+1.06715664093738	-0.46445222472296	-2.06842698098425	-0.77228151717221	-0.26794257882898	1.04228636949077	-0.73781996714294	0.46690821245530	1.82800260940385	2.03708369318804	1.00000000000000
+0.57630069586204	1.45937576313518	1.46233005076546	-0.10171144332004	0.23994092701702	-2.03357429279740	-0.35683829047959	-0.05394333821490	-0.19028650524574	-2.62019650124427	1.00000000000000
+-2.01568713390698	0.38061525426717	0.32330008604368	0.15441946353168	2.14339316218077	0.00956119521836	0.42350659245671	0.31796860278255	-0.71511493478458	0.87786708362096	1.00000000000000
+0.38488636305140	-0.55056013488413	0.79482556639361	-0.94532369178322	-0.20250204353044	-1.94583576890560	-0.62824172236398	-0.15611799148988	0.03976610841604	-0.20046890651656	-1.00000000000000
+1.82180527318638	-1.06955038693977	0.87503479075580	0.82713565652091	-1.09568057821218	0.80594933394076	0.20396662787901	0.88296132468559	-0.77156501781558	-1.54826944328252	1.00000000000000
+1.16005176269230	-0.80638785584270	-1.04969598648974	0.75827593288495	-1.32548380649294	1.03296966504638	-1.88697832370089	1.75705203095869	-1.25221255885379	-1.28412361665268	1.00000000000000
+-0.98434338530157	-0.41694261229727	-0.93201448948089	-1.63646959832032	-0.89582514808761	-0.88080207281810	-0.83666697274836	-0.31634647885236	-0.29461500875937	-0.30971040419901	-1.00000000000000
+-1.40890740127937	0.48668482263451	-2.44804471796493	-1.40797344861213	-0.38890424799923	0.20421910397943	0.78396141050671	-0.31027115172570	1.08311136400820	1.44310826502777	1.00000000000000
+-0.60626658529816	-0.10370439172775	-0.87389681826087	-0.28349963815192	-0.98213812697428	-1.67358177963818	-0.61500697478828	0.46542501404936	0.46665623930847	0.43349921047777	-1.00000000000000
+0.92423814722693	-0.35918147434431	-0.01082025979590	0.33792883934839	-0.38416244865594	-0.79808803258042	-0.36825277483680	-0.17984492151761	-0.60039047417840	1.85836653133152	-1.00000000000000
+0.51266343500953	0.12858343393648	-0.07363923737058	-0.41843965509649	-0.96224484000277	-0.78511080783123	0.83987739021105	-1.34022507889874	0.93182972262797	0.49262324502347	-1.00000000000000
+-0.52613221019826	0.27397479332619	-0.08988035042579	-0.56349757857435	0.84297724527262	2.05752556282406	-1.42761416023210	1.48979826781220	-0.67159906812647	0.67206371961670	1.00000000000000
+-0.13311655376967	-2.23209680887264	0.92481639527436	0.87477803905469	-0.85153631730072	0.10247411033889	0.26105212132379	0.78709453056476	-0.77277936885660	0.38054196081218	-1.00000000000000
+0.91572057547976	0.17508029067460	1.45566626188106	0.82464657591842	-0.42168840222674	0.89117016214125	-2.01192645698222	-1.42475278270997	-1.57734498738076	0.30611934196534	1.00000000000000
+-0.54187927784356	-0.70924384740416	-0.94711308127493	0.50829422085065	-0.90740259681073	0.81545383647279	-0.18263528216928	-0.07912395501906	-1.38003181806760	0.30573757348390	-1.00000000000000
+0.40470308132673	1.30933912965456	0.97969240872695	-1.00728029242964	1.72341825131684	1.64771985439915	0.86355063561051	-1.72814217527921	-0.53165357074874	-0.62970236612277	1.00000000000000
+-2.29078239593389	0.14322688430365	-0.43979942152043	-0.02762094505542	0.73910763126966	0.75824760391184	-0.89215594033523	0.26923248102915	0.14708982591600	0.52955746178198	-1.00000000000000
+-1.03606066432681	-0.10041654191366	-1.32911927356911	-0.25818324355446	-0.39212450488790	-1.10079452316117	0.63966743543411	0.36941224156554	-0.28250668110564	0.25111920233028	-1.00000000000000
+0.18749396628623	0.00750571163225	-1.42548282770024	0.26240083525379	-0.80278485153755	1.37234042365906	-0.51730507872374	-0.99772453881153	0.12158123701825	-0.34556991854420	-1.00000000000000
+-1.98009113435849	0.35487513763628	-0.03650381919084	0.33490555339884	-1.37085451713749	-1.83301179201059	-0.71481038680419	0.27583900257149	-0.90532886289864	-0.39334520284855	1.00000000000000
+-0.93707801254480	0.67935440674743	0.51736843911969	1.12845896516632	1.88886078842858	0.85984288643426	-0.21501771702302	0.04367307882693	0.61955861667221	1.55731517331996	1.00000000000000
+-0.38861975968951	-1.77084628384193	-0.35299139807102	-0.82311047256970	-1.21374200954495	-0.07189878028550	-0.13702658269110	0.97838110434572	1.27044055482479	0.32327094184455	-1.00000000000000
+-1.00786685408356	-0.50097307660765	-0.21668122935508	0.23032059000914	-1.04889304020263	-0.74957404074451	0.57466410930646	0.08130991063929	1.74426140622013	-1.54846277736438	-1.00000000000000
+1.67335061134311	-0.35017400463547	-0.69847654848664	-1.18156578071833	-1.72436491390261	1.30285246795770	-0.60185027864653	-0.52497839181859	1.56878174922290	-0.31405190573413	1.00000000000000
+-0.49495201083592	0.93204329990017	-0.18783512542926	-1.13301981359285	-2.63577890721940	-0.53323623247624	-0.21547014730660	0.14703406446480	0.85698378684401	-0.82921634830340	1.00000000000000
+0.94951757712597	-0.49137317088438	0.77860325418146	2.14761942312522	0.74153643099389	0.71807125050465	0.29074760045704	-2.35687762674052	1.69618561986533	0.44870979654984	1.00000000000000
+0.25705143747383	0.64712877769605	-0.17853351333774	-1.97529265868332	-1.29914693077665	1.19170307098541	-1.74872638764088	0.52166108515376	-0.06402924807861	0.02707343644404	1.00000000000000
+-0.75667503454261	0.23392065232550	-0.08227917117316	-0.49109257165543	0.03283209589651	-1.16184949966240	0.63344701327048	-0.87714852663594	0.18235707089106	0.09672775781047	-1.00000000000000
+-1.91107031361638	1.58640392293455	2.12278239682178	-1.01261379773047	0.40830817240406	-0.63075457715269	-0.20574175812075	0.99621185732494	0.91242738705834	-0.19032355104145	1.00000000000000
+-0.99160863380644	-0.65243083515258	0.55430193698597	1.01879097686064	-0.08702329331068	0.63210046267878	-0.84703527898675	-0.06255693999491	0.76281092302618	-0.08986699202632	-1.00000000000000
+-1.25918130876969	0.50425070369961	1.34098137659658	0.80512258406632	0.07045977546226	-0.69503655341463	1.47485658257933	-0.86344134612492	2.31267096821070	-0.97228905601491	1.00000000000000
+0.79330187827793	1.73510555323422	0.35466767482309	-0.51023818442798	1.16941934823908	-1.56653309333323	-0.18056871695943	-0.70907784878912	0.01194779758516	0.44243706137009	-1.00000000000000
+-0.49788784656101	-0.55927656536631	-0.93716401075094	1.48633121585426	-0.74957208941568	0.11813196680569	0.05432941642677	0.14170722992671	-0.45306209030733	-0.46741491214582	-1.00000000000000
+-0.35484975892779	-1.64314505173028	-1.82746041813473	0.69018176780977	-0.50900905003198	-0.21793080544938	-0.82807510859460	-1.08919402533214	-0.82093582928506	-1.01197359813483	1.00000000000000
+-0.83129516941497	0.61005062319420	-0.10282981754991	-1.43897709355579	-0.24388259002209	0.41161855336413	0.17909858980347	-1.55402413738051	0.89933710055728	1.43290896394640	-1.00000000000000
+0.23098674906088	-0.74679178062159	-1.13388377802740	1.90429026662775	-0.03010324258193	0.62505679574290	0.69561706298866	-0.24277192586059	0.49882733438502	-0.91446556413732	-1.00000000000000
+1.35150823779881	0.51515971543797	0.64199227304020	0.49389199798283	0.50578053461695	-0.81298695998490	1.03516423862654	0.16988440698690	-0.43133058507673	-0.07851269216292	-1.00000000000000
+-0.30904014892104	-1.42806152057301	-0.32811821010848	-0.93065530321900	0.17094400552233	2.79448128007286	0.72013532615808	0.80647451284525	-1.04736768367399	0.33453826016485	1.00000000000000
+0.08031107593485	0.50903673970611	-0.53444846805979	-1.23395466823338	-0.27021145961899	-0.29431870438664	0.24358725871693	0.86673469743510	-1.00909946922448	0.43036240613821	-1.00000000000000
+0.49143318351207	0.88979241832391	-0.27567470725749	-0.36837431847954	0.56247116691144	-0.41391895972432	-0.86663645351467	-0.85814028307838	2.03043679878068	-0.22402336728500	-1.00000000000000
+-0.66450860169194	-1.59135514232396	0.53171424171827	0.43836632403681	0.60741196221043	1.05531957806974	-0.89892886233144	-0.11091449394042	-1.13109984447510	-2.23628428476397	1.00000000000000
+0.48838846808140	1.86770853989461	1.91505867289874	0.24144306436602	-2.44535498104849	-1.77071193900091	-0.12267782656131	0.74270101892128	0.34998068801953	0.48929590905904	1.00000000000000
+-0.11830533074389	-0.22440532763474	-1.21031115362246	-0.92684410021962	0.22183331596869	0.67090686295921	1.30379521020739	-0.40912354249726	-0.03742523690478	0.89240584710096	-1.00000000000000
+-0.75110461217062	1.22674918093831	-0.38942394178670	-0.25443781405037	-0.67419189734903	0.15068749839453	0.68881393665275	0.48343694838715	-0.46911782283218	0.30632975275877	-1.00000000000000
+0.33961710195261	-0.19606374987490	-1.87220853767656	-0.67319485492722	-0.37444764616765	0.89591422632400	1.28093783330408	0.82117432226150	1.76348037409774	-0.92465496247976	1.00000000000000
+0.34084315532075	0.47301348832610	0.25351378690891	1.27307825790990	-0.89652185990601	-0.12896747367145	-0.98666978596151	-0.68198177004806	1.48924466973493	-0.24700005337980	-1.00000000000000
+-0.35283110531548	1.96326486208235	-2.07466029676001	0.45370659119627	-0.33644131514768	0.92366312332342	0.33255717427165	0.67743422152927	0.08554845030339	-1.72392268764309	1.00000000000000
+1.72656015396928	0.37351694482776	0.50213148825967	-0.03105416664300	0.49792353449086	0.20842178400418	0.90651912782161	-0.79067691607429	-0.18957989910499	-0.54777922613694	-1.00000000000000
+-0.19036098450232	-1.32305913460731	0.43111133728338	-0.08458354248832	0.73894752008485	0.32532446187795	0.71774408595666	0.12267271848945	-0.35002023048909	1.01317573038673	-1.00000000000000
+0.99306062666136	0.00659627813374	1.78408272427869	1.11074387213401	0.58782767016236	-0.18698043649791	0.95786167689834	-3.24223746912012	-2.98529074200382	-0.88064845725167	1.00000000000000
+-1.45451007087709	0.55624190235138	0.14329701098057	0.76977431497109	0.38890449279409	-1.42705937941048	-1.85895916863207	1.48807015961847	0.12218549731970	-0.68159288146542	1.00000000000000
+1.53310177358542	0.32970067299199	0.55776714991615	1.37493491580028	-0.16299925957106	-0.95585294837140	1.24993506759019	1.12319967463366	-1.40021207356901	1.16313422638199	1.00000000000000
+0.27675747925943	0.71046137704550	-0.40537137172686	0.43911122946345	-0.92273400690146	-1.36815290102700	0.84538809811897	0.40759520592941	-1.41162068724952	-0.57665163069438	-1.00000000000000
+0.84741786778951	0.41790937675595	0.95692868517735	-1.41934099925399	-2.45227203810467	-0.21619588628832	-0.80931178808374	-1.69095305337764	0.69902533574452	0.28673487111707	1.00000000000000
+-1.14254357552171	-0.91103479118672	-0.40454501739909	-0.30974298871797	-0.99423014860134	0.35519554905258	-0.07387641964231	-0.73876756870994	1.16079335617546	-0.58450557132438	-1.00000000000000
+1.04686552911658	-1.57197315940380	-0.34757521889110	-0.70367372608036	-0.56369494463316	-0.74684418579501	-1.46428435999814	-0.61908993577049	-1.25764966103134	0.86870806845339	1.00000000000000
+1.99437961373744	-0.39283043889484	0.58113221751082	-0.06397242300759	-2.15460860542132	0.18001897200046	1.37746150641572	-0.79735486424063	-0.86537566407629	-1.41884490759627	1.00000000000000
+1.22625302427201	-0.18149464088133	-0.27402750557503	0.66980651744922	-0.65964271283191	0.11821446036574	-0.32586010896649	0.57133387684457	-0.30722779891061	-0.33572550691729	-1.00000000000000
+0.67016419331929	-0.19511207140761	0.39851953221408	-1.54954924878588	0.21215527055979	-1.80736917798749	0.11423974024907	1.02850986861029	2.41167034404743	1.21196394099537	1.00000000000000
+-0.14127441136596	0.29275939100105	-0.05950703121354	0.60398184042364	0.14755328188631	1.18145658722499	-0.84358646045625	-0.53681231546203	-1.56160954003373	-0.93739422450353	-1.00000000000000
+0.58583038295500	0.37505265380382	1.86402148656223	-0.40980269145889	-0.30380167812279	0.39300203624481	-0.52338016557376	-0.50493573084559	1.76687369488898	0.17484237495587	-1.00000000000000
+0.22557908340245	0.25765684254570	-0.43323201737720	0.07470894016083	-0.60696135305409	0.70845842013157	0.03658954249090	0.34080921385324	-1.57206871088028	-1.96490616922164	-1.00000000000000
+1.02150894451352	0.22770798606122	-0.47762470353531	-0.31534469180681	0.47188272439865	1.60040247812536	-1.14173754009864	0.22642270585072	-0.60250362510622	1.47807231725183	-1.00000000000000
+-0.17781238012669	-1.05864084586249	0.86229230629059	0.40930547736416	-0.77359127712385	0.68457504612675	1.02900632806384	0.12367919993014	0.61546879232585	-1.32160368438674	-1.00000000000000
+0.28519169252882	-1.22970323062718	1.17764253455177	-1.46187568641592	-0.80518048201624	0.21401915644120	1.30010976541012	-1.02633371244085	0.85003381582860	0.45134124593065	1.00000000000000
+-0.16227803187694	1.17584044342118	-0.26527678364760	-0.18973494527587	1.04972231172209	1.50683646914063	-1.68609110244990	1.39325912645951	-0.54462876157697	1.35956574495719	1.00000000000000
+-2.34497650703764	0.48316012551286	-0.98775344317506	-0.44175417156988	-1.29181656941995	2.01030850139438	-0.16443269454639	0.40550626137876	0.93940287826980	0.19865200546492	1.00000000000000
+-0.21482580136575	0.62586579885810	-0.73954802521922	0.65512105749551	0.01020297096130	0.19840039378028	0.02531401517327	-0.81827800477515	0.17320102454584	0.69692272308775	-1.00000000000000
+-1.08264231603036	-0.12305843028233	-0.46057142007693	1.05193464423583	-0.89039096409710	-0.97821312916550	0.62264976213584	0.18832387494613	0.83090232226337	1.15822646122947	-1.00000000000000
+-0.01844939259048	-1.68863270620537	0.66849180247929	-1.79380605166733	0.79890121441792	0.78696620513300	-0.84397748419448	-0.80574591065004	0.98287390317855	0.26646241001820	1.00000000000000
+0.34676168160974	-1.24418819828511	-0.86515579492274	1.13105078781227	-0.17130530427917	-0.29726015218117	0.12048191580112	0.64164573457935	0.22092530071161	-0.36699383989736	-1.00000000000000
+1.67402430546483	-0.37205065789071	-1.16779705668839	0.12828743141065	-2.51501820088111	0.70188768795433	1.56735224864208	-0.03574561566714	1.39392214121208	0.43496747122190	1.00000000000000
+-1.23677843124634	-1.70839368675109	1.55189956773898	-0.12100206556115	0.94778991055347	-0.91468205765560	0.39162003134702	0.58644247123394	0.22997127623056	1.12533323919287	1.00000000000000
+-1.05846406385450	0.05998865831545	-1.82645786423666	-1.13547332150243	0.70672996427925	-1.41342824748466	-0.89148667927634	1.09889755153919	-0.60659109288553	-0.18390495818429	1.00000000000000
+-0.32931455490144	0.26852179817931	0.38762208958688	0.28929151996677	0.16086581258328	0.02751907115575	-0.93807746829941	-1.57508366875717	0.20130308560835	-0.01156463688430	-1.00000000000000
+-1.04944168751369	0.05467829309824	0.74125804667709	0.37457677741957	-1.37505388613035	0.97823904406523	-0.07473419703030	-1.02812103358094	0.24414483833910	0.54904857391769	-1.00000000000000
+0.39594576178673	-0.79376276291700	-0.13022370986801	-0.26832018890489	-0.75993251686717	-0.81176721069024	0.36052805190839	-0.64566904577009	-1.25133882374786	2.13746824870043	-1.00000000000000
+0.99090937801830	-2.01574781047167	1.91471902926609	-0.35724830025560	0.90649943544143	0.54018264922075	-0.47927169917559	-0.98833788398514	-0.39568632711347	-1.33769768911330	1.00000000000000
+0.18317483366663	1.24390870225042	-0.47799484990031	-1.22509257505660	0.85637901478327	1.85850877801919	1.04649301593772	-0.71923858701114	-0.60474268969665	1.00364930429922	1.00000000000000
+-0.00128942271189	0.51905597200858	1.49379009419573	0.01831292249999	2.17785063980759	-1.79263773600414	0.07901174858188	0.08318098039934	1.01555523821710	-0.27507942053232	1.00000000000000
+0.37754142472126	0.53292361618992	1.45657029346550	-0.06629154299002	0.31251275843560	0.06019561179748	-1.16215008141057	-2.35081739250771	-1.35424989429673	0.56046399729629	1.00000000000000
+-0.66153114571695	1.18506537735421	0.24778935112843	0.21472950074960	-0.54358833466821	2.18362433730808	0.87614101708585	-0.57659356371666	0.85893694621235	0.91401306647680	1.00000000000000
+0.19671087367819	0.45939147804408	-1.56734285080346	0.38480184951312	-0.14722519565307	-1.46749942553407	1.92822099738867	0.44132729823437	0.32965179679915	-0.93869759433890	1.00000000000000
+-0.77447157127417	-2.25045466213490	0.25298818830246	-2.49504439165649	-0.75241478356354	-1.25847190651638	-2.20757428922105	2.18576098405784	1.48196716526161	1.47938084034275	1.00000000000000
+0.67165256780301	1.56195695268759	-0.63113828275089	0.34019575986765	-0.85548655898405	0.18111736564070	-0.17558397750493	-1.95118732469093	-0.72902064903575	0.44411689538658	-1.00000000000000
+-0.31404406534957	-0.19924818307081	0.22152418176184	-0.46403810112973	-0.01694402469656	1.00035077301391	-0.77769755199726	-1.94744397185602	0.83335087633617	0.24938618274901	-1.00000000000000
+-0.45452643218417	0.01519677936730	-1.17781760729595	1.25527360864114	0.81110119584173	0.13337118385019	0.68140508783616	0.54208207883937	0.34218723162128	0.48921098530530	-1.00000000000000
+0.69272354542530	-1.37750598707637	-3.42325327704231	-0.84582496295847	-0.98683033019864	-1.23350320089548	-1.35965633236079	-1.27826400894427	-0.67432794130052	0.75449945733434	1.00000000000000
+0.09217623922670	0.84016921627686	2.41046782733321	0.47895841689911	-0.07496055932622	-0.99657829464282	-1.45409840622153	0.56062692760485	-1.21998809820197	1.33498905996706	1.00000000000000
+-0.49906864911039	-0.17268657293256	-2.04004229573234	0.82172068531827	-0.02050395643173	0.37723115843604	-0.45962911368731	-2.51151361778208	-0.81851409087970	-0.09009468565757	1.00000000000000
+0.82975903605642	-0.02930057888387	0.30010714749361	1.08157272392550	-1.85755572806922	-0.68411729274963	-0.09616244614955	-1.37299438801617	-0.54141946761292	-1.04069143180421	-1.00000000000000
+-0.79382936091694	-2.53434607760947	-2.08382965666862	-1.11439137156924	-0.18992978354027	1.44243185472600	0.12153991273578	0.48859429190783	0.62826558535008	-0.13974868902133	1.00000000000000
+1.75825079302418	-1.12957397817291	0.13610015195004	1.40608575378667	0.26137487863926	-2.03440144314498	-0.70980744802229	0.30827129478136	-1.18311252316930	0.94774536049010	1.00000000000000
+1.81662529250089	-1.05676534830885	-0.83673715408874	-0.11926153884711	-0.21508300176857	-0.71750560552784	0.51864126575727	0.12371791481492	0.68947253758718	-0.43740544405684	-1.00000000000000
+0.00784488737406	0.49917848934755	-1.52002981984951	0.41095594824520	-0.07511174213494	-0.91254550292678	0.35551601919005	-0.76173434188515	0.29726814809708	0.36498231017707	-1.00000000000000
+0.82152695819687	0.44439632917871	0.12905132056053	-0.99351247674037	-0.39086644871324	-1.68563105915548	-1.49166293744923	0.68960603663589	0.83028541888449	-0.66246533388814	-1.00000000000000
+0.26135827876416	-0.87895034080075	-1.11284102393449	1.94132419285679	-0.35689059014857	-0.34987493211965	-0.09315075276105	-1.74520788550354	-0.88978151331225	0.13995172156011	1.00000000000000
+-1.05291246851917	0.80232987042655	0.24904881838997	1.62104302693521	0.68047921596005	-0.49067238574343	-0.72528177144083	0.22149973660415	-1.23377869043674	-0.89115434553377	-1.00000000000000
+-0.32253875692626	2.27666281931658	-0.54251196690870	0.01567957932867	0.91070731122470	1.44693858460121	0.39706936801236	2.30482065466725	-1.71516650772333	-0.91483902153785	1.00000000000000
+-0.17192451296475	1.63551891127997	-1.29583094106826	0.28902347408911	0.20019117472988	-0.52472285468695	1.34649433679415	-0.14708147622609	2.16541825669332	0.25477320493419	1.00000000000000
+1.23265158765433	1.13164537623953	0.82533728346585	0.69416909653415	-0.96005233644016	-1.40815173746209	0.88706703466544	-0.19519796054000	-0.38347706095808	-1.09481778409980	-1.00000000000000
+0.48996219851322	-0.00627993467820	-0.26942264787441	0.42586284638301	-0.96572102129807	-0.97839869735095	-0.41089935072195	0.75818566385809	-1.91304497268812	-0.17823405204550	-1.00000000000000
+-1.50802783469397	-0.91092321157327	1.27977889456847	-0.51208596681866	1.46228523819110	0.83800434840174	-0.11451652668770	-0.23789958390817	1.04682472571571	-0.05389258924739	-1.00000000000000
+1.11580849866969	-0.22372655638220	-0.65792111144285	-0.70811714328478	-0.47801757870667	-1.11994572247054	2.06781100176451	-0.39456477137051	0.24758588324704	0.28654240003930	-1.00000000000000
+-1.52432366756888	2.00430767168556	-0.57817796876240	0.36553759467025	0.24730483148888	-0.50359506318863	1.43311800980786	0.71410630704868	0.28619880625624	-1.43367117029920	1.00000000000000
+-1.15119157652536	0.62563071888090	1.77668023670521	0.14515440987469	0.11668106047641	0.26921743835565	0.24500510473169	0.32321150367745	1.14659192578881	-1.15643856197914	-1.00000000000000
+1.27980570572093	0.95325474846386	-0.33352795907619	0.92404174511031	0.25092916017778	-0.20454511350606	1.73227648410264	-0.51810127320184	-0.31389488906173	-1.54994895461196	1.00000000000000
+1.01051468983556	0.05542260560583	0.79637178332526	0.96890170982612	0.48742020356215	2.22663863133866	-1.56338326630248	-0.60422880254500	0.58254385868474	1.11323131220674	1.00000000000000
+-0.17419164368918	-0.84612366533613	0.01203077296645	-1.50745872757956	1.14214149142167	0.59304163351013	0.27821867884719	-0.03431063866762	-0.23183475621788	1.28269883007367	-1.00000000000000
+-0.57456078982245	-0.70038008045191	0.60868161310641	-0.18052889245704	0.30622578048526	1.24226714713063	-0.16287233849650	0.64758477410137	0.35038336613494	-0.34583154803926	-1.00000000000000
+1.51797823455070	0.09294539840687	1.27925247231218	0.91141917489198	0.16528279588212	1.31325589491701	-0.15147184124886	0.04636691281309	-1.75942983331617	-1.37657557887152	1.00000000000000
+0.90112415010596	0.47841752814504	0.27280015530922	-2.80897049532413	0.20961939135026	-1.04186760687662	-0.64348182035095	-1.40894346928620	-1.66887195352151	1.66774736695475	1.00000000000000
+-1.60065861083508	-1.97014188670725	0.58628891763933	1.64994540450929	0.92144832327605	0.73818969134051	0.04491031008058	-0.31199667140903	-1.89062001947143	-0.17069498232868	1.00000000000000
+0.48100781041481	0.13117746067358	0.34089371194244	-0.39137362204195	-0.57211350143391	0.37016692864888	0.09024498017379	-0.51288009489891	-1.47983815942698	1.00642205191002	-1.00000000000000
+0.56292595874098	1.55276251119021	-0.11216585030955	-0.89917527167955	0.25210198492966	-0.14787768866491	-1.08230079204956	-0.29458106706696	0.19848014721565	-0.47246650825149	-1.00000000000000
+-0.43995666670787	-0.66405934200290	-1.07834504344892	0.86418108388163	0.18806054345218	0.83519838633593	-0.26738316766149	0.62923039326749	0.84173420488450	-0.61637226236028	-1.00000000000000
+-0.43549958475352	-0.00017574056056	-0.10618557318392	0.36281667529571	1.51132274557254	0.03244041391196	1.20327503565770	0.36797039113553	0.45587377062772	0.26938564263211	-1.00000000000000
+1.75020323496150	0.92685555407339	1.31428890549829	-0.37466385776642	-0.56566334353973	0.75384937151247	-3.07805952221570	-1.06570529344241	-1.71386729188408	-0.03069252816084	1.00000000000000
+-1.19172339045711	-1.55932961478589	-1.27004324758073	-1.05497611798172	0.31762898222225	2.11125989462494	-0.57039965262542	-0.25519558874384	-1.02699609673303	0.74423062280994	1.00000000000000
+-0.02122568360809	-0.31708166094117	-0.72974201762611	0.06239708518461	0.40738053627372	-0.13797830073842	-0.14881816374514	1.83040068521687	1.98766346462643	-0.29704295155263	-1.00000000000000
+-1.46508648888861	1.80589996027771	0.84239971403035	1.32142205611220	0.64986796686706	-2.34589502114209	0.19355471185243	0.84688162146043	-1.31670098222142	0.65262375863261	1.00000000000000
+0.23615355291127	-0.20462619347328	-0.14666229459023	-0.61478970526959	-0.36195093677275	-0.14713622404455	-1.16324202917549	0.44429559623190	0.55863480969691	-1.08841664034844	-1.00000000000000
+-0.40947485111912	2.03343944316723	-0.52029176672820	0.08846846474469	0.26790414561200	0.21492527010627	1.76468523851285	0.76421443265742	0.55130953677030	0.45476871730508	-1.00000000000000
+0.92232799696069	0.25675840426743	-1.51804610080438	-0.24130149890520	0.52113861292610	-0.76832206516120	-0.11549794944092	0.82997192780478	-0.80225571548518	0.07706029893135	-1.00000000000000
+-0.85033206905984	1.28774272943304	-1.28942403175152	0.71228618548035	2.25512519833841	1.18780479760288	0.20604094835299	-0.09737419193289	-0.33688308219533	0.20427608237287	1.00000000000000
+-0.63333881094128	0.16584361463620	-0.81085584108623	-0.81178864598176	-0.50628255916759	2.17067274740820	0.40020872399633	-1.04920367868562	0.05535876945766	0.73132518158413	-1.00000000000000
+-2.61067484940222	-1.00553524248095	1.32522698692589	-0.83554815037692	0.29446243542855	0.05333364689460	0.22155315841095	1.17832311717542	-0.45520990283029	0.23928339586904	1.00000000000000
+2.56910166428290	0.50370495305072	-0.11889651128678	-0.02657608656923	1.39479559599673	0.16258963547356	0.11298209084497	1.63545553281273	0.00637326677531	0.19038754594367	1.00000000000000
+-0.55520571354794	-1.19993137087836	-0.60944725484232	1.43585532245177	1.63415734434324	0.50469214585350	0.42322033008015	1.61636362401683	0.70689711302425	-1.27287217227614	1.00000000000000
+-0.48052177961488	-0.13498336814736	1.26572321357550	-0.14162590282105	0.00437397784046	0.39219518265226	-0.02900610604347	0.84560712807393	0.54141455781170	0.82076985684152	-1.00000000000000
+0.73380483595209	0.34416461544822	0.06833258438251	1.24573169831130	0.66407323063020	1.18326842648205	-1.48706003053665	-0.80459509626935	-0.67090706343078	-0.66033564695715	-1.00000000000000
+-0.59801562454195	0.48326224222513	-0.78501942480463	-0.07640871408818	-1.57927315892288	-0.75444558316308	-1.13104226083327	-0.15234631099035	-1.92743545818888	0.17428164631740	-1.00000000000000
+-0.12508309812706	-0.87437493907894	0.82989422364309	-0.34949288027489	2.32270980648462	1.59003531416973	-1.27574047269845	0.10773499747822	0.31097048463401	0.57210261031382	1.00000000000000
+-0.44008167553913	1.33821782876766	0.52946891491257	0.68034853971683	0.09544083697437	0.39382834333785	0.06699812670819	-0.42156897217320	-0.67586215078923	0.52140589283905	-1.00000000000000
+0.65121721083904	-0.73467032552672	-0.04987414114087	1.14496753154381	0.61534660467106	0.80270549250400	0.91657346002386	-0.99226225664305	-0.17119418761582	0.07885111169020	-1.00000000000000
+-0.14061243070012	0.08424199605789	1.16115795678402	0.31095181850778	-1.04191428738525	0.86681516939627	-0.96594656025232	0.94532088367086	-0.14422285048912	-0.39642501711168	-1.00000000000000
+0.86279698707299	-0.13994596425009	-0.16061575212444	0.41803097246986	-0.22769099866963	-0.67951609666951	-0.09954881874870	-0.52194376357056	0.33352178256784	-0.31477926238399	-1.00000000000000
+0.23605285734145	-1.06286162840559	-1.31400996803590	1.28808193639359	1.98582467615885	-0.39549345639257	-0.87756727662454	0.01139639817679	-0.70607920998546	-1.25102801492280	1.00000000000000
+-0.02390530337536	0.06210390217415	0.07378230379347	1.82770985628008	-0.08340223294850	-1.05418603311453	1.15079919787024	-1.51808005386876	0.52509752823591	-1.58075890638895	1.00000000000000
+-0.99054980054471	-0.80433476834895	1.15494421804399	0.87530372269695	0.40220266238049	0.00537087647025	0.45998698306896	0.94031712888574	-0.75092405452966	-0.45004513004351	-1.00000000000000
+0.95612452889900	-0.26906839022983	0.89803637389114	-0.68477123803687	-0.26274596944354	0.34543557038892	-0.95639528666900	0.26686812722776	0.10274277823398	0.32156576173960	-1.00000000000000
+0.99235209847736	-0.04994808018886	-0.63033759712621	0.31672360000248	0.59166754215062	0.88299247872700	0.83453623533819	-0.85606246146817	0.46332463317043	-0.98099360125535	-1.00000000000000
+-2.01519516063043	2.11752235602301	0.56268403581734	0.05892294320123	-0.23604567632381	-0.70110478992806	-0.01925928531674	-1.23057112528852	-1.71900172812539	-1.12456749193725	1.00000000000000
+-1.03767171589604	-0.18408587995550	-1.22325928760401	1.26201274131154	0.58523539537142	-0.21594635925841	-0.17389404784220	-0.41710064878042	-0.12983603939565	-1.39546046238177	-1.00000000000000
+-0.69303640747643	-0.78160590140105	0.07009722987310	-0.85071857711366	0.17022253669569	1.30426202905082	-3.31009032868659	0.78720518221712	-0.17519741544831	0.15791007613545	1.00000000000000
+0.57785760017738	-0.72588820999592	-0.15265942638535	-0.17961152738924	0.69393293787853	0.10311049588617	-0.80898101546613	0.73799753072178	0.99228576459780	-0.10612052023630	-1.00000000000000
+-0.30072047362085	-0.37722380250804	-0.17934042671084	-0.74373939986765	-0.82869115651478	0.09322273415911	-1.28757192061596	0.85219365450214	-2.56384595477941	-0.61611514551739	1.00000000000000
+-1.01836998472710	-0.16024930499442	0.35759954192532	0.13393376359104	0.41906314222584	-0.12730403071836	2.15372936940704	-1.22720370530352	-0.14770672635530	-1.44454266538147	1.00000000000000
+0.16231412179976	-0.86089122118744	-1.12710256437588	-0.57885188902792	-0.04240157634540	1.52930339944807	0.30031364188436	-0.51416021657136	0.18294905895576	0.33073080466746	-1.00000000000000
+-1.32104787987503	0.26553626414488	1.64047170750649	1.04609806122418	0.51628715519099	-0.17614513994630	-0.08941795878683	1.65079847689686	-0.67741577561454	0.46281016020724	-1.00000000000000
+2.71017832687187	-0.59677688809039	-0.16449056680049	1.49231818456980	-0.62961811048794	-0.26988269948397	-1.49144336477725	-0.02532439422820	1.21757397254552	-1.22771623028228	1.00000000000000
+0.32765067749899	0.64055794165043	-0.39071390158840	-0.69564470238792	-0.00023574472972	1.32787707594980	-0.78421589284478	-0.32756379759437	-0.04068737459866	0.20739113803860	-1.00000000000000
+-1.64946524081364	-0.09137988468117	0.33622074069351	0.66241952293770	0.08576528984029	1.54825283511855	1.48812877469289	0.12157972622336	1.35275160084413	-0.31775765247714	1.00000000000000
+0.68618447632947	-0.09597530700307	-1.36187792210988	0.86262291950398	-0.64926721172278	0.33531676691674	1.24212768429342	-1.17790525630408	-0.51030185538806	1.73539000625549	1.00000000000000
+1.25640184396903	-0.01945667306578	0.46464715608101	1.13611719428030	1.02643585337691	0.07955669448020	-0.52986337625135	-0.87297972039505	0.18290077354564	1.45356576023911	-1.00000000000000
+-1.08818303048437	0.02585938309255	0.41951600399415	0.75693996200026	0.36435658084829	0.14674585679257	-0.76252267059247	0.34593582102326	0.31947453732758	0.34506415393168	-1.00000000000000
+0.34391660308351	-0.13309171807689	-0.55801236710927	0.83595894332536	-0.24954374016461	0.13108977647725	0.52000121572640	0.76792790748182	0.75004518247284	-0.17896462222150	-1.00000000000000
+0.86639713151140	0.47852688789378	-0.44437235822936	-0.37157122190267	0.23469654128514	1.30694449906740	-1.07112025298280	-0.33634018177309	1.15643116340253	-0.95505092593293	-1.00000000000000
+-0.05198957403745	0.45058237866563	0.33222732806096	1.01312492030689	0.43470067051788	-0.07985545982462	0.46582117282441	-0.89731377219256	0.10546424998387	0.13029055737639	-1.00000000000000
+1.45480276154496	-0.01542145290753	-0.18415448641099	-0.18231096582383	-0.39820668228866	0.75925214950933	1.71561008001866	-2.87935801850326	-0.11054348706186	0.88241869876618	1.00000000000000
+-0.38199797269027	1.31043642228169	0.15010072679425	-1.10594786086657	1.71061962727310	1.28464415198221	-0.26913240088126	1.08383450965882	0.03880220756525	1.31225323967578	1.00000000000000
+0.34345355618156	0.08045205588504	-0.39121735945538	-1.69573289261499	1.32256477460085	-0.03775678905313	0.29817533707435	0.95646355362459	-0.34347149094311	-1.39595050248104	-1.00000000000000
+0.14576325633875	-0.59545122573096	0.93413504902384	0.41676266822996	0.29111299607980	-1.00470078829347	1.86494848737018	-0.31827361426514	0.02927013315116	0.27773602052697	-1.00000000000000
+-0.43958223356790	0.35625734872313	-0.64636948508562	-1.06216354644551	-0.63396469973506	1.37044961188281	1.37649286050257	0.02791745810649	0.43681213923884	1.65545532080881	-1.00000000000000
+-0.39609739471092	-1.18220468915603	1.29643596146935	0.51522983309858	-0.31148918960950	-0.07489598495764	0.90029544118101	0.92807737510396	0.63603381297556	1.28005008012268	-1.00000000000000
+-2.07712214741603	-0.17865813697430	-0.58929915191558	-0.66412869559734	0.22782605353018	-0.15910073642184	1.80645459381361	-0.23656534878819	-1.07778486321111	-0.50443559370920	1.00000000000000
+0.88554954254581	-0.18927485138843	0.86410042488278	0.42055158661567	1.67385598038841	0.20941279094492	-0.76323577940837	0.42533594942940	0.08857644479672	0.06714391151290	-1.00000000000000
+0.77701802413397	1.61373620922567	0.40949771606440	-0.47176695449485	-1.51836028157586	0.22713136757582	-0.25226286209093	-1.75960299489994	-0.85349269003259	0.39145693670087	1.00000000000000
+0.23195790821616	-0.70696226476031	1.15658871719699	0.66280210363625	-0.40531400279975	2.05579983556653	1.60716562364040	-0.33063957947678	1.03953191122417	0.74854980766044	1.00000000000000
+-0.25779815752474	-0.49935012233467	-0.16534035514104	1.70617491605177	-0.06041333523243	0.74560939914138	-0.91834614303146	-0.16215210319103	1.59983042266879	-0.99370435567273	-1.00000000000000
+0.80346530794024	-0.22379992021899	-0.87145972046610	1.15907835887707	-0.15455392305620	-0.38941919916135	0.31670128472845	-0.80877171787205	0.63132120075551	-1.11282541514056	-1.00000000000000
+1.10671042716260	1.34351998342116	-1.20437708596460	0.98392714971477	-0.85347078106513	-0.50762225873607	0.01321986415676	0.20676470791677	2.16221045644492	-0.51816438336281	1.00000000000000
+-0.25041630108741	-0.52814333396626	1.09865394873740	-1.21228768378618	0.19545193127077	-0.80329890765457	-1.23376556924156	0.18517736679029	-0.84956074914847	0.10837830698514	-1.00000000000000
+1.31176964905171	0.84431712239125	1.14987144201527	-0.09503458818035	0.15917275969951	0.11553489958242	-0.14644634002080	1.39649423419734	-0.58515795282850	0.85074374965711	-1.00000000000000
+0.25915152896424	0.10853991502984	-0.39112149091981	-1.67523146586908	1.28707738914681	-0.60446527200848	-0.30741243869493	-0.23164400933745	1.58243137886414	-0.39646398670677	-1.00000000000000
+-1.54255741253686	-0.61503436786895	-0.26558096547559	-0.22620922301118	-2.18045735300908	0.96873478410433	-0.72293034946397	0.10459248304672	1.46637520804285	0.05139718483784	1.00000000000000
+0.04587829666485	0.15005487868947	0.08000613816990	1.60059831414933	1.36206003693349	-1.47519304802364	0.42066891894541	0.11543311043543	-0.26534482466618	0.24034940539225	-1.00000000000000
+-0.13697357756156	-0.61011896297645	0.44038564159552	1.02297393053902	1.20270857861383	-1.75303220060183	-0.25170257226990	-0.60332515158331	1.59407801885647	1.93217050288627	1.00000000000000
+1.22052018851457	-1.01553822226864	1.99335852943822	0.55878121433471	-1.13881158614835	0.33805563296275	0.06674674211899	0.81471347009552	0.59482430955225	0.31718571390364	1.00000000000000
+0.70024476096188	-0.10455472287385	-0.42409115465177	0.54868160922326	0.09598229040441	1.94795079285259	-0.86787169706531	-0.88239002917553	-1.66445558242151	0.75147870599554	1.00000000000000
+0.06747168646857	0.17057241179829	1.51354570090204	-0.56669318970186	0.90939171682353	-0.39238027919701	1.31647672525974	0.84207476685347	1.27746516322756	-0.56453954477247	-1.00000000000000
+0.19920770156642	-0.41660437725900	0.05958217208178	0.71014141598720	0.39235617631663	0.18566063373932	-0.55148127051119	-0.65832417085859	0.45045684144519	-0.96704766132183	-1.00000000000000
+-0.80241910370375	-1.23390153649014	0.60433795174788	0.10015393831083	-0.38188283406951	-0.60924801566781	-0.19285761421182	1.60604215738805	-1.00854977064895	0.64515078189318	-1.00000000000000
+-2.32840308436569	1.00670023174948	0.94727100840619	0.22978317721622	0.28596399945476	-0.75084377394389	0.40624588073459	1.38056969248344	-0.74223338177028	-0.47397006164412	1.00000000000000
+1.62033809849801	-0.92384645943430	-0.56065770788237	-1.25515172281253	0.50378373491434	-0.37322684137385	-1.36617133712802	1.05118886801456	0.54634025138435	-0.01107149174411	-1.00000000000000
+-1.62369964679930	0.09520751424033	-1.20690295201371	0.79364480415310	-1.20902239016034	2.15941729122174	-0.51578171210722	-0.77139172828907	0.37442069031837	-0.99825401842438	1.00000000000000
+1.32971022084614	0.67484129483545	-1.06408120077636	0.73426495301785	1.39607034836376	-1.77528436070679	-1.07671851664310	1.10681787741624	0.56930280665776	2.03056801715336	1.00000000000000
+0.64805560786480	-0.64589140325398	-0.07569687143002	0.23003022809223	0.22574432020978	-0.00572780431082	-1.07011998480051	0.67909405092173	-0.25540167049201	0.08361616883049	-1.00000000000000
+0.16499286364743	0.43192687305516	2.31689473898448	1.51031913789754	-1.94950746947185	-0.88873210902124	0.16661945033673	-0.47969366539934	-2.05245880982907	-1.34887429421810	1.00000000000000
+1.52439548359562	-0.23767520000456	1.46449759556167	2.27307496780261	1.05532281167245	0.12945349082431	3.10020905919422	1.28581775947643	0.40669710657280	0.16518836535876	1.00000000000000
+0.95764731631013	-1.42912214047225	-1.97390656527859	-2.31543319822897	-0.92148416837870	-0.13388750723711	0.44919346998103	-0.19628955955403	0.73065910656802	2.25951675342193	1.00000000000000
+0.68076271989066	-0.63181183997833	-1.35613046312810	0.68724837488931	0.63640616223744	1.68353054778147	0.81708333968262	1.13476685255605	-1.03033301061527	-1.12623322679691	1.00000000000000
+-0.37067088860238	-1.47729974386851	-0.89728889279800	-1.50577805277558	-0.45868976800529	1.01028065611559	1.61118737904301	1.23011512281650	-0.89897906827672	1.87687804704172	1.00000000000000
+-0.59500939191720	0.95926358635773	0.31509527497715	-0.30294299794851	-0.15620164110365	0.87188828496093	-1.57070645261417	0.61583164327206	-0.93337257930113	0.06525775828224	-1.00000000000000
+-1.06164493213486	-0.15154415263540	0.45463790353008	-1.61720783065933	0.68502051497784	-0.04328475962158	-0.32234492272963	-0.19090511616559	-0.83515793149560	-1.38239084209635	-1.00000000000000
+-1.69760335087052	1.85199805785531	2.16012866357454	-1.26199389828387	-0.92372047815940	-0.66286454778589	1.06733319548744	-1.00687254513981	0.02382247854985	-0.28811263731086	1.00000000000000
+0.52724256909719	0.51890968354197	0.14269050898403	-1.36914561856450	-0.79872360767141	-1.77134596226834	0.95166063069249	-0.75489757154810	-0.30207433653863	-0.15937237616707	-1.00000000000000
+1.63548086514039	-1.25460744149092	1.34351552037357	1.37181516088594	-0.66551565018934	-0.82082329560297	1.65950622894137	-1.37310309996426	-0.19872080070181	0.57101888040998	1.00000000000000
+0.56529669789611	-1.13139049951900	1.73150096448675	-1.16375054404576	-0.64564017468858	2.25140436691618	0.30623661398650	-1.01793957370808	-0.73270944582299	0.10660362415486	1.00000000000000
+-1.06127639256854	1.38242147637128	-0.14187498230862	0.17367990344531	1.87759276706817	1.58422861972845	-0.72148788903554	-0.42934644560741	0.83621849324240	-1.01439435528689	1.00000000000000
+-0.73816520481022	-0.06268803653266	0.57534022622161	-0.03921281138967	-0.22774014946676	0.53454545560938	1.01904770421132	-0.07545703287583	-0.20323642356403	0.39320360885880	-1.00000000000000
+-0.13246297098197	-1.20591018836447	-0.72479006274153	-1.36052696514591	1.99579713107944	0.36865386222748	-0.53496300697052	-0.87339789493354	0.96967968904089	2.48765455697227	1.00000000000000
+-1.14569667574204	1.39773498526048	-1.16907119584278	1.11631501588789	-0.68966624573338	-1.43744859344263	1.86820096337149	1.18636026930647	-0.93914814726823	-0.08881333983838	1.00000000000000
+-1.06295287404151	0.56062882736761	-1.32457031681438	-0.29146261017801	0.86338555248436	-0.68559832942853	-0.82906608355394	1.61481007172103	0.27937559598719	-0.46535437208628	-1.00000000000000
+-2.73326485694803	0.08272674432668	1.99657318086329	-0.62622594897299	0.33415610597639	-0.38771247372006	0.65471609378439	0.61701191243683	0.75860303351439	0.81084459077512	1.00000000000000
+-0.22020816608945	0.16596521857402	-0.30858631182199	-0.90357781590214	2.24569885686608	0.17841874960602	0.15454253789778	1.12998242877639	0.01246042485848	0.67988525700563	-1.00000000000000
+0.35892214850280	0.88114666928351	0.15633581131171	1.76168648377749	0.19243824066310	0.11467639575087	-0.21699064864276	0.00191415752502	0.87568320447322	-1.77002764027290	-1.00000000000000
+-0.27844554378931	-0.65338666163099	0.92312088893595	-1.18838883079829	0.04647067727706	-1.86832820594428	0.43637893546404	0.11973138778803	0.50789852473912	0.48212524479045	-1.00000000000000
+0.09659647326565	-1.17149931574525	-0.90652430546927	-1.46022426676478	1.23325308851272	-0.95609418123501	0.42133696725138	-0.84533282220215	-1.20559765396316	0.13670921347592	-1.00000000000000
+0.33455838258417	1.62464578760155	-1.47714962970280	-1.59182758870096	0.12443968467640	1.65699487685177	0.34268731262753	0.18460744386737	1.35889603821122	-0.02446935903863	1.00000000000000
+1.79126811213144	-0.27525561916747	-1.27801350388575	-0.53124101144761	-1.48970597111764	-0.65299336272599	0.85550499478412	1.71420904006411	-0.43693884928158	1.71721552683111	1.00000000000000
+0.42962926373172	1.30562346594308	0.40401113922324	-0.36645107291730	-1.49923197888921	-0.66613126617537	0.79793179249548	0.91654575955673	-1.08122132303357	1.03175789697534	-1.00000000000000
+0.29552987314570	-0.19850549073719	0.75440690387386	0.96758020016439	-0.18160529587115	0.17463529720806	0.97468288666219	0.09556174996279	-0.80010324957669	-1.43504570112422	-1.00000000000000
+0.41935170534896	1.54261659502248	-0.01598081952034	0.28577657538457	1.39721270669044	-0.59115459456989	0.65630476778880	-0.26644541801767	-0.65678485206392	-0.37493091455938	-1.00000000000000
+0.72468742729679	0.76773803471820	-1.27101747623156	-0.73358073277428	0.02293143343647	-0.97028202001687	-0.55953228297537	1.74047561337400	0.80885954046371	-0.33942697134194	-1.00000000000000
+0.19074949100225	-0.33321097848017	0.19933083957743	-0.22886134564848	-0.59929036501444	-0.62234670447869	-0.55948083645374	0.97476740861664	0.50826275055935	-0.87735133629724	-1.00000000000000
+-0.59371931785107	0.65191884054471	-1.73055049626349	-0.76956623959130	-2.49686039692518	-0.27946910364801	-0.60410986344424	-2.46789023741506	0.91735891497694	-0.77080594895921	1.00000000000000
+-0.34057679948888	0.89415087407486	-0.61674523666863	-1.31491094041743	-0.29407401865731	2.43436406395227	0.75962680451057	-0.86724852993979	0.83160064868322	-0.87494340712780	1.00000000000000
+-0.12665240758517	0.13512412595867	-0.25016698343664	-1.15318429562677	-1.37923478676218	-0.48953981456381	0.03339267405412	-0.80341617948866	0.58816055020107	-1.10376164799697	-1.00000000000000
+-0.26702163184238	-0.33529357770229	0.28169163146608	-1.53835438499864	0.50463470099484	0.59070070576861	-0.32594405447052	0.62994693566743	0.21759202533496	-1.47012379587654	-1.00000000000000
+-1.09819947173493	-0.80425656060235	1.56803341821301	-0.39885344702018	-0.44441760513691	0.50555164515982	0.77258799397694	-0.27057401177649	-1.10981970996214	0.15676485678520	-1.00000000000000
+-1.92456409099664	0.83421819065466	0.25914752421180	1.38600763996926	-0.62732809585738	-0.25079435549848	-0.12002099089463	1.02763955292421	0.16909626212885	-1.02768664182236	-1.00000000000000
+-0.53006445536186	-1.34414344938224	0.04556939194151	1.36578903469844	0.40687983163023	0.26245892392175	0.36321800885644	-0.13465829987159	-2.20827290954615	-0.86045732975719	1.00000000000000
+2.16488704348627	0.96420221704285	0.13873353968804	-0.34242139482809	-1.30684275614142	-0.51463384623619	0.27589603862577	0.87231173501863	0.62432483134584	-1.16775504105889	1.00000000000000
+0.09375354089639	-0.15906246851968	0.73760595413252	-0.46102603340961	0.23653550744384	0.04788802053751	-0.97750679937644	0.70146730050587	0.47669893481440	0.59568176690767	-1.00000000000000
+0.43565485856698	0.36173156038154	-0.14474845560621	-1.63416528663013	0.14981589888948	-0.20819431962010	-1.03929858300909	-0.97628863396169	1.20077010856859	-0.30209428741050	-1.00000000000000
+-0.10174981904930	-0.20053134112468	-0.52126231429090	0.95567595770759	0.72469100913769	0.46123214960976	-1.43525546581535	-0.06374339347106	0.09818075775464	-0.90685679620899	-1.00000000000000
+-0.23797414780702	1.11432113211013	-0.17388570932313	-0.42804858905840	0.05892655187990	-1.25176505518361	1.25781586351720	0.15978789599601	-0.69467357070371	0.45495834778698	-1.00000000000000
+-1.26214471678472	1.32401532410406	-0.75874182362565	-1.26037622381500	-0.88158834247589	0.95819176576562	-0.01957094866406	0.72039915205702	-1.76092272029789	0.39285091397012	1.00000000000000
+-2.23869116501373	-0.51840155163713	0.22392131232620	0.14080182979876	-0.17803641323748	1.33614349151758	-1.80460996757205	-0.58494939067239	-0.61669630753414	-1.63074379695292	1.00000000000000
+0.54800679445082	0.39146152202868	-0.77121021322598	0.76948169397207	-0.11282919990268	-0.51551249911797	-0.80381808628080	-0.29154065642366	-0.02078859266011	0.32711201910558	-1.00000000000000
+0.03407834433845	-0.48402180425528	0.15845736565088	1.57661783855498	-0.11696217863700	-1.11970345729791	-0.05580054621456	0.23044080927654	-0.79777994219145	-0.49982147098664	-1.00000000000000
+-0.55920756550150	0.56011891504017	-0.56637550634112	0.74664190297501	-0.21744200580900	-1.83274194242110	-0.81644320502443	0.18583849090391	0.97233727793956	-0.85105810579143	-1.00000000000000
+-1.72846048562442	1.99017940261588	-0.07641889829287	0.11602414792729	-1.44785220175879	1.12264691615952	-0.36053872343774	-0.05925780921080	1.11518912235700	0.61467207067514	1.00000000000000
+-0.49668156271417	-0.11856912932032	-0.19342204887103	-1.35780194517574	-1.66156448774543	-0.09288280500796	1.15905190659038	1.15687973110707	-0.19222902596064	-1.13183427834727	-1.00000000000000
+-1.33202666205499	0.40995418922366	-1.28915305989140	0.66724050458956	-0.24557098928980	0.79633471104533	0.56986134759559	0.34983155770375	-0.42270261031861	0.95685660043537	-1.00000000000000
+0.33597936232441	1.77050921287308	-1.22522619024637	-1.64210086209465	-1.23282019761077	-0.02453958565001	0.84137300613692	-0.32212279710551	-1.81417428812889	-1.01079066081557	1.00000000000000
+-1.17594857120181	0.96359932120321	0.63141238170429	-0.01895658025754	0.14825040102968	-0.88803729615087	-1.81122786466663	-0.50289488128069	-0.33539238094587	-0.84692852945848	-1.00000000000000
+-0.84661530114306	-1.74884474965410	0.17226042486712	-0.01890911590342	-0.41625960159802	0.10962079103982	0.86279866600206	-0.78510504879108	-1.93999999946133	-0.00674349432539	-1.00000000000000
+-0.44885154475196	-0.17386458718203	1.83990663830501	-0.68638277854946	0.90857266838320	-0.31737874094783	1.16251982858987	0.73967993196324	-0.81729345244206	-1.26057536223817	-1.00000000000000
+-1.00422457540195	1.82218438120660	-1.00879545216055	-0.94841641267854	-1.23563007494096	-0.49888631138759	1.30696767904196	-0.07764726421487	0.36289443727508	-1.11888847091389	1.00000000000000
+-1.10269312433583	-0.84763637982946	2.62124063653564	-0.49979155118253	1.92329727035546	0.11198078391536	0.52290902823599	-0.65829059640194	0.74069073949339	1.36356203478218	1.00000000000000
+0.17127907230627	-1.50101555454335	0.17488504209632	0.16707080202986	-0.40784037257426	-2.16606096416066	0.04425631775266	0.84048496726037	1.20321450341906	-1.13246391786700	1.00000000000000
+-0.31587491049616	-0.15880416169113	0.21563496735406	1.36038735029835	-0.20921762052348	-1.46805672015858	-0.65867540650981	-0.16888840955557	-0.87440235430758	1.42524548513586	-1.00000000000000
+-0.62145611523573	1.76714569243840	-1.11755072150354	-1.76642932160142	-0.16683770534917	-0.09217923767456	1.16367418673322	0.40444306725255	0.21874501121982	-2.53101268468216	1.00000000000000
+0.26515077531895	1.37694348585159	-0.32134218202032	0.71779434498616	0.83124476723668	-0.35061195434897	-1.90824484923126	-1.17018339707096	-0.34786411546662	-0.48907872859016	-1.00000000000000
+-0.18380408312936	0.14043003032497	1.17090844199396	-0.06894198017635	-1.47054811748437	-0.66344430500232	1.28202764975190	-0.61648820722015	-0.87619549456423	-0.37763761298531	-1.00000000000000
+1.03557748381505	-1.00830517418247	-0.09208770773729	1.82294074794970	-0.73647796237201	-0.24547065175317	0.60696805809957	0.15354516351950	-0.41850993461431	-0.27124305290936	-1.00000000000000
+0.56896571123216	-0.31533289669419	0.92887386718504	0.13907927212667	0.26219854844353	0.11964647983923	-0.58951402226232	1.59225009382156	-0.80890342102193	0.63174053983953	-1.00000000000000
+0.78702546638984	0.41504069032034	-0.44675318627365	-1.13640010044892	-0.55400839976636	0.17501053417736	-0.35652361042482	0.21544344346250	-0.15067612583434	1.70966257437275	-1.00000000000000
+1.36353561896274	2.32757283897921	-1.60388412170374	0.68976251798963	-1.56434807278585	-2.02940986626790	0.58635732761004	0.78395770842779	-1.24394439367322	1.78228957043740	1.00000000000000
+-2.02712074515292	0.24530447299471	-1.77377869240812	0.75570561280602	-1.62201286458979	-1.09749897305837	-1.41989950147995	-1.95769343016830	-0.59715118367684	0.89377164005411	1.00000000000000
+0.05405231995163	-0.62372665376707	-0.98635206523217	0.28645438749286	0.41189308315151	-0.98002317389120	1.34735976332712	1.14482770771955	0.33084648711522	-0.18538597439275	-1.00000000000000
+-0.42434045972825	-2.22896705374201	-0.11516082660130	0.20444378050769	-0.06933922643329	0.14861980131593	-1.67457748975620	0.12571598226158	-0.03756409996406	0.33759592982409	-1.00000000000000
+0.02276571425814	0.19893853295012	-2.12804398557061	-0.34474740698268	-0.68467676749496	0.55242738037767	0.66423167949754	-2.20593490969535	-0.65976135330264	-0.44396126379785	1.00000000000000
+-0.55264622273622	-0.67157219180023	0.26195001809314	-2.32273633214664	2.10491736058851	1.04182254953873	-0.52641973302824	0.65295064501999	0.14854694593978	-1.92475754265424	1.00000000000000
+-2.16172570997381	0.02879326754742	-0.95948329331622	0.16933428076056	1.10071022473202	0.61096774410386	0.33762468977915	0.49067650248621	-0.35436875711320	0.54300088397366	-1.00000000000000
+0.32366585150601	-2.88905339959730	0.36537226349947	-0.61434205888093	-0.15609834582537	-1.73330470531987	-0.07990859711417	0.90808733744129	-0.22289215554447	-0.90854391946673	1.00000000000000
+1.18637545420302	1.97335131770827	0.93418668785081	0.26868998202685	-0.58280388559722	-0.31086848313942	1.19171063927399	-0.31514872100131	0.04689169240051	-0.77108394980438	-1.00000000000000
+-0.70367417409701	1.00675210891463	0.08790481582189	0.57290349400975	-0.92536301996194	1.04084143812445	1.03642713075762	0.56315805571262	0.64955255259088	0.12217350177698	-1.00000000000000
+1.44882305873849	-1.00264969046999	-1.47618559004523	0.31615687903188	-1.03812014593365	-1.79888225405123	0.12826815339884	-0.83142047304722	0.89747553314363	0.66277711357574	1.00000000000000
+-1.17271704314639	-1.09753591636148	1.06968812882501	-0.50809866838856	0.47311485295328	-0.49296424645802	-1.40283147489864	-0.03084572364763	-0.38174196848042	-1.33146071789017	-1.00000000000000
+0.58151554752814	0.66781996962048	-0.16453131456161	-1.64305779722960	-1.17459111706214	-0.24675511334183	0.62416951568378	0.14468147776630	-0.97521014936749	1.25075690747154	-1.00000000000000
+0.89294560020049	0.68615922430783	0.34823538534919	-1.23036422886830	0.46949058812511	-1.83534042685646	-1.60678194768241	0.03502705317616	0.30302073096031	0.75119580942727	1.00000000000000
+-1.00182895548075	0.37289339971741	-0.82123476223475	1.22241030893417	1.41777856231494	-1.78779431720710	-0.23259877539863	-0.08646884335049	0.66292828220687	1.22120265854074	1.00000000000000
+-1.39220427460927	-0.07532771156315	-0.34816620607054	-0.95742008491013	0.92625261840659	-0.73641114914362	0.25417171553416	0.63565762432902	-0.67295101353305	-0.76432431134651	-1.00000000000000
+0.35555913625794	1.06096691539764	0.68384362964763	0.86350661678061	-0.39752662200392	-1.87454168019819	0.95214794220363	-0.36043738457648	0.26123976550286	-0.62083248576076	-1.00000000000000
+0.28162208178197	-0.91268352323662	-0.40706080942799	-1.01787673080863	0.30262989121325	1.66344398422760	-0.10764850224969	-0.32263606119420	-0.65761921089645	-1.22608250140485	-1.00000000000000
+-0.17458536880760	-0.90027663706647	-0.45909734369800	-2.51352236708356	0.44989981902398	0.94173610490246	0.10792822735663	0.80827825266071	1.30864602127660	0.80323457739085	1.00000000000000
+1.03954132989422	0.90352044205595	0.41805917057292	0.23099410788158	-1.41555145496617	0.67618879890008	-0.18342719825064	-0.10500913511102	0.14445395103384	-1.89140442109808	-1.00000000000000
+1.32041818451890	-0.42228475499675	1.18253361183533	-0.28475946011697	-1.37166300025591	1.20371654762260	-0.77913406769150	0.50650207555990	-0.16910456493510	-0.31758751904494	-1.00000000000000
+0.67012946560815	-1.74274145514409	1.36928227913454	2.32235043424712	0.89622742399064	-0.72972091601417	0.22531666460483	-0.75318639165287	-0.05532391160334	0.44048540976876	1.00000000000000
+-0.49768041376813	0.08351831926625	-0.54642160032121	-0.79269980898740	-0.24645643134804	0.32456496966508	0.06061282013045	-1.14241690664152	-0.59980830152670	0.99759169861338	-1.00000000000000
+-1.14198904501116	-0.09976883050927	-0.01232070949244	-2.29111050638084	-0.81068694855948	-0.54469607178445	2.66756253752242	0.50969917854318	0.76837053773329	-1.79309148494029	1.00000000000000
+-0.09895435653849	-1.18639206730888	0.70202334906691	-0.35241846066903	-0.52987077417297	0.78384793126534	0.46127637240072	0.51755407463620	0.91501186675273	-0.56861164922116	-1.00000000000000
+-0.46667084354815	-0.58024545348977	0.24579659046697	-1.09088401841126	-0.81579265222014	0.13583519590624	-2.56705603760862	-0.48637088514887	-1.26994347054328	-0.85605432049782	1.00000000000000
+0.20551155926817	1.62061930614177	-1.02995057123379	2.36306029131263	-0.71440861859145	0.84745552156391	0.05977571106494	0.85682764277495	-0.88411850109755	0.75496586008970	1.00000000000000
+1.18894597734876	-0.99272359667866	-1.53404181531924	0.76029745071781	-1.10675676793485	1.15747045142326	-1.05805454210546	0.51315499225954	0.65776725804946	0.47528012012591	1.00000000000000
+0.06078251669124	-0.36931220855340	-1.72673726710778	0.45067412524635	-0.68768480820511	0.98096300237584	-0.52328007566634	0.96086019475724	0.48861200203777	-0.78533436597195	-1.00000000000000
+0.59619472358944	1.29324399399333	0.10672779123194	0.18279681070572	1.25935867193791	0.98167142594721	-0.22980514829143	-1.17418050432857	0.36452197533381	1.92184139486546	1.00000000000000
+0.46481123182998	-1.07472626766927	1.11579382503473	2.22017705837113	-0.65120187921556	0.16334041291849	-0.32677302028885	0.83794213928754	-1.38062083968448	1.80142504561656	1.00000000000000
+-0.76755000369231	0.02380204188507	-1.44431036098514	1.90559721959432	1.18809828504550	-0.76322710846229	-0.09019965637086	0.94785494151858	-0.30162319942764	1.23900329890164	1.00000000000000
+-1.57877101869822	-1.54092699308856	0.66946975646312	-0.80414529257261	0.27541157927914	0.03645120311084	0.03868282362096	0.45767960758027	0.75057694619497	-1.19448291374348	-1.00000000000000
+-0.07957691791417	1.01326433330473	0.57764163498612	-0.27130769003545	-0.50576812054402	-1.59876586975851	0.68641981592365	1.03309304849030	-0.41960708840523	-0.19208173356862	-1.00000000000000
+-0.32345981481116	-0.04637329025232	1.98388807294202	-2.23585535540848	-1.13975946033388	0.58803648501042	-1.77305905302052	-0.19807464368327	-1.37052796346929	0.14018150620746	1.00000000000000
+-0.39682153721092	-0.60881929736212	-0.28937686595965	0.16177457355313	0.65784386875201	-2.28698164429643	-0.52884629447060	-1.52776409373870	0.22305075660596	-0.06371256611434	-1.00000000000000
+0.00552232465289	0.28626583813738	-0.53818766582432	-1.50243098681861	1.10381889024090	0.35192938351515	-0.42877426607763	-1.12675313608888	2.66511454312448	1.43640592292850	1.00000000000000
+1.11305518691848	-0.73423831862313	-0.13213162174341	-0.11478311342905	-0.14027479968407	0.71414727352138	-1.07066398056460	-0.54040984477714	0.64207236315119	-0.62496102897905	-1.00000000000000
+-0.11792009474507	-0.14861677001057	0.31308616469414	0.37059679101447	-1.42444463214990	2.72019075170642	0.46437023632993	1.63526832526342	-1.10297267532656	-0.92687439887320	1.00000000000000
+0.06965115084336	-0.41931299916701	1.72201569241325	1.57891932932467	1.76319512735241	-0.21464844355501	-1.11162935714001	0.14291871713940	-1.89419632957580	1.17710026223568	1.00000000000000
+-0.24340109565368	0.23122776709882	0.12608041629178	-0.32878959532097	-0.77164402821529	-1.40925218224998	-0.74228419416912	-0.20620793523489	-0.40089443158090	0.71500215977221	-1.00000000000000
+-1.94629006116488	-1.14741380442859	-0.24440460312039	0.56374990818086	-0.56991984368713	0.48945296583350	-1.77111138344318	-0.35997601654464	-0.90794982115390	0.14722484451552	1.00000000000000
+0.45871555133857	1.24033628035346	0.14626883604312	1.53948484023200	-1.62023241134827	-1.24740357796949	0.48233637317987	1.61161506355102	0.01459069582169	0.17766876818289	1.00000000000000
+-1.35874071387210	0.37738771045721	-0.25463749624079	1.56295305993829	-2.59510571668579	1.70500814831203	-0.54809688852758	-1.91290606459428	-0.68632038538062	1.66213733063517	1.00000000000000
+-0.93901027542501	-0.09213229643437	1.42245612417974	-1.22803468954948	-0.93214163333571	-0.49478417847630	-0.13652433876327	-0.32928239391801	0.59660793338799	-0.67884042350993	-1.00000000000000
+1.27398150757836	-0.68068084771879	0.22299292615127	-1.42309006370039	-0.23251335540013	0.58803932276707	0.21092728148002	0.06432991634806	0.41226649028252	0.73728095428120	-1.00000000000000
+1.30062326728130	-0.32780582444871	1.81798219045112	0.67320053668012	-0.43291577930806	-0.16956607258174	-0.88775941593018	-0.75408304050001	-0.10450212416055	-0.83841202020573	-1.00000000000000
+-1.96939764644424	0.36808858927745	-1.79699725154371	-0.53264670252727	0.54406837407698	0.32570104272860	0.39268648345792	0.46972180813020	1.66539598723952	0.27926444735976	1.00000000000000
+2.56758579684642	-1.23528796641515	0.12616427973051	-0.02429323876401	-0.20017486570237	-1.09299940890693	0.31164319744321	0.91055215890455	0.41381487342457	-0.18136471438469	1.00000000000000
+0.92169008387461	-1.09760660060241	0.61310298227622	0.53201765318282	-1.91054722099432	0.82740586589564	0.72139547388212	1.84247920868706	0.29868479283416	-1.14256742348370	1.00000000000000
+0.17532292168774	-0.50611480078191	-0.10881398438094	-0.10251962784815	0.56253263141340	-0.29951872818270	2.39429214972746	1.57214933707790	-0.25929009045847	-0.40600704400161	-1.00000000000000
+0.37275432196703	-0.33300844218995	-0.11433074965210	0.36126255218640	0.77684123934727	-0.59071110477512	0.21594031078323	-0.24264456077210	-1.63787061497026	-0.38489833809103	-1.00000000000000
+0.26395817123505	0.44739492310637	-0.97989656459215	0.58985648333582	0.37851336746266	-0.03477252321473	-0.27890236249150	-0.23343223898439	-0.09811714363656	-1.21737650749417	-1.00000000000000
+-0.25586114640777	-0.19792814990834	0.41351621013456	1.14685656384142	0.40855924244880	0.20081854127483	-0.16619881879146	0.68618226864160	0.33070190455312	1.51258041547689	-1.00000000000000
+-1.22237843141201	-0.19478651202317	-1.00086659336900	0.45339968273394	-0.45992719486088	0.57164552575204	0.41143678305575	-0.30618574772604	-0.84516700300837	-0.98651229656568	-1.00000000000000
+-0.38345714468385	0.71465207726061	-0.02086445277069	0.00068561257897	-0.74764947456570	0.02992923114325	0.96183630418538	-1.56226994272961	-0.16494808767266	-1.70525405727516	-1.00000000000000
+0.32364961393583	0.12207402754418	-1.35772697831516	-0.44340154886266	0.26229672973126	-0.29104182824912	-0.80670841024920	1.77498457017734	0.77629399850133	0.59197161737077	-1.00000000000000
+-1.25251255714666	1.06751066019572	-0.91871599583329	-0.69615459967719	-0.76263021573146	0.26851127521424	0.13402815735695	-1.75408915878747	1.63926500673166	-2.34805823390885	1.00000000000000
+0.14596174253696	0.44276112397554	-2.84966160295585	1.10341733396797	0.87184280996743	0.29589519213346	0.49356067034117	-0.43274455050882	0.51495376651573	-0.32929842001317	1.00000000000000
+-0.77308743520822	1.14925778356696	0.50195897365015	-0.39968947182133	0.90164008937364	2.35257508036236	1.56363931966027	-0.14291536134319	0.93237653735827	-0.36916697743490	1.00000000000000
+0.37173251446622	1.25533056465127	0.00984380394619	0.30328878713840	0.14844446284870	0.10405477918710	1.01705364770098	0.57971328980394	-1.11714261476526	2.42497410105606	1.00000000000000
+-0.03634717239802	0.19605399842155	0.72509670784522	1.67610687729599	0.44393000749737	-0.54088569475302	0.40189080189486	-2.32348158525063	-1.10911837257628	0.02235082670885	1.00000000000000
+0.15441083161412	-0.55828265268683	0.37448415033123	-0.71178511438397	0.25142081007057	-0.36736566158230	-1.17142487525902	-1.67468148265374	1.32019194837855	0.23386917107297	-1.00000000000000
+-0.57801815450520	-0.36935635338556	0.06594329161073	-1.09182225739376	0.49242023587542	0.33583557773150	0.58502070038434	-0.51027370803146	1.06006776760929	1.21700978235708	-1.00000000000000
+0.62290154758651	0.45962354016771	-0.32581550337518	-0.45796855824205	2.02597559596030	0.20326688996986	1.52027681349878	0.25083473489899	0.65692811667315	-0.72340156426911	-1.00000000000000
+1.74521694382189	-1.54101713767330	0.59296458627894	0.10152388627617	-0.81238670050122	0.92317943450912	0.60236371185660	-0.74303547428823	-0.17438108492848	0.29092171100428	-1.00000000000000
+-1.11480856985739	-0.53841434711826	-0.64505218967468	-1.80384016971906	0.23692697880056	-0.94582192017268	-1.60636306386260	-0.47440488153523	1.25055607488993	0.96092747659188	1.00000000000000
+0.94000290221252	0.46231694386147	-0.46636179403993	1.31364598138715	2.31721707141720	0.24372067433840	0.36118187525078	-0.63980594796363	-1.23271226268730	-0.20668627282919	1.00000000000000
+-0.03199667921515	-0.59326842730779	1.07503568720074	-0.71449104723094	1.43588415235755	-1.44701846430245	0.32296084666177	0.90405972668201	0.42422206081433	-0.19787313303982	-1.00000000000000
+1.51171390685759	-0.91458275502899	1.45172174664886	0.09227889262005	-0.87710771104361	-1.28705811061807	-1.08803060780346	-0.02400029962890	-0.69230553392531	-0.65061930512896	1.00000000000000
+0.54412712569368	0.21691424281812	-0.03829448662616	2.20978419081771	-0.57348037963943	-0.70652038514325	-0.23169262136505	0.56208372450201	1.70717693331990	-0.99700232404758	1.00000000000000
+0.65146019955194	-0.79873903418956	1.89426741109172	0.47142712621860	0.64556512361345	0.55969919976406	-1.39690774824331	-1.16482989626786	-0.74210041742960	-0.77128363807900	1.00000000000000
+0.60831800150061	-0.55288739205494	-1.51150832384211	1.06943253855572	1.33327763724659	-1.31107794337112	0.98459003775337	1.38758834763982	0.12008254438350	-0.12805137883849	1.00000000000000
+-0.78412498095925	-0.20540542968663	0.61372913044144	-0.22128107209536	1.54019874122250	0.70682696222421	0.10471210095832	-0.86744707276714	0.55924740962402	-0.83780200711334	-1.00000000000000
+0.06964587322645	-0.11575832099494	-1.00366019267801	1.66474072826799	-0.01242748558096	1.14304218702255	-1.31199474562079	-0.39548235161378	-1.59219621309888	0.61628998186462	1.00000000000000
+-0.06406737083936	1.24295831250487	-0.68582177000098	0.60565157668469	-1.03013614867689	0.30633138719444	1.59825983229621	0.08785313420483	0.57021533102832	0.44760910250016	-1.00000000000000
+-0.67681538145342	0.21560623232896	-0.91255884395556	0.90145878064730	-0.22992505115506	0.64612370567190	-0.12317661576641	-0.32382575818194	0.27346473673600	0.49516431552514	-1.00000000000000
+1.31472950922465	2.37410278055547	-0.70062151445996	1.77681866882535	0.09511377774152	1.37912677288634	0.31638416269527	0.58346756440890	-0.04655150494265	1.07152091313929	1.00000000000000
+0.08786059655188	0.90234221774015	-1.49331691997544	0.67138381452147	-0.89800434554266	1.64168626575290	-0.09235234598557	-0.02168207242652	0.12662211930512	-0.27118912191503	-1.00000000000000
+1.02386245603992	-0.62234264291212	0.82718151395814	0.17908139478341	-0.12720998262883	-0.43231902485327	-0.15524744521126	0.28040520440693	-0.11213950087198	-0.05239294608043	-1.00000000000000
+0.12909823953255	0.74543438148957	1.88062506094341	-1.55295798778506	1.26158333158782	-0.16941202548166	0.31282046563406	-0.99352247095562	-0.21230006899377	0.55396633884460	1.00000000000000
+1.40566720301902	0.14704463253325	-0.36409670970731	0.74437792476925	1.26853972387167	-0.59059436472374	1.06181885129076	0.18395088273035	-1.04703629483888	2.10985153093212	1.00000000000000
+-0.20195520868573	-0.53424776138012	0.34313055079138	-1.30529330463225	1.42171385423371	0.64078839741218	0.65770852530534	0.17310824777091	0.95509078039299	0.54071648722135	-1.00000000000000
+0.59999680743917	-0.96107736593196	0.33528542398858	1.75736779426128	-1.70369257514458	-1.00985859865542	-0.57824282441575	-0.48867933663163	0.76979999890657	-0.73572800597701	1.00000000000000
+-0.76352486537048	1.25446257056110	0.40470053188511	-0.00592724710860	0.38036982998798	-0.93056147692363	1.15070182642266	-0.91694217032676	0.14644325082751	-1.27744249896482	-1.00000000000000
+1.14692380361462	-0.38127977668647	-1.21778341467205	-0.57872238170668	-1.03463707377537	0.75121109285632	-0.11397746654443	0.81951389125948	1.35458850244071	1.46117549785584	1.00000000000000
+-0.63362595187204	0.19103228998031	1.60144886787940	-1.02281959627819	0.16271965829098	-0.39621649441807	0.91573553362768	1.09963581180907	0.38436429475481	2.05514697092526	1.00000000000000
+-0.72050656494837	-1.03394936877265	-0.28833491306532	-1.74222020785485	2.24680741517633	-0.93813673339181	-0.68333613479582	0.76129683900601	-1.11184915215611	-0.86490924715439	1.00000000000000
+0.41937583954662	-0.25594261871893	-1.73815087040073	-0.99494894121796	1.06721800250010	-1.62588991677426	-0.04651074441981	2.40205006394038	-0.21360585672515	0.06150106201344	1.00000000000000
+0.92731029731741	0.61030472655042	-1.05119123621055	-0.38874640840019	-1.75443450412546	0.22554026593505	0.52690707790284	-2.35185609938915	-2.47013367592404	-0.69977872424453	1.00000000000000
+-0.81991083983266	-1.06549406920066	0.95548734796359	1.04523705858434	-1.22488702010402	1.58334432552828	0.25132195646588	0.75658179186032	1.04718082246743	0.39488369677962	1.00000000000000
+1.09712154370562	2.06887848381414	-0.11469935871227	0.06387378454574	1.07155720300037	0.39928439313187	0.50204257426797	-0.99835244349583	-0.21600851599491	-0.40713662280503	-1.00000000000000
+-0.49066601532109	-0.21089821841253	-0.68649368487320	-0.03919890197008	-1.20400487219260	0.53081955895277	-0.98608112038572	-0.16827114600234	1.12580105132920	-0.16888727086080	-1.00000000000000
+2.08378534458720	-1.16172736701942	1.10626958921723	-0.02427080779266	0.54832680219520	0.04728923996434	-0.94950787239403	-0.69332170575050	-0.73625617197730	-0.80202079738723	1.00000000000000
+0.29815111603013	-0.18291034394189	-1.17276387241823	1.25316945556670	-0.63652220730136	1.23225721156789	-0.99514652212122	-0.93883169334212	-1.01641258488482	-0.57215221700613	-1.00000000000000
+1.56326704661329	0.18817683056933	-0.32348318809445	0.86337138391718	0.48423378860584	0.75377230725603	0.83831289382900	-0.08864640001250	1.55858291689612	0.50949023478034	-1.00000000000000
+0.58167422868678	-1.24316404650863	-0.53875576815593	-1.22431464245108	0.68137254125512	0.10049436796057	1.10840812619148	-0.14622713969773	-0.76182637553091	-0.38617747434266	-1.00000000000000
+0.15176114623393	-0.67081037751690	0.06263761751617	-0.48263320560056	-0.79868078256118	1.16300262900239	1.63163434365931	-0.41996592908086	1.06027967609796	1.47897188710046	-1.00000000000000
+0.77560575356800	0.54138043112681	2.53670193843358	1.63513926448769	1.00134296587837	0.09019905604657	0.74380289935883	-0.89568031564850	0.14466385478987	-1.48982393370671	1.00000000000000
+0.81321640414251	1.10984025156791	0.87683279246422	-0.26387986029172	-0.68589257702325	0.11702626581996	-0.45290330530662	-1.30343804666439	0.15154324541805	-0.75188044184248	-1.00000000000000
+0.76884421725619	1.60788122239223	1.30888716848868	-0.66129366205349	-0.62775846493519	-0.18519179739259	1.09685062759880	-2.08943604951733	-0.27558499687852	0.33886889949566	1.00000000000000
+-1.03120000555799	-0.67220169074762	-1.06411977962738	0.01977831007495	0.68623130350461	-1.54186571681316	-1.50729341804364	-2.19025194009640	-2.01615352930046	-0.73393771173329	1.00000000000000
+0.34505389003741	-1.97016194639552	-0.55557807358333	-0.03483356946102	1.29524993422404	1.24251510577308	0.81865566599101	0.17302409301681	0.06193518703604	-0.99256690695321	-1.00000000000000
+-0.69363767418155	0.43664435368681	0.09864931816392	-0.92178630267755	0.99014439382564	-0.64623917600510	1.04046475611780	-1.07632264930332	-1.48730364143569	-0.14876291789687	-1.00000000000000
+-1.19347902695967	-1.20044419770581	-1.17322359591913	-1.15525616587373	1.13213211057526	-0.35920304193857	0.79235643047345	1.13347077152911	-1.63364827821876	0.94905663077346	1.00000000000000
+0.93093071147687	0.30969991453874	-0.75130675329637	-1.53210535956312	-0.33762252911914	-0.72755437417868	-0.59142761825681	0.46984056918246	1.89618005187242	1.25966953458111	1.00000000000000
+-0.11746278812817	1.21726214252918	-0.35604587043687	0.92016060577326	-0.53066917664453	-0.60227804063030	0.12391285499443	0.20808262879917	-0.92592803700932	0.11095992361401	-1.00000000000000
+0.87195699211739	-1.45904288801464	0.01742097276534	0.27984193274381	1.34178399469110	-0.34603063410404	0.62045961722562	-0.40356403427174	-0.75095644276724	-0.95379426255142	-1.00000000000000
+1.23685359894880	0.89968691450350	-0.40681150581168	-0.60487101417652	1.60625709911398	0.30771581172557	0.09385639085962	-0.68351795331955	0.84281400666871	-0.20504857629694	-1.00000000000000
+1.74601668043307	0.69851229701046	0.13241968049685	-1.42643435728320	-1.30061726422037	-0.78914911071498	0.39124504670170	-0.28793522412865	-1.71762969051463	-0.87554479225483	1.00000000000000
+-0.65225320443932	0.16822241108697	-2.05309503199047	2.16348157374603	0.36358896187574	-0.41946867926193	-0.19893008710706	-1.09352919208600	1.91505413849841	-0.47022534367200	1.00000000000000
+1.12124330823556	-0.43701356834879	0.04220542818744	-1.28653474995969	0.20266723200224	0.62235488162403	-0.95292261313866	-0.14364974156507	-0.85386010725313	0.90746196692915	-1.00000000000000
+1.45947471169583	0.52892864113723	-1.56766058142869	1.31654053967242	-1.17752904927280	0.49086698949024	-0.02820950140918	0.57048145821569	-2.37746849803352	0.77940220968871	1.00000000000000
+0.62299314952709	0.76280755588467	-0.38396979362055	-1.71882247951431	0.81097642777155	1.20956412003292	-0.03938026595959	-1.12466248822374	1.02683718698625	0.51228568446057	-1.00000000000000
+-1.37347983099737	0.06873838374586	-0.15719669432383	-0.05622330434203	0.41804617521724	-0.21188141793681	-1.63278202565363	-0.73479301947712	-1.17596035832179	-0.15257328102873	-1.00000000000000
+0.23707815846165	0.94350919944841	-0.39871552486607	0.56353537366383	0.82607462399610	-0.32925515188179	0.23384452370612	0.41946590363446	0.66069764089732	1.08482044891327	-1.00000000000000
+0.48883665567549	-0.22333638449414	0.56359729891065	0.74267664622147	0.11481096655374	1.33693873428232	0.23163071820389	-0.37583295928110	-0.33686268065117	-0.17004470290092	-1.00000000000000
+-0.07275083699769	-1.08823579212897	-1.30500796509982	-2.33647951317174	-1.17811289186996	1.82288767058902	0.80463678718026	0.82647541140760	1.89003354735188	-0.48620901756199	1.00000000000000
+-0.39598251531430	1.22478378565295	-0.15987788151573	-0.63175145825214	-0.14603172863944	-0.19700313351539	0.51474223589711	0.43608395439093	2.26687459048820	0.25175796443111	-1.00000000000000
+1.59123452161199	-0.05569336907915	0.65796772250975	1.17354948238127	2.23562516060867	0.57468735076789	-0.83223400702509	0.73991679705582	0.91425910817955	-0.41445817342052	1.00000000000000
+0.11990596093342	0.56917651790419	1.21184280945457	0.67306251768433	1.37098131252586	-0.40333163803944	0.35531020101968	0.14961329868519	0.72219493396008	0.40090445607899	-1.00000000000000
+0.10792027404555	1.33530277995884	-0.02302475842860	1.03889849137156	-0.57901679343149	-1.17579579477473	-0.33594203906168	0.29120615163024	-1.05137215572708	1.53849538127020	-1.00000000000000
+0.73933170250826	0.24104542990342	-0.21471664907102	0.77023369818952	-0.67881046722562	-0.70052718983628	0.39601964279970	0.54425111719362	0.00674115163331	1.58011660088940	-1.00000000000000
+-0.28009660053590	0.95785549380125	-0.11305625687688	0.61228969880302	0.18300030404029	1.02834647010003	1.92881787849535	0.12861903491364	0.31913346828475	-1.14948741189730	-1.00000000000000
+1.18838363275560	-0.86830256392744	-1.48675390497383	-0.81353641963076	0.12493033586877	1.12850286702274	1.09219050185642	-0.90228777733568	-2.00998006384590	-0.15765408354857	1.00000000000000
+0.62664952342329	-0.65959051029756	0.79154255377618	0.93554087515022	-0.84510767542498	-0.80825533870916	-0.69263151862585	-1.22088094791543	-0.58593426968787	0.23634761807536	-1.00000000000000
+1.42480217686485	0.33216389582423	0.35477807761280	-0.51769340035613	0.76546257201508	-1.50291662561556	0.60010654334052	0.00161484409621	0.21695486869613	-0.12936808537090	-1.00000000000000
+-0.51638902407953	-0.40174372177067	-1.00969502153851	1.00654672105851	1.22444663112598	0.33085540643351	-1.42539239576259	-1.11281245572189	2.38387410659041	-0.55144210626665	1.00000000000000
+0.06402342445896	-0.94236863111229	1.09208355782049	0.16181809963253	0.35782825345685	1.31707813799425	1.69827857446935	-1.22050403807316	-0.01231266380245	-0.19979653649480	-1.00000000000000
+-1.01262133898939	-0.05164520470942	-0.32101300864120	-0.00743849664266	-1.28993181740083	-0.25750222925185	0.29309314982571	-0.54259233871896	-0.40316812462387	-0.89220755795273	-1.00000000000000
+-0.49186259208958	-1.12066566809095	-0.59412672758647	-0.33439720430088	0.42577201181713	0.65225375663205	0.32170398486722	1.36667384056240	-0.39954358024920	1.03509697310051	-1.00000000000000
+0.93976819504394	0.28876125848912	0.20854454434045	-0.68402093773753	0.37994023587057	-0.83725246088540	0.56260553708372	-0.89670020582027	-2.02438103059801	1.89736762523177	1.00000000000000
+-0.35424582662706	0.07325224347396	-0.03189216649980	0.27677382578462	-1.26834970420979	-0.03380412233866	-0.03408067688356	2.55867317817730	-0.56826084568578	0.46661844174883	-1.00000000000000
+-0.04407549452681	-0.90646735624640	-0.22500843655746	2.33018400183177	1.28176417822883	-0.77060265789059	1.17723141170132	-0.20336620072703	0.14131692484415	0.83986286231031	1.00000000000000
+0.19196456484437	-1.07968808330217	-0.87897271225227	-0.76887525788834	0.56519598673631	0.51285470370771	0.41815830695861	1.50985129371635	-1.47014688998172	-0.60290146474147	-1.00000000000000
+2.68647254921727	-0.33776830676725	0.06947882417531	-0.17740269917086	-1.32381135961687	-0.84171514724383	1.16614091860666	-1.11812528025553	0.24108030018118	-0.71302600153145	1.00000000000000
+-0.29735528229044	1.21831131771411	-0.97966370999341	-1.29246697964266	1.52707144139251	-0.52744331937154	-0.52089965437716	-1.09717816472994	0.09001467745558	0.83607898456914	-1.00000000000000
+-2.35247397070748	-1.07036249944313	0.41779370388323	0.23389462968650	1.95108324497567	0.57413782628001	0.02516240602346	0.06816653060893	-1.58631367181747	-0.93065303908528	1.00000000000000
+0.49164047570545	0.10697876359818	2.50428067150757	0.32216803022261	1.64678268578043	1.47597540146875	-3.02961199319892	0.18951416165733	0.36664241974617	0.68723147755635	1.00000000000000
+0.29649023627335	-1.39359882269495	0.79166749731729	1.78743967779711	-1.60058695944177	-2.40272471375432	1.30455477355587	-0.38810210184336	1.19796794256968	-1.36928298124421	1.00000000000000
+1.03439401190678	-0.95163199201866	-0.29581778990100	-1.16199400846194	0.66943186929600	0.78527666670744	-0.81054826644986	-0.78652027236144	-1.08663688569683	-1.39730579181206	-1.00000000000000
+-0.00263443121137	-1.11874964859419	0.87842957607739	-0.49782457648506	-0.22688348391035	0.42687017164622	0.88795028703463	-1.02212375647581	-0.14505369850703	-0.01507492117281	-1.00000000000000
+-0.23498048406788	-0.96347159754884	-1.34223361939493	-0.76190069524248	-0.47895900086418	0.21974822461768	0.99457413920016	-0.20944976224804	0.37410963649313	-0.42050939804382	-1.00000000000000
+-1.07260030238668	2.83495269587749	-2.12538333908903	-0.82165865720796	-0.93398819699339	1.49998867468176	1.10541931929782	-0.23831428801063	0.24193712885015	-0.10740775728579	1.00000000000000
+-1.42323737372285	0.28084350618775	2.12797000467340	-0.12219236341851	0.87307234416422	-0.12968091048377	-0.45197015401811	-0.60977476063274	-0.38713005863409	-1.27218139354304	1.00000000000000
+0.96021477329128	0.29753413985093	0.25382769550794	1.34514912276669	0.40980130580897	-0.81233233813286	-0.06751644799895	-1.21315810873769	-0.78766172439953	-0.02360534811681	-1.00000000000000
+-0.59280032468922	1.05369600432600	-0.67112099816225	1.42503181653954	-1.04039075533841	-1.54543583635949	0.59803911498899	-0.06002107537728	1.29305119394123	0.91203169475208	1.00000000000000
+0.14182790953227	0.34154049003561	0.16211687007751	0.50667652493790	0.26540513935004	-2.15777908912407	0.42589607375381	1.00582745370289	2.12741708120170	0.52901525119267	1.00000000000000
+0.11634091539152	2.30336297761815	-0.63822276139008	-1.46072551496796	0.88693002975766	1.11697827999174	-0.59303215078267	1.64950496466526	0.83960662738495	1.21445362955874	1.00000000000000
+-0.52841004281133	0.31849135133763	0.56340304971559	-3.49349457646874	0.07624924588674	-0.04423181787206	-0.77398463314755	0.93240735954678	-0.22252025858737	1.72608518277569	1.00000000000000
+-0.02280126157791	0.02435603393858	2.04971881859802	0.55841978357999	0.78140393563854	-0.79322521817004	1.80426344205629	1.00676788352943	-0.10160833523838	0.04339782816373	1.00000000000000
+0.52560052406687	1.49504891376077	0.07218965806976	-0.33367862940726	-0.48823773568677	1.26597923421906	-0.24460330548354	-0.00674475834986	-1.20400749750700	-0.86774431647023	-1.00000000000000
+-0.49872675108617	-0.76210296518024	0.37215172733612	-0.98070431040327	0.93671084282800	-0.16750081110103	-0.54285272332468	-1.69555087012711	0.96168620669242	-0.42154678263405	-1.00000000000000
+-0.43763125725634	0.70403497127953	-0.06728339815469	2.54147787624892	-0.10593134687710	0.56513498778862	1.35867055827758	-1.10024937229912	0.06985061644804	-0.70915477331493	1.00000000000000
+0.49456479500356	-0.17435329499409	-1.22160436328672	0.81575309500765	0.22284293399030	1.39076401247217	-0.66641374116244	-0.47794702175925	-0.77081633182521	-0.11460842807544	-1.00000000000000
+-0.05002056692179	0.15344988838312	-0.28282548629699	0.22832706087199	0.16479095987842	1.17311965262666	-0.16360999572959	-1.46693368864593	0.41599183627296	-0.94149051372890	-1.00000000000000
+0.70441987148249	0.21314537893053	-1.93916716370877	-0.98288448540486	-0.14261952785966	0.60957215212087	-0.75024265137600	-0.51481778531665	0.00896382025729	-0.77619503434047	-1.00000000000000
+-0.54457540434593	0.75959543819394	0.29048725835953	-0.36655800376462	0.78620247690869	-0.23777893226543	-0.00873267858262	-0.34874478118495	2.11969426436497	-0.38675917868791	-1.00000000000000
+0.73470389750734	-0.94882483880042	0.38527162995241	-0.61405396854904	-1.10066077947226	-0.16150944271982	0.64332979192940	0.90098413084175	0.53471838907417	0.37055518573697	-1.00000000000000
+0.16558200559091	-1.01691600189776	0.14503084062850	-0.71270945073390	1.66499158502695	0.61676357622195	-1.52081476328944	0.36525023161543	-0.79819139930765	-0.74250364207135	-1.00000000000000
+0.88835261929259	-0.79073745904908	-2.14275098208576	0.04044499386725	-0.50420651623053	1.41468466701507	0.38487489560431	0.98239880178721	0.49955689002520	0.33532259310894	1.00000000000000
+1.41967180090766	-0.05871317495981	-0.69100639716511	-0.66346144682712	0.75877197228254	0.41129420828827	-0.41755771423850	-0.90189543463063	0.93628199234685	-0.23722310053178	-1.00000000000000
+0.83270488029608	0.55562561112531	-0.36594328889513	0.01697213584779	0.96752262438197	1.70971648726939	-1.02339300336465	1.32557158762305	-0.69147916168332	-1.91778295537201	1.00000000000000
+-0.09604052026633	2.46168527025761	-1.34905930700257	-0.96404061477492	-0.24369896370444	-0.79402025581510	-0.98523976057294	1.28570160467073	0.59202690377848	-1.62219835965354	1.00000000000000
+0.15115464426746	-0.72713868668226	-0.16557473557316	-1.51699048983675	-1.11609822684261	-1.85982132355523	-0.35754382087898	0.13911382070418	0.14782066071816	0.36363541669538	-1.00000000000000
+-0.01165791297815	0.43477713859443	0.53963090100710	-0.49343308982766	-0.40563007718287	0.27742349685035	-0.25384400216574	0.83845543172635	0.51630285077793	-0.14663866083822	-1.00000000000000
+0.87561845634574	2.50832972469338	0.47101534953776	-1.00158981797202	-0.71909446229307	0.51535331689040	-0.21338795158265	-0.06940066625472	-0.69718938097279	-0.71864242432939	1.00000000000000
+-0.80730444821590	-2.23983483302521	-1.58465343310780	-0.17093731781859	0.42173522454202	-0.96663091042372	0.21333170564695	1.86788574703309	-0.91654087096734	-0.10703593150386	1.00000000000000
+-0.38350668598362	1.22401469744863	0.95457019030302	0.66628636033251	-0.86449911828310	-1.45254421970986	-1.44487291161954	-0.63670824436255	-0.24801376642127	0.20475201272782	-1.00000000000000
+-1.22557906989851	0.73608610341624	-0.07411208205885	-0.21724582040077	0.39992442689586	0.06438917601723	1.62568453241953	1.24759956657034	-1.31349539057836	1.32000054499002	1.00000000000000
+-1.05557675295708	-1.55353338606006	0.07600451126323	0.01859145053704	0.34809273449384	1.27628386584604	-0.40922646646514	-0.53810963925771	0.22016861227477	0.03527618721197	-1.00000000000000
+0.02533669222284	0.60528915333870	0.66536400051069	-1.56467907580010	0.58565436949598	2.43406881872856	0.20814168224347	-1.22451177248836	-1.03668964153123	0.60791001913639	1.00000000000000
+0.91790925125346	0.17524871558263	-1.10383125079011	-0.25585157227255	-0.16053302225939	-1.28547485211500	0.89450743991809	0.13286167396618	1.83892540703383	0.23007577847222	-1.00000000000000
+-0.05001742063642	-0.86598637867578	0.16371503654016	0.22245222516563	0.01293011170466	-0.73719089401046	0.25588178958933	-0.60418938142113	-1.04288661713440	-0.93546609772401	-1.00000000000000
+-1.41060563220560	-0.77418617605777	-0.32582970408541	0.38476342538528	0.62724423682799	-1.31821455543799	-0.05050910235538	0.56781776465565	0.00437385392051	-0.60110670643577	-1.00000000000000
+-1.67976685872596	-0.79812060707906	-1.11887423711938	-0.68256265587899	-0.00464443201778	-0.11245426517632	-2.11761485391086	-0.82028082692323	-0.60973127485181	-1.17300190166681	1.00000000000000
+-0.15055487033598	0.55384938834304	-1.62032623960184	-0.12247212151928	0.08303715947801	-1.63718106443908	-2.77061553159509	0.34791910903109	-0.80442220795063	0.52948626311113	1.00000000000000
+-0.36675016331168	0.56792682554119	-0.75952910846877	0.17659728551019	-0.80923393335660	0.06310675981391	1.35844603928046	-1.77306459857989	0.65787741635695	-0.34891360186810	-1.00000000000000
+-0.45033956145590	0.16458057613068	0.03165273304329	-0.22567483272826	0.54506197091888	0.30523689992166	0.77620513697691	-0.18957500420532	-0.73830064487556	-0.17444195515133	-1.00000000000000
+1.47582343211800	2.50071271418860	-1.04656409935136	-0.81820477766687	-0.36459390382133	-0.65414359312663	0.06893412161910	0.64001662543555	0.69924426903456	-1.43327799530387	1.00000000000000
+2.22116834578997	1.32033483725413	-0.16691419749171	-2.64005374244717	0.02720867496265	-0.53319848027653	-0.08139059118309	-1.55982096805565	1.95561307364284	0.29912248773107	1.00000000000000
+-0.72672441396691	-0.83946281810261	-0.09362071526175	-0.51636390220024	-1.74827274269884	0.33890714102632	1.28781327903156	-0.79359095277305	0.64515536215011	0.83534935735706	-1.00000000000000
+0.58607701833373	0.57765017417470	-0.63282927986310	1.08162760614713	-0.28462715763691	-0.15237700117925	-1.80762822714517	1.77434898146564	0.56855061176431	0.18701334836301	-1.00000000000000
+1.29506260414897	0.99124072228681	-0.50605506393501	-0.46669995544355	-0.11687163341801	0.34802668650855	0.40079714833901	-0.32272207927030	-2.08338590114616	-0.79561330565953	-1.00000000000000
+-0.97261432473078	0.47876075255209	0.09776473132531	1.29861977785374	1.34365782490194	-0.91022834393095	0.85412758139903	-0.53479211814325	-0.43854376109785	-0.90830813285448	-1.00000000000000
+-0.97898424692083	0.36340677924992	-1.04514165755270	0.34401254426521	0.19398702973023	0.87805358112328	-0.36772906142934	-0.26256629983263	-1.61605642175370	-1.69986322328179	-1.00000000000000
+-0.08506189867673	-0.00872190818389	-0.05007788157679	-1.51404033754954	-0.22723692486497	0.50421864622418	-0.40728161239837	0.62635150119099	0.18519358410568	0.51027841607898	-1.00000000000000
+0.46217475105163	-0.21513652529579	-0.40274974680891	0.75721490793028	-0.36245888147020	0.61066084812723	-1.69414588843900	-1.63846920591365	0.49100715398739	-0.91178721698726	-1.00000000000000
+0.15109235001641	-1.04044889375480	0.81240163977539	0.19565767847505	-0.63074636256301	0.89278938167071	-1.87820573311977	0.58381317364805	2.05466594729994	-0.06123337523838	1.00000000000000
+-0.93112913117948	1.06413188768883	-0.49830128143641	-1.51028945048383	-3.61048138771894	2.75752657849568	-0.18702613875964	1.05787957518200	-1.13509404632016	-0.50659677082360	1.00000000000000
+-0.94753936022488	0.80955900448974	-0.50688432948047	0.98485576934882	1.24818655978464	-0.36143841247316	0.87567808551333	-2.36684666226895	0.29627541511384	1.06927336544663	1.00000000000000
+-1.23017224818824	2.87870345549633	-0.13046638063029	2.48090909537130	-0.63817259397794	0.90045534639620	-0.85974089376346	-0.25521244227493	0.35159337180046	-0.23947138095829	1.00000000000000
+0.20396657127859	-0.14534405302741	-0.26125282650144	-0.20007064626231	-1.15518391473671	1.68974013866068	0.03236929221846	0.50686250411871	0.13357052157117	1.14583885997763	-1.00000000000000
+-0.23282185488473	0.45604572068410	2.02434496260706	0.28571165825723	0.87599515477056	1.25670646102377	-1.15828693842880	-1.46075335410356	-0.26788234260444	0.02895902553473	1.00000000000000
+0.48003341474638	-1.37559230010768	0.14078068777202	0.04187766091243	-0.53489661451756	-0.63749782115820	0.76107238737603	-1.03222478923267	0.36394635357800	-0.27930937814348	-1.00000000000000
+-0.08151054771550	0.36614354274676	-1.13652404991450	-1.55171742010141	1.04222042221344	-0.79314133531264	0.28825725459284	0.10431692152757	-0.47303976336954	-0.25335374829133	-1.00000000000000
+0.58360904221001	1.53386753632477	0.43123768921280	0.37000848249127	1.28239367060084	-0.32080335997756	0.79007058243514	1.90100922135175	-1.74672719155238	-0.37264493370842	1.00000000000000
+-0.29330391996494	-0.35696572880628	-1.35499474784522	-0.61919454866042	-1.88840516830030	-0.82335610290159	-0.29123177341779	-0.71836821315836	0.66618020387164	-0.74292049165874	-1.00000000000000
+-1.48366190133610	-1.14572950361690	2.08384811603095	-0.23882601561739	-0.39709123173247	-0.62287137320101	-2.57339908218143	-1.20648198165966	1.31193265998815	0.56238013835196	1.00000000000000
+0.33639837232546	1.91187158291700	-1.39630629350808	-1.16932724336046	-1.24417918452524	0.87547860014175	1.07835540390401	-1.21734854507965	0.77549440130918	0.42725960333752	1.00000000000000
+0.02268098223472	1.30595006067075	-1.88971982195822	0.95362507233458	1.60178204349917	0.84885398619332	2.32322682385192	-0.08479908160880	-0.77821114127183	-0.84107592710673	1.00000000000000
+-0.16521019769355	1.64534551996574	-0.82485613639722	-0.40834846118117	-0.24910467454769	0.08335009176204	-0.09606930407773	-0.22279172614327	0.40111458935410	-0.04194427793374	-1.00000000000000
+-0.58471317248040	0.06226624977098	0.29887044703784	0.14389756604242	0.98271460520435	-0.53164025733986	1.86805363186158	-0.04220129136211	0.52016399270605	-1.06170711854908	-1.00000000000000
+-0.30383734797856	-1.98265469943250	0.87400355324413	0.48006931027886	-0.55134889599569	1.10894237321773	-0.84046620021902	-1.26723297462995	-1.06522767855047	-0.15684570256409	1.00000000000000
+-0.26515920307014	0.80014105424297	0.60155209412954	0.55570235961891	-0.27312819403283	1.56698749518273	-1.30164496966183	0.74482089895113	-0.67396033281208	-0.81889042975441	-1.00000000000000
+0.79324364068397	-1.08606787019656	0.53131198288124	0.99006271601712	1.75677221578950	-0.54616915289054	0.76540675377994	-0.81083553824668	-0.59752898606696	-0.94735726303724	-1.00000000000000
+1.28953357538702	0.10929626801617	1.03413424381498	0.13511716239912	-0.30417561520740	-0.61031469625812	0.75077888178239	0.06931681553674	-0.13515887600967	0.80961105434672	-1.00000000000000
+-0.44222109039921	0.53553589896268	-1.30780491942446	-0.20076789569414	0.79503707083589	0.64723840646300	-0.47462793296684	-0.13026721635401	0.59399337932403	-0.18067013041523	-1.00000000000000
+0.62392934326479	-1.37726905633543	-0.06390517020700	-0.36408508423262	2.44226685330677	-0.75615506379234	1.01611596582615	1.78917968676230	-1.98473082591383	-0.12845240006289	1.00000000000000
+-0.51311393848370	-0.45717527511985	0.52717402633491	0.37900755387160	-0.49958459985778	1.77777770830996	0.13348077533870	-0.84366700322018	1.16258828443559	-1.85453081376782	1.00000000000000
+-0.86039822561071	-1.74887308245395	-0.93084691576911	-0.65583933833590	1.26565968039377	-1.37803799839637	1.36772123377885	0.47946745543290	1.17485540590772	-1.39234405419620	1.00000000000000
+1.36106124305087	-0.23993960105523	-0.91762718166861	0.22313332687369	-0.40087768828083	0.36257259201600	0.66071273645060	-0.55811315175156	-0.73217116452812	0.88339018963990	-1.00000000000000
+-0.48419321789016	0.75506404872036	0.90543162399820	-0.27107648193135	-0.31417938755547	-0.98680800162050	2.05653007322590	-0.58288627371682	-1.71296961121561	0.02328944143548	1.00000000000000
+0.67371214606451	0.43046848230300	-1.93308697043792	1.47690032644397	-0.01241439761667	1.35852714884090	0.53302982333078	-1.59982164317014	0.04493146360360	-0.73693742594275	1.00000000000000
+0.76230481075996	-1.05311322471087	0.25122684283857	1.20993398518304	-1.46912948522356	1.36752478586945	1.01833937101245	1.70501115467917	-0.48220507464059	-0.43761960270408	1.00000000000000
+-1.05483470687490	-0.23196745456430	1.21405552072665	1.05021512228207	-1.28404555850767	0.64862872830394	0.05239733964031	0.56697815483056	2.26891043339894	2.92468003626520	1.00000000000000
+0.38235215349350	1.70011023557668	-1.59709103521648	0.26168569178972	0.54686290483830	-1.33193455118859	-1.97027983563158	-1.94839576093547	0.25586001488948	0.10980743406171	1.00000000000000
+1.39158007500638	-1.96788980064114	-0.02537789324118	0.06581981639850	0.68990921583397	1.36428792837780	1.06981916448124	0.06185435077794	0.92897013566971	0.88894096574447	1.00000000000000
+0.05250145251982	0.76732487682166	0.07882169467739	0.41500719522075	0.65147381910497	-0.74458645783978	-0.31311123829428	-3.40380338682857	-0.73459826769998	0.29270031309647	1.00000000000000
+-0.97213833837495	1.17255614075688	0.30943423030385	1.82414837271218	-0.25856857358746	1.29472536547126	0.56458770792817	-0.25876763980654	-1.06652015842742	-0.68703102195053	1.00000000000000
+-0.88343443105619	1.08866105714225	-0.48259651881059	-0.65526790126316	0.81101639980382	0.21499543764356	0.05907756539705	1.01995480231896	0.43090077297857	-0.07575713757137	-1.00000000000000
+0.50214963768509	1.58122178748938	-0.75135983734305	-0.81131593839271	0.26176326491133	-1.08370921141324	0.74847129458667	-0.57070538890186	1.57683691817726	-0.91949909619846	1.00000000000000
+0.25281324193680	-1.81390615183395	-0.19185474352867	-0.05206608854762	-0.32083838344412	-0.85940720111954	-0.63947969565919	-1.69579032870687	-0.22829253097606	0.76075687177658	-1.00000000000000
+-0.42046060688391	0.26478977243675	1.26834186004675	2.75357150292811	1.70999235703519	0.21835883030672	-0.68522442977610	1.00256971491123	-0.55765232298960	0.04052543477729	1.00000000000000
+-0.58726161463197	-0.45125746268226	0.76620638455174	0.72078013544645	-0.08882162855424	-1.85838889341848	1.16214382947099	-0.28043911276997	0.93679359117470	0.22751253988433	-1.00000000000000
+-0.18269197673933	-0.24636537762712	0.65403673544561	-0.98281182196186	1.16495577351880	-0.86379448846404	-0.42288727286382	0.79810107318627	-0.53376215675088	2.18035258651646	1.00000000000000
+-1.00184742439037	-0.77119197438113	0.80313685605299	0.34669151572823	0.28356006358717	-0.72818906207569	-0.24160863801058	-0.81794330157508	0.12045940734293	0.64586247066806	-1.00000000000000
+-1.55971540205048	1.37268375925798	-0.55559254036650	0.31263653765492	-2.33880538369063	-1.33917020025722	2.74972547299333	0.93800762223998	-1.15353981067714	1.21715052306740	1.00000000000000
+1.30721347715133	0.49702561880893	-0.27430829966486	-0.38057122905619	-0.08055065216388	-0.75617484357476	-0.70206142703482	-2.12580893044175	-0.26583652003425	0.58193732195939	-1.00000000000000
+-1.60295496092309	1.98604206806949	-0.40767466168923	-1.04197381240935	-0.61285781964015	0.57755489326298	0.50823991279713	-0.95374274642940	-0.48332926266941	-0.98933997913801	1.00000000000000
+-0.95472879312919	0.66485939946416	-1.24695402151753	-0.71347277557539	-0.08470052462296	1.43027176553521	0.24223476973381	2.11313588786707	-0.67376534015769	-0.41825471250918	1.00000000000000
+-0.64782751601465	0.09477091352879	-1.41255207139405	1.68884196369133	0.31907853313118	-2.76580465241944	0.57389909980215	-1.90121291839598	1.12736775218544	-1.57351319043877	1.00000000000000
+-0.02529494843387	0.57395227338694	-0.88543642832534	1.86707501322455	-0.62634870992989	1.36911667802465	1.98128322933914	0.53410222062873	0.35455076450765	-0.09089490929911	1.00000000000000
+1.46448299175975	-0.46836438809042	-0.11823525060815	-1.05377373148318	-1.01683422208377	0.46183906193318	0.11423231921236	1.14976374322455	-0.91142725719035	2.34363016801766	1.00000000000000
+-0.40058240183406	-0.93482388914567	0.04040323601172	0.62870451519870	-0.15027196860170	-0.49273565423007	0.51878662493511	-0.03963726064561	0.51498413794422	0.19034691214348	-1.00000000000000
+-2.59334942630006	2.02952743710581	-0.33744062219143	-0.30802888800993	0.57381562361815	1.37567026549922	0.71907989937530	-1.95204347172927	0.55765792899819	-1.42268695996379	1.00000000000000
+0.59636065157908	-0.29155063880500	-0.09534455739596	1.81583461243856	0.65684282330218	1.44144890480408	-0.66300392850407	-0.61981663645417	0.59524868415843	-0.31709694189761	-1.00000000000000
+0.77797108173581	-0.81793060186141	1.23571644040560	-1.56757938874598	-0.26880492298511	0.01362365394818	-0.47934804476228	-0.67003485744336	-0.48114111901281	0.87683242951462	-1.00000000000000
+-0.17467404868424	0.75911986761050	-0.99547020220784	0.73600703960194	-0.42307445187141	-0.81595039127130	-1.60197512632203	-0.09250297649871	1.00926743399515	0.08291757617604	-1.00000000000000
+-0.93563239584544	-0.50210479017380	2.43342356543963	0.84763996608951	-0.39444117582062	0.10522394567242	0.23259892434256	0.46973514377729	1.05893648201638	-1.04948713054255	1.00000000000000
+-0.84610344694098	0.17962218591314	0.40346701024346	0.50981855138085	0.51216963641731	1.81800403217391	-1.47124577170422	-0.63797005318701	0.40330312325206	-0.63767691716937	-1.00000000000000
+2.42555031447322	-1.08677357958177	-0.66097539899133	-0.01775943260880	-0.72991206131332	1.24586275854228	-0.15851208499397	-1.07411810931614	-0.66877947693082	0.16995516129790	1.00000000000000
+-0.55998357803255	0.09142524816318	-0.23905266133275	1.46635434149718	0.05089145089242	-0.44761562679873	-1.76010597831660	0.22587358269736	-0.15874287374257	-0.77957560691034	-1.00000000000000
+-0.00085863128807	0.77699254909339	0.63659768518975	0.10674681009389	0.45888418349111	-0.92872217760238	0.11959027016871	2.02901508877121	0.03018815681954	-0.37874274421134	-1.00000000000000
+1.22001282729255	-0.49562665861562	-0.20891733476246	-1.96028158900371	0.31712631088225	0.99666130675298	-1.66994080319338	0.71872173842227	1.00054313971276	-0.30354601825240	1.00000000000000
+-0.75738507282663	-0.09231423329460	-0.45494610926871	-1.63798730441867	0.25023173091581	0.18404027077582	0.02180014702642	-2.55661254796830	-1.19156533312726	-0.43509169650590	1.00000000000000
+-0.26727412275825	-0.53457618968900	-1.47124419565549	1.19426452355688	1.92208149696877	0.95107319166704	0.16062602928902	0.49568007757179	-1.15893611934569	-0.19779919874225	1.00000000000000
+-1.34512553379691	-0.66421206953192	0.85714314653610	0.24994143191664	-0.86309785221527	-0.85127701659147	-2.15936183086110	1.43805756963814	-0.24297154704076	-0.04907848830820	1.00000000000000
+1.32876548160805	1.79197894581376	1.52784312531215	-0.60506939960396	-0.35375587984963	1.13638872281664	-1.03116513654325	-1.14980175166354	-0.59177331219487	0.41499159761785	1.00000000000000
+-0.32913221549304	-0.07690776722797	1.81761500096429	2.08606114017804	1.15748700680630	0.27265670435084	-1.20210605445053	0.93168532049800	-0.25976691523929	0.51758090723637	1.00000000000000
+0.29710769532687	0.19296874691417	-0.66492420199180	0.70826502863564	-1.41059684557961	0.37521223826739	-1.85092220092404	0.32869947189527	0.25327122556834	0.83271219048827	-1.00000000000000
+0.61308569177123	0.53666678630862	-0.40331716566759	1.22865798872303	1.30468429029817	-0.60304122724289	-0.13431289815114	-1.13686100231080	0.49042942190183	-1.27591005350513	-1.00000000000000
+0.77631499494913	-0.61749845193758	0.79994683664582	0.44898010385624	0.55762082941036	0.84321101318435	0.45735950097789	-1.06038239465260	-0.63193118216270	-0.97753438445065	-1.00000000000000
+-1.93444796466079	1.22525281934521	1.08231340603825	0.26241361636772	-0.56723704881047	-0.78019483780201	-0.73663852662275	-0.06685440607970	1.73506670274049	-1.03050022253943	1.00000000000000
+0.05456864394245	0.48741911721321	-1.56963508246950	-1.33102807776915	0.29087789838828	0.88569411432321	0.82912924315102	-0.99888363854155	0.95448904997415	0.88764181026640	-1.00000000000000
+-0.57223932952897	-1.21845810224842	-1.32709996094511	-0.68447166272581	-0.04440786325574	-0.00476749663971	-1.66761151496950	-0.02951140002424	-0.42799838212321	-0.34704226941208	-1.00000000000000
+1.70506011835787	0.89191872465746	1.18622671138965	-0.50132837355633	2.18217518183032	0.19890076465896	0.63125953145193	0.35090193621817	0.10746440752607	0.70465595794967	1.00000000000000
+-0.28922300056853	-0.16680345914824	1.14184728220790	-1.20065930792643	-1.02944622881395	-0.70500244871459	0.59264084308059	0.45610582902253	2.03396970284365	1.18956325708775	1.00000000000000
+-0.38775655332818	0.72016468985888	0.63622598189744	-1.93482120750796	-0.15586544822558	0.71799113756894	-0.82049188721470	0.47188813374653	-1.58675023773142	-1.80756565489689	1.00000000000000
+0.13312510573825	-0.67678381114741	1.88757754354493	-0.18346496443772	0.60260147257539	0.09389248667242	0.30218910506719	-0.43616204669158	-0.43701163107626	0.02244443895194	-1.00000000000000
+0.76556724207786	-0.96481430692552	-0.45647620130885	0.74387320921044	-1.53660510303044	0.52104609247447	0.01277171746401	0.61814968615506	0.33489021968788	0.68731156900434	-1.00000000000000
+-1.31088829280098	-0.62534408027005	-0.33648866275963	-0.11801601109832	0.31940161090628	-0.11091090445577	-1.43062007118714	-0.04498501620179	-0.22348612410365	0.64777621610367	-1.00000000000000
+0.67986448415554	-1.26297893372172	-1.27049032596027	0.34315484934941	-0.66679295685824	-0.47957150134981	-0.80025951539046	1.41379147320805	-1.56437257592033	0.86466741789188	1.00000000000000
+-0.73161519150882	-0.58746127201867	0.71644160586569	0.26142678004381	0.17612555552248	0.12968411514824	0.97352509246592	0.45063133486024	1.06091950501162	0.15711754601685	-1.00000000000000
+0.54782924649006	-0.02170416473554	0.06741944677594	0.47117223958702	0.39861221999718	1.74002590417812	0.98999409060226	-0.18783695589855	0.15768877168360	0.21509889016518	-1.00000000000000
+0.42532088336489	-0.04877076159258	0.55833442717509	-0.11098301876548	-0.32243521367631	1.12229141197347	1.20300680284186	-1.68173472601094	-0.51079689054641	1.04617922441138	-1.00000000000000
+0.90277381874737	-2.51009416043499	0.53293543286546	-1.29685405375523	-2.01817474605346	0.20860556954333	1.99838203465554	0.99444240576441	1.28487688848630	-1.30368020016978	1.00000000000000
+-0.14499021270071	1.10278610467878	-0.04693297686937	1.07486226070608	-1.34364641015206	1.95921384682495	1.08125083789185	-0.00979006220635	0.71569387281026	-0.30427776934267	1.00000000000000
+0.41824519797378	1.77448198087284	0.13377448282273	-1.30493972873651	-0.86992746232697	-0.11393453302844	0.88104139449825	-0.62968044944476	-0.75081839523036	1.02142748086127	-1.00000000000000
+-1.01163045704262	0.81586279877245	-0.01238262015032	0.64498402091234	-1.14357437815475	0.21549269505989	-0.42691365602946	0.81116565392565	1.14482441913216	1.72773917719773	-1.00000000000000
+0.06493708673383	-0.60772116987219	1.17053550063959	-0.95618129746507	-1.80435783357842	1.34066318121757	0.98711131982616	1.60195740766906	-0.03546764447480	0.65061817535212	1.00000000000000
+0.81236841189588	-0.64869294222726	-1.20348897006905	0.99891733825148	-1.38560528704062	-0.10417316976452	0.37640580769705	-0.98773592434169	-1.11994109873145	0.24260930813109	-1.00000000000000
+0.95399527845226	0.19228710103278	-0.21707678423455	0.85388636020459	-0.03938593248018	-0.57681892840776	-0.03880445375778	-1.63793662901226	0.09925947265412	-0.37648728033218	-1.00000000000000
+-0.15608371093271	-1.00089035137836	0.31968310717421	-0.15218952687701	1.44718238009767	-2.25711539007288	0.88506377182577	-0.34256436069185	-1.75524462107396	1.07478062174939	1.00000000000000
+-1.36276164385654	0.17104440620652	-0.71166690863003	0.27351245815830	0.54300296262416	-0.98960450659827	0.25066246469724	-1.78510212195693	1.09337714240635	0.10710560248653	-1.00000000000000
+-0.27800841346034	1.82256042467668	-0.66681709539060	-0.15301122051282	-0.96791897021122	1.16607097890217	1.32655255564716	-0.42172984959708	0.73396532711131	0.63749003650654	-1.00000000000000
+0.58021649879105	0.45916364335006	-0.70414615904196	-0.62962807734740	-0.27230089680953	1.10327765483353	-0.51283083375263	-0.13063625551101	-0.20428578315863	-0.72156359942736	-1.00000000000000
+0.70829960978065	0.00731383250667	1.50858708871546	-0.69874913407699	-1.31274720012068	-2.20427566849968	0.73444599159482	1.95855440109984	-0.00503559848303	0.79541577594919	1.00000000000000
+2.62733784381056	0.22098355597202	-0.29467483283225	-1.60830321004775	1.53620577196100	-1.00905519760789	-1.17931919628964	-1.38133051886823	-0.45837001833750	-0.48429600811092	1.00000000000000
+-0.51083739343622	0.37385915927411	0.11788152241126	-0.74691319237459	-0.03839562765686	0.85041021030444	0.41820826504786	-0.46373254580827	-0.18012809427492	0.67668502524415	-1.00000000000000
+-0.25842756633882	2.00828956298921	0.19666640628884	-0.89867196583941	-0.82795345424734	0.05451989411531	1.31105848176250	-1.34347665943111	-0.45749669147430	0.03247557325314	1.00000000000000
+0.70306965035981	-0.59554814007368	-0.05591349165144	0.85441027599709	1.95649341665108	0.26932240087672	1.56175742707687	-0.08235267130556	-0.19925814371547	-0.41929801959197	-1.00000000000000
+0.48454554167757	2.03781316276022	1.09170698529751	-0.55938245986307	0.87101243121679	0.05517929025778	-1.37658001149259	1.74623023185510	-3.31319899923970	0.01877302113232	1.00000000000000
+-1.04828131732035	-2.61966570299613	-0.44350450177974	0.17984560187845	-0.95487719378972	0.06351686958361	1.73310817537797	-0.51453626854085	1.24955488491087	0.72799236071146	1.00000000000000
+-1.42293230213485	-1.21799962559859	-1.74427395752625	0.68423074255319	-1.15401975606408	-0.89202126308647	-0.22626672089600	0.31303511621688	-1.57892051275285	-0.00023425480919	1.00000000000000
+-0.82472685398994	1.27404826494385	0.41840839510902	0.98967989406241	-0.46226243438362	0.26806667424098	-0.17511433849420	2.06610291462671	0.89144287739914	-0.51156262178555	-1.00000000000000
+0.69696227069161	1.25616557311343	1.71166737924166	-0.39732294123857	0.20231437149405	0.79589416840922	0.00568197782622	0.65740433128581	1.40949988628347	2.12759354829399	1.00000000000000
+-0.44171250286953	0.56268541964568	0.84602454147040	-0.20647431092914	0.11200615142506	-0.01427725791704	-0.54057416198632	-0.41985992123436	-1.70810766475660	-1.14331521389330	-1.00000000000000
+-0.93857119040448	-0.08971913368652	-1.63083420388939	0.53874189241467	0.21310470480955	-0.26791578476012	0.91155470144112	-1.26817826956149	-0.48289086427522	0.45219286031844	-1.00000000000000
+-0.46090270577741	1.44311808093958	0.94956612786337	-0.25033485355575	-0.08758672641507	-1.45915598359771	-0.54850261970754	-0.10745913680107	0.76226498931520	-0.05710444711376	-1.00000000000000
+0.27441772705153	-1.01181943586855	0.75360807653711	-1.34954291552571	-1.00229628841243	-0.27536472615638	-0.52381322054715	-1.26031965520698	-0.98725213087658	-0.64010416982220	-1.00000000000000
+0.84324722260362	0.48091809729509	0.04243628702761	-0.48781760897859	0.27722178404397	0.97056466962842	-1.51829700298956	-0.14760085419705	-0.76361813188034	-0.87825613346410	-1.00000000000000
+1.10265077246617	0.40947939610616	-0.85775785060754	0.22700725818512	1.20832211626616	0.10994332283688	0.14334349640721	0.41752167393570	-0.25254840176748	0.04497232406452	-1.00000000000000
+-0.57143340894650	-1.15731830174493	-0.30669051831070	2.07848429043156	-1.09396166454713	0.54934118714551	1.11062281786256	0.72130848637225	-0.28673666139917	-1.14596195320419	1.00000000000000
+0.74474986783865	-0.79854705883145	0.43479850499610	0.83082002568724	0.28639577597907	-0.04893286314103	1.01669002395840	-0.57899270659974	0.64194965798998	-0.94594518160917	-1.00000000000000
+-0.93996207372111	0.42434006364374	0.93216514134622	-1.10291280926996	-0.47090322897632	0.05904822380649	-0.18855784821020	-2.41789006966545	-1.11813851599748	1.07820683762984	1.00000000000000
+-0.04726142212065	0.94184793428484	0.57616719608558	1.15208993969738	-1.32569703096243	0.46320456520412	-0.25966199311792	-1.33956979180869	-1.06976160995337	-0.46250935259083	-1.00000000000000
+0.88021316067523	-0.56664587790543	0.86362307418811	1.28294936450756	1.70010176344939	0.47014305091719	-1.45100554196707	-1.23675842671129	2.13168288944304	0.26145443290019	1.00000000000000
+-0.31121302517593	0.19943924855168	-0.13181750779509	0.39684762806969	-0.21601133600851	0.79393749170421	-0.94015788063232	-1.21675687944329	0.89506869773864	0.88016460473218	-1.00000000000000
+-0.12658020822468	0.06273652825120	1.86250912231502	0.35185013076172	0.36834204800964	0.06895863650289	1.35221948492431	-0.68258090696537	-0.00746106109538	-1.06846744012401	-1.00000000000000
+0.50986125943646	0.57981107022872	-1.28024644817420	1.37292513251151	1.49202522679837	-0.46654310856599	-0.76059304431690	1.24296063762961	-0.02108436575637	-0.74878231402329	-1.00000000000000
+-2.47500779713355	0.04061008442432	-0.39523393198032	0.13235123969863	0.50855512675225	-0.03741804249375	-0.23254819134921	-0.29914752215785	-0.07971818894214	0.17843316988319	-1.00000000000000
+0.92194434730708	0.03020334685057	0.22455577158138	-0.27701553858503	-0.85096748990945	0.13010327255396	0.60088636173013	0.25458473091683	-0.09621371884019	-0.27138696542642	-1.00000000000000
+-1.50094262229538	-0.83412012552842	0.30676442534619	-0.03712732081081	-0.95020899605527	0.08898646050895	0.40499284363762	-0.52704262641943	-0.54246621296080	0.99280661563838	-1.00000000000000
+-0.85093516955626	1.88096792612962	0.17486725706021	-0.80902966989045	0.79002628615766	0.30259498429250	0.98793665971704	2.01455961012258	-2.66710635963396	0.11217995184627	1.00000000000000
+-3.17190212136775	-1.40087841711497	-0.79825833474442	1.71660126159243	0.35545669188632	1.09744194622530	0.63430706740752	-0.30745203948113	-1.09382504297226	0.43234628326467	1.00000000000000
+-0.91856340757617	0.24647469927063	2.53086321141361	-0.85838229199029	1.25919092266076	2.77224450765061	-0.47994401841717	0.58272073702091	-0.95103262473898	-1.10139000065622	1.00000000000000
+-0.83852849604212	1.10647914065276	-0.20140574878369	1.51479817784803	0.62574773744757	0.48918950950077	-0.90184450978119	1.38780279022064	-0.39890532929597	-0.71664277110379	-1.00000000000000
+0.17915893749047	-1.46790506010861	0.19414755433413	1.60475283737833	1.52539605815883	-0.80161453255277	0.07577928419712	-0.84642620950013	1.27772916082216	-0.00139000793119	1.00000000000000
+-1.06642282774267	1.48021465790350	0.42399777058397	1.32376658301639	0.33463558025827	-0.39997668867115	-0.26018203181302	-0.40702033215300	0.25627993866324	0.61683639169554	-1.00000000000000
+1.23158687018652	-2.98245191809214	1.15990680739132	-0.95121062633792	1.02673084241799	1.26608136657019	0.92301523543528	-0.42038753835265	0.35327818205126	0.28085904753976	1.00000000000000
+0.37592682697657	0.08847507367690	0.24441384616746	0.07021280564864	0.14961338438249	-0.58179201686532	-0.33579646060798	0.15567769273502	1.30680412267418	-0.40755900952257	-1.00000000000000
+0.75460136745292	1.36048086606239	-1.49817743172051	-0.42383127212923	-0.66812727069970	0.73046516590973	2.76886188296549	-1.41946188940954	1.00265172915741	1.28160866641580	1.00000000000000
+-1.03073803058785	-0.89657785203296	-0.37856478439940	1.22710235444587	0.13742784411598	0.92530558792538	0.77298881384638	-0.20676889438156	-1.26753321325850	0.31854266241547	-1.00000000000000
+0.11252410680321	1.18843339043395	0.55400949788608	-0.22182578033045	-1.20497334111286	0.47997399308908	0.83072747611782	-0.34749574998616	0.46398822178168	0.67549036187638	-1.00000000000000
+0.07322239427196	-0.08076504227934	0.22995158917486	1.02848146846363	-0.17436023318145	0.51913247157871	1.65725725388564	0.29630490674765	-1.04497471654272	0.26829347203790	-1.00000000000000
+-0.29551207150507	-1.36358032982209	1.36026457080798	0.32890418739074	-1.26272076362470	-0.57394079279307	-1.15320060142226	-3.13620305593881	-0.24076512746674	-0.05558882069670	1.00000000000000
+1.23162463835592	1.03469212046801	0.04937172511629	-0.64928609509914	-0.87700899684364	-0.79215987475151	-0.26367750056616	-0.95229900211829	0.99095770025668	-0.30464813917251	-1.00000000000000
+-0.15860433864735	1.58934683048173	-0.73691833063772	0.02942870838419	0.67052611481555	0.04039457224302	1.85528974435896	-0.79251126360422	0.42775382483568	0.15979082993466	-1.00000000000000
+1.21623259331867	-1.03628311738812	-3.63474822445649	0.17750896123341	-0.05744228493231	-0.69277435851579	-1.14238756929816	-0.85839786942153	0.19873589454382	0.96544497838925	1.00000000000000
+0.36123552224776	1.07606384507151	0.56640305752980	-0.44036301816240	-0.17517803846845	1.62339135121722	-0.84030193313628	1.70438874500729	1.22543716195212	1.87112767224765	1.00000000000000
+0.29243289856057	0.32631289406018	0.43872199729616	-0.58630043419049	1.22549762714921	1.81689234642689	0.06083531357606	1.65830346151587	-0.41503476502345	0.24323797118445	-1.00000000000000
+-0.05635534432806	0.56984385332355	-0.33621742120798	1.02630443518031	-0.08029656595448	1.73130711205576	-0.38962826931986	-0.22425934226827	-0.84953280688685	-0.22150723941037	-1.00000000000000
+-2.09714176188722	0.30087976451865	1.28466197557712	-0.95896317027492	-0.28994069516547	1.27285321419310	1.65886195768019	0.17689352323848	-2.11900647216170	-0.22283867897140	1.00000000000000
+1.59592147436560	1.34461152899846	0.42078556476784	2.50502732921708	-0.41594776983220	0.97844276003456	-0.77309913443518	-0.44355043555062	0.66079317073452	0.31788970882048	1.00000000000000
+-0.38949238382144	-1.21941895832957	-0.49623648186782	-0.49475951346695	-0.57576339407415	-0.08261617151425	0.97851097443198	0.90758356776598	0.08253205391949	-0.23840893289105	-1.00000000000000
+0.03943831555633	-0.60414816210553	0.51770827381340	0.45976134663409	-0.26197023164533	-0.40291734675014	0.73370646619745	-0.74371007167441	0.09230802900701	-0.89402952650491	-1.00000000000000
+-1.00504464420807	2.12645884872313	0.69769035454131	-1.49198944501708	-0.37546945607268	-0.83627868014930	1.50632237738956	0.52330597190621	-1.81210728131172	0.35351802845297	1.00000000000000
+-0.08729129935541	-0.72383950325416	-0.12343902735693	-0.45476739007821	-0.85357041705468	-0.26691794017826	-0.01082623836050	0.87451172559975	0.41998045742696	-0.01443567153508	-1.00000000000000
+-0.88381276967904	0.86030750758738	-0.31130821741974	-0.48001508025988	-0.06630684257374	-0.43561051784606	-1.99150799901158	-0.62610639464553	0.43091595434688	-0.48637247835247	-1.00000000000000
+-0.23332734600224	-1.74673759034966	0.37660843432034	-0.77289427773331	0.46765411079652	-0.81605998806297	-0.09392210305802	0.81585444984465	0.69082910333022	-1.26589437116908	-1.00000000000000
+-0.93504771787242	0.83509642676721	-0.29476000537733	2.39133571187409	-0.82864005826126	0.64368963172926	1.62500431766218	1.33954992208007	0.83389831107902	-1.75842960315963	1.00000000000000
+-0.19359921581674	0.19089410327192	2.19818519761443	0.22241022124968	0.71212916653117	0.60915790554954	-0.71171073545742	0.47723415156323	-0.29947511129483	0.13089204888115	-1.00000000000000
+1.96093914474135	-1.36698560964461	-1.23732808087870	0.22327113236766	-0.43310845933795	1.33848361536641	-1.11564463818192	0.70015778144398	0.42024098400122	-0.25834790995708	1.00000000000000
+-0.77583801749212	0.08317472508692	0.29324890709087	-0.64927855576625	1.04546675816976	0.89886444796154	-0.62188809535666	0.67270973915834	-0.19890177465114	0.82869080011709	-1.00000000000000
+1.19075535498555	0.94551178541248	-1.48695422745253	0.99829660289133	0.85332569791923	-1.81824596008910	0.18388031574208	-0.61810984346611	0.03939241106400	-1.11823184081712	1.00000000000000
+1.85575790475883	1.55836160754467	-0.92203697436946	0.15606979160735	0.96262283220814	-0.76437805789222	-2.03808324028841	-0.65279261024319	0.46677269352270	-0.63523314450379	1.00000000000000
+-2.40166588999137	0.22270442891997	-0.24707220203905	0.09709077709173	-0.23032102255120	1.77422093718035	-0.45493903595507	-2.35037716512009	-1.04827436589434	-0.58641200896014	1.00000000000000
+-0.22840060658743	-0.97281420174163	-0.06667206559304	-0.86547582035336	-1.61473532727065	0.45801235367664	0.45639770633622	1.11304624251420	-1.21743759171665	2.02679672738981	1.00000000000000
+-0.24739495269334	0.92418190650374	-0.22306759228253	-0.30214141581239	0.99297500442644	0.94214144011080	-0.37075023928228	0.47933690427810	-0.68236597917045	0.33409720975649	-1.00000000000000
+-1.59708842462733	0.85339128317027	0.63345913649090	1.64012499182208	-0.07161492899825	1.07591595203199	1.22475137926213	1.00722175942963	0.53601821996430	-0.80542073882663	1.00000000000000
+-1.17908344730096	1.52318325625539	-0.10412988461921	0.40927199405453	-0.37810356002674	-0.88334428466395	-0.83913002358563	-0.75755109649323	1.07221113201874	-0.37742131513601	-1.00000000000000
+0.95246026684835	1.91955415035828	0.79971578733631	-1.52018770221087	-0.37366240850260	-1.45070386922767	0.79964961652468	0.00111104050041	0.01857365655015	-0.88870879057705	1.00000000000000
+-2.02503564848486	1.24647550928240	0.19566231705361	0.06597581457429	-0.19262937140214	1.89074975960514	0.71646901063496	1.21647713779180	1.23916422158420	-0.73060953431734	1.00000000000000
+0.04108642891324	-0.62275644242264	-0.23158259154756	-0.29600441893041	1.43755542943758	-0.11673245247836	-0.76729087654064	-0.33881800036104	-0.21238706419400	0.09858886106998	-1.00000000000000
+2.12408870103216	-1.34002464689791	0.77322747172886	-0.34138423643275	-1.51739492358628	0.16462340511685	-0.43538592103047	-0.45642329800174	1.28226460154216	-0.03167781414699	1.00000000000000
+0.92130161243622	-0.11322798908430	-1.44783973717176	-0.06654804947214	-0.46027272066788	1.53486105410702	-2.21096692754052	-0.63127661580824	-0.23013469660554	-0.00934106506271	1.00000000000000
+1.14457061035642	0.03186916407287	-0.49923321058301	0.23448537147738	1.77621598500606	-0.20558093118295	-0.21912883804475	0.80425139334001	-0.59239880378886	0.47841646312333	-1.00000000000000
+0.70191604860852	-0.74243174941497	1.37868777561204	-0.11491992661493	0.29017917267272	1.28929023231134	0.57494266783762	2.86001881536990	-0.81267517397625	-0.14226735443754	1.00000000000000
+0.03613899146935	-0.67792256379733	-1.85805542956792	-1.21814783086411	1.37774493829381	0.06057264614362	0.49781761292628	1.82239030748706	0.66806963410115	-0.45514095855199	1.00000000000000
+-0.84145700375207	-1.55840524144373	-1.72383129900659	-1.16948894867660	1.38314406469491	0.33911478065738	-0.38984457636127	0.18443043858864	-0.53222469693913	0.12004001333432	1.00000000000000
+-0.61549882464916	-0.41518617666590	0.94280780094687	-2.15090492553348	0.09254181517113	-1.03249774784632	-1.32756458678227	-1.65023010429464	-0.64114411432863	2.99433537123185	1.00000000000000
+-0.86425083265998	0.56505885568965	-1.88518056387740	0.76435300749587	-0.33432521589278	0.64462441544209	0.82815855755694	-1.13042900371859	0.94595949630664	0.54858555465837	-1.00000000000000
+1.51018167937486	0.38301011235715	0.72101387537998	-0.42610087032959	1.56331211679449	0.62543675906056	0.36368544346016	0.57481803909640	0.77682244821645	-0.86947810194388	-1.00000000000000
+-0.84504649656833	-0.74273706091001	0.01086267811182	2.10133694003956	1.25137410628090	1.44792320386547	1.42827738299085	0.61845997102060	-0.89740915040009	-0.38487861649234	1.00000000000000
+0.41776184481198	1.52919146195530	0.19865804184902	1.27598222303191	0.59914517537743	-1.01774704604804	1.26485089067109	-0.29458198100959	-0.88288130794569	0.26347006393238	-1.00000000000000
+-2.33558996833454	1.02707323433568	-1.62764561712492	-1.06531570306760	0.58778475490504	-0.79532898789892	-0.46803397747749	1.70670448304001	-0.60010768494440	-0.94075824390976	1.00000000000000
+0.60006673307016	-1.04597783185758	1.15081263188462	1.91135669222065	0.04724139241145	-0.08266935727389	1.10551961166505	-1.52267217047638	0.63198113791309	-0.19350114024951	1.00000000000000
+-0.40646308044312	-0.63041207793005	0.23901509226475	-0.96904550107879	-1.73600210152214	1.14855826297410	-1.30307397329051	0.82105812468119	-0.18150592408357	-0.48972156156175	-1.00000000000000
+-1.34002848460606	1.10643430847773	-0.95118931414819	-0.59467377385652	-0.75084474307186	1.77855179480807	-0.66679363879837	-0.29687189910064	1.03129365774452	0.34492624167718	1.00000000000000
+-2.66033132519986	-0.38285095787104	0.07280195816186	0.73715489556373	1.76146968291271	0.99910773014513	-0.06444867250915	1.17480211789098	1.03288725227171	0.72722316977348	1.00000000000000
+0.36976889559381	-0.35898360138927	-0.15914583165865	-0.40605941679090	0.03837440902966	-1.35851245486719	0.79427282654404	0.59398118561152	-0.98561104467121	-1.36870026723265	-1.00000000000000
+0.19544986530339	-0.51617176567293	-0.78719069967667	0.91856020652043	-0.08601723693793	-0.06384847142145	1.52962586935190	0.07752977796567	-0.57770991526824	-1.00771279635705	-1.00000000000000
+-0.79096887108029	0.07125295482538	0.03723937018286	0.86947142171882	-0.17950215264402	-0.25537013418933	0.59273732602537	0.75758703835284	-0.63356489933513	0.46616279311160	-1.00000000000000
+0.72912064863039	0.37700164059470	0.50891307330725	1.38182022001872	-0.63574641369208	0.82117273355361	-0.13341072980961	-0.03735395290422	0.56767418787315	-2.34094919960431	1.00000000000000
+-0.25231607082843	-0.01960536893100	0.20186570828793	-1.87089399949629	0.88980312504173	-0.67172143927583	-0.53318795433624	0.86439937694418	0.36287563919789	-0.00717019970453	-1.00000000000000
+0.06432269964761	0.31062074485647	-0.34888066414171	1.12379653017843	2.13746836718283	-0.32631953177682	0.82370016575666	0.84845133667546	1.23868125464283	0.14333763188570	-1.00000000000000
+1.65196834055162	-0.29520972026768	-0.26268055012555	0.03401009927132	0.85926202516684	1.08534413788787	-2.04459077866729	0.30194386534505	-1.03164350986403	-0.15501881178153	1.00000000000000
+0.80900070790650	0.08936815974495	2.57936280891445	-0.80559528940211	0.01077660500101	-0.61395483365577	-2.99722958998616	1.01724010100168	0.42116633765195	1.63832687499278	1.00000000000000
+0.48417039580475	-0.12268317056972	0.56510459000810	1.02543923186859	0.65756529401583	-1.61029948909370	-1.54837425798388	0.89645273939316	0.89573657008502	-0.56468654078986	-1.00000000000000
+1.20268374578732	-0.16928012405936	-0.66999244092130	-0.09216732296002	-0.83399378247736	-1.28218734081983	-0.09831674074128	0.95598905167968	0.17032009226852	0.29105092570080	-1.00000000000000
+-0.87027138504485	0.00136109696289	0.85329040470857	0.84628743495429	0.00302055352287	-0.84335187298222	0.97337145509132	0.46807237099565	-2.02699981616505	0.70541110262673	-1.00000000000000
+0.78663527749812	-0.01524284896865	1.36972561817931	0.32394882277211	-0.12402993390482	0.13132192870390	-0.05664027578056	-0.81627196452198	-0.51015285201028	-0.92359718270472	-1.00000000000000
+-0.70648591204833	0.62318068500353	0.47482861122618	-0.08821631923417	-1.51301561306231	-1.44842773728178	-1.57054679804427	-0.88052139891543	-1.30883667904548	-0.11363543360128	1.00000000000000
+-0.06488683125143	0.38634908161092	-1.08644893884461	-0.32034364940971	-0.46476686421834	-1.32164957076383	-0.01020410172177	0.85443891024702	-0.20937305862166	1.15722555991449	-1.00000000000000
+0.22144791229237	0.07001541528428	-0.57153668637410	0.26151077233939	-0.48886284944439	0.39124090429711	1.40873043974519	-0.93324535875857	0.45216940541322	0.72659592625349	-1.00000000000000
+0.09198491892640	-0.48030672072913	0.74057053494302	-2.25453897511309	-0.00325809331628	-0.14151920518578	0.39417053154404	2.04161519823669	0.96091321466828	0.70766981028122	1.00000000000000
+0.48977618975250	0.26860428376316	-0.42774680018084	-0.76742305276256	0.39859348922693	-0.43390390066314	0.47613731508667	1.01427045769818	-1.45632384130841	0.33171814912085	-1.00000000000000
+1.21163420907892	-1.69430604834447	-1.05056391551939	0.31180326376333	-0.01142903821502	0.16098452210904	-0.66201005486893	-0.17414386225851	1.57671984017864	1.74744356427812	1.00000000000000
+0.55672855092966	-1.04542581715558	1.44169174070597	-1.16557450177596	-2.72930864150871	0.94176922487937	-0.14807260494220	2.08606338413891	-0.90305490257907	-0.70103006319824	1.00000000000000
+-1.19837532723164	-0.22339241122670	0.66592246106790	-0.76170632028505	-0.53821938566490	-0.66653599143586	-0.25436151788224	-0.28619291832066	0.69775551173710	-0.84155032993849	-1.00000000000000
+-0.48486727396739	1.28373385728237	1.48997461705152	-0.33436536505344	0.59055359591468	-0.54368739072083	0.58320940490570	0.14639234780764	0.24067867248705	0.12839508868907	-1.00000000000000
+-0.34615661600056	1.29628355591622	-0.60451637207808	0.30635204477199	0.31860185247189	-0.94643075259726	0.82490753167043	-0.12728323415052	-0.28928396260956	2.07748326829688	-1.00000000000000
+0.38679109297321	0.00747788311231	0.16586259025684	0.53670873478973	2.15487440188277	2.32936653964264	1.01339469624726	0.13505050081249	0.22793095114476	1.50273397114270	1.00000000000000
+-1.05338372096778	-2.04975192009772	1.15919631462965	-1.48533209604859	1.02258128975371	-0.14892067287439	0.28779170892809	-0.85208415887678	0.62520903085801	-0.63798655296577	1.00000000000000
+0.16883762089216	-1.15649434914247	-0.61259290838979	-0.58594630132492	-0.00702857980284	1.19521047038204	0.57281297657005	0.31664444580019	-1.26983875410247	1.44300336792991	-1.00000000000000
+-1.90397103999915	-0.44094136147582	0.76451186268465	0.97329740958643	-0.20650041534118	-1.16096366555819	1.07743668957171	0.62564468977825	1.82998778874286	-0.30996944092739	1.00000000000000
+0.09010339963241	-0.52607217402966	-0.27968329090896	0.11324435523954	-1.95903372325421	0.31361857752311	0.30207208328079	0.85017490370125	-1.09315527058678	0.30487128349640	-1.00000000000000
+-1.49285579715774	-1.22163606382507	0.34242290184107	0.43106589210386	-0.67163235023657	-1.03805141208137	0.36082977316113	0.18723685626416	-0.40401111218369	0.11468257940564	-1.00000000000000
+0.33659323745720	-0.30181907497265	0.62873217686769	-1.06900990822829	-0.52461357166401	-0.57929272806065	1.09580021613368	0.16802988325371	0.39819338660832	-1.44688014289218	-1.00000000000000
+1.31406284613462	-1.17538318954760	-0.50152086665054	0.12963707648362	0.23106916306371	-0.83734512614042	-0.65486027841374	0.97782493469942	0.98143330648667	0.30520312451648	-1.00000000000000
+-0.83486845259430	1.89474859955621	0.92462005071136	-0.10105338771813	-1.19383383472452	-1.00233458401407	-0.15344036141773	-0.40245040245992	0.41615965008397	0.24776788711133	-1.00000000000000
+0.51529109870572	0.88111391106300	-1.54933987933384	1.83007302136500	-0.45317885740639	-1.86375555925713	0.78881756150081	-0.11849855605290	-0.71880952477747	-0.02649311771905	1.00000000000000
+-2.16526878639956	0.83296652644102	-0.54397994891541	-1.29960559820602	-0.44208478073073	-0.93914274308494	-1.25457257568609	-0.94012670017722	-0.55626963656083	1.08793578497957	1.00000000000000
+-0.24305572563509	1.57921336846393	-0.21757744574232	0.65673007434530	-1.01408331352009	-0.77753805634615	0.01249713667796	-0.98304784847118	-1.04659514026620	1.58287282108830	-1.00000000000000
+0.77839563360806	-0.52970873659400	-1.11498557194644	-0.17125368585663	0.97479244521864	1.06421340259146	0.23169849661109	2.48435124300667	1.08342715420312	-1.02315433662400	1.00000000000000
+0.65885085805336	1.60940683939154	0.14531982478810	0.44158205648136	-0.41342945690452	0.89200773437845	0.56218884741908	-0.21004096980327	-0.84604224804928	-0.75612787130146	-1.00000000000000
+1.06263090562100	-0.19044159107644	-0.13421901783967	1.07408863402708	-2.17748186211983	0.62139321998924	-1.74298089665746	-2.40186236962398	-0.20091680590388	-0.47817523398906	1.00000000000000
+-0.88988250392959	-0.92526540457259	1.98405356209844	-0.22300516980965	-0.52942122247979	1.52183429296291	-1.28528120679626	-0.14328723721752	0.70719652395337	-0.24063294576876	1.00000000000000
+-0.58480246372772	-0.63542108949498	0.35707193064983	-0.22221084984540	-0.38078165005070	-1.02176856625815	0.88098625502645	0.46801930970175	-0.67682675629674	-0.92741895774213	-1.00000000000000
+1.32684952783832	-0.73928593219100	-0.78258979269009	0.19536468089831	0.78286945357350	0.68234662041441	-1.21006533795387	1.14398498282479	-0.07992849993261	0.38451982070681	-1.00000000000000
+-1.23615398063047	-0.70592375268697	2.61452042001726	-0.14674088381519	0.88246642364409	-0.64202055531801	0.29247396316155	-0.47365221960445	-0.32771444138477	-0.96127301346030	1.00000000000000
+0.55742619802011	0.26162371355001	0.15083533112305	-0.41740653861944	-1.53611873581942	-0.45049015647713	0.32379897801653	-0.44862849785843	-0.23802103692634	1.12843705062557	-1.00000000000000
+-0.35796178109623	-1.44317886685647	-1.07252587727711	-0.25099203014342	0.65771199463320	0.65193294956794	0.42812023222614	0.37296530747301	-1.33259038760472	0.06717571537732	-1.00000000000000
+2.09668027212988	0.91520843857136	-1.20518183636362	-1.13927190897539	-0.67287519354162	-0.50533983273797	1.89162929264430	0.71439547899358	2.30524296714721	-1.04749193269465	1.00000000000000
+0.31700592605984	0.39331182836510	0.16942256752627	0.06232838043905	-0.27895508816749	1.70917816731292	0.58929729614531	-0.13311465537187	0.64320502560910	0.46690794920734	-1.00000000000000
+0.02010912380551	1.38400306838206	-1.68135521893217	1.27904447870136	0.80873599884561	-0.24043382465306	0.39477029334522	-2.52131601292947	-0.05103129214752	0.04153352740226	1.00000000000000
+0.47462439310910	0.96697220809436	-0.70717036367250	-0.71595368396573	-1.01176956776124	1.23718928699345	1.16640375939534	0.09643780926218	0.00724247991125	-0.12475574762486	-1.00000000000000
+-0.60915994208433	0.88349522789461	0.55880027989964	0.15584963174722	-1.76959247098558	-0.83230055601926	0.23755722219760	-0.60662968664064	1.82409459925588	0.44664199185175	-1.00000000000000
+2.15244687124349	-1.41671434485002	2.21761578636960	-1.39782830756720	0.18767043779000	2.09055928123160	0.10532711425370	0.48711841690047	-0.52842109467889	2.21027638827354	1.00000000000000
+0.48312601678033	-0.57344518365056	0.98629213273070	-0.50515791723426	0.07410957293713	-0.18093335010331	-1.17127656743866	0.97272529853043	-1.31508916682188	-0.38729674813922	-1.00000000000000
+2.02830047320172	0.47501984771495	0.86428904614124	-1.19942054447138	-0.12096254349379	-2.07389010700074	1.42943032857283	0.76573558503136	1.40783270020803	-0.36264081052967	1.00000000000000
+-0.18515071909697	-0.15718815323258	1.15094802807243	-0.69226899088134	1.82795693643397	0.19730187468391	-0.99519476384948	-0.50609084799131	-1.26710427507840	1.15462962594403	1.00000000000000
+-0.84861411668472	1.08117756143549	-0.99420176284354	1.12160108454699	-0.99010485037746	0.36531765685705	-0.81149031145520	0.27067398877791	-0.84323990196230	0.70345356152724	-1.00000000000000
+-0.64177369113602	0.06374744216615	-0.66114984571992	-0.12653722111245	-0.51164803797263	1.34317018034206	-0.11659923098740	1.01679159513209	-0.70029905699100	2.05536978017255	-1.00000000000000
+-1.23222035561910	-0.64718790553161	1.67108583349732	0.58246475792522	2.01542205904776	1.24747843059154	-0.36034737388984	-2.21249412674363	-2.94896375930885	0.27843542569911	1.00000000000000
+-0.52384412419791	-0.04908262180481	-0.51891481181043	-0.01996484164508	-0.48499950512504	-0.57713624254325	0.13194226694042	-1.66227160489431	-0.48991479149357	-1.15004860217295	-1.00000000000000
+0.62990756574578	-0.13648624930562	0.07180091953214	1.60410368822931	-0.26443908106600	-1.21238283789697	1.18577038518426	-0.58401298348913	0.92730640732836	0.22756435172739	-1.00000000000000
+-2.57126488193038	1.88862830030860	-0.11998796276616	1.58128931846016	-1.29869643215858	-0.08460669790547	-2.06883151322146	-0.82054871307525	0.50445232570978	-1.66529220022966	1.00000000000000
+-1.71144785959471	0.78534811353799	-1.44320020404435	0.40961961886716	0.38781648350038	0.67373747249148	-0.72334475019968	0.02920505842468	-0.09679575708674	1.10262823637718	-1.00000000000000
+-1.14375691256092	0.30763624741147	0.81167633714454	-0.17094548476480	-1.18323405991511	0.05759065904153	-0.14656643307915	-0.63051793126924	-1.88982942654119	0.17671382917165	-1.00000000000000
+-0.33587319391529	1.19988703245579	0.00774906653356	-0.14917967636979	-0.55993878279246	-0.17811949408067	-0.95002744733790	0.34547325538146	0.22086484820211	0.89677130199511	-1.00000000000000
+0.69155679155782	0.13188489031733	-1.78925961180044	-0.14958239249532	-0.82091987998643	0.66122990818936	1.05543820592871	-0.04972621373767	-2.34802426145076	-1.20237864511333	1.00000000000000
+0.73431103670288	1.44500251433631	-1.00297902390915	0.46854978790157	1.20546359355319	-0.73540992955430	0.66729551979827	-1.10698575903121	0.07608440283952	-0.37751248812148	-1.00000000000000
+-0.07367241728280	-2.01683476072228	-1.21520958833111	-0.88850300980617	-0.27660315388954	-0.55140700760364	-1.58401269813470	0.43162435283676	0.47080813524053	-1.06601691330392	1.00000000000000
+-0.24449723881939	0.49389444759416	-1.20099917041466	-0.21485143383356	-0.04473748289923	0.51338483958773	1.66310449427098	-0.61605937617555	2.06318464594740	-0.72920441933245	1.00000000000000
+-0.46272322704242	0.05548210638008	-0.72730277520655	-0.37256392710398	-0.59158401285768	-0.81615932299931	0.40534129049634	-1.42525301323584	-0.03736802139852	0.04126353987868	-1.00000000000000
+-1.10921314425946	0.19252110818891	-1.23675539418068	0.22021609437581	-0.49686512480045	-0.37335453713494	-0.23645994789611	-1.03326382071778	-0.15936338659364	1.39351424148650	-1.00000000000000
+0.99586755535775	-2.45089681821748	0.32891424155750	0.69591587497028	-0.29182283136226	-1.54888928424678	-0.90580789781528	-1.14506923065119	1.26664900621251	1.26451514421472	1.00000000000000
+1.63584891850585	1.18481382016338	0.69357837791189	0.43221766570158	0.51793963177242	-1.29537469604721	-0.55643889587332	-0.13807742520712	0.57655984907235	-0.20768741263344	-1.00000000000000
+-0.16638595026510	-0.56201222628314	0.65468139821653	1.38204303009710	-1.53716248146539	0.48002217163966	-0.79342870715813	-0.96939370371293	1.09883695148924	1.69132671599544	1.00000000000000
+0.16034282853601	1.16920011695912	-0.35671700059884	-1.06365098462603	0.19181332806752	0.34506030283049	0.87596624209778	1.43891239569136	-0.09154443882277	1.26974839368188	-1.00000000000000
+1.02435516826830	1.64359478657720	-0.78908972847658	0.97566210413552	-0.76228670728389	-0.10820078853154	-2.17513882668397	2.16630270386611	1.08827468800107	0.41096110955162	1.00000000000000
+0.81301335017804	0.00710171040094	-1.68648151967021	0.89158432763280	0.25785191948756	-1.13087469034564	0.48397564780828	0.64357020270225	0.19711303199215	-0.37072872891085	-1.00000000000000
+1.01573527012500	1.03131349167243	0.83804888143334	0.69074443476840	0.38585252778418	0.77258376501394	-0.68840052651432	0.10747245140122	0.20975203185653	-0.66760110663318	-1.00000000000000
+-0.23952398372924	0.41130984113693	-0.35370585966151	-0.90382665203780	0.65324634888915	0.23746651026685	-0.46618774759308	0.77404842524511	1.15419174271447	-0.04676614169749	-1.00000000000000
+1.76060049020572	1.01138727801257	1.36835572944639	1.25110408842416	-0.26868401112900	1.90516561681112	-0.53428516957362	0.15143976425628	-0.00470118803206	-3.27613631880256	1.00000000000000
+0.41155178251997	0.50768030457450	0.28552921490756	0.75671843283282	-1.56592180580890	0.22114196792934	0.40845061584664	0.58522868648113	0.70846516504467	2.09360900002099	-1.00000000000000
+-0.50389090704359	-0.70655391514629	-0.21853982373159	-0.10513241830660	1.15753970131366	-1.42755842699013	0.08020348425459	-0.63662223177933	-1.33496830669238	-0.01855753506874	-1.00000000000000
+0.27961304038481	-1.72223527871393	-0.61118740167067	-1.16289259407822	1.09875138356534	-0.15103072712728	-1.08625501682992	0.59873654553706	0.86412572597097	0.99129838817954	-1.00000000000000
+0.01601241981532	-3.12446138219890	-0.51478135101775	0.74048675868181	0.04690649807714	0.53129666823441	0.72610016470158	-2.30421682091681	-2.05248023957559	0.78471625759730	1.00000000000000
+0.50946066797284	0.42180915908607	-0.98261603861767	1.33675659323796	-0.24001771691186	-1.46179339042981	0.43317903981603	0.80648728509704	-1.31745802160345	0.55615336931551	-1.00000000000000
+0.27105546714976	1.90532912138874	1.44066033106117	1.19213832526454	-0.81495887529393	1.32599129598715	1.42081015327866	-1.17949363453008	-0.30539517353188	-0.00926784758092	1.00000000000000
+0.40348144042458	0.21573484942724	2.20799297563978	-0.60944866152143	0.16293671324587	-0.20115315143326	-2.46371597064018	-1.34025612898683	1.93711794350371	-0.56618795810135	1.00000000000000
+0.62803377363795	0.15932323054997	-2.01358899995765	0.20207524722354	-0.50606225696532	0.32458120585107	0.73940623250585	-1.49658054792863	-1.05554692819220	-0.32823935750913	-1.00000000000000
+2.15140434496439	-0.55829711919825	-1.23311832042197	0.06413904991729	-0.42972587146526	-0.38896891015725	-0.39882855205651	0.91881734731852	1.08584375058850	0.05996309915610	-1.00000000000000
+0.07511053571873	-0.15564878259525	-0.76149400029722	-0.76895678362839	-0.82625281498823	0.20283715475289	0.17244178695123	0.56838262594458	-0.01838742701529	-2.91170599188760	1.00000000000000
+-0.25761982188871	0.36496893051317	-0.01146963768672	0.22569988808934	-0.75856101586996	-1.93438603196113	0.77850375889815	0.72320966945905	-0.99166582097429	-0.65760741968192	-1.00000000000000
+0.89818640063427	0.82796826048067	-0.71020738668788	0.22575692851465	1.66434944463237	-0.43783283790800	-1.46212821639467	-0.59690593296276	0.08578516636825	-2.10820208204470	1.00000000000000
+0.27818911318917	-1.50777383892689	0.44966572376030	-0.10256561604356	0.07447045126322	0.45427500960988	-1.53173241691666	-1.58568316766464	-1.20593819898207	-0.70897472722363	1.00000000000000
+1.76714667998956	1.71975009150427	0.43236755082472	-0.72294578367048	0.31300562899804	-0.46115466258704	1.60199267237053	-1.15349517202895	0.52820048847826	0.56607812592486	1.00000000000000
+-0.16302040676476	0.80406162056900	1.88315108006045	-0.53111582386196	-0.46407968777316	-0.76189553793893	0.19717371033981	1.51197415544954	2.81310835185887	1.17720160975550	1.00000000000000
+-1.24157392247015	1.10746195029629	-1.50155842596307	-1.65785202914369	-0.83971698597175	-0.31005214805241	1.17317313674847	-0.80092794132853	-0.08911285933602	1.44033140926940	1.00000000000000
+2.79141405931542	-1.71649826344694	0.12965305220764	-0.15596998828249	1.02708848195596	-0.09243300932497	2.06256963578906	0.44428055462346	0.22840499122526	1.93392464183986	1.00000000000000
+0.58829982797137	-0.65049794118359	1.05888096537507	-0.99481355757261	-1.09565015527270	0.86753369948880	1.05855477044145	-1.53144960842900	0.82200144506517	0.65516470585826	1.00000000000000
+-1.43659816493992	0.60288977313251	-0.42686006982123	-0.99689722898965	-0.03023377316770	1.35584735102584	-2.41618147439812	1.05686137623445	-0.15972685080768	-1.00215693964773	1.00000000000000
+-0.17788583602558	0.42347468137807	0.85996546566186	-1.65885140830975	-1.39901250095066	-0.31649397009647	0.94877289368772	-1.02303620458394	-0.37229431505829	0.42896325692148	-1.00000000000000
+0.27886279917438	-1.43988378103697	-0.81334980062623	-0.18674573474773	-0.90475389537900	0.46007789513117	-0.37912281346027	0.72065219661738	0.05312027950537	-1.23317066603585	-1.00000000000000
+1.64714899096874	-1.63059803447956	1.93606785901405	-0.07513238763332	-0.49580647676277	-0.37515940024692	1.72933921978209	-0.70194904995313	0.03854683637774	-0.81009815063446	1.00000000000000
+-0.20121849991892	-0.39208971386311	1.58318731403878	-0.08564724465851	0.79224960612198	-1.24834818646744	-0.49441828191974	-0.25443130707200	-0.11304153752547	1.14120651330045	-1.00000000000000
+-0.04842065317919	-0.28232328427238	0.29081758620843	-0.49200519389061	0.34369147801177	-1.59777319086927	0.76951416192910	1.00422451834538	1.26883308997576	-0.04931572542176	-1.00000000000000
+1.38143683498685	0.79521818559442	-1.30563754499655	-0.40035901546050	0.71224325207152	-0.32139557873933	-0.91789703030587	0.20628705034343	-1.45820673274409	0.25576945109913	-1.00000000000000
+1.04732858079486	-1.14498412941454	-0.24048647995838	-0.86226763080828	-0.27912236602822	0.51143286462850	-0.08137297390528	2.52694593844040	-0.16897631648535	2.44337116058557	1.00000000000000
+-0.19536610262922	-0.60862391190514	1.33502798353942	0.46312475224634	0.30794798095296	0.16290114093519	-2.14103952093622	1.33496656915415	0.46746268731061	-1.43501048082700	1.00000000000000
+-1.25396796932394	-0.34135181361452	-0.91700786692445	0.07707429708400	0.70740392850033	0.30110960572327	-1.06974999995478	-0.85993435110108	-0.91770670022260	-0.57416702029046	-1.00000000000000
+0.66118957947678	-0.83310542081081	0.32031070751905	-0.73553509462662	-0.65763725534887	-0.60166193199588	0.28832307601345	0.04391834866072	0.97122548450379	0.92707636750239	-1.00000000000000
+-1.06839329123437	-0.18147520873249	-1.40711943138668	1.04675000261173	1.22090556384358	0.60184752268781	-1.02161265513751	0.88949131657918	0.87716910657418	0.20972115713015	-1.00000000000000
+0.47845864996265	1.19007355600576	0.50309501538512	1.86335656734336	-0.14529323671047	-0.44422535761824	-2.01676436428894	-0.16094480881694	-0.33519811847389	0.62238697085533	1.00000000000000
+-0.07226137821339	-0.38600293077775	0.44648971963885	-0.26352330190638	-1.96174517107576	2.95469381571375	-1.62651773524023	-0.69398146295688	0.38860536563369	0.06419978464942	1.00000000000000
+-0.64949147687732	0.01219879035893	-0.06219281684049	-1.70953738457302	-1.64171837184107	-0.12350960872534	-0.05601768221816	0.45068040579134	-0.11787490980587	2.01227876512938	1.00000000000000
+-1.26175443505941	-0.45480029573115	0.89817387624710	-0.07781313550703	-2.29916310025053	-0.58427899664516	1.88761840533892	-0.47188359886822	-2.70869237854347	-0.00093854254908	1.00000000000000
+-0.69409359723503	0.05653125222391	1.07587783780300	-0.21281807117301	-0.57527508251755	-0.48280685266001	0.72038245422289	-1.59248287837404	-1.05977275954440	2.18003903528568	1.00000000000000
+-1.15744916771299	1.74405788582121	-1.24922849195950	-1.18788636220857	0.29150528969492	1.35150348601788	-1.43918634394625	1.49437977625115	-0.21723998064213	0.39273683825703	1.00000000000000
+-0.71705024049286	-1.05543848291908	-0.68453203772194	0.01622220677757	1.12313712931058	1.30443208804628	-0.63980783178699	1.46619063056537	0.29269110974415	-1.92586956108531	1.00000000000000
+-0.79101906056920	0.12160928285522	-0.00389808367367	1.84823202968073	1.44509540445133	-1.68278267172127	0.52496464808396	0.36410064874731	-0.59987474875790	-0.29072224752517	1.00000000000000
+0.32182178938047	0.93696868776054	-0.43674244224152	0.62585742528609	-1.57125951869693	2.63240309947402	-0.19019596181466	1.08061644680134	0.27710675530666	-0.32636194879786	1.00000000000000
+-0.49837312094297	0.74493130163189	0.78090687978581	0.69504283888810	1.01998122845426	-2.47494820440423	1.27419233103079	0.05867166092141	0.44666436511804	1.08783496761539	1.00000000000000
+0.24090475982962	-0.38785898058780	-0.64318641357831	-0.13283580798004	0.44180219610355	-0.82788255466188	-0.46549632625779	-1.88499243375261	-0.43806764026281	1.99040706715494	1.00000000000000
+0.23660663029664	-3.20387766528832	-0.97168215634137	-0.54945044060076	-0.71724569008303	-1.36279719691813	-0.19864477088646	1.27858749220190	-0.34410506057012	2.34015512995024	1.00000000000000
+-0.66593592471293	1.78708915898626	0.12880795138574	1.15842287367974	0.03762585212760	1.87131257712497	-0.88547684598511	0.48756646521408	-0.69313809880550	-0.87454402032734	1.00000000000000
+1.14019331667598	0.02046778285832	0.42947364064788	1.25849005413051	0.12864672864170	-0.27290119946137	0.36215257449459	-0.73786698293737	-0.60532498335727	0.14222901920497	-1.00000000000000
+-1.63936336050954	-0.98513842822916	0.63851694070996	-0.57544787087772	0.97384120532686	0.82024961898582	0.14904120595833	0.26199430822100	0.32571180466468	0.89139450303845	-1.00000000000000
+1.06724007370802	0.18896216131966	1.88243864639777	0.22113066090575	-1.49123073865593	1.25346199375888	-1.45138046411886	0.13932872400214	0.19900664583901	-2.21429864522162	1.00000000000000
+-0.20693117186619	1.76479307880090	1.49374100282421	1.34685811774446	-0.83300996082891	-0.58290043287140	-0.35462811482675	0.12261692900094	-1.75353112412758	-0.51423010628619	1.00000000000000
+1.45934946496400	-0.86048794483496	-0.36590564912842	-1.11096602554832	1.59751463712006	1.37558287316216	0.34995063693279	0.45182251851116	-1.95304772263831	1.34785344856089	1.00000000000000
+-1.85239060504785	-0.93007493403478	1.18508587286213	-2.29111256388446	-3.00589746204016	-1.60240034557664	-2.32256519027924	-0.66552200143838	-0.37286361701415	-0.38169886434646	1.00000000000000
+-0.39456477160716	0.83731096792577	-1.59878886555632	-2.14712184787932	-1.06523989232826	-0.49034977442293	0.37626899327336	-0.30703213598634	-0.11485172930658	1.43901092501207	1.00000000000000
+0.76410579835854	-0.54164037877957	-0.98063190881656	1.93805696469522	-0.78218815551334	-0.76776958966154	-0.00932091063761	0.75736289040079	1.40084244915166	1.22499258787495	1.00000000000000
+0.51241667544940	0.26143084730172	1.17504443772291	1.23103816237028	-0.01342102727223	0.38158998039898	1.14752044717521	-0.77127799527265	0.35211484236532	0.64776942389881	-1.00000000000000
+-0.22880935392255	0.99085530375936	-1.62985086654606	1.41920297268473	-1.08197661775118	-0.47763245659351	1.14640359012875	0.76066418261692	1.04275065862247	0.00825525432514	1.00000000000000
+0.02355711840408	-0.39922110368661	0.22390130874628	-1.41562038678279	-0.48231336632034	-0.76950659996608	0.39293093308558	-0.89409593531447	1.75448885721046	-1.48767960631653	-1.00000000000000
+0.85433491745904	0.37751007271455	2.29353155037104	0.71981984932536	0.70972446311727	0.54729578820326	-1.42337222016916	0.07535126816759	1.50178170707752	-0.73868388667795	1.00000000000000
+-0.23935979306826	-1.45063807984321	-0.68453717545822	1.03624107656561	1.74273478757890	-0.06229980382800	1.45466071789660	-1.25873244824128	-0.56186260325755	1.10771491615400	1.00000000000000
+-1.19759648406062	2.28776976034664	0.38919391368697	-2.27661633459446	0.09237014293495	-1.09056206192099	-0.21382336443057	0.72333286128214	0.73375230388263	0.66668393159734	1.00000000000000
+-2.03152410847923	0.13757232001860	0.71021006093535	0.17713471120543	-0.04558733588803	0.37876083261287	0.67247524557775	-1.17904786275741	0.63636420813858	-1.02498211606759	-1.00000000000000
+0.30176670457313	-0.43775912136872	-0.41240527907434	1.34741637517289	-1.14980507927631	-0.80003181146555	-0.13347049345406	0.42022905354903	0.27095847214784	-0.27317706782777	-1.00000000000000
+-0.72708087636908	0.49052947943527	2.08759005529126	0.01404697255582	0.30176788969857	-0.53788158367829	0.47808904709823	0.12227732566653	-0.22282302339551	2.34424619748070	1.00000000000000
+-0.06121313161310	0.46795449101480	-0.56118338453976	0.08447661225150	-0.55196096487489	-0.50970431918396	-0.68987086712284	0.12768199867809	-2.06623233451276	1.12553028127624	-1.00000000000000
+0.15766511314339	-1.62422585667265	-1.20695261056529	-1.34002911174065	0.15709611030584	-1.74824261507463	-0.31652747890990	-1.61340106471153	-2.20972558169856	-1.65404574529538	1.00000000000000
+-0.53883539421023	0.69392232285533	0.81452359740439	-1.55071716478178	-0.97253738557589	-0.51735358188709	-0.97339799106266	-1.59710322647136	0.36143571085025	1.68724502157846	1.00000000000000
+-0.12700991305198	0.81056727610033	1.08853017405267	1.88827750923482	0.86180613258135	1.29656340882196	-0.79454597805373	0.01848377233870	1.02416772686753	0.18727346421531	1.00000000000000
+-0.94744620137395	-2.03456303710376	-0.16409056145005	-1.04109679279448	1.07134396306115	-0.30366685559431	-0.17612702431762	-0.82750008888989	0.19555397206096	-0.82241774568077	-1.00000000000000
+0.59094519391332	0.58734570857337	0.06629388823665	1.62895987125178	0.43212414595050	1.79077056091440	0.92091310856541	0.92269780608160	0.74089727433936	-2.11357898384623	1.00000000000000
+1.68592191455387	0.52810227407982	1.50917664363526	-0.24493962382166	-0.40265434419297	-0.63257002382253	1.04385802887653	-1.65967510362672	0.52707148660713	0.27083196689579	1.00000000000000
+0.88443376803374	1.95935819651962	0.42805354194796	0.78903310144893	1.47417530075908	0.08471157988615	-1.20267369094229	1.02280883187352	-0.52079244401268	0.60275523468486	1.00000000000000
+1.19615852091510	-1.32008953796876	0.82199452477778	1.25905266576465	-0.70296395644180	0.38853402849610	0.72747036171426	-0.35567850868348	0.79019978798461	-0.71361931134199	-1.00000000000000
+0.07753913009033	0.24398045074979	-0.48940594621627	-0.00010276749213	0.27417703534587	-0.29802703989948	0.23586247766205	-0.33334999934989	0.38508222431384	-1.43382998210999	-1.00000000000000
+-1.63045429304868	0.00703664233745	0.35912759761488	1.10032653940601	-1.22188247821243	0.06073832259313	1.47151820083244	0.19272875554727	1.04788532885752	1.99183463354591	1.00000000000000
+1.34659425072838	0.29395458705261	-0.55473431692077	-0.28570323066689	1.63513500439895	-0.12759284570501	-1.64337188330722	1.46346669236845	-0.42211601600417	-0.21330277446083	1.00000000000000
+-1.97126111723979	0.08105134381048	0.44028164297726	-0.39438097917964	-0.40609886207776	0.94454388428444	1.04244928331201	-0.49224928005390	-0.21026624395782	1.22584581839155	-1.00000000000000
+0.41095667298823	-0.18870631142103	0.85156601237241	1.80704794924265	1.07274255295712	0.84501396765387	0.67307465384487	0.51453852517899	0.90660262386944	-0.93346592878296	-1.00000000000000
+1.71724023881434	1.81655432913488	-0.05129157758021	-0.03268697118539	0.32806160434424	0.40684366992569	-2.11513408726257	-0.32796549749843	-1.61580855961965	0.30557981846375	1.00000000000000
+-0.91644011995907	-1.01781612921384	0.01328340592946	-0.15575731971483	1.00169411371167	1.43823160115844	0.80409243044081	-0.03386382794821	-0.67807100403045	0.93400815190441	-1.00000000000000
+-0.52724313815291	-0.64509136905829	0.25414228188507	1.21272273332855	0.45498368299267	-0.96604443785027	0.54957193484389	-0.29614844309632	0.85102532735410	-0.91330372546480	-1.00000000000000
+-0.42023357067623	0.58416717365295	-1.39467928069839	1.48497453446783	-1.30427502956511	-1.05107031686391	-1.74123143955990	2.03269818312332	-0.48733492533597	0.41769463006532	1.00000000000000
+0.48498448679537	-1.11656954890670	0.69335099562567	-0.75278308274148	-2.08044241844087	1.65093330979877	1.58388783293596	-0.94515874871652	-1.09740400923266	-0.35634721901566	1.00000000000000
+-0.00058740730478	0.50450041257830	-1.82210654931622	-0.19867018339270	-0.38426158379563	-0.02145691792428	0.67014309020518	0.00219703519960	-0.20790150241250	0.28636786058002	-1.00000000000000
+-0.60121017673101	0.53604043647605	-0.60337402083022	-0.90999714239729	-0.69122318779504	0.72207828443281	-0.42101036546631	0.03969703731630	-1.33321042043822	-0.07519577570754	-1.00000000000000
+0.20161238122035	-0.39542035494698	-0.68966782552090	-0.43772132632746	2.58456990316333	-0.13976291479833	-1.38849792733793	0.87566626088172	-0.63716176760984	-0.08831004322677	1.00000000000000
+-0.11907657165801	0.16889299188476	-0.44241912899725	1.40823915959470	0.78323765502553	0.34038665356667	0.36549495082055	-0.42967971630654	2.53101772281768	0.69933466028058	1.00000000000000
+0.46092667196856	-0.07284937065850	-0.14983806238342	-0.60101601810430	1.08034256876075	-0.00100308903539	0.63398153594589	0.16902532037115	-1.25168736227783	-1.70295198339282	-1.00000000000000
+-1.13015807076780	-0.72006337888315	-1.62045748504489	-0.08218425722608	-2.44583394617091	0.69745411102557	-0.97836798038206	-0.40504619268097	-0.00639535621757	1.23000565297161	1.00000000000000
+1.45741518946239	0.24172363409557	-0.20134999592767	1.22243238285466	-0.98572038903415	1.36060077475937	-0.73788035255678	-0.49354349517652	-2.36242270170162	-0.99060654717250	1.00000000000000
+-0.89384466371554	0.43646535735740	1.68994372110251	0.44949690310063	1.48299567726453	0.12498737175130	0.39049621850803	-0.83959337497829	-1.34917162177393	0.57580947533495	-1.00000000000000
+-1.07722914084873	-0.62785318375784	2.13098736829116	-0.79167967929525	0.06703693750430	-2.14714623715475	0.11565558791769	-0.59255015878866	1.35880503370607	0.46141185975871	1.00000000000000
+-0.64413953950413	-0.99435112212411	1.24587371931360	-1.71132647092019	-0.83739430098023	-0.17597629643733	-0.67604090712213	-1.03435016200632	-1.51872549087797	-0.38855812801933	1.00000000000000
+1.12034850279088	0.45404163854952	1.46724204232983	-0.45014530663819	0.25895421698106	0.79129934106119	-0.76210314644297	-2.20262337035981	1.00667459548804	0.81152615120038	1.00000000000000
+-0.08154468632141	-0.58986799793868	0.60826204489303	-1.02137092071648	-1.74292976068848	0.60404306169356	1.48412888966065	-0.29869360132064	-0.86996711858125	0.42311076908789	-1.00000000000000
+-0.66232576333610	-1.89934947039165	0.91480854139547	0.35452397193046	-0.17981952386204	1.96637723386493	-0.59665428666569	-0.72864856032091	-1.16476276309736	0.63900298506595	1.00000000000000
+1.18389221638032	1.13412979801907	0.34047489907643	0.03241842424668	1.17728303619308	0.80262350417294	-2.92394869013234	-1.53191039219780	-1.64726131056323	0.32329547151207	1.00000000000000
+-0.80242081406762	0.61786326134747	-0.91207224421938	-0.40412626838516	0.53459047593865	0.18404788304551	-0.68040124467221	-1.54280306005694	0.19406740516076	-1.02803605724871	-1.00000000000000
+1.38522305821545	1.22157439375453	-0.90297065001972	0.86119630927753	0.25189180012535	1.30318367548846	-0.74061555901432	-1.61206515184510	-0.79734547625036	-0.10270942586534	1.00000000000000
+-0.82539561038985	-0.67691122688241	0.26332606337138	0.21171895201858	0.78763015425473	-1.01967753291578	-1.02922715524479	-0.17832613204856	0.53226823875884	0.59214780756623	-1.00000000000000
+-1.26517353506703	-0.50950139893478	-0.47516529047545	-0.74403424047753	1.20059757836269	0.43892164977022	1.08280974739502	-1.29687967849489	-1.21309728205392	-0.54724373183392	-1.00000000000000
+0.21534613424590	-1.35993205281577	-0.24630549673831	0.32080890267155	0.46158485883691	-0.96672637162858	-0.73538606094356	-0.24503346166822	0.33548571599708	1.04054870428029	-1.00000000000000
+-0.37771724509324	0.49943287487976	0.71106641949880	0.62961417971244	0.24416180409604	-0.05939609506486	-0.22205182994946	0.72174636754047	-0.29357942564371	1.18102675454125	-1.00000000000000
+0.25193180124371	-0.68662450721052	-0.17958204633901	-0.75818357644980	-0.18607174471484	0.48280649325432	-0.69305593110993	1.17954156008276	0.65402891106736	0.03046775925186	-1.00000000000000
+0.64834087374650	2.02001949239838	-0.64676077380343	-0.41047339100104	0.75950615383635	0.98360632170069	1.07829955751045	0.08823341484635	-0.43385078614923	-0.44033574814677	-1.00000000000000
+-0.36641535695255	0.37924766663661	-0.69209936182690	0.08582250142035	-1.02612743698204	0.30183648826230	0.80659357621267	-0.87237889415819	0.89376440422578	-0.34590628096119	-1.00000000000000
+-0.12540569122610	0.45632727265281	1.92451667556595	-1.03790363108812	-0.02508952453104	0.01959960806793	1.23473252905181	0.95093769592600	0.57172855700512	-1.01788244302005	-1.00000000000000
+0.36581362310994	0.42470024301347	1.29381945750146	1.40646328376450	-0.18675902436558	-0.45732215070355	2.49531604161023	-1.01420264090669	0.09575348068214	0.70978951034580	1.00000000000000
+-0.67232305384590	1.52403178100907	-0.02390656711768	-1.01685339419448	-0.99614349610993	0.32168740596230	1.25304657237497	1.34874313510521	-0.59996867834678	1.23101309528324	1.00000000000000
+-1.42161430093601	0.97619451961861	-0.67943468363682	-1.16642290020263	0.15336490221646	-1.02256829572069	-0.93135916417352	0.73780068843147	-1.78830734092031	0.28842160816660	1.00000000000000
+-0.28423352269187	-0.01072952506155	-0.65115851316465	0.47147532875779	0.53513765615988	-0.57794556386425	-0.07995808326581	1.28910506213101	-0.10273324485526	0.27574761801183	-1.00000000000000
+-0.65574253089730	-0.23329688605109	0.22828164531980	0.60507189893063	0.32454649549545	0.19750485382629	-0.29571963737508	-0.79088175141893	0.42556568064606	0.45310793974882	-1.00000000000000
+0.39846807071474	1.69952414070615	-0.46288473412937	0.38831502269466	1.11079213525326	0.12231196048608	-2.15446910397381	-0.50726320628230	0.09321323978486	0.08982771647920	1.00000000000000
+0.56198340542292	1.33842454308311	-0.98620939979834	-1.07462230382187	-0.83566354819656	-0.91014826471369	0.35608288074168	0.24620275550618	1.77498263876226	1.47831413673970	1.00000000000000
+0.20132350669186	0.80870193003882	-0.34418626456096	-0.89176309298831	0.97744404001135	0.04172666955969	-1.70363725023707	0.24513051500169	-0.68732280670728	0.43085431516490	-1.00000000000000
+-0.08381455261055	-2.38205234683596	-1.53787027308165	0.25936141458499	1.25933649157624	-0.12285512648098	0.21152214658804	1.55086144102457	-0.06290443381838	1.08370467805024	1.00000000000000
+0.61327726363944	0.25747925328494	-0.08890916143296	0.14180112350682	3.04867974069902	1.36467062437950	1.12765789889781	-0.14885099866728	-0.42623265496018	-1.09299676130888	1.00000000000000
+0.20891405612396	-0.09058353985720	0.61087834946275	1.24001941703443	-1.13052831988361	-1.95731658249195	-0.02287301151158	1.30427268013292	-0.46623638337659	-0.51879331531846	-1.00000000000000
+0.29211436423523	-0.30005381060708	-0.42293733870836	0.61008522585800	-1.59792809749262	-0.00550922700745	2.82935018506406	-1.20929167166537	2.21097311052161	1.46472806221281	1.00000000000000
+0.67856931897430	2.02674338976181	1.13990529442245	1.61796021213088	-0.46386550705975	-0.05576878063058	-0.63867633915466	-1.45503503012456	0.12881488423563	0.42528981792324	1.00000000000000
+0.36915078689200	-0.75718024243480	0.91588935211168	0.46089421717564	-0.01065414599346	1.27016038154387	-0.30229423437048	0.45758410826799	-0.17454253764949	-0.31120785212006	-1.00000000000000
+-0.39417662799194	0.25180101065812	0.12358956576330	-0.76198212274115	-0.81201538755668	0.51110423012543	-1.23349256071321	0.24848938696750	-1.10324228906482	-0.82434215997072	-1.00000000000000
+1.16917707350735	-0.93528982229589	1.36752611368136	-0.79507423589268	0.00395475882985	-0.69335783290170	-0.21914661834048	-0.09362005259989	-0.74203200974716	-0.56940143939967	-1.00000000000000
+0.36664168577923	-1.02804988116088	0.17974158662935	-0.64379065433734	-0.15610225484302	-0.18776826225554	1.07214089755133	-0.67514170263068	-0.84771603927665	0.02089790655250	-1.00000000000000
+-0.32481911877210	-1.34133935043369	0.03500210487549	0.88623044114154	1.45158028985788	-0.70685963351168	0.13174123023028	0.83338355863910	1.25968689067094	0.01324473932324	-1.00000000000000
+1.51425026438054	-1.29449402199107	1.30817604181749	-0.13343341539319	-0.50609845314075	-0.78925987759403	-0.58394443195967	-0.39124644807890	1.77072061508125	-0.58432314634239	1.00000000000000
+1.64347234370343	0.69002054683278	0.91744967491354	0.69894912388211	-0.20589742940488	-0.83997862198385	0.85458087647714	1.57903417100497	1.87125292530924	0.55275490969657	1.00000000000000
+-1.84325238975467	0.95174190998337	0.35490935648963	-0.47939683668294	2.53163628851941	0.09808454620736	-1.56491630031168	-0.48125328522037	0.50222047886504	0.68093921744481	1.00000000000000
+2.12439125729192	-0.24762277024010	0.87974324315946	-1.10196437358487	0.47143674155092	0.52114925615413	0.24737219309947	-0.64406870966644	-0.08296107003919	-0.15695024180263	-1.00000000000000
+1.02098010407073	-0.43180693762800	0.85488413616552	-1.28829289642854	-0.59232717504139	-0.65001821094902	2.19560518378073	0.29675410894608	-0.20239310867351	-0.12000197728079	1.00000000000000
+-0.40197244271491	0.02047189588352	1.68452836350222	1.17716917892651	1.40019834916434	-0.32549489188152	-0.14888719155500	-0.75780344625945	0.91919145166420	-0.85207992270088	-1.00000000000000
+0.97412924862808	0.97437604032415	2.50038083832976	-0.18870142317794	1.31325148046084	0.32986044053238	0.46726990166859	1.28569598971520	2.96294331792593	0.67114279279541	1.00000000000000
+-1.79356774409583	1.10759916237584	1.21318242813705	-1.05122630008265	-0.86381480536114	0.75785944781255	0.17614553223713	1.33263006253076	0.25722506688655	0.55240960942769	1.00000000000000
+0.20624666407314	1.25237152609653	0.52587701379444	2.70094710726952	-1.25979922382103	1.20595387222297	-0.40793429092049	0.55769125740383	-0.22925405017754	-0.26154765110507	1.00000000000000
+1.66345192285080	0.73961139388463	0.40011134395768	1.98233966298577	0.38286349872509	1.09038856704617	-0.65947902814027	0.14690132804523	0.41607958466450	0.83774535911841	1.00000000000000
+2.05939648671977	2.01868607004521	-1.48540868552858	-0.30991657345876	-0.20914552390421	0.58510103127937	-0.64460451593055	-1.22359386425608	-0.88117674057263	0.00416551638918	1.00000000000000
+-0.79987260729019	2.02687331056159	-0.32826964154641	1.28326877617191	-0.04348930177285	1.27421050785598	1.29850482461371	0.10162824216285	-0.12156964350211	-0.52159032705689	1.00000000000000
+1.63646885622644	0.81766763829479	0.47798405046841	-1.26832001821524	-1.29301666627289	-0.29212249114323	-0.33632385467327	0.22026502142306	-0.83512876621389	-0.20734371845377	-1.00000000000000
+0.93324816040546	0.59871058548176	-0.12365545977192	1.13307703076739	-0.62707852494229	-0.66396193294054	-0.68834720479653	-0.00116728057958	0.11219315846352	0.13849363180279	-1.00000000000000
+-1.39558544789095	1.46282081988012	-1.39531577700499	1.42934655748462	0.13302283837197	-1.25810058493510	2.08424494557430	-0.19471434071882	1.71222809219829	0.53150225869080	1.00000000000000
+-0.92477938339290	1.02372287590377	-1.46131870387097	-0.65988103393439	-0.66356609033937	0.32411734205526	-1.09339010567670	-0.64627409905621	0.77198398395852	0.24187469182808	-1.00000000000000
+1.47275868260174	0.03624823501283	1.18052460487507	-0.78637606458898	-0.25585052190140	-0.46995313037211	-0.16772824446648	0.56034828572140	-0.26726849283277	0.17682496958905	-1.00000000000000
+0.21872731752336	0.15821765378180	-1.82182298980259	0.47619766919960	0.14171627397364	0.88415733976444	-0.50984272389633	0.50722275383675	1.01989081665118	0.04015124194392	-1.00000000000000
+1.11783155041466	-0.08646144624173	-0.68220192186152	0.95598804937675	-0.59594418788375	0.30601752328917	-0.09004734304125	0.33921749628170	0.61870564912965	0.76803011421022	-1.00000000000000
+1.03640330669677	1.12177323106681	2.43878659877850	0.39908897365875	-1.13307659991154	-0.49549800597053	-1.05750313446454	1.31736244146599	1.11943413454819	-0.48765216796203	1.00000000000000
+0.47473524485703	-2.01044211573516	-0.03217609190655	-0.77394896072940	0.65665802163192	0.60159207311707	-0.47104850139503	0.68924577227905	-0.15865704836147	-1.17419828727530	-1.00000000000000
+0.03518908592409	0.46771483596922	1.94332767973643	-0.19168954131661	-0.30033554833561	0.37450925065580	2.35604254277253	-0.26629550959619	-1.03323486791492	-1.22924536635918	1.00000000000000
+-1.19984727522144	0.34878100380305	-0.06847919684296	0.43543550693651	0.37263259267783	0.94399992154091	0.20427198178127	0.30378789054030	0.61971144457680	0.90804718564212	-1.00000000000000
+0.31060410849437	-0.10303548722799	0.47473355593040	0.03696122013431	-0.20890982800762	1.13748973487304	0.62424543741605	-0.53439258316941	0.02660715739886	0.98608012882339	-1.00000000000000
+-1.03508869965271	0.13308543577379	1.20920683332443	-0.63957030602666	0.50543061514619	-0.66880551184513	1.45185432208914	0.96458536075780	-1.86309510393355	0.45680002466673	1.00000000000000
+0.67608719977117	-1.01973761693101	-0.90871070063064	2.61302821863695	-1.16300280474974	-1.68574069486120	0.20534339230586	0.38586415528094	0.68153582131278	0.02467512150706	1.00000000000000
+-0.39822230898834	-0.89618039490644	-0.68768875595506	-0.78300928592363	0.40590802570290	0.75018522524479	-0.49955452802449	-1.24758627903223	-0.83631812358924	-0.94630212742700	-1.00000000000000
+0.52824472225078	1.77731089570033	-1.13984875098530	0.03899528337432	0.13912679662633	0.61279786207087	-0.16301737110893	-1.28316846888821	-3.22259725772232	-0.93693039046630	1.00000000000000
+2.66324241940180	-0.61885516916583	-1.13543990159600	-0.27528240954454	0.16868126752130	0.81682072971896	1.32161336564242	-0.01176310374972	-1.21056091254036	0.33306134538792	1.00000000000000
+1.17354692926577	-1.14088072686895	0.35889715801128	0.50733415291897	0.18050186531372	1.64932868857250	-1.17204246346192	0.02613514679598	0.12470317959095	0.32678479907734	-1.00000000000000
+-2.48576998571027	-0.10767337999492	1.49666297842060	-1.17273206993965	-1.28048480655324	-0.33775264342908	0.73759143976122	1.63471894186880	0.69616950031816	-0.53279091867798	1.00000000000000
+1.55268313717227	0.06248176469831	-1.09162058629504	0.56970728916044	-1.11854776418205	1.96153196032989	1.03519978047867	-0.47357399632649	1.46706663541506	0.13700441445172	1.00000000000000
+-0.52868441293590	-0.02953139903897	0.40396885462723	0.34674535900239	-0.48233105261043	1.87679369439501	1.44226596742744	-0.73426606002518	-1.26555891145454	0.16314807579747	-1.00000000000000
+0.10810523484437	0.34721512937063	0.98946201322370	-0.37553860383199	-1.80663999321483	-0.32199116297336	0.64717300260375	-1.32949174921090	-0.68264328856878	-0.33189939909305	-1.00000000000000
+-0.28389104495819	1.71867696057610	-2.15292128640354	-0.83460375036071	-0.29149616669282	-0.91629531998255	-0.35343679504980	0.84018995659086	1.44709979655391	-1.08245369053643	1.00000000000000
+1.00721205273122	0.25005165889685	1.54959149515244	-0.34484737894254	-0.95127557809778	1.66688390574771	-0.34519907550164	0.73457160009610	-0.03815080989979	0.92419311568425	-1.00000000000000
+-0.65731167655264	-0.53188014091872	-2.30757865448652	-0.09738149384451	0.11857114874046	1.39624624263805	-1.05037701684178	1.00568759905487	1.90435425406421	0.23795778305978	1.00000000000000
+0.00576690021441	1.14162011943832	0.24582991014010	1.21604005911407	1.39713271971545	0.46652090291911	0.21262182137309	0.53518962745247	0.75652424714876	-1.71763265350912	-1.00000000000000
+-0.33035316368097	-0.57127576967176	0.86784609191949	1.13041029461442	0.23806420095937	0.91847848925001	-0.61509608434208	0.24719713851449	-1.82303276658827	0.34317922214056	-1.00000000000000
+-0.18827074990670	-0.40683072171222	-0.78497356119090	0.59595982087964	-0.68612564981450	2.52991967081545	-1.02925605697188	-1.10856401755284	-0.09078701543634	0.61983330913543	1.00000000000000
+0.02583184721699	0.44394592999099	-0.23350755792278	0.10055682347013	-0.44405860798240	0.83513153199276	-0.11903706674738	1.31387484075118	-1.68840132185569	1.16027954094095	-1.00000000000000
+-0.03323563069520	0.32763066159259	0.09253063125929	-1.79165978104601	1.54587640019603	-0.23244532356669	-1.36853885999643	0.15147489992946	0.26969027922596	0.01838761553140	-1.00000000000000
+-1.05490764749288	-1.28426327358268	-0.02986818775001	0.71253530326726	-1.32231105625862	1.14631401501809	-0.15183068543310	-0.44940198983467	-0.13408164864408	-1.68120474482463	1.00000000000000
+-0.68495735182704	0.88313835608571	-0.42579995022054	0.50061144076431	-0.65107309928008	-1.07827300749707	-1.21479255769112	1.27856502216367	0.60025596952172	0.57973362330185	-1.00000000000000
+-1.12061376941857	-0.50675754885241	0.28153776006174	-0.34169862915695	1.27599064370652	-0.45689248757585	0.63853660093546	1.82959199826571	-0.41005510966298	0.47513761292764	-1.00000000000000
+-0.21433461630363	-0.67405822650680	-0.17814537671055	-0.77029173964412	-1.10563750445271	0.07810102205292	-1.03039780861998	2.54190008643954	-0.54992608627995	1.44071635797652	1.00000000000000
+1.88279653266178	-0.72418767775609	-0.44144425528120	-0.80490414226323	0.62058703544048	-1.74304980827595	-1.29944392195187	0.68111349141518	-2.22187568578772	-0.42977531667448	1.00000000000000
+1.00493106853766	-0.42899486909111	-0.48105839469983	-1.15706724696538	-0.55760329203401	-0.56407708152606	-2.05255401706392	-0.45933510272103	0.48401740141856	-0.23702887261176	-1.00000000000000
+0.59696093220055	-0.05424987306729	1.47293669114741	1.03440862205921	0.37408474056302	1.23290047362155	-1.20846995820027	-1.59993211109905	0.34693617861436	0.55086622404757	1.00000000000000
+-1.63707462148874	-0.94687113075284	-1.27932896525242	-0.41369575430833	-0.62191169453114	0.56387782114338	-0.82118777984412	0.82240274469032	1.67905287559918	-1.63599253326187	1.00000000000000
+1.49974941651502	0.10343396762015	0.03643326719292	-0.41703746276859	0.02004976551247	0.10106137794668	-1.26679808712928	0.45634883747167	0.59654151640323	0.63230834375304	-1.00000000000000
+-0.40651775197131	1.43585728268642	0.13416595015932	-0.42878518928075	-0.28922299185798	-0.46491157211216	0.53959473507034	1.36917613016651	0.06517311641022	-0.79800707833726	-1.00000000000000
+-2.50720373977559	-0.77222339515586	0.44499274400575	-0.11890377832086	1.38956260188988	0.10709172005034	0.32182416525521	0.88292830299965	1.05181087424589	1.24052757839110	1.00000000000000
+-1.41357522334532	1.12831157321380	-0.28587515885628	0.42097083310752	1.26577854604448	0.02500422509451	-1.20653123088801	-0.27363139614109	0.03983141448487	0.87254846353346	-1.00000000000000
+-1.09576254051196	0.48429005048703	0.89868791291436	-1.43361157128487	0.23136974764161	0.72521353251227	0.72092805680601	-0.49037593830004	-1.22290983800665	0.59555603974928	-1.00000000000000
+-0.39732551578018	1.22677320930445	-0.25018103899875	-1.29801975120429	-0.18826086220638	0.70074246066965	-0.85366700476620	0.36367080718999	1.67390907317704	-0.65550089766755	-1.00000000000000
+-0.60339602046354	-1.02386065213191	-1.33888392185069	0.96348843992743	-1.07996906107516	1.59409502127532	0.25643274319669	-0.34701175752598	2.24600246165148	-1.69707639865586	1.00000000000000
+-0.72563966987658	-0.46600455006239	-1.84068921677821	0.60324941059404	1.00859449181996	-1.64105797207780	0.69222656638142	-1.61569657668106	-0.14247094787672	1.15042996837782	1.00000000000000
+2.78951406706740	0.43842159865169	2.81257576536194	-0.31323589397240	0.98000068791209	0.99166491437408	-0.17431718732327	0.50289879002270	-0.71942483941734	-0.29899355161944	1.00000000000000
+-0.09516115449144	-1.75827892217513	-1.71708820931598	0.28128609093582	1.31553949858149	0.52852605694037	-0.01316952733507	-0.73177131543631	1.29973472123576	0.63412432823313	1.00000000000000
+1.45819014400364	0.56469733493065	-0.08980836936108	-0.32400895032076	0.12521731135025	0.10317486555023	-0.15651303431446	0.39323682433992	-0.42057312984407	1.27927284942047	-1.00000000000000
+-2.33025431849353	-1.57699100885961	1.16290076886808	0.74400225505764	-0.88243906594419	0.57995576188544	0.75894907012105	0.62104114671971	0.01090613836568	-0.03816967830552	1.00000000000000
+0.43203164336679	0.99360111315339	-0.14277755107880	0.29050662430144	-0.58271019375606	0.90588597828637	-2.19857781028472	0.59762525960443	0.39662979027331	-0.35976548173146	-1.00000000000000
+-0.98550948190455	1.48608823353591	1.00309012764843	-0.61238310943240	0.69001176344412	0.15070915104206	-1.41725069633886	-0.45776669395472	0.23662315600640	-0.98794865681125	-1.00000000000000
+-0.60737023692342	-0.59850365956212	-0.07571489186089	0.24093679617364	0.70039695993057	-0.64073812549324	0.23468662259925	0.94789687838832	-1.15266724074050	-1.30081578363392	-1.00000000000000
+-0.75568327019762	-0.55587378461658	-1.49834789585543	0.75124550402828	-1.36747634553208	0.89013840325795	-0.01849527537616	3.80852757005516	-0.76388852318360	2.13722242024012	1.00000000000000
+0.40941017816917	1.10619955880783	-0.11658076973557	1.26891019950146	-0.36864912668784	1.68678862512751	0.23429684017810	1.11425785079718	1.31975665450311	0.02225187704566	-1.00000000000000
+-0.12689369062825	-1.12798469965895	0.86533649351394	0.91290956353055	1.06688782062820	-0.54660481989618	1.68500034661420	-0.17097831850735	-0.35518363228788	0.33102988309387	-1.00000000000000
+0.74814861631306	-1.25027985882304	0.53434430456861	0.90261464975573	-0.66022887257434	-1.54257140649069	1.01231347239984	0.10206827968879	-0.83224775843665	0.83715212689536	-1.00000000000000
+0.61857539267300	1.33693485428489	-0.69457082346886	-0.66940582372473	-0.32542730594974	1.66007145239942	2.04895242176335	0.15162597762510	0.08423444334722	-0.51639997009548	1.00000000000000
+-0.35494755066224	-0.77278631675652	0.93215516295704	0.06385890844820	-1.20839829981564	1.58884574346287	1.04380505860468	-0.29715531866935	-1.77721686861954	-0.86425543861109	1.00000000000000
+-1.10076374468234	1.25884076697352	-1.34694096049313	0.30789403419916	-2.28642943370422	-1.39424112451541	-1.43778563939234	0.28834700669947	-0.41461366217839	0.53401953217657	1.00000000000000
+0.67909891033905	-0.41503679101894	0.29150800392014	-1.04716081144208	-0.12458028458031	0.06528508914841	0.22827087299526	-0.77852444974400	-0.53743121620563	0.46118376177316	-1.00000000000000
+-0.16821409537221	-0.78493045495963	1.71557939350831	-3.48780521059770	0.91734130645633	-1.04377329743641	0.12266004791374	-1.03402823132129	-1.08932811887237	-0.41189237008982	1.00000000000000
+0.82818020295468	-0.53449442639052	-0.89060733469770	0.80243249837659	0.50645027244225	0.83371209440849	-0.54907562986508	0.05813948132007	-0.85309753103338	-0.98828244346768	-1.00000000000000
+-0.61427900227821	0.74108258378178	-0.52622549609824	0.15208107696209	1.35624319146485	-0.86325186822318	-0.36152242543727	0.50962530795821	-0.13028873062341	-0.72251582116852	-1.00000000000000
+0.79094893340110	1.84695907173920	0.99501392037487	0.75848705330020	-0.44202807021637	-0.83075508832130	0.10150599072284	0.96132208357182	-0.39913030516928	0.96001703554555	-1.00000000000000
+-0.17766041990401	1.46379320804807	0.84493342384297	-0.35545131293345	0.73611066235413	0.10120025534666	1.70934399457761	0.11359129311026	0.95501528919907	-0.35573093676418	-1.00000000000000
+1.02801366031482	-0.15882655939491	-0.01535967610961	-0.05325301969976	0.72045467832977	1.78049738983805	2.05349572376228	-0.84085050769870	1.23357592981967	0.10648407912686	1.00000000000000
+0.93325167966643	1.17640360869444	-0.62046684288016	0.39262665098388	1.40108254487085	-1.38705287224990	0.43524421080906	0.69325434850176	1.18141991240174	-0.65070828025177	-1.00000000000000
+0.72121928625282	-1.07889903440777	-0.39457720619247	-0.32069130299043	0.05328066255410	-0.24073388792861	-1.64025870641941	1.65166491586135	-0.92389059605105	0.41175933846379	-1.00000000000000
+0.25430883375936	-0.23402017029675	-0.58023649674692	-1.48806117395327	-0.59364614339068	-1.09409951481795	-0.08323620318944	0.94320358544071	0.54334573995050	-0.66877784711685	-1.00000000000000
+-1.08259885036746	1.58865389355138	-1.61465796726891	-0.74172525605028	1.37356090764624	-2.00341408204893	0.20216772263381	1.59731800745955	-0.69544224203776	-0.14260576375398	1.00000000000000
+-2.29498353046945	1.24864063255658	1.34197727993831	1.40933758722860	-0.36125400636548	0.13680740791127	0.65757797438274	0.02730134281319	0.63822246388639	-2.32730899554046	1.00000000000000
+-1.66049000991366	0.61533591401026	0.14783578801924	-1.49732254814829	-1.14872136154352	-0.77188238640329	0.56712494232009	0.85963853667167	-0.72142871538137	1.30164821284799	1.00000000000000
+0.20890448561741	1.31923518019017	-2.07640760376545	-1.24169453759552	-0.30602443797031	-0.09338396677305	-0.57946002382376	0.50396138347081	-0.58112010147636	-1.45161322816670	1.00000000000000
+0.52418478876509	1.17121913652178	-1.40538605311085	0.18281188727867	-0.08476301053688	0.52603799646892	-1.24400299595662	-0.08526441459605	-0.96362931445164	-0.50793105243080	-1.00000000000000
+-0.28442535558719	-0.53912623416073	1.47058559912676	-0.39376495357843	1.81252562094517	1.00732848634315	0.47136664828993	-0.45948896452576	-1.17370972451074	-0.03646589188079	-1.00000000000000
+-0.31354755763285	-0.86674844260475	-0.66012303250256	-1.14168431472989	0.70129832928362	0.70861758109825	1.20642205106574	1.05723706112913	-1.16146197692159	0.61996366173173	-1.00000000000000
+0.23169765232790	0.27646463795638	-1.97215021660151	-0.14729229110202	0.90312829959619	-0.17603861052792	-0.65001228822827	3.37365687199599	-0.37992643241431	-0.56068886988463	1.00000000000000
+-0.54302465460903	0.53557800027371	3.89155496074440	0.44983343112382	-0.96548750004438	0.41461177022345	-0.32642944676232	0.24701340264002	0.19926046108284	0.64343714696481	1.00000000000000
+-0.18917521370392	-2.51634540269035	-0.67091744364636	0.30074433428321	-0.37099970130794	-1.15119040810416	0.18176489945908	-1.82131606327461	0.65210119481509	0.23641743880829	1.00000000000000
+-2.37625434979101	-2.57881635493991	-2.51555272227814	-0.90180232109928	-0.38706754407528	0.99442938171691	0.80852305149215	0.66814756674375	-1.52883779068903	-0.06355446643665	1.00000000000000
+0.17278880719760	0.10109112449836	0.65571250085422	-0.41939706096705	0.43253909018629	-1.30688233898085	-1.00989292122262	-1.62475034036657	-1.33804748401469	1.54963941089232	1.00000000000000
+-0.35885766790700	-1.09496483838783	0.00545952156355	-0.19621744649780	0.60169787987076	-1.04541959475995	1.25792122533236	1.26913061973573	1.15555620904521	0.09772478105916	-1.00000000000000
+-1.17844542966841	-0.58979435396640	1.18988456277117	-0.32014684288021	0.08336416006493	0.01195727804746	0.62250977196937	-1.11791948981353	1.23976454282435	-1.43661038765134	-1.00000000000000
+-0.76124132822883	2.31735874046022	1.79013201046547	0.14790317114410	0.67391138632306	0.77624756571618	-0.27617048248358	0.94046186128978	0.17483925038237	1.12539793431677	1.00000000000000
+-0.06983909468147	-0.23565373865196	1.16063847577380	0.85120004939373	-0.47608015454921	2.20149117553811	-0.63789848661420	1.00436726899465	-0.31299976580875	-0.35866160657636	-1.00000000000000
+0.28517053874353	1.06727531688516	0.05009099708524	-0.30439642580320	-0.37845682372905	0.01136919960115	0.03455733606941	0.31926352304527	-0.61969533243465	-0.77024988474479	-1.00000000000000
+1.96458580446585	0.90765101721953	3.44217586349619	-0.72790402584839	0.95569965401248	-0.41025952012702	-0.07047975495257	1.18542450155146	-0.22915008664951	-1.25835434319233	1.00000000000000
+-0.13338873026256	0.26080566172171	-0.57692641555084	-0.14611039985557	1.25055460066297	0.44096674927247	-1.61904814030278	-0.76789201473644	-0.94406386618320	-0.65380800439565	-1.00000000000000
+1.04844327088805	0.87117262853539	1.53830152582867	-1.20110284021830	-0.59869026578447	0.39663616077182	-0.01066766967694	0.30075921795568	-0.11373890967328	0.55470734137877	-1.00000000000000
+1.74005795025828	-0.10424565147237	1.17796583265079	-0.81587155060717	0.62510185498983	0.12172352592113	-1.02816908114343	0.98340749346076	0.05095864009550	-0.92332675270255	-1.00000000000000
+-0.02611921229887	-0.35950406719362	0.40643555016041	-1.08129648865894	0.26356855005911	-0.41314156946730	0.16472465358884	-1.13378313581893	1.38114212692502	-0.04736355038785	-1.00000000000000
+0.67801207369436	-0.69240342277383	1.16716747238505	0.76522474147208	-0.83945623793557	0.47643654911213	-0.70723137158281	-0.79474127261768	0.41053169156025	-1.54903483485249	-1.00000000000000
+0.47628911026450	1.38504235062062	-0.74953098393233	0.20471781778419	-0.56999719282207	-1.29499146575389	1.11285923283868	0.77095209426014	-1.72712974303641	1.36064752933261	1.00000000000000
+1.73422474333040	0.70519028324834	0.52974102633498	-1.95605718572126	0.40073273875386	-1.47773715849123	1.25095877788900	-0.30072255413622	-2.09185475557139	2.08050189490486	1.00000000000000
+0.42394783674181	-1.81900622861700	0.06707975964590	-1.17292062218299	-0.89651520574895	-1.20493527036539	-0.29121938365759	-1.08041473649043	2.44666221620622	2.12551690833627	1.00000000000000
+0.46423341437493	-0.73068936213571	0.08413855997255	-0.79566643400994	0.32644756697280	0.40461620181479	-1.07648294566968	-0.42579893427340	-0.27694322361962	-1.12403336580964	-1.00000000000000
+-0.64370253464131	-1.36275990820455	-1.03786204194805	-0.47183028796284	-0.03395848335738	-0.19441978519610	-0.67811249061817	1.24188811977798	-0.65559714998936	1.64405388825498	-1.00000000000000
+0.97915148383564	0.86345771978915	0.35526453067303	0.88117249014708	1.87416366546322	1.71058600327189	1.47045969155269	-0.69423004242663	-0.91759354178960	1.10746185796403	1.00000000000000
+0.53639750340515	-0.71916391145616	1.03212615846803	0.55552184002866	1.36406085531993	1.55835075879213	1.50844008392649	-0.77951400876836	-0.39742589821599	-0.92532864519895	1.00000000000000
+-1.03505898021640	-1.84490654724359	-0.07226366405157	-0.01714708418003	-0.01255371222035	-0.20700132812770	1.59100333514592	0.18837543950442	-0.32564284755401	0.18454957864971	-1.00000000000000
+1.08032621646577	0.34129462499168	0.79474767020667	-0.78590534411284	1.85233251954829	-1.02868562592732	0.40306175426019	0.71614952532679	0.01656616267998	-0.53303139191438	-1.00000000000000
+-0.25780823040192	1.14092117604759	-0.37180295654895	-1.30122303165071	1.32830689630300	-1.50562982083548	-0.43947179864279	0.98121395422444	1.15913791753868	1.35734556979956	1.00000000000000
+-0.25646433508388	-0.72247195206439	-0.64757082244122	1.64892376357767	1.66037953504840	0.80563369760802	0.68898002173423	-1.86541789923994	0.07270785158075	-0.05305353369383	1.00000000000000
+0.10405429456778	0.77837451353152	-0.89909189675801	1.21722609146981	-0.64944922803823	-0.13372527837273	-0.53362528430761	0.49702450430793	-1.38974402498974	-1.21084157469300	-1.00000000000000
+-0.33768211340870	0.32255159199571	-1.12259148394129	0.22170858306085	-0.74738108436679	-0.44624299599275	-0.52898163040952	-1.68039979705038	-1.36623664754360	-0.41202792938545	-1.00000000000000
+-1.54785551627453	0.45885618382049	0.61480584894817	-1.02289697675594	2.82274148775574	-1.35700854915309	0.16332673877568	2.26050496362106	1.45805093670754	0.90648414455250	1.00000000000000
+-0.09172609971700	-0.32612726800216	0.45139862092648	-0.45847844152482	-1.78034910060821	-0.46758427562617	0.82274105311496	-1.13484193952109	0.52548371162975	0.47598328629617	-1.00000000000000
+-0.69817546972646	0.01057840932914	-0.45971613622973	-1.84405068107751	-1.95003951425454	1.25531436566905	0.07756555960206	-1.73558750646376	1.02214539897123	-0.04227957416163	1.00000000000000
+0.73412890995234	0.50447339848856	-1.33595292713252	1.13343519939206	-1.85162306031557	-0.84358086072801	0.50909922519797	-1.07459611744819	1.20013339623098	0.94271588419609	1.00000000000000
+0.69688260422804	0.62451647848876	-0.01289835038184	0.05568249136717	-1.10274558420514	0.28911560944016	1.25489874819732	0.79600236097893	0.86430539505102	-0.84419176077803	-1.00000000000000
+1.22497482643276	0.52271791397420	0.71633914336525	-0.09601651629964	0.16537098512353	-0.45442059448146	1.91237778954902	-1.04892719389611	-0.86230364862381	0.61552515220848	-1.00000000000000
+-0.11929042526071	-1.38182701992089	-0.17276515574013	0.45106687546291	1.46553050745211	0.05527851469770	1.42598267682654	0.17213525618341	-1.12976342775631	-1.60380720521337	1.00000000000000
+0.48934649060097	-0.91480664931288	-0.65203221575958	-0.47154538301531	-1.14224519594655	1.05371105975695	-1.05722255351342	-1.14071022133669	0.61265983617867	0.13027845182089	-1.00000000000000
+0.90718316315612	1.27039109971993	-1.43854433658489	-2.48362212985074	2.21398464853254	0.05027258165577	-0.23133439615422	0.85047839870971	-1.05345694214751	0.91029207517896	1.00000000000000
+2.66607621653774	-1.34817660250660	1.44556973350416	0.72605035270190	0.17573229819441	0.16713666518748	0.11537558044351	0.99306355491757	1.55102255018937	-0.33655653929384	1.00000000000000
+0.17220984536939	2.21465354913988	-1.01617523336337	1.02649947049247	-0.68742349519220	-0.30304588128395	0.55217581281813	1.04049800038664	0.61536430633721	0.05982910243713	1.00000000000000
+0.16079977221470	0.35441335484504	-1.20490430150348	-0.01818705403584	-2.22576598343349	-1.65983210303478	-0.83689403240693	-0.68167508206191	-0.29667403000874	-0.24458474511305	1.00000000000000
+0.08368410593761	0.12409645411628	-0.19255368525758	-0.60994299179354	0.20376109432480	-1.44877174129327	2.04830986281863	-0.73881832405525	0.90620428051633	-0.54793961576570	-1.00000000000000
+0.94627954824697	1.16523857590271	-1.84553332935173	1.03399465665524	1.64524342693977	-0.32120058989928	-0.27472736117480	-0.77326076544374	0.99889284151300	0.74499096118029	1.00000000000000
+0.11554358556989	0.97205408772539	-0.18863984257137	0.20170804702409	0.69260907488629	-1.17965247083366	-0.07448974944474	1.76995800102093	-0.58468689455375	0.65333780188550	-1.00000000000000
+0.49187990739102	-0.12497102607678	-1.31893795600655	0.33967309220277	-0.82338789660462	1.70336158736403	-1.21425557346816	-2.37154994054684	1.12979368438730	0.23203562432081	1.00000000000000
+-1.24720424831876	-0.12782474747202	-0.39500416284451	0.28274466902086	0.04444095808511	-0.12423533997443	-1.91377494659135	-1.23713915770420	-0.96454530027003	-0.68871030154044	-1.00000000000000
+1.02620462166180	0.45924526209529	0.30106934011487	-0.10641179651683	0.32910029207514	0.56787626728645	1.75743044761580	-0.53004914479477	1.53328409476302	-0.37979744920407	-1.00000000000000
+0.33014127103320	-1.31577357999455	0.41010603551420	0.05747224897168	-0.91401852712222	0.99181413940582	0.54197974188018	-0.92246693981498	0.26750042152710	-0.13572055831427	-1.00000000000000
+-0.53597955173103	-0.50567600720220	0.27118480298392	1.53105697671220	0.90277303196156	-0.64453097695233	0.14350753258527	-0.03836539084641	-1.33232798130126	-0.10949889543139	-1.00000000000000
+0.18712862495831	-0.34508888173663	-0.26850292782247	1.05260668188469	-0.65175801040760	-0.93972549589886	0.39084870850907	0.33241099014927	0.82614130459423	0.02951500508817	-1.00000000000000
+-0.19793035373297	-1.50588037751947	2.93080231040532	0.40662400656781	0.34449676734786	0.84267746561185	0.55508125632170	0.66398073532652	0.27816759727848	-0.39396563354823	1.00000000000000
+-0.33310935272240	0.85520467504007	0.23313029264441	-0.26498897846692	-0.97675794243033	-1.57658667681725	1.33208192230819	-1.55247536969261	3.07374170543993	0.49549374973271	1.00000000000000
+-2.27060556352907	1.68368219751939	1.16129651277616	0.62832627315762	-0.30413168861970	0.81291866841012	-0.82324817017922	0.00619538443698	-1.29857995706329	-1.03494487309896	1.00000000000000
+-0.81593922765995	0.39868879901205	-0.54354203303118	-0.88015706150923	-0.88238185378974	0.93874918723851	-1.63217012027038	0.60868845710163	1.31249331960236	0.72333994457377	-1.00000000000000
+1.22294991557768	0.79208688745805	-0.24994374493703	-2.07703162904180	0.71438929099227	-0.67377706298712	0.53102218588978	0.74521048328641	0.20771299978183	0.32008490154710	-1.00000000000000
+0.36495695433427	0.17080018386437	1.21258805513953	-0.29163392104979	-0.54789288233666	-1.15277099843265	0.22573846286151	0.37800286114852	-1.50006221346400	-0.76852180043147	-1.00000000000000
+-0.03075657774740	2.40927128213187	0.62350928954824	1.84116045279527	1.08232745900195	1.38006336068856	-0.76589512465103	-0.05809683143699	1.00926100673300	1.28139951365041	1.00000000000000
+1.51239161280893	1.74786228775379	-1.21069926379102	2.14678801700685	0.89836299826595	0.10025899560529	0.18905632978126	-0.30717014042419	-0.28863423696603	0.39663257992183	1.00000000000000
+-0.71394405706499	1.62523651689097	-0.52075423389583	-0.52009528208062	0.51139701166160	-0.75761018988183	1.73138337768846	-0.72140041676280	1.47946391151407	1.21387528672764	1.00000000000000
+-0.09570390566686	-0.97405977004094	0.09007365845021	-0.35449420363608	1.19741096444035	-0.84138148259701	-0.25677857531811	-0.79899491749331	-0.48138050273927	-0.58135409949737	-1.00000000000000
+-0.61614008634290	-1.44023496821557	0.46801103272786	0.07772914603843	-0.10777105080353	0.63941435921591	0.98140605672634	-0.20488733228749	-1.20969873585762	-0.78700970285723	-1.00000000000000
+-0.57749777657218	0.29749148223700	0.01004407479794	-0.82990472347880	-0.30620252493701	1.34059388480327	-1.83666259198668	-0.72806706402120	1.12237366638644	0.14885011184678	-1.00000000000000
+0.20065156335203	0.09753846254405	-0.38416509218050	0.66177093589559	0.43071018739924	1.53891685210612	-1.02819693503192	-0.56656305695443	0.33473293923637	-0.61117061378416	-1.00000000000000
+0.00537188491389	0.99937416739004	-1.30166142013637	-0.82537450468508	-0.58723473804930	0.11645986694019	-1.63937262349604	0.32187079342055	0.32383304382327	-0.46127658115334	-1.00000000000000
+-0.96878693703058	-0.07482391386132	0.73352865074686	0.45980840079905	0.40228601695547	-1.20483523069282	-0.79716773873675	-0.41248754644033	-0.65835609880688	-0.21228839546074	-1.00000000000000
+2.28477779672368	-0.06337112872355	-1.09422066356506	0.37669954263490	0.10962436508142	0.60177280859913	1.91365815079661	-0.18106179671167	-0.25709009380690	0.59927300148078	1.00000000000000
+-0.15003076980492	1.08159895062168	1.06423833442925	-0.65665610264017	0.92301810268263	-0.40541667045087	0.13445056103907	1.09093190045021	0.66702259663418	-0.19242305095916	-1.00000000000000
+-0.20128828167227	-0.43978048066103	-0.18965905733572	0.97150181929412	-0.30123851726146	1.35757741824798	1.19014184293252	1.39169360238001	-0.91640422288342	-0.59539390807940	-1.00000000000000
+0.43966837803244	-0.29452620584699	-1.31662744195536	-1.39096201435033	-1.72197072195565	1.00152714846630	-0.10446533381202	-0.61009604490014	1.51603605803190	0.22227937680555	1.00000000000000
+-0.36976851037842	-0.86936993382771	-0.90887304596585	0.16854526432181	-0.26197772796330	-0.67020304852619	0.67020037886783	0.01663284105259	0.65031035059464	-0.35012877992271	-1.00000000000000
+2.24372369334821	-1.05169918643449	-0.88561665928274	-0.56770135360994	0.67986365377564	-0.84161205109490	1.56944866744883	-1.50576876192465	-0.17217456701358	1.27540590535418	1.00000000000000
+-2.56075718671054	0.39917986653270	-0.45007900507695	-0.06941360018161	0.80501691185400	0.81102619481608	-1.00594635471324	0.17195555744067	-1.34358294332323	-0.94702590183041	1.00000000000000
+-0.86278754127435	1.84500331614145	0.46754490466886	-1.43251631214712	-0.33795023195176	-0.47192856447870	1.95860138428883	0.80398334077572	3.01435322629866	0.87049163284367	1.00000000000000
+-1.00838551992131	1.66316505229639	-0.27632419141412	1.83857238328483	0.85141182742286	0.29759790904135	-0.34322041797793	2.74477809140315	-0.94483728785270	-0.49609624740216	1.00000000000000
+-0.14337596902249	0.79323796295101	0.92205396234990	-0.10464230959589	0.50703518019021	-0.19719035878200	0.63410040972529	0.59166166019847	0.94433954301859	-0.12172064805365	-1.00000000000000
+0.41976813567991	-1.21874185817296	0.08675077041718	0.22696150133986	0.66099939054939	0.72975802247589	-1.18317503679417	1.29821889734299	0.17742497877470	0.97652925204234	-1.00000000000000
+0.44029621165749	0.33306552185594	1.18196037014470	0.90417998574553	0.15126083358884	1.73442047398849	0.44598971745477	-0.81500946500475	0.02326608418046	1.28074880374685	-1.00000000000000
+-0.27779665166847	-0.32196352077411	-2.05279436911326	-1.02418813879016	0.50642451146524	1.62230155799508	1.39235870068030	0.50567735342484	-1.57914360340215	0.60775176508886	1.00000000000000
+-1.41526564276283	-0.46247590257654	-1.34598566941560	-0.03743906431504	-0.88858346336541	-0.06336375702364	-0.73904631260918	0.63945063619770	0.27841388700793	-0.09837186234183	-1.00000000000000
+-0.93437114419423	1.55254050480575	-0.04253531612506	-2.25137742107135	0.38573068428458	0.92383686115677	-0.21824778327821	-0.39076823812784	0.67761930253165	-1.06919920904022	1.00000000000000
+-0.37659279756362	-0.53483824465627	-1.17361640772393	-1.68732832007354	-0.38960218094243	0.65447642331062	0.65463221820757	1.58784548011119	0.88128275340084	-1.51197128945682	1.00000000000000
+0.44690646237277	-1.29103259708483	-0.40652258631497	-1.27439145797015	0.57611635112331	0.15239561213237	-2.75801140806000	0.94612137876708	1.16692261314214	0.25773733280851	1.00000000000000
+0.20987652641433	1.25122693532908	-1.36797166274812	0.69444125094261	1.23760958970723	0.86475649680490	0.90645290480649	-0.35713258753543	-0.80411063343229	-0.10356528217216	-1.00000000000000
+-1.08766457395692	1.38903630427667	-0.94022410602687	-0.57841553832660	-0.28886795722454	-0.85972895928465	-0.37628454465856	0.55490819164462	-0.51905374129591	-0.21951034226726	-1.00000000000000
+-0.59236018434591	1.08437483240720	1.29407351382418	-0.98264336965326	1.20369126979602	0.37726986014365	0.79449290710960	-2.46028172783173	0.64384528160243	0.83466302158159	1.00000000000000
+0.12686608654957	-1.00230440795266	0.66910565212195	1.65004956290058	1.79429753372800	0.28060580850341	-1.54450785898036	-0.11777228049535	2.14278936953769	0.46764090195990	1.00000000000000
+-0.24884524678351	-0.01257664927103	-2.06535563110432	0.80061456823179	-0.76302968406612	0.24792190000778	0.07468287598541	-0.56172671653145	0.66743423702955	-0.14115808164323	-1.00000000000000
+-0.22956189568358	-0.07504424120561	0.84556152555280	-0.81005575443805	-2.09121212704565	-1.30115025829115	-0.60889531480054	0.05361526459465	2.09227001427978	-0.06310428665113	1.00000000000000
+-0.76934308992643	1.60718450783317	0.14910122828643	1.04223642653086	0.12747672989473	0.16273338401693	0.68319144429983	-1.01302014452352	1.47417452732310	-0.82111826190275	-1.00000000000000
+0.12825196901420	0.04990506859886	-0.58936509789070	1.16181626166317	-0.56985021651382	-0.85688427379152	0.75784390036908	0.59410884956580	-0.33545898525584	0.55688510706031	-1.00000000000000
+-0.74030746823151	0.07009096938600	0.56528291837818	-0.03872123508197	-0.98124378328588	-0.84153255754581	-0.34222766669382	2.04619491584627	0.16063729185367	0.91845859989917	-1.00000000000000
+0.15845246280824	0.12904738361904	-0.93229734651818	-0.73089544098069	-1.97942389686731	0.38610531821698	-0.26993114474574	-0.33386426597726	-0.50282473798227	0.65912588115074	-1.00000000000000
+-1.52002532634567	0.72018792287511	0.58947434186313	-1.00671834029692	-0.03381596782142	-0.14217844345286	-0.80756947666868	0.99236250648390	0.84504338293373	-0.08673199213980	-1.00000000000000
+-0.43869474740076	-1.27694634026699	-1.19118049767915	0.93252767829028	0.60913345285024	0.48017787110450	1.33960425126851	-0.01782288145315	-1.17006827813840	1.50214659420654	1.00000000000000
+0.61948285735523	0.12927065304235	1.26649556108071	0.10907559438011	0.20682367073485	-0.17805853109111	0.18214738866432	0.01068865679960	-0.05971896759220	-0.03807788599492	-1.00000000000000
+1.05523247035047	-2.25753499479782	-0.52341830352073	-0.82123339043905	0.41447130991492	-0.73501106897498	0.65353974302206	-0.37235774116107	0.42942486465139	-0.26683816617916	-1.00000000000000
+-1.06384344856172	-1.21932565459167	0.81038278772118	-1.45683345772725	0.37489360908562	-0.58303293739475	-0.63842382290398	-1.35123527641103	1.84496693280654	1.33133883252166	1.00000000000000
+0.17489804818461	0.54026504146565	-1.15117703184298	1.35819504547346	-0.67220648681830	-1.02371952809139	-0.80367840616762	1.76046035468744	0.16227753450015	-0.50433524730748	-1.00000000000000
+-1.34578753170578	-0.68512985132203	0.76759463789303	-0.13645044071145	-0.03554395433805	-0.01423192854905	0.55983927605270	-1.14462778664085	-0.07651955368597	1.44230191268946	-1.00000000000000
+0.16855407620497	0.41802375550010	0.47046797076035	-1.01128767383204	1.69006729404941	-0.69743172859478	-0.24006336294138	0.72029915343012	-1.05951785070812	-1.26854496368737	-1.00000000000000
+-0.42459400809349	-0.24030636856920	-1.08766429403372	-0.87038561225111	-0.34139336166369	0.94497632356691	0.47882287121863	0.27809408084794	-1.61905690442428	0.73444247738517	-1.00000000000000
+1.61924135823419	2.10848600840706	-0.42853366151857	-1.79020064733982	0.47776469146322	0.11007491794437	-1.38917553275802	-2.53776422807384	-0.61392073808322	0.83829524289186	1.00000000000000
+1.09462905305529	-0.55931249476709	0.23060751271653	1.32565518786947	-1.54616318118623	0.04796903247646	-0.17882504467723	-0.90497185355691	0.82576021085388	-0.55328473726676	-1.00000000000000
+-0.30841539833713	-0.28471536441651	-0.39099041099618	-0.57554615415731	1.41378472722525	1.05970541561462	-0.51202352046646	0.31734972411330	1.30669308734408	0.22035513464641	-1.00000000000000
+1.39996132040366	0.16833679693991	1.51048293946917	-0.23436444362605	-1.15346124336235	-0.00411498337840	-0.62130745685090	-0.99247519067773	1.74213414213540	-1.23249085985088	1.00000000000000
+-0.90026570198910	1.11460613679617	0.48393141966806	0.35255901829958	-0.43273073361317	0.31694788649040	-0.09656232955339	1.48102851377858	-1.14418255438221	1.50463695827981	-1.00000000000000
+0.92019964127098	1.99933983080854	0.64707017209708	1.29024126167941	1.15647636947879	-0.64154310830113	-0.76619671564094	1.17605540194582	1.48221983332708	1.25853360497869	1.00000000000000
+0.66348706836836	-0.34626876799126	0.79445693977366	-0.11023807884348	1.07394133945160	-0.38466085396234	-1.25553081093398	0.38416241822702	1.31205032298783	0.45279974846005	-1.00000000000000
+0.07004896668543	-0.29932361835219	1.55782480734431	-0.98071263234825	1.14240194751212	-0.14053593009159	-1.16357248439494	-1.54449879229106	-0.19065536256370	-3.22722851602107	1.00000000000000
+0.04038359355878	0.83553558027957	-0.35589437121127	0.37800783605742	1.37654874041515	0.83008972562918	-0.24885454330531	2.28936739222962	0.36884249969759	-0.03045749931257	-1.00000000000000
+-0.67829131125162	0.62961366268174	-0.23132410768147	0.11099915869712	0.36295692692860	-2.34892020776279	-1.04472541322399	-0.42881379144310	0.60580211183216	-0.88568512331890	-1.00000000000000
+0.27550908861028	-0.60503137543456	-0.34753022341916	0.03345982288126	-1.91289899959369	0.75124727369781	1.27554350549805	0.21321421770986	-0.17286165404774	0.09578282276877	-1.00000000000000
+-0.67523264619040	-1.20364793687076	-0.68983311289127	-1.72088565911180	-0.80288215693905	0.10109829100668	0.48166943381868	-0.88387313345281	0.59687745125256	1.36536898134472	-1.00000000000000
+-0.15845940267278	-0.20676954968424	-0.09945748414588	0.00694972190171	-1.03010189993623	-0.45236796143860	-1.36280058045388	0.28975543563276	0.07034552036648	-0.36990567883225	-1.00000000000000
+0.23458001023612	-1.02941571292060	0.80788521295179	-0.67725192988207	-0.94242984691246	-1.75815325138098	0.11476751138799	0.57728064341104	-0.74620494925398	0.20475852494488	-1.00000000000000
+0.61962444904675	-0.79015945284927	-0.89968810575456	-0.19442513623711	0.42163195725337	-0.91965703361634	-0.09120935315539	-0.19990297328287	-0.92219840532469	-2.06412402580966	-1.00000000000000
+1.55482472700618	-0.57536578392424	1.68197849751507	0.16881627709901	0.04510112860784	-1.73527927695207	1.31447407523508	0.93635041114796	-1.49344633585147	-0.62036814425376	1.00000000000000
+-1.61757629079791	1.11336719578086	-0.33516627617824	-1.34815157876232	0.49591585343555	-1.79176482363859	0.08819508761111	0.79237141042128	-1.39854987987417	-0.47080573569223	1.00000000000000
+-0.08219805965815	-0.26067480589062	0.32417823651479	0.91246567081216	0.89974960724484	0.35375064432633	0.22642110014872	0.26548396365960	-1.09130617317997	0.13085472728732	-1.00000000000000
+-0.99721562310461	0.76895510544207	-0.67892211265891	-1.28629611294426	-0.26503822180125	-0.10236777976754	0.60063456388823	1.20884563065442	-0.41986532286485	-0.75773771356504	-1.00000000000000
+0.27605147738621	0.00605828704759	0.12704823992991	-0.22232670902060	-0.40682742614996	0.88194483707528	2.02753851615334	-0.84895756758455	1.84397159503393	1.65224842806809	1.00000000000000
+-0.52500610534446	-0.43581151381076	1.08986621237755	0.36965812207875	-0.33996221122573	-0.14798001915243	1.95595148000829	0.00739311219236	0.98109880261359	1.87028062473179	1.00000000000000
+0.37937477087704	2.38223900283689	-0.50221771135806	0.59912277256547	2.41940693057712	-1.11218378816947	-0.11118374478231	-2.76973052113515	0.44640398908519	0.19205127727952	1.00000000000000
+-0.85260557620477	0.12258557124231	0.66851007243092	0.71618398834969	-0.02384780037616	-0.73295985166063	-0.36032901950194	-1.75692498418411	1.23429143368217	-1.53736259199339	1.00000000000000
+-0.49898514711671	-1.24783087843303	0.61603626623779	-0.63453659252538	0.99419490353581	2.08680164712806	-0.51248824991129	-1.80532876566601	-1.35228599451184	-0.91069082526442	1.00000000000000
+1.81293377503320	0.21124534967660	-2.84048776918727	-1.69673368326775	1.13735633284467	-0.84089235575106	-0.37087245072379	0.07554355672102	0.26033725377935	-0.56933732009275	1.00000000000000
+0.00252128948028	1.17568662021355	-1.40830921364305	-1.39295952778277	-0.39919497734083	-0.26913285394133	-0.54005366160269	-0.15628232980908	-1.02955055675906	0.59118950649170	-1.00000000000000
+-0.94495068395895	0.33369554767972	-1.53163303506505	-1.31054755286344	-0.90552987049767	-1.97261608007780	-1.51384523016777	0.60108470957528	0.44995615817575	-0.35385368670962	1.00000000000000
+0.20985679169076	1.57445074319729	-0.73334513041701	-0.78713315768483	-0.20766999126139	0.93131002828794	-0.78663142524168	-0.47290884797909	0.48329863158075	-0.57756778438943	-1.00000000000000
+-0.42499182427549	-1.24523725639208	-1.68514380801465	0.34483699316820	0.04938148374946	-2.28828079319232	-0.33964163639892	0.69425567672166	-0.34637682601542	-2.28642610933599	1.00000000000000
+-1.26897547702732	0.09060772794965	-1.93533680026162	0.94748923266829	-0.55993080549977	-1.10980889399024	0.20455038032320	0.49304267348128	-0.08299933063587	-1.41464385541427	1.00000000000000
+0.57167980378018	1.72523934477702	-0.59973694499865	-0.68890185451250	1.52867711277650	-0.93984156087914	-0.28415825817689	0.28234958341205	-0.17418521686922	-0.35457605057615	-1.00000000000000
+-0.11571521697621	-1.49492452697884	1.48869175295328	0.60692528706873	-1.36789150282940	0.90865073545635	-2.22908818152983	-0.54494373389819	-0.20171562942438	-1.03179526165836	1.00000000000000
+-1.54808946568664	-0.82727054914546	1.67143495779256	1.17081235512056	0.48741195297689	-1.47130373687896	-0.26407786796810	-0.38965123214593	-0.44511489594361	-0.17742607697582	1.00000000000000
+-0.73916309083662	0.55617318849027	0.42361267104987	0.44200238648214	-0.54850965388207	-0.93605367408516	0.22452769642591	1.91412236524510	0.97389982537018	0.86440837188333	-1.00000000000000
+0.15778661187612	0.22798053386776	-1.44400503734596	0.52688714065978	0.43897028705027	0.14135472555187	-0.42491019346180	0.34946596766030	-0.31724866492908	-0.24319870286939	-1.00000000000000
+2.78756772307260	0.17858047567849	-1.78181307371353	1.61368061523604	0.90484294985300	1.06298898925344	-0.94801618655879	0.67525447653893	-0.54004651444202	1.31932315327118	1.00000000000000
+1.01359922363795	1.20495284213068	-0.37739493913951	-1.14038231034799	3.57069980839627	1.43725568286061	-0.55300120757192	-0.40999427554654	-0.50952864578614	0.20566175615361	1.00000000000000
+-0.91284532169174	0.83082203658464	-0.43962084368356	0.26945543237177	-0.45496912353660	2.72259936473315	-0.47417567618991	0.97550147135764	0.86600332459296	-1.26701795773534	1.00000000000000
+-1.03768365746067	-1.71469633789369	-0.70858750641940	2.07005929028411	0.61358449409058	0.17101645797424	-0.23892231967340	0.03749736915849	0.32823806064090	0.18527277906771	1.00000000000000
+-0.88182721007230	-0.46807245650817	-0.82227584771420	-0.41588230717606	0.24182324292913	1.41816271665412	-0.96934580795931	0.30446347913819	-0.29239256051449	0.43653405161728	-1.00000000000000
+0.83002895663738	0.48323673294809	-1.36399517862844	0.08192892874627	0.54202567731305	-0.36243662464835	-0.21049234079600	-0.98179501879821	-1.19972691980350	-1.41118037825431	-1.00000000000000
+-1.22812982279932	-1.97292217176153	-1.30263671356005	1.13801416106124	0.66808334651234	-2.17878738702367	-0.70193274023085	0.01617038956699	-1.50423039390371	0.14504720563557	1.00000000000000
+1.93596615213529	-1.19914942845824	-0.68235050570477	-0.55597410485267	0.48632417908772	0.07289509074794	0.55992607422933	-0.73817056189844	0.06782729146934	0.04142225737544	-1.00000000000000
+0.29565545337365	-0.65219650059833	-0.66079695158713	-0.41650513685898	0.80930436214098	1.22555960825770	-0.40450490969885	0.62885445938900	0.34395427778019	-0.41482382283976	-1.00000000000000
+0.17701515583328	1.24332890685167	0.75262620511300	0.06008010332517	0.48655761890889	0.04592827649524	-0.53391249038419	0.19422382451787	0.17456248118073	-2.42431021916794	-1.00000000000000
+-0.89919937945179	1.67462840708610	-0.38205004216478	-0.17803216247885	-0.32569823969168	0.28284722742291	-0.69882467409309	-1.22010706767426	1.34283048868790	-0.37982460066868	-1.00000000000000
+1.75454715251249	0.24810214697921	0.30171645826081	0.01226475528723	0.11753935704349	0.13314243730182	0.92056123480622	0.08509877206207	0.23974071075448	-1.07151632723928	-1.00000000000000
+1.72592061435641	1.87387044243986	0.51233529460052	-1.03426584022524	-1.63251722545801	0.29020284124647	-1.31350824585100	0.71900664165472	0.58557473692932	-1.67422875351332	1.00000000000000
+0.37315283759667	-1.67137934431769	-0.12217004399803	-0.16772718009897	1.37090021939150	-0.77746223561642	1.16142825493858	-0.95224359574213	1.32901332153418	1.41344308830902	1.00000000000000
+-0.08108687740877	-0.12650665045729	1.21821396039159	0.37955721032844	0.41268680149729	2.41217655449785	0.45220864609997	-0.59865626235301	-1.18093760197117	-0.57938640868905	1.00000000000000
+-0.19341821217375	1.26553155307070	0.26745516908629	-1.51121819451202	-0.51385153453229	1.40742941196632	-0.14615752147919	0.79762750430534	-1.38443641132007	-0.88820913206279	1.00000000000000
+-0.16369475429886	-0.39174716887082	1.41551145337885	-0.09019811767442	1.58014524014993	2.17132632921833	-1.63698625335005	-0.78197035974378	0.38052051476963	0.28236315728185	1.00000000000000
+-1.04702386453201	-0.02138182198038	0.09616437092374	1.60913402815901	1.09103355244360	2.02128474561271	-1.07438150303830	-0.56358298430016	-0.74080989804085	-0.10482771561659	1.00000000000000
+1.10776942358278	-0.24803078762087	-0.19078478943455	-0.90773756184893	0.20622890194424	0.52872389893636	0.42070487484015	0.12688230062560	-0.75672909724662	0.55523635244343	-1.00000000000000
+0.23233089919402	-0.62798829650875	0.24042469351645	1.47324044664645	0.46916377141000	1.26998786360727	-0.63206880038527	0.83402116948316	-0.35397946149058	0.21635349500263	-1.00000000000000
+0.89983425076779	-0.41777490719570	-1.52286061938226	1.16577501117550	-0.31453795059583	1.03532879206876	-0.72487531740638	-1.61476411939340	1.36877270497099	-0.35258293745581	1.00000000000000
+-0.22571600371584	0.58882537008984	-0.09080505683863	0.37724186041401	-0.49445338739634	-0.94164142698187	-0.84384990252010	-0.19360625776533	-1.31404423599490	2.70173491789870	1.00000000000000
+-0.27995616343164	-0.24954920211009	0.78089758585055	-1.23058789491052	-2.38371937240823	0.43915950472906	1.70668053331441	-0.43261255664524	-1.29421589820131	-0.16528018716441	1.00000000000000
+-0.17991444965405	0.67904979477240	-0.47137169838913	0.98529665026655	-1.18980899814651	2.09475333347473	0.09748737748020	0.35034115081554	0.55217300974365	-0.66464553904024	-1.00000000000000
+-0.00565665942166	0.80148435803794	-2.29494837109894	0.98345274345923	0.71041976116167	-0.03496902479644	1.00334404533725	-0.17085911491613	-0.33123081969114	-0.27033109571078	-1.00000000000000
+0.50977193462435	0.16862927319247	1.46401485545535	1.25224689739848	-0.50833449925785	-0.22308544058652	1.13817619274898	2.06869185932102	-0.08067929361985	0.95670142259507	1.00000000000000
+0.61424842219067	1.23731550092066	-0.19288412703226	-1.04933274976805	-0.67290307009932	-0.44615253173021	0.75810607464844	0.63019590041994	-1.37209307958074	0.78046654617540	-1.00000000000000
+-0.30046017376769	-0.33554561115633	-0.85244097730899	-0.28054297471525	0.71589022401782	-0.10167008758017	-0.05749828437124	1.39409404104421	1.26808928651308	-0.49973819796353	-1.00000000000000
+0.34934469065528	0.42117474097482	-0.80237199605045	-0.39803023250938	0.21010820178576	0.21462416282039	-0.54477342182460	2.54336147249953	0.28729080203414	-0.43554044914185	-1.00000000000000
+-0.25441056941518	-1.43063259339182	-0.42748035134638	0.28525974211175	0.62232044022619	0.93105600755233	-2.00108634158471	1.64866827324485	-0.65271916731851	-0.36560286434223	1.00000000000000
+0.96144145791712	-2.23183763977150	-0.85363909451792	2.42084601114488	0.38102737495548	-1.77628208763229	-1.05525492018817	0.75704830083917	0.32711720344083	-0.61437052804032	1.00000000000000
+-1.06050647197166	-2.29083597176131	-0.68223277083652	-0.29195945873332	-0.10512597958308	-1.08613445099114	1.40417637683064	-1.01330767529538	0.01455953083098	0.73238711318523	1.00000000000000
+1.73242179107099	1.34743194105456	-0.25543530758954	1.95376101712591	0.51220079189132	0.59532276962040	-2.36625284282591	1.43887763436716	-1.12993841778600	-0.27513478058512	1.00000000000000
+1.61171633866353	-2.00916447259923	-0.28362907662421	-0.21483224075058	0.86252592267176	0.50978640545454	0.21026437842724	0.73079178251176	-2.15721765240204	-0.37607397287046	1.00000000000000
+-0.26286291594838	0.03787708060504	0.15871918736667	-0.44115820677462	-1.28582297478351	-1.09300022935407	-0.92984931546587	-1.60054433299744	0.99141565847214	0.16725524291600	-1.00000000000000
+0.66666306948716	-0.03056122299240	0.94673568224246	-1.59699183205616	-0.52450618170710	-0.41067649305744	-0.07611834552742	0.63113610376963	0.29304798403079	0.57932228663690	-1.00000000000000
+-0.99964688805468	-0.16127891268407	-1.57504031617395	-0.42179517053179	-1.16610330115050	2.63242241287284	-0.34642378197781	-0.35902012229011	-1.08942549578329	-1.38528256238449	1.00000000000000
+0.76139246202467	-0.13350802717609	-0.60803485305283	0.52776453971247	-1.15059352067817	-0.94327665356133	-0.68398693498191	-2.33050884252538	-0.30408376977527	1.21172138190842	1.00000000000000
+-0.22320291625639	-3.40480650348032	-0.48155954318934	1.68485926323916	-0.20592450337382	-0.22785715154818	-0.46613608963772	-1.11364456715118	-0.35997777551741	-0.13267686645771	1.00000000000000
+-1.40562032760560	-0.83454500917868	0.73463827504988	1.32023085205175	0.21887940080041	0.90782758226050	-1.36316470131420	2.61630470465046	0.50191126228038	1.49659837134422	1.00000000000000
+-1.25381597009278	0.34047691467253	0.55223779835934	0.67795503585503	0.28023896902507	-0.12463424348133	-1.67327782016241	1.03875596144451	-1.29896880370040	0.04492733657848	-1.00000000000000
+-0.08807859548943	-0.21745644207417	-0.80685912785941	-0.20382780016705	1.76927833537366	0.18878910057563	-1.55884366218387	-0.70925454592311	-0.34493835870823	0.42711362270174	-1.00000000000000
+-1.04757522097767	-1.82505255801726	-0.13532062356542	1.26265354068014	1.22025350724547	0.07852478145998	0.01610116265061	-0.33389102442940	-0.18600355051472	-0.99026306400582	-1.00000000000000
+2.20665921549173	1.30275259315679	1.40491094687669	1.10137822886105	0.57631627945484	0.90832156741798	-0.06014739886423	-0.76018321349419	0.48959135902055	1.17636371610958	1.00000000000000
+-0.10341920944918	-0.02500188164546	-1.00710341824872	-0.40081484064537	-1.41963458555517	2.04118380184764	-3.04139681208827	0.43741927533256	1.23412067901923	0.27919866435456	1.00000000000000
+-0.84575099502647	1.97438423367383	0.57995329281606	0.35772089716870	0.88243621212006	2.81535219927828	-0.00957799476610	0.19170683229300	1.43880701420934	-0.71921245214408	1.00000000000000
+-1.20693085397113	0.64543577183003	-0.91476689077268	0.76449328026306	-0.46615739184137	0.42978148955210	0.44563481803418	2.23044117381780	0.15367055843007	-0.15787109610220	-1.00000000000000
+-0.37171149048063	0.29874767466440	0.15498083037703	-0.05484031774695	-0.87669608272695	-0.42279292983419	0.83153588642195	0.68393210617402	1.04073621692279	0.11643001472931	-1.00000000000000
+-1.11717230663807	-1.32961613405771	-0.06287548996387	-1.15123515175159	-0.79519605444506	-1.90394675559661	-0.71936767466040	0.32568387516669	-1.74394841532336	-0.78101173226308	1.00000000000000
+1.02185863039368	0.47388472682795	0.09750526034990	-0.75520040779277	-0.38216084499050	-0.01771538574715	-1.48358720441374	0.79307270269391	0.63323793735586	0.83482251523314	-1.00000000000000
+0.04982685182102	-0.43841560826877	-1.26109762633213	-0.63739878248739	1.29339195250208	1.69702732618721	-0.63822104802937	0.64901305386165	0.29264504604007	0.27857371950073	-1.00000000000000
+0.33909305457549	1.12019334071726	-1.29210780571462	-0.28296536185456	0.12240298408393	0.19940719099069	0.06309057131456	0.60757570988822	0.49844043104884	1.00008734188495	-1.00000000000000
+-0.93513383488721	0.20909694723930	1.08857440932810	-0.95243273595843	1.31313873495488	-0.67941942080988	0.15562001963315	-1.30804813873569	0.06334790375271	0.54992583369624	-1.00000000000000
+0.34884111596004	0.63221115565457	-0.98163721255249	-1.85157527102549	-0.72792884114185	0.49401159050495	-1.35836680330585	-2.23221679525928	1.47210559597719	1.15869508266757	1.00000000000000
+0.58019869469502	1.49227426157474	-1.69460474857504	-0.98538358335996	-0.18553460609598	0.20928212581989	0.54119713068979	-1.25320138981888	-0.54045225064768	-1.10902743293698	1.00000000000000
+-0.54227145847064	1.00691312501776	-0.73976149282538	-1.07598628631449	-0.44314515161775	0.51916473630941	0.38080950205579	-1.34002721865728	-1.43461903949745	0.47854366713064	-1.00000000000000
+-1.22871135328447	1.35120508492862	-1.22281973208090	1.40760319659823	2.12494104621419	-0.94453656044627	0.41977986446439	0.74576271261753	0.17892885694024	-0.30525679120638	1.00000000000000
+-0.39064821157684	0.86249943549776	0.85173634824633	0.44111162662722	-2.19199318299699	-0.62802979844926	1.02918289643385	0.54632827985913	-0.88459961937545	-0.67414291984720	1.00000000000000
+-0.41514135071646	-0.49071335206410	0.01364606401642	1.02890646400842	0.23050895866222	2.25142249931966	-0.37820296604785	-0.48464731658258	-0.16087578326248	-0.00775038585413	-1.00000000000000
+1.41426882264818	-0.19895437592111	0.14596673777389	0.35935237907642	-0.55388659905706	2.47137514697285	1.02326453591533	2.11261466616452	0.57096806758910	1.47002888075098	1.00000000000000
+-0.61514529049428	0.98761016355383	0.18703228548450	0.50772673728040	0.24778337334450	0.93233618311659	1.90803706230052	-0.30803407768629	0.77162382176954	-0.03252328349615	-1.00000000000000
+0.43951342576250	-2.30655152833907	0.59580490679284	-0.53846813759994	0.51249100374158	0.24424132973465	0.17538280122746	-1.07584669126661	-1.22927172096657	1.11864154914506	1.00000000000000
+-0.26488589963827	0.21363094349812	-1.06550926324138	1.19578314075204	-0.20702137297447	0.94451000345167	-0.33690765323405	1.08881478772742	0.81906888785533	0.85725092006007	-1.00000000000000
+-0.60754475957528	0.18183361658504	0.20351161221196	0.71571069072463	-0.00528924414748	0.69540995144567	-0.26074464659808	1.21403644518918	-2.43381933793325	0.79838369602256	1.00000000000000
+1.30757549641285	-0.50850434587156	0.06904892173436	0.05908797162598	0.76181904982922	0.25546514355289	1.33245116991333	2.72654407668832	-2.48121894188354	-0.96101042335919	1.00000000000000
+-1.14172445536591	-1.50856657398496	-1.18706295133383	1.63739024413532	-2.03673721730571	-1.01459303957208	-1.53337045758046	-1.55692643400332	1.15467370119051	-0.85076926147576	1.00000000000000
+0.41069204020650	0.99390654661458	1.09366536730273	-0.02431083362353	-0.51021223286709	-1.39657012061329	0.11799774577872	1.36586890405494	-0.04482480522259	-0.09842577349505	-1.00000000000000
+0.47726086606089	-0.61780736368727	-0.38534107886317	-0.19704259364766	-0.92290095372251	0.49130024117434	-0.19637391157858	-0.62376606194091	-1.86381147441093	-0.57582262664012	-1.00000000000000
+-0.16784043954292	-0.30492988710038	1.48806737759481	0.63505035227095	0.71845981187156	-0.35855122769916	0.60277415927016	-0.92037140789111	-0.31705068600992	1.17072019033319	-1.00000000000000
+-1.04628591402129	1.57138274070094	0.25255489846956	-0.35934799994919	0.65394158755049	1.70739030699771	1.25177552337021	0.14920836868003	0.74722568409389	0.70305801947178	1.00000000000000
+-0.73466168936291	0.83186009985775	-1.35785620125276	0.06901495652429	0.42910432337644	1.48658431800002	1.43179520082156	-1.52740652299668	-1.02410360485809	-0.33324619021741	1.00000000000000
+-0.52823293522011	0.57564478168010	1.27655633851224	-1.07883799349703	-0.59050760511978	-0.22193728226044	1.38395108654673	1.33135273669930	-0.18279544672190	-0.23938214050455	-1.00000000000000
+0.57165032407644	0.82814676569122	-0.42824391246729	-3.53694215046343	-0.14520336322158	1.68168787607617	-1.15042349065515	-1.21053323273256	0.20691288365754	-1.05911764920363	1.00000000000000
+0.00817747588292	-0.40784606269082	-1.60056595927850	0.76274821648725	0.05516535694321	-0.11959132503256	1.93267896656955	-0.87970869342409	-0.07285952659951	-0.88418713769282	-1.00000000000000
+-0.78265535584838	0.11494452715206	1.86085994261863	-0.06241819639295	0.50060107271982	-0.11062697645806	0.06078480495214	-2.76917005924384	-1.42406519830709	-0.40325968205536	1.00000000000000
+-0.12777796048780	1.01902527575544	-0.46512890185981	1.04108403740224	-0.50827749194531	0.34541163455649	-0.27137666066414	0.07840659741457	-1.29602652306512	-2.47467880261429	1.00000000000000
+-1.55752784829067	1.36432768217641	0.19922687039923	-0.18338286516441	-0.43228069400987	-0.89867515608286	0.51334008047321	-0.61509668588199	0.61434340584994	0.83249944553682	-1.00000000000000
+0.42094643352907	-0.35843917620575	0.72765477983481	-0.93838386782199	-0.43095145710440	0.39724878864039	-0.72358941037891	-0.55773536221114	0.66078238463960	1.19838739013305	-1.00000000000000
+-0.71098599933322	-0.84046557104250	1.37346955877972	1.84197499451572	-1.45988351072980	-0.94777575869125	-1.54642609289688	-0.56609285912365	-0.00338050905783	0.97647605756951	1.00000000000000
+-0.82316902983091	0.09164841623275	0.45511906254462	-0.10114055011075	-0.42303589937695	0.02747350261465	0.07883671918971	0.50317802307259	0.44366895787743	0.77847260493547	-1.00000000000000
+0.24873659699043	1.40929105854901	0.26319597921780	-0.18383213031546	-1.53294902168452	-0.78505688572407	0.56018217230286	-0.52663960320451	-0.05982267432597	-0.57878509506570	-1.00000000000000
+0.89017460634482	1.79024376915655	-0.07477187429398	-0.46703284087979	0.82565406568548	-0.67200766928689	1.08503297988590	-0.89779181363038	0.94118639750920	-1.51437216147619	1.00000000000000
+0.83597969978836	0.14487483085384	-1.77001328458146	-0.42046134386916	-0.44791889303356	-0.51390844867805	-0.37082168507332	1.06650248211669	-0.07872882081025	-0.64128700654193	-1.00000000000000
+-0.39945179885206	-0.78099436459987	0.58008326147778	0.65042753225913	0.98700149603303	-0.35260554935367	0.02926656472380	0.70744452090880	1.05895659618254	0.08985100677013	-1.00000000000000
+-1.18887967615913	0.29441145570328	2.81877590843268	0.25144359663592	-0.81825250724199	0.32257119819891	-0.06362965416828	-1.26572932869916	0.10508331188942	-0.40008584359256	1.00000000000000
+0.59847484332584	0.26040396211253	0.87941541429480	1.11525862558296	-0.69071747050583	0.77808905740957	1.16850303223254	-0.49795770210001	-0.92016297339959	0.42906465842236	-1.00000000000000
+0.66910270238378	0.16623846575713	0.46851063609953	0.89541916620989	-0.74230146803588	-0.86097573177312	-0.81390012841003	-0.96683448275627	0.38906092904870	0.49106470995656	-1.00000000000000
+1.47952372046764	-0.39467622316022	0.58188589949106	-0.12743638733910	1.20287095182298	-0.16259188947967	-1.46488696239392	0.09299877255255	-1.06205876024575	-1.32779514935348	-1.00000000000000
+-1.23042416343334	0.37260481592929	0.80560730149669	-0.68606288886777	-0.48633405481462	-0.18783994990403	-0.19801001999373	-0.55126099435275	-0.57640996415529	-0.81906854308848	-1.00000000000000
+-0.83477580361216	-0.27065756807719	-0.84233407919215	-0.37515444488759	0.58340023309223	-1.08646496250434	-1.07352907029989	-0.98371378269769	-0.56831140414471	-0.62188565469417	-1.00000000000000
+1.52000468474013	-0.96583614381202	-1.04504738844279	-0.08161180900509	-1.19975198716071	0.86325831475842	-0.69586252572635	0.14937644815112	-0.28899920241276	1.44782739118628	-1.00000000000000
+0.32363363078211	0.15067115543148	-0.72189874923050	-1.39169012791742	0.98835038205086	1.20650299143340	-2.83438317326918	1.20688109800091	0.12428457780997	0.48077497261271	1.00000000000000
+1.13676084704411	1.56784799954138	0.25170086302259	-0.09638466253849	-0.88333544081619	0.91400401396627	0.53265736730716	1.54708281684899	-0.87356173411775	1.74814289247773	1.00000000000000
+-0.64601276436483	1.28462696694327	0.55741877784152	-1.50673146800051	0.69693620695087	-1.03367670798519	1.32024548790725	-0.29074652891657	0.13599107704115	0.73054079645831	-1.00000000000000
+-2.07769668669547	0.97302455110002	0.40811334400635	2.17599191242320	-0.27321177240025	-0.76286112081009	-0.45583022933021	-1.71026839397415	1.10149508160172	0.43401361444429	1.00000000000000
+-2.36658187616873	1.36682544048790	-0.42999805059059	-1.43271608229338	-0.13632316759049	0.12530052001164	-0.08361312204259	-1.23573070830421	0.33723357299506	-0.26347173825887	1.00000000000000
+0.00754834996439	1.77739799868475	0.22469507040929	-0.07467052178331	0.65472116084257	-0.61608272663743	-2.65761108464267	1.01512135823603	2.48299641726655	-1.54970537149829	1.00000000000000
+-0.96025875619513	-1.40399770377783	0.74623691080993	-0.27649138031227	1.43242017562755	0.19711419109749	0.51028070011085	-0.21531067932602	-0.29261888466237	-0.39053307232549	-1.00000000000000
+0.27366851415197	0.66405003022826	-0.34797258924846	-1.93067485450043	1.76426697737330	1.03833750815538	0.84704270584071	-0.49654896948351	-1.27771708938935	0.59269709192685	1.00000000000000
+0.55191704785086	1.00068797777064	-0.27238589266225	0.86724832340950	-0.18125756406732	-0.42601665805278	-1.10963237132846	-0.52908777407172	1.01670703715577	-0.52795141744731	-1.00000000000000
+0.11374394079802	0.31377659135228	-0.16809535917212	0.22139685733914	-0.96124212812461	-0.03834107480195	0.93913169352008	0.02881444610572	1.95306994606769	-0.85514918278923	-1.00000000000000
+-0.95044207736201	0.29446393457215	-0.37191476074608	-0.06896271561757	-0.55030593107667	-1.54548681334311	-0.19051746091016	0.71600237830802	0.07982174894816	2.09363503944074	-1.00000000000000
+-0.38145971524356	0.59955378357970	0.37394077038682	-0.91449495168039	2.67577690310726	-0.51246749243691	1.14528727506671	-2.24874905585534	1.61455993336872	-1.01831008780040	1.00000000000000
+0.89449843706542	0.14500066486782	-0.74107528063447	-0.44616480364932	2.17924687581908	-1.05653070475047	-0.89122883163549	0.47000003726513	-0.71132678815762	-0.66709928210294	1.00000000000000
+-0.55919740287563	-0.20775816152070	1.44022272280728	0.59141087168545	-1.77743004230674	1.16932005199093	-0.71526963865849	-0.47681240529348	1.25485425334959	0.65485353257676	1.00000000000000
+-0.75930923046749	0.16668313777316	1.01163417437110	0.72351114056359	-1.30781952512202	1.43805529269376	0.76162815641725	-0.68100717030803	-0.13518201412631	-0.37650297367663	-1.00000000000000
+-1.14007785556713	-0.32500495239658	-0.28134191372165	-0.98141949868618	1.64252411534283	1.53814772409436	-0.22318555839595	-0.55548855819041	-1.79021859079386	0.03624011054254	1.00000000000000
+1.35622175185211	0.66398769780902	0.54814333643653	0.60550339518561	-0.90212456839972	-0.26262877304970	0.17553235997475	0.84332691691967	0.54492001657783	-1.03118135697424	-1.00000000000000
+0.68198693373899	-0.99568153156528	-0.09089563510881	1.64971546839765	-0.75813358218447	-0.55755735668660	-1.26776781631051	0.95960204520470	0.83325968972381	0.34320390475805	-1.00000000000000
+0.00593557658646	0.30269459237814	-0.96951069223064	-0.11839530623796	-0.27769358152634	-1.13336739957330	1.25966320667959	0.51653869859838	-1.00788098533686	0.76734774594960	-1.00000000000000
+0.31261234353603	0.00449549891495	0.18588994676240	0.79014399558562	-2.85530694131799	0.12186959962163	-0.55682826158344	0.05164809510246	-0.36062929933046	-0.38420464041426	1.00000000000000
+0.50044301082092	-0.23721815265798	0.83803929891395	1.36829452069722	-0.78531886054160	-0.39069156236644	-0.88453128141237	-0.61977541210318	-0.65383615220242	-1.07029665193994	-1.00000000000000
+0.13713233820490	1.40886039773705	-1.46952115581757	0.59827759015383	0.43327910307931	-1.48853772217061	0.16032163188377	-0.98794871033864	-0.74234459173868	1.94364695814888	1.00000000000000
+-0.95850300536383	0.23297430027172	-0.89306739050782	-1.13789012316923	-0.56733267894676	0.55886784731710	0.11217461960332	0.30261313379636	0.40427047899830	1.14040647368903	-1.00000000000000
+-0.09092663046716	-1.98449216953750	-0.41272653966078	2.15000082365922	0.73065265651610	0.55519463819341	1.31834558178654	-0.83911213593359	-0.66900832917342	0.80777675228385	1.00000000000000
+-0.78447261393020	-0.10432267136498	-1.04995563165657	-0.52179296211313	0.43703894409669	-0.60740512943216	0.28969624887132	-0.75879295431271	-1.65543948989862	0.47008308038755	-1.00000000000000
+-0.60648286928145	-0.73307871036850	1.47052354012574	0.86524318319885	0.15498580137265	-0.77452681879009	-0.34992888179244	1.53817571370883	1.30322681929090	0.24064932595393	-1.00000000000000
+-1.65880358537513	-1.38376180059845	2.14985333355526	0.28025565082113	-1.59905062755744	0.76270939371478	-1.09849081930425	0.75169794336830	0.91942472061516	-1.71654999382002	1.00000000000000
+-1.78039637374705	0.79939608271495	-0.52222632222928	-0.23591239208956	-0.99634980686474	1.33428312183176	0.01998161083878	-0.72775898696985	-0.10034852446867	1.16348912859975	-1.00000000000000
+0.32644544406733	-0.95791831331508	1.35556520476605	0.29589030626193	0.67853586778887	1.16429159377813	0.78562534506270	0.55018952970917	0.89948607721029	-0.15594580367977	-1.00000000000000
+0.21729384453952	0.77045191783789	0.22803884586772	-1.63809011333128	0.54368447446844	-0.71753044718111	-2.39277524869361	0.83198019725237	0.93126864251079	0.67209719029925	1.00000000000000
+0.97067014521121	1.33641506377647	1.10391593659943	-0.71006044619160	-1.14488989039270	0.51610084448455	-0.56876426419971	-1.16094147604662	0.10206941044174	-1.29082545161808	1.00000000000000
+1.36189458145358	-1.79864909003615	0.81123277694192	0.27688510074461	-1.36864717092641	-0.47237646431839	-1.07342302799442	1.23357104514569	-0.01143440818001	-1.23279114631361	1.00000000000000
+-0.89072237636088	-0.06022396147994	1.30808290965998	0.97128773592146	1.52249082481938	-1.35066243372174	2.02226926751270	-0.98273844671238	-0.26448020782183	0.70957465924572	1.00000000000000
+-1.01139013847662	0.47759905870403	0.49617451534924	-1.01880737991019	-0.69847785246230	-0.38344972497227	-0.04020347302346	-0.98222461661799	0.03540314699659	-1.39829951618526	-1.00000000000000
+0.31232847507829	1.41244146131125	-0.79452786007993	-2.10469312839636	1.76934728209029	-1.05263184234838	0.04098061150812	-0.02844824467868	0.02567515865052	0.12785816099168	1.00000000000000
+0.87900534187483	-1.26369393934509	1.02331968855085	-0.35561767998199	0.93510787736565	0.67761319043898	-0.83299538464602	-1.26010658584493	1.34887296096955	0.40684204897493	-1.00000000000000
+0.57133125630287	-0.13185611317294	-0.00036481779318	1.04636535538879	-1.54175741957706	-0.04060319138520	-2.24813317148593	1.85209624117347	-0.47327579647928	-0.15029933910524	1.00000000000000
+-1.56967551507115	0.94528658317586	0.38918690916380	-1.24956993182109	0.44625578015099	-0.21403947784191	0.33173357043394	-0.67639051719821	-0.22133428440786	-0.33605144466879	-1.00000000000000
+-0.49473919467423	1.11109548543977	0.85619835295773	0.14520958394562	-1.57273838582414	-2.37583791751125	0.06297752722073	1.18537259495228	0.72674570335006	-0.31582603139812	1.00000000000000
+1.37719944817743	-2.58049400658376	-0.83460213722225	0.10994112062071	-0.39415486775128	1.07031329927230	0.76283473891369	0.57044624029224	1.51142916093183	-1.08336887675061	1.00000000000000
+-1.73569184002731	-0.76639452986686	0.12974189273671	0.11512049646633	0.36167362106744	-0.41280994131163	2.54029150037837	2.18864369109876	-1.50326066276982	0.38088632576816	1.00000000000000
+0.34122848022678	-1.76940352855384	0.99645495148933	0.79216906768019	0.40468037652804	1.62030785894007	1.20530227541037	0.97493110563029	1.29314148870440	-1.49209367557096	1.00000000000000
+0.48485489476756	-1.04639649192550	-1.35486373819651	0.83056528612243	-0.05132300947467	-0.20227725482506	1.17666991621834	0.01805925261516	0.62654151999495	0.81933019954410	-1.00000000000000
+-2.30373594980369	-0.21969272684834	1.49316792964089	-0.73313310570298	2.17516252405007	0.28386616552038	-0.43564368168368	-0.77938602752069	-0.59190247299898	0.79343407928375	1.00000000000000
+0.28942141552385	1.57833111758892	-0.60102726671927	0.37680017706989	-2.22265707964647	-2.47896963580329	0.65339763608499	-0.20899507390512	-1.23951380934148	1.14609049793930	1.00000000000000
+-0.64215778550270	-0.63817971200034	-0.95840606250066	-1.32837284320815	-1.19686405761996	0.10030974027552	0.81156801308255	0.94143895705334	-0.42180645962307	-1.10066876794128	-1.00000000000000
+0.05848515482544	-0.61436624395650	0.02758614865442	-0.97678413944724	-1.10091709757237	-1.61683427316634	0.82782571232376	-1.78054710471655	-0.23107356398650	0.08415282662126	-1.00000000000000
+0.48615958096871	-0.12365353661215	-0.15004000847547	-0.42625734574889	0.03045530170232	0.32710393804119	-0.93961068230025	1.18225680793990	0.20074962859180	-0.97050069355339	-1.00000000000000
+0.71206321794974	-0.07376746262995	-0.53517741265909	-0.36593099549852	0.42297650311781	0.59172171274890	0.66335082500509	-0.63587236003319	-0.17175359809679	1.11373218817823	-1.00000000000000
+-0.68688076138209	-0.18827382196599	1.60964042476294	0.33610298802520	0.74588015180184	-0.26195041155326	1.81379695934698	-0.04579172389892	0.22754437231271	-0.95463417837741	-1.00000000000000
+2.13142832113188	0.61783239924980	-0.92921707892128	-2.11199631666787	-0.21067581240405	0.18121211650800	-0.33425426985970	-1.71739962090970	0.11039511139355	1.42826908746678	1.00000000000000
+2.80162945915539	0.42231913079802	0.52788994104961	-1.37022579731299	-1.01675210201270	-1.33656845000669	1.30430188979678	0.97973648135615	-0.57786676690505	-0.30443461380505	1.00000000000000
+1.49597084930711	-1.34900858766381	-2.10768209103177	0.21055431720980	-2.50511427436640	-0.22720363794033	-0.34445022603445	0.60036617612452	-1.13737671585884	-0.08950511331810	1.00000000000000
+-0.22831017693092	-1.87909072274853	-0.84243166290222	0.59417591979260	0.67798914353249	-2.55762118298687	-1.70392460038893	0.12655107405403	0.10633111625698	-0.68292720909990	1.00000000000000
+1.01712081127126	-0.47176212968675	0.19073999843733	-0.36317866008083	0.02928914162235	0.49746067304034	0.10628371978741	-0.93040857894088	0.93066920419792	-0.55785136650623	-1.00000000000000
+0.11186863709602	-0.17722803995940	-1.43696114776414	-0.04070828788136	-0.78812829677304	0.07747247593130	0.82072767956207	-0.61430734004150	-0.47989583347186	1.29708268676597	-1.00000000000000
+-0.25776532220448	-0.81855057388202	-1.50415144083325	-0.21061645201449	-0.44474494835925	0.22430238080631	0.37306289528021	0.01667121774751	-1.04299410931817	0.31184843971340	-1.00000000000000
+0.44840176731133	-2.73920818074131	0.39902563016944	0.40090874809873	1.00816472370092	0.13373308117153	0.25072840161411	-1.13177369668982	0.39840823382627	1.16072617345354	1.00000000000000
+-1.37734450556804	-0.32935104661574	-0.02334645172363	1.40810514293428	-0.63414960074562	0.65524949734412	-2.43802812501355	-0.33097750870420	-0.42837059842023	-0.41612409530595	1.00000000000000
+0.96175677984055	-0.69841756172333	-0.23504083431930	1.32514692423921	-0.07082529916902	-0.16333547021745	-0.76999004711802	0.26945547560594	-0.15982525358044	-0.79284842285088	-1.00000000000000
+0.04451287003612	0.74316110009831	1.39662136633208	0.51395591949122	0.09927843830815	0.33604868244846	0.32258377451401	1.48180095192491	1.04974593785022	0.18254579517364	-1.00000000000000
+0.14096136088333	1.65297596244500	-0.54077830169082	1.42072259636568	0.68200559352784	2.49189503168554	-0.32415570699435	-0.31497823702245	0.30592766417831	0.11629298551393	1.00000000000000
+1.84058763312958	0.79397376522983	-0.47978002921035	-0.37354146598609	-0.80761566709085	-1.42162819423481	0.63826015888288	1.32776500274778	0.24871065180508	-1.08672671461585	1.00000000000000
+-0.26007976629981	-0.52371228876647	0.87308938669308	0.32694515408862	-0.29936321360742	-0.38637689115650	0.51936959334450	0.30307888024971	-1.06137993012442	-0.02462401814401	-1.00000000000000
+1.40895738039097	0.41718403008330	0.12935082541283	-2.97043856010293	-1.21662336749839	0.86433283517549	-1.20156544405096	-1.00022390185432	1.16610542501767	0.19359650267747	1.00000000000000
+0.47800799554335	-0.79572901446776	1.04956949293616	-0.08553088586945	-0.84633368417032	-0.58762503058241	-1.08208071266849	0.28377758096114	-0.34300930672400	-1.82899254440014	-1.00000000000000
+-0.19782086403486	0.89722717560631	-0.56993187780345	-0.03356957402939	-0.12563588343205	0.94215017216988	-1.01402047657864	0.84184502607935	-0.25323981128050	0.54509028628836	-1.00000000000000
+-0.88124828839190	-0.25849393771023	1.17488016143825	-1.11105795431099	-1.59332547879066	-1.12185136579777	-0.78767070940091	-0.32370640977385	-1.35581465662878	0.76461359468338	1.00000000000000
+-0.47515714206248	-0.87202845432780	-0.62983620597652	0.17609614448873	-0.11172986394241	0.26559848063316	-0.02827799353288	0.36410108406417	0.27139231626685	-0.32354713010905	-1.00000000000000
+-0.47184131609888	-0.21550926319712	-0.66710503606884	0.82125353325352	0.97465751280061	1.80108795080593	-0.25696553750892	1.26370731249613	-0.04399864912533	0.84977371541916	-1.00000000000000
+-0.70481702626173	1.17086585608846	-0.67830792674929	0.37289525447805	-0.00669287370915	0.91591891673302	-0.76211230002777	-0.40901518552340	0.80427430520170	0.00432610323746	-1.00000000000000
+0.18746502766736	0.37678484810719	-0.66304372176911	0.27905346114863	-2.79762062598944	-1.21141439581707	-0.24397174769263	-0.79819553834823	0.06984795550125	-0.13097173494188	1.00000000000000
+0.97362505205970	-1.53627817917694	1.17089611923988	-1.40539551992990	0.55280831452111	-0.43415896027833	-0.79346062998653	0.33867675999725	-0.28656487911767	-1.59462517082393	1.00000000000000
+-1.55642995628380	-0.58690300432875	0.27458049041614	0.94896867051628	-0.92713154645226	0.72944069798711	0.57516838039086	-0.52708017104685	0.61155935693063	-0.16516015142312	-1.00000000000000
+-0.82011213012788	-0.91657323463695	0.67387816309542	-1.01182582441795	0.02485413649548	1.04150807118063	2.65167285384541	-0.65749886490132	1.38667675033924	-0.72966951131809	1.00000000000000
+-0.13834169328111	-0.16676039384094	0.51051343968778	-0.32101437041469	-1.51073041670170	1.17646009876294	0.90866606832668	-0.26810289597227	-1.29972984146586	0.46084743034261	-1.00000000000000
+1.14364865618721	-1.08280963869749	0.96212718988823	-0.60967094084173	-1.78003817985210	-0.29235374597478	0.30753758171501	-1.17226228874713	-2.27847222923525	-1.26357443030126	1.00000000000000
+0.14645987014455	-0.98868115294552	-0.13299444956607	-0.36146763731300	2.04132124649584	-0.51910048176865	1.01044294874157	0.38351495497198	-0.36287923012405	1.38964948981184	-1.00000000000000
+-0.04708811290215	3.59938858036706	-1.54257412946201	-0.41673040932755	-0.31415423515072	0.31875461686527	0.93228120563398	-0.42682481269825	0.18842185377970	-0.29927567351758	1.00000000000000
+0.81423543466520	1.71329916173317	1.12416885173335	0.39128180006227	-0.76745713376167	0.61411229444298	0.55168955937702	1.04152483091142	1.36057567461328	2.72882128800893	1.00000000000000
+-0.72506536310473	-0.67282691052798	0.07516016400085	0.41834451327195	-0.50439217267334	-1.37141761177192	1.18297084004206	0.02513700000858	-0.10641120872038	-0.97931183916416	-1.00000000000000
+1.31755524052099	-1.24484705540440	0.21974687845548	0.37086844732585	-1.47287448082408	-1.86096686020268	-0.79312352900190	-0.31679328104218	0.01492108454325	-0.47104701966763	1.00000000000000
+-0.93355258757086	-0.94318403563283	1.07846946137307	-0.22471975124229	-2.30496702572298	0.21614889478014	0.69735949395012	0.66667303325683	-0.63608125440601	0.61422455585237	1.00000000000000
+-0.34962951505070	0.64149375025564	-1.37949757422769	-0.31835739747787	0.34020127940750	-1.19061573726371	0.79412084000554	-0.01599692182763	-0.31255926967367	0.50922935087502	-1.00000000000000
+-1.16579085411243	0.84325928122836	-0.74076945256791	1.01661317938809	0.60495730198687	-1.16542300291210	-2.57074935078647	-0.59611835282824	1.19060055641570	-0.94239604682496	1.00000000000000
+0.71602409731874	-1.24697931965669	-0.14828554166695	1.20440038672567	-0.74418760750580	-0.25548186471536	0.67705160628555	1.37210688780564	-0.27693960157313	0.67703242501343	-1.00000000000000
+-1.98601237582177	-0.39945731625194	-0.25865240875205	0.45447075098924	1.22879256288390	0.10482078856680	-0.21764146112169	0.86605243045262	-0.98857697132191	0.41616999539055	-1.00000000000000
+-1.74426618005447	0.19578928679622	1.32765415440513	0.19513022609351	0.93746965232638	0.10783134966590	1.06106397415921	-0.56044141665361	0.73350646481878	-2.12843403662905	1.00000000000000
+0.04457568962700	-1.57598788594388	-2.50800258099536	-2.03040256158942	-1.07015601252331	0.97020742926800	-0.07682980932441	-0.56260342963069	-1.73384018589405	0.22703227032485	1.00000000000000
+-2.14523997141930	-1.01529798865238	0.75580174668436	0.09258268260880	-0.47826249281303	-0.62900880734362	1.44415783290594	2.34364581384377	0.38889526679912	0.43912048474246	1.00000000000000
+1.60334641305352	-0.60160359278876	-0.02804478420667	-1.99334097625153	1.48481499908841	-0.50997889142589	0.50672370365221	1.40290541770836	-0.08541783593172	0.15018424098951	1.00000000000000
+0.97596779002768	0.17703901169751	1.06034733388654	-1.36999749213399	0.54657870320644	0.32672085837722	-1.26212952082869	0.04124418530829	-0.09868937506188	0.89419848181541	-1.00000000000000
+0.25552287406164	-0.62700356374552	1.05446567748089	-0.68583322600571	-0.56137037971824	-0.23696201722766	0.56389253483117	0.77313462916396	0.48631535072496	0.01905909769381	-1.00000000000000
+-0.08299721138878	0.72439256034051	0.50585363637227	0.43253618057563	-1.48035827938156	-0.12943293206485	0.18500662327715	1.06295873651452	-1.05446856134257	-1.59818596948382	-1.00000000000000
+-0.24416293767781	1.25805508075317	-1.07858063146133	-0.43043584245083	0.44013242903142	0.18159965645636	1.37222820179521	-0.43483268026418	0.63735298238008	0.04398215696701	-1.00000000000000
+0.62351922174393	-0.63177279893997	-0.17556281948910	-0.03976801129080	-0.96376539197912	0.76324210165867	-0.22808393644145	0.36401604878397	-0.10976029955671	0.21317128856463	-1.00000000000000
+2.14264097006488	0.12330676661099	-0.41087120027931	0.46814479779686	-0.00313234908135	-1.60980503316517	0.62473454061708	-0.36593794782278	1.09358016813540	-1.16325888083472	1.00000000000000
+-0.26053280951480	0.50408392152703	-2.34017220609493	-0.13893196399567	-0.65593078996494	-0.08193167430534	-0.13599888455166	0.56453438023357	-0.47165589042567	-0.69657547207353	-1.00000000000000
+0.59826500797227	0.11317155311641	0.02114300145065	1.65729712930535	0.18650149351163	-0.09316991186147	-0.80152879866643	1.21449523926970	0.13503145259068	0.51884144669713	-1.00000000000000
+-0.67613932914829	1.24422663203064	-0.47540713429464	-0.65296520364921	1.30265573791240	-0.26443289576552	1.45650315450272	1.15112825808767	-1.11583392503568	-0.97928274608049	1.00000000000000
+0.17086801850984	-1.00965117529084	1.60776087146076	-0.91038112597936	1.41556374578310	1.02553500023075	0.57491380393581	-0.61171130988078	-0.46971530391579	-1.17366387814895	1.00000000000000
+1.22977193470340	0.31909005325515	1.40607971528493	0.68840742915578	-1.03315495308431	-0.63990632922504	-0.74222770207857	0.64196526570911	0.29235636045761	0.71265838550094	-1.00000000000000
+0.20165826542348	0.93653461658344	-0.06924893884929	-0.39373374872165	-0.62158368476298	0.04894133680325	0.35963970714625	0.76117801220814	0.44801644140240	-0.78691997520023	-1.00000000000000
+0.65349559018034	0.69252417197341	0.15902987075940	-0.59605590982209	0.14491001031052	1.18435210268898	0.26638518496763	0.83865058193937	-0.12691693419679	-0.77863735301070	-1.00000000000000
+-0.79536034755964	-0.13150612328499	1.28222142123851	1.17461708810737	-0.66499932116714	-1.22635455240008	-0.41985889939209	-0.67787614099970	-1.31578865974693	-0.26291043919390	-1.00000000000000
+-1.26222034226048	-0.58870626761878	-0.41510393091662	0.11429525143814	-0.70328763709036	0.93292313290840	-1.50802701497687	-0.13113811017308	0.38200885155772	1.15753155246420	-1.00000000000000
+0.41644561844275	0.30747001048350	0.45537221070298	0.45821331943771	-0.59436457459118	-0.46628750108332	0.89434333718348	-0.93873599886184	-0.44036160900355	-1.38236542404454	-1.00000000000000
+0.16315081500355	-0.12729308380321	0.44620885990842	0.58916170170131	0.37150446928965	-0.22533409181020	2.74326657443232	-0.99320025002944	-1.04838474018821	-0.69347635029964	1.00000000000000
+-0.99842605659686	1.78419345689839	-1.15824893480378	2.45120163616684	-0.50472939142558	0.07663310928652	-2.06956013189295	0.16426063345941	0.84624989531777	-0.16710774976220	1.00000000000000
+-1.27108018284209	-1.51812073925169	-0.28303231011694	0.61576933772658	0.27562087573295	0.06552354747294	0.38315960540782	0.05800272659675	0.70072269993934	0.42486973569126	-1.00000000000000
+-0.50392557445902	-1.89063207301433	1.60756456284115	1.82609678696479	-0.57048788587812	0.11264984154557	-0.53492507870578	-0.55314192340916	-0.57646872255925	0.37662019990615	1.00000000000000
+1.15481848042432	1.55256233024716	-0.63394061600039	-0.34404548429355	0.50894008336402	-0.22688217925979	1.01504793407226	0.78541786674910	1.13921256327238	0.09649433574428	-1.00000000000000
+0.62618139434076	0.23649131370320	0.03641476434793	0.72161595896469	-1.76401366009504	0.49777627602732	-0.84895204731112	-1.69863399937973	-0.24844030123687	1.01067510783722	-1.00000000000000
+0.28746654044573	-0.07309082196945	-1.43396250718493	-1.73386180176816	0.35098988630533	-0.46435127336301	0.39752823037788	0.57543566242769	2.12599636516554	-1.25397907936144	1.00000000000000
+0.88371103794941	0.61113734228252	0.18642813023107	-0.45058244024433	0.66286343016153	-0.23499687950559	-0.11417459366838	1.46156207415106	-2.75293994975139	-0.35204251134077	1.00000000000000
+0.20959501666173	0.44381633952847	1.51113778051503	1.73086908345933	0.25087782667154	0.00534247785535	-0.67430685350273	-0.79944217991181	-0.29441423431025	1.66537264908978	1.00000000000000
+0.64016696992020	-0.89452746157225	-0.26574351517045	-0.70305685381382	0.07196145885191	-0.14146397427514	1.23565233777176	-0.77196426058754	0.34630717987694	-0.12008178249883	-1.00000000000000
+0.51426058267485	-0.81961342437571	0.94373491392545	-0.56404382166312	-0.11654101930910	-0.81207715757529	0.87045091537817	0.74772961009769	1.60172804353007	0.15577249905166	-1.00000000000000
+-0.19542127282046	-0.97671340730739	-1.63962679393289	0.95050332802703	-0.86663128782615	0.18783384544368	-0.03866071256736	-1.07743992885278	-0.11965596235996	0.09671230312548	-1.00000000000000
+1.34753381500702	0.31664415899039	0.87756122903950	-1.89513645577764	-0.65635379826897	0.81180595701041	0.46565597003647	-1.12679163727430	0.71470545074423	0.64440021644821	1.00000000000000
+-0.48398830691977	-0.60539902324310	-0.24533005550800	1.62875989053890	-1.51917323178086	2.19271782339113	-0.26054583744489	0.64888092053775	-1.16095354565813	-2.74336351194638	1.00000000000000
+-1.09686873795842	-0.45207200384517	1.56964304000091	-1.06691241993241	0.51608124598023	-1.18789375771461	-0.55001419034568	0.48686495237331	-0.71746827675129	0.25184195582449	-1.00000000000000
+-0.33407442243441	-1.18719389183175	-0.65770845031877	0.95396757978245	0.71261354586891	-2.57849589090680	0.15937097556403	-0.93468508534245	-0.74255130284484	-0.31013326587274	1.00000000000000
+1.67973739016125	-0.21988859799149	0.77980946685553	-0.08142516857547	0.73497366141041	1.10771958705000	-1.25945898870883	0.40189059271565	-0.61929372610120	1.03526547362565	-1.00000000000000
+0.30644337704056	-0.27236687290790	0.87635355308553	0.39446254252152	1.22174070838008	-0.26210372177444	0.73544162707305	-0.43553088415394	2.33863115189450	0.41902473696304	-1.00000000000000
+-0.97858279508471	-1.46565894985555	-1.08619759677533	-0.16342331038887	0.79490098879706	-0.44725468623022	0.14255055376825	0.65178799815447	-0.71796924474980	-1.38432700489129	-1.00000000000000
+0.20441468739849	-1.25627777276167	0.87715419613292	-0.49609085064173	-0.60981464338874	0.90517369145197	1.35945012191263	-0.02881307568068	0.14219641452387	-1.13477599167517	-1.00000000000000
+0.61356266675665	0.83932450589289	1.26152879064967	0.27516965439861	0.25384611552345	-1.52347330100589	0.80774969737792	-0.01534941117585	0.59932720979759	0.87560059543879	-1.00000000000000
+0.71447584572613	0.83143427825919	0.16437244647922	0.07481519842124	-0.70828212476663	0.70826892351620	-1.48581036892774	-1.37806619944330	-1.03032794443562	-0.26906763399191	-1.00000000000000
+0.29756214696312	-0.29802216117567	0.50716364666741	1.46363499292562	-2.18339486135562	0.71245661838182	-1.63992334400229	-0.39504227718221	0.09718468953632	-1.01210358669714	1.00000000000000
+0.20485018022631	0.57063838585092	-0.63298941325281	-0.74619589947453	0.20219685960580	-2.54372918723675	0.04627823815683	0.11203996061456	-0.57996093482499	1.25241444384456	1.00000000000000
+0.26535702285974	-0.66913790687576	1.01127020934530	-0.58157921602284	-0.02184906597286	-0.58864695320729	0.82452425779730	1.08491547930206	0.68284924919533	-0.42005319825773	-1.00000000000000
+-0.53657722669691	-0.66414136166063	1.49508208231829	1.10290125679437	0.95769714148976	1.30196887419555	-1.34354823765490	-0.02590344060542	0.16816401624993	1.25808844594158	1.00000000000000
+0.70586925601811	0.87263769197877	-0.05764622869460	2.32071750760971	0.71994348254045	-2.03453936709004	1.56407110931115	1.19622720380641	0.35803021734303	2.18922088079123	1.00000000000000
+-1.82630230703770	-1.00214320328821	0.72488410387522	-0.31818035525595	0.74151589844862	1.22029639372964	1.11991694847365	0.95046891669790	0.92676230092722	0.57119233407777	1.00000000000000
+0.99566924833085	-0.04016593477409	1.69785208224143	-1.79887985092393	-1.11188207649574	-2.52904691153947	-0.60920113439959	0.59849020828905	-0.03668454508756	-1.31006862242567	1.00000000000000
+0.49202727375767	-1.16932491579125	-1.12908793597942	0.03681159788050	-0.14075353599827	0.99415412387840	0.28930915336709	0.55853951838425	-0.10650338557349	0.67115465588757	-1.00000000000000
+-1.01462162402791	-0.09750250716527	1.79117092658909	0.00360839247275	-0.28160606473364	-0.33360505990373	-1.41102277377440	1.67762354529669	-0.16635894676566	-1.04945836388578	1.00000000000000
+-0.35075404140648	-1.77277279070982	-0.80198139005621	0.43211860499238	-0.86566761706876	-0.35737673361742	1.26142961147699	-0.30766413962094	-1.35645918934597	-2.34002791264093	1.00000000000000
+-0.63865340794052	1.18147583838182	0.03215085993930	-1.46945593005583	-0.63157329921073	0.24463966540708	-0.05792520259872	0.72223241341982	-0.20989928487439	0.29609665681118	-1.00000000000000
+-0.47923359857951	-0.34496383794494	1.41821303476510	-1.01214235438054	0.76159072556148	-0.31378748230292	-0.22588813160249	-0.10715025740900	-0.49653248615732	-1.92800117639167	-1.00000000000000
+-0.71786984329396	-0.57522675517963	-0.20762343693345	-1.54899742083917	-0.58838299466836	1.88337245640394	-0.19516844637749	-2.44312073398126	-0.89125165759772	-0.11443697026447	1.00000000000000
+-0.18317614901627	0.79420761851129	-0.35095974386308	0.73718259507411	0.90403371130983	1.26485237394725	1.07057228706536	-0.62422876033580	-0.50778693601414	0.11573189042125	-1.00000000000000
+0.38264188072370	-0.57517546363275	-0.93000723233625	0.53359938036999	0.74617597757505	0.96976005159088	-0.49877073093257	-0.76952857823067	-1.17897819066449	-0.09385623520107	-1.00000000000000
+0.17348510968076	-0.39076031991146	0.01106373893858	-1.18988705145644	0.99399087738937	0.25460679907446	1.53894259227218	2.38799462262017	2.13415596272324	0.55262685599942	1.00000000000000
+-0.88674245375118	-1.94257048523794	-1.05623120970141	1.35057513438303	0.89790895621959	0.71764547683049	3.02352381052751	0.10497630918715	0.34984312537113	-0.03784403896039	1.00000000000000
+1.54548921249242	0.62363294968627	1.00468265621922	0.26701773008978	-1.59999634179798	1.48143775808127	1.71476181364034	-2.03049543684945	0.75147366292501	1.13523291930678	1.00000000000000
+0.90958303845725	-0.79865198012334	-0.48255599617919	-0.80300455652738	-1.43666460228606	-1.58547192517901	0.06194258731664	-0.21782678213747	-0.61235078797600	-0.84124254268015	-1.00000000000000
+0.63846616934615	-0.39333303334555	0.76131705871202	-1.32845426591964	2.31577539921459	-1.10532813931119	-1.88035361345483	0.40838540808897	-0.37111870192781	-0.06011148304708	1.00000000000000
+-0.75952093856101	-1.37136242969830	0.14946821348948	1.14761218806656	-0.36050377136005	-1.28682301978345	-0.21167339254969	0.06605253257943	0.98025961757529	0.10697934300095	-1.00000000000000
+1.10039343398792	1.74896555475458	-0.48216613744731	0.64239896962640	1.01435504682436	1.06313804261395	-0.37118948440053	1.24141161504584	-0.21052685724746	-2.14256921634836	1.00000000000000
+-0.59874900488265	-0.73010391495383	0.47934046927791	2.27073743036485	0.78075679709852	-0.12138422426657	1.43568468674945	0.39451199857535	-1.19366775777544	1.04066866053011	1.00000000000000
+-0.10460046672917	-1.30497903350711	-1.41444754922710	1.85365684586020	-0.17856438226715	0.42215191332952	0.32944896873716	0.04749995601101	-0.61382180198719	0.82604721397319	-1.00000000000000
+-0.66627986216455	-1.56676911392181	-1.77207851790699	1.12090466851996	0.25545648541358	1.02109588703537	0.63117313528872	0.71027585670104	-1.24494892476122	0.86015298561034	1.00000000000000
+0.46520875962788	0.92495223918792	0.94805657225383	0.12383288652274	-0.33832482840361	0.00309262006211	-0.95431993190150	1.82611057401767	-1.84991490774419	-0.28704556752028	1.00000000000000
+1.45620519252049	-0.53514153405954	-1.08849158173016	-0.52984448561379	-0.79913424155461	0.70058335881260	0.36912587199077	1.03490474036549	0.78225112618633	0.21021542852657	-1.00000000000000
+-0.67508423221706	1.65991038584238	2.13643722747240	-0.93677909475150	0.31499410697260	2.84878893252355	-0.54934287150287	1.07671503439492	0.36872038786394	0.45414288622025	1.00000000000000
+0.74134128096660	0.66531127899652	0.17731670379122	-2.25008075685516	0.88618801774033	-0.42496757064193	-0.56598920784613	0.32523206777419	-0.14103224193121	0.92924910841518	-1.00000000000000
+-1.56981591958618	0.63872747666715	0.33041943200814	-0.45965224298018	0.54463630403210	-0.41998191664087	-0.90810818197904	0.10811138520915	-0.17646889492474	1.45585667598117	-1.00000000000000
+1.26020705358846	-0.10161617477279	-0.15056755714380	1.00034386025797	0.93452727536307	-0.41311406006722	-0.11509555988177	-0.18141426160463	0.30555555565920	-0.40571664273478	-1.00000000000000
+0.24138396183372	1.18231901459408	0.52448147433340	1.65007483124016	0.54464386736956	1.19126060922363	0.53617847001163	0.35484125711108	-1.85604680152569	2.28402418130773	1.00000000000000
+-0.27804617375489	0.14373416483867	0.40092360856945	1.96149024919008	0.38415461876398	0.73704888458971	0.29805763420078	-0.59200920456173	0.54344038049648	1.33132776043336	-1.00000000000000
+1.22448165856878	1.01759545883283	0.62143421239647	-1.52427178406294	-1.03641138234270	-0.38251098147143	0.58748190822039	-0.55723726719174	0.52821461455036	0.09649029771661	-1.00000000000000
+-3.00880653255551	1.20909477701438	0.77420503282512	1.28012775814032	-1.11393445978256	1.15372526306637	0.10873231281657	0.27413763650589	0.83353962843640	0.11640535330693	1.00000000000000
+-1.20981283206252	-0.11363659285281	-0.15549899050233	-0.56334475568383	-1.30786331032145	0.28888418589754	-0.02571451368982	1.02658102928605	1.12186469962937	0.17811098719313	-1.00000000000000
+0.72856377447812	0.55592541209872	0.75600846355700	0.91870152887573	-2.70865460618229	1.41456999994969	-0.57397041468228	-0.97126462357311	-0.99872569559290	-0.27470343195846	1.00000000000000
+1.01255541800543	-0.40230422353322	1.72019374635029	-2.03053861173204	0.35295851675848	-0.64193457559961	0.95351067360870	-0.34659189943270	1.81971492663265	0.38160749521740	1.00000000000000
+-1.54038314494086	0.00865348308371	-0.04514206675005	0.44497191949287	0.36246234030916	0.05829638282968	-0.34183757804699	1.26166315600675	0.01317047926222	0.04763219784995	-1.00000000000000
+-1.10535431052786	-0.21345976089781	0.08061643694938	0.25676084987935	1.26753324502222	0.28595466671735	0.53475045556391	-1.06443646903666	-0.42046350245232	0.66589998434751	-1.00000000000000
+1.15712500227565	0.09507812692682	-0.45775934881064	-0.29456985128611	0.15864136218291	-1.19043122076860	0.74495313880192	-0.10045918631846	-0.29907305758805	-0.52297991300106	-1.00000000000000
+0.43649132340724	0.30704322821462	0.62056645077570	0.53701364079480	1.33948422383343	0.17991747305992	-2.12692995086711	-0.44260811639428	-1.43068152161834	0.01765892343512	1.00000000000000
+-0.86595133671302	-1.35099202193255	1.31853559135870	0.70729991986893	0.02177825270673	0.84943561323247	-1.44808840275728	-0.62409886471999	-0.29540573063754	0.51100635282204	-1.00000000000000
+-0.02288552018732	-0.53178861596819	3.10501692170887	0.88246615707368	-0.31741216481351	-1.64115370248839	1.47180530836887	-0.84850977436874	0.62433917601896	-0.97940445380112	1.00000000000000
+1.69008065736287	0.41737660661215	-1.62843336442385	-0.35279199875801	1.58134366187462	0.88998053705680	-0.40930126216715	-1.63363785468314	1.54772331474753	-0.19320579827513	1.00000000000000
+-0.35504946652847	0.75254293521008	0.05420989278283	-1.16079442598590	-0.59494251506437	-0.36816745020506	0.33753059507971	0.83943914566244	-0.77035956026342	0.28419720909254	-1.00000000000000
+-1.63067177524733	1.96085336448355	0.13459576742584	1.34374697887112	1.27530698500990	1.01280583574928	1.04609620228155	-0.51385993238965	0.72824736067070	0.32557300670062	1.00000000000000
+1.98222443458809	0.21987354401943	0.61069053128679	-0.31790144737517	1.85554237116195	-0.84511223771326	0.59898844527195	0.89291068556767	-0.70695566774948	-1.69831406546995	1.00000000000000
+1.18122169822450	0.30594002838894	-0.85816133121189	0.31878855610498	-0.63050158672668	0.87017313689794	1.20469676206838	0.76106613338825	-0.10987890695339	-0.76439001297409	-1.00000000000000
+-1.45158950918306	1.03437878522458	0.43249445792796	-1.44952098644040	0.19350454545238	-0.92513651741698	0.39229605932879	1.60550288944745	0.82502932871514	-0.05480364866831	1.00000000000000
+0.76519611491324	0.18577129028516	0.66964118412895	1.56383919038764	-0.56970071327374	-0.38063130020496	2.47705936876452	-1.76475526981233	-0.12391109326598	-1.22387106243535	1.00000000000000
+-1.15403751748872	0.15970784967656	-1.05653583585965	-0.68856195135177	0.82545893444325	2.34235289327112	0.73929052319080	-0.29023762573263	0.82394704458530	-0.46333985758647	1.00000000000000
+-0.22706953394506	-0.11147274964171	0.68196792480658	0.45675449025419	0.45366169309333	-0.73007573476162	1.02605887849536	-0.27308560296991	-1.39168382020642	0.06199388038425	-1.00000000000000
+-0.82468752045713	-1.97003434768276	2.04662908405856	0.38804735490413	-0.32804820506662	-1.47736458062155	0.27144173112423	0.14580721262117	-0.74126303836566	-0.89812533980489	1.00000000000000
+0.70487902007997	-0.78007889255064	0.52807121074126	0.56277219565893	-0.75364427419547	0.22402608019382	0.73920703382033	-0.17274775341776	0.67833366570015	0.00543263377009	-1.00000000000000
+0.70613733081581	0.00253579624607	-2.04401591335471	0.40752315473142	-1.05924443792793	1.46787353708197	-0.82572608024367	0.25856751582890	-1.32018601302729	1.49521276688019	1.00000000000000
+0.80125993710276	0.42148498705337	1.43300611027510	-0.40693124855393	0.61538059376938	0.40787791611535	-1.58644505644245	0.50324628103402	1.10044820051309	1.05600132724594	-1.00000000000000
+0.16553948345682	0.32521372966376	0.69537338655852	-0.76358282662744	0.69440866076034	-1.37869967829822	-0.73322396539955	-1.74609820097889	-1.02939314856158	0.19287365595031	-1.00000000000000
+0.88798149174490	-0.61359499655918	0.27263633232398	0.77433050634298	-0.56025105428871	-0.88788843655533	-0.24195022104660	0.92242567837935	-0.30955493751904	1.20445260721176	-1.00000000000000
+0.53556098088646	-0.69806647001044	1.26122156398437	-0.32703546715853	-0.64258143610251	-0.54057759199579	0.96557681017306	0.17905084076276	-0.45786996314612	-0.35856082466872	-1.00000000000000
+1.17339342058395	-1.52942269057765	0.53148226675288	-0.42100322831656	-0.60303841136706	-0.24077812382249	-0.50688808733609	1.12445629869460	0.88021883030957	0.75758713381477	-1.00000000000000
+-0.89697445432093	2.38565110193169	-0.02267434467834	1.10641653254590	-1.28239517165355	0.95873207638668	-0.17590263039163	1.06631421863657	-1.09584619874922	0.11953909932654	1.00000000000000
+0.58783838319167	-1.35320752639007	0.88014836730595	2.55554318098450	-0.86502528170078	0.32155440932528	0.56786583350347	-0.78903339106274	1.23312589507297	-0.10289953318874	1.00000000000000
+1.28861260189444	-0.72920843890913	1.18733541044641	0.37584865473807	0.05984773559669	0.64552888209177	-0.39742086214945	-0.02390543749681	-0.68568190916311	1.32463518616009	-1.00000000000000
+1.26110871255558	-0.27235774286834	2.57306804764368	-0.52815833658491	-1.10754829600685	-1.24191144807680	-0.24967965442135	0.94184545596991	0.65433371912321	1.31517187169501	1.00000000000000
+0.10011546876493	0.19691285370955	-1.45780614997240	-0.28190922256215	-1.21435043175087	-1.59911659533247	0.13435112786661	-0.03654169388984	1.16508725854919	-0.08418933604265	-1.00000000000000
+-1.09514084820925	0.74557024232327	0.03069979327378	0.15380988632689	1.18569686435070	1.69176485947522	0.12206743884384	1.14039007076574	-0.22127036796053	-0.48062610937701	-1.00000000000000
+0.36171379631553	-0.83145123453518	-0.09517649409471	-0.23646330173622	-0.36611923602377	0.64914083089362	-1.23799287647608	-0.53953093924846	1.15397968511273	-1.34484869149387	-1.00000000000000
+0.95762055771276	0.31071322615070	0.01127784408505	-2.08949528015632	2.27857451080989	1.22638887153911	0.43801552774093	-0.34317022171849	-1.27433605969976	0.93325641283333	1.00000000000000
+-2.22173069125920	0.50932425431829	-1.03749458697772	1.04981909901324	-0.22458854324061	-0.89335932187242	0.33874989179787	-0.24643744578872	-0.97423949467323	0.75186746236291	1.00000000000000
+-0.06735921561554	-0.43057522656601	-0.72749431469234	0.09517717898690	0.53549028018224	-0.95576804339454	0.39445747005575	-0.45931938768927	0.07997091970906	0.05134851384093	-1.00000000000000
+-0.46640835525051	0.02658632031232	-0.52993362513698	0.27906882966890	-0.14765088298578	0.56419452557296	0.19309120799961	2.62269657820564	0.66346870420977	-1.28462823811000	1.00000000000000
+-0.35940487888954	-0.29835328830161	-0.55069728033339	0.79891642243408	-1.45880691017896	0.51155422155315	0.62536587899779	1.03624519339009	0.71643707249670	-0.62087443373228	-1.00000000000000
+-0.24550546534138	-0.85389376941961	0.54590830010137	-0.01755260883412	0.91570151145743	-1.04177847039832	-0.25480006099674	-0.13063212992413	0.14522574440116	-1.43515309205833	-1.00000000000000
+-0.39430573478864	-1.21963262872906	0.85140340574056	-1.55568030569788	-0.59170689179076	-0.17416673383255	0.19005428157244	-0.69119505808701	1.53584111985910	-0.62416892433832	-1.00000000000000
+-0.86731915544609	-0.15333588843387	0.84367019341567	0.42842734302102	-0.42415462445042	-0.18394614844579	0.88255205907303	1.09930953159107	1.08240873951275	-0.83113217997619	-1.00000000000000
+1.55607299513109	0.19078024520523	-1.33087783531360	-0.83644153708115	-0.36820252100085	0.30235937262014	-0.32084716250786	-2.42066095683921	1.03110159302753	0.69710899742352	1.00000000000000
+0.75188994226904	-0.38241291227070	-0.34869045885223	-0.33623153725259	1.06999844174323	0.25948930383687	-0.15357581033906	0.08820952943938	-0.06346358479285	0.03208481900863	-1.00000000000000
+-0.56140181136036	-0.64844699897344	0.71184713290111	0.18126119357908	-1.38722026224244	0.09747341793074	1.77301178204484	-0.98749106121495	-1.75058525839846	-1.84443095976287	1.00000000000000
+0.18265600456060	-0.15448098315669	-0.12086296707317	0.17511414370345	1.32408236971183	-0.04243853590233	-0.22209331821846	-0.81689661721355	0.30442618185343	-1.16312569932741	-1.00000000000000
+1.03336279042545	0.04829663389594	-0.35070786463357	-0.62194449418760	-1.18587998553734	-0.60507917192259	-0.61193776513787	-0.71538260805688	-0.31094869219865	-0.40057576087727	-1.00000000000000
+0.62369720137561	0.34879412997283	-0.46471974413932	0.64283435538554	2.52089357230736	-1.94198460278680	1.21353862593653	1.61271457562184	1.07814756309118	-1.32087690060326	1.00000000000000
+-0.75836395952986	-0.85734847338491	0.46868469944990	0.70016575832822	0.69342832702840	0.17356613270652	-1.87051771866362	0.00592888238022	-0.08341096561588	-2.74489437233210	1.00000000000000
+1.32960671612875	-0.01010967451236	-1.19498393560185	-0.49869467729645	-1.33300261018827	-1.89985644863286	0.78150611769127	0.21442520948012	1.72946453969242	-0.94833599367373	1.00000000000000
+-0.46411825923995	-0.88099643270926	-0.00865753888599	1.31763589545324	-0.42215413912066	1.28656460239740	-0.37810532258260	-0.79113687965753	-0.93220040288258	-0.25723768245197	-1.00000000000000
+1.85705954382878	0.40509022538342	0.91423016995476	-1.35841401414118	-1.80613893265983	-0.48350223153247	0.50328528956578	-1.50815729380259	0.41288620825816	0.24510518246161	1.00000000000000
+0.58361592904797	-1.50171343374962	0.47622237447116	-0.01667047100383	0.51199507963314	-0.56771486913348	1.55818744186155	-1.56602675903887	1.55258519805014	-0.52357101348655	1.00000000000000
+0.85706941737667	-1.64739138468844	-0.97839968938883	-0.84831082993819	0.04155198040333	-0.21441387096383	0.55791132747883	2.73281379819192	-0.60924268646396	0.66240510129178	1.00000000000000
+-0.57177441487887	-1.89643620380233	0.98149269291945	1.19066949633891	0.04687133282668	-0.46007419190761	-1.90230307449109	0.26269556813917	-0.81956589006596	-0.73680770486030	1.00000000000000
+-0.05160339305999	-0.04684728904455	0.38020060991862	0.47323599505824	1.20171713230315	0.08342180329948	-0.03418495763790	-1.34254907633689	-0.08069705138400	2.19984517051743	-1.00000000000000
+0.54183694016184	0.35299510702755	-0.13468543745140	-1.05279074383523	0.48956535749606	1.94364561720317	0.58328295828779	-1.90179765319475	-0.89881938300086	-0.46434821480132	1.00000000000000
+1.49468501231192	0.25937546971316	-0.33033534180618	-0.01361487380412	0.63501170320148	0.25787825910583	-0.68482049215758	1.18005042622143	-0.12802893789466	0.47591349874293	-1.00000000000000
+0.74687851718196	-0.60505784529286	-2.06330086964168	0.33435685807154	1.91772792561534	0.88992534218682	0.35601311426572	0.13725513883049	-0.09594412211551	-0.46789831349356	1.00000000000000
+-0.51653545750010	1.45577534529621	0.11434415120419	-0.43587031735126	-1.12440846655844	1.05507134183822	1.00330925111474	1.08811897655113	0.28480148751404	1.20516873396027	-1.00000000000000
+1.71467437083848	-0.31620618232170	0.34322181948791	-1.32834923267820	0.09422577432481	-0.06996243602531	0.71493512184043	0.04968890715521	-1.99497435719197	1.48176012448963	1.00000000000000
+0.35701774803946	-0.06620868063505	-1.12412795327147	-1.08437296234022	0.65564586894729	-1.35975764524281	1.20635423967511	0.64176294202463	0.06397128725280	0.24510950863999	-1.00000000000000
+-0.46706854910542	0.29093024221537	-0.21668160442638	-0.92692791763730	0.89485534472966	-0.60955891761493	0.44566893752300	1.31951466613773	0.90258869478151	-0.22763701004896	-1.00000000000000
+1.52638001197540	-1.96656669604462	0.05368406711667	-0.09737478623214	-1.38148805609988	-0.40080475194888	0.11335271124029	-0.32437555182226	-0.32944443447317	-2.09447326775510	1.00000000000000
+0.76291892711736	1.88323819742588	-0.50353630540612	-2.41630219307678	-0.84579494311514	-0.46206090914526	-0.82514585356228	-0.90610041615686	0.42113539474236	-0.57422404425371	1.00000000000000
+-0.57335185856171	-1.82815201069992	-0.21971196741920	-0.29550257061119	0.77925882624290	0.56836054052886	0.00948706190036	2.06651681426866	-0.85843635464062	-1.04165093399689	1.00000000000000
+0.30466099032212	2.01763497089084	0.28336626803326	0.04318917704835	-0.04560998588286	1.29204981049669	-1.76723536363358	-0.49302914640890	0.63404443309159	1.06279631934351	1.00000000000000
+1.06359530595874	0.02978865147905	-0.72707402214677	0.38103313346938	-1.83411108721584	0.86841723752227	-0.60012775736187	0.24194275776504	0.00238145920665	-0.46043238714206	-1.00000000000000
+-0.02082592841125	0.89736099761629	0.89290511650993	-1.21517324072103	0.36369859532854	-1.23289092549967	0.31528443923808	-1.49465060499481	0.08118658230926	0.48058238604941	-1.00000000000000
+0.75115302810140	0.56108723895616	-0.13534349521735	-0.81153484046038	-0.81216196555694	1.53328071150922	0.61414601569831	-1.05741850889764	0.75519383117159	1.78793251480806	1.00000000000000
+0.80428466697368	-1.72877495927926	-0.21949282216381	0.06527118353871	1.95340976808852	-0.16372294133667	-0.88056559356378	1.07007776413436	0.09901933828828	-0.61343086654431	1.00000000000000
+-0.16984998140386	0.99196908911779	0.60695912483296	1.47965707975901	-0.50236691382103	0.18627042186527	0.56707503899565	-2.12507501536271	0.46571807533604	-0.21185675056388	-1.00000000000000
+0.47209238512296	0.34255368430256	1.28933016153439	-0.35632303748500	0.92504093959624	-1.55375539350792	1.48715745214242	-0.16374037355106	-0.71601387073714	-0.33986849916334	-1.00000000000000
+0.83315878986517	-1.04365325799709	-0.02741566262594	0.30859761134152	-0.47387164571775	1.02286297627257	1.60809454648416	0.87686147580232	-0.24727083058989	0.28647068745719	-1.00000000000000
+-0.21335944050388	1.65139581992437	-0.64233514804151	-0.59658224364850	1.15924603914909	-1.64740943515959	-0.11372872283602	0.84072637301052	0.72896074459654	0.39577892545666	-1.00000000000000
+1.19960856970864	0.36140498626603	-1.31798856145256	0.46094377672598	0.28980374513842	-0.58265821172996	0.84286259860825	0.40565045954549	2.00445799132915	1.26147930625233	1.00000000000000
+0.16464426999863	2.32240327770483	0.62726878428893	-0.03248083150100	1.07769156734982	-0.68758845553161	0.28594092925614	0.51207678703916	0.34204848592845	0.45400332834088	-1.00000000000000
+-1.48518531302093	-1.43945504616383	-1.67316791115012	0.59654249104649	-1.56985203645209	0.14722508631490	-0.44743290204890	-0.07648854637747	0.93212432056469	1.01217059624786	1.00000000000000
+-0.52643826650162	-0.10243239826883	-0.00825132643556	0.73316341207211	-0.85712755511502	-1.00740536916428	-0.05526392713440	1.16949159958934	-0.24028490923876	0.47279307292461	-1.00000000000000
+-1.12695366400459	-0.52125605375597	-0.18173882319924	1.21429100939124	0.03321401105832	-1.32790733036959	0.17305135164444	0.35264023976749	1.28958854847614	0.43712088459975	-1.00000000000000
+-1.71492268204364	0.08722897836367	0.15674971139740	-0.87841070125422	-0.49129895989203	0.05453976858384	-1.65136128075121	1.64657280906203	1.96805890036834	-1.48797302555509	1.00000000000000
+1.04687189571176	0.28252646291814	-0.33284930999212	1.29099526194237	0.27607490891681	0.60867728909561	1.07811762537977	1.16151269479115	2.09510688313933	-0.97559040940938	1.00000000000000
+1.02259303186553	-0.41828094840072	-0.18679185720728	-1.24269492093699	0.83294750500294	0.28109863151562	0.04147374585096	-0.67494167692908	-1.33872167811827	-1.56443568027968	-1.00000000000000
+0.68508755157610	0.03621396433862	-0.29232716037868	1.90747685800838	-0.31742723637052	-0.54835309488833	-1.25412326787029	1.38303087245454	-0.18081863996912	-0.16926891742255	-1.00000000000000
+1.03729343777690	0.53113549271213	-0.55112497985171	-0.59846839794248	-2.23568023648777	-1.59178561035134	-0.65428483127454	-0.61353249610619	-0.21078391145368	0.57134084276449	1.00000000000000
+1.28652340777783	0.08331342246230	-0.99846364037501	-0.19686066559632	-0.30477747332624	0.42732248889412	-1.51026167952079	-0.54137297521696	-1.61142173694817	1.09911551538854	1.00000000000000
+1.89857585835097	-0.29295152091412	0.55359337459097	0.60281149627631	2.51605156694822	-1.46874112304532	0.03837886146030	0.50496460886193	0.52373137880726	1.42587513035041	1.00000000000000
+0.80321991326049	1.21766758923747	-0.10452412487797	-0.84978300672283	-0.08757587297881	-2.54878144275891	-0.62676264276050	-1.60717283894167	-0.50620407840855	-0.78047013823394	1.00000000000000
+-0.44929497372695	-1.10086151942998	-0.66595483829526	0.40379356197573	1.11687753295744	-0.26382065744977	-1.66751529701405	-2.45179058528774	-1.83642707476554	-1.06757028757431	1.00000000000000
+0.33898872573998	-0.14706354933735	1.16498657384237	0.59502574673081	-0.67373858497146	0.13171272443989	-0.83881314936862	-1.95646363240163	-0.46714533623155	1.29624487472004	-1.00000000000000
+-1.20847852293497	-0.98440019623451	0.70420224066909	-1.22114561692550	-0.12696700813398	1.33202981141580	0.25795539160579	0.80163137295715	-0.98227492157526	-1.20382816066970	-1.00000000000000
+-0.80717881805456	-1.05920152264331	-0.15719620503422	0.05073169906289	0.66709798491637	-0.36354179358975	-0.45689894361599	-1.17093251251841	0.16723423314771	-0.66686693663812	-1.00000000000000
+0.95875673477740	1.47749502400782	-1.36275302800613	0.84669808181163	-1.35128311756405	0.62068861581944	-1.45710743293722	-1.51367330802630	-1.21908243009481	0.80385644857996	1.00000000000000
+0.93458432503518	-0.44683484777887	-0.08457839685700	0.82313230915539	1.22697283234715	0.84488809719482	-0.98959584483319	-0.35681669390478	-0.56780306101894	2.26607748338459	1.00000000000000
+-0.16023676495076	1.33109410378584	1.13027634705582	0.03918256758711	1.01792674392117	0.37795773170842	1.60397446562094	-0.07104104111296	-0.67087792060932	1.32976601604361	-1.00000000000000
+-0.51112365367758	1.24221576641043	0.81181078028771	1.12161366372788	-1.44620565829676	1.28167686874718	1.64218371616426	-0.51505802747485	-0.33586548272275	0.05904185320166	1.00000000000000
+-1.66721507178950	-1.45027165693705	-0.52451990357552	0.38217769530909	-0.22544020896730	2.75258240159939	-1.05246172534089	1.87944942791253	-0.49945431088120	-0.96525678695362	1.00000000000000
+0.96557301601682	-1.20960044127915	1.21554534721712	-0.76301200082383	-0.03748581809341	1.10091449549068	-2.47173225912276	-0.96801995089177	1.10386421729235	1.12444354360904	1.00000000000000
+1.79758538852389	0.25015966683604	0.24742798694474	0.14674377771273	-2.01947964716062	0.98726627091080	0.86604299209188	-1.45246544023845	1.68279235450847	-0.12590224982332	1.00000000000000
+0.66730518234328	1.55979114573703	0.48669061432778	-0.08982483941267	0.97513893617807	-0.74976231591052	0.00924445355829	0.08672781488350	-1.23159772629158	-0.31951114806519	-1.00000000000000
+0.03736090096459	0.76121560505073	1.29475767365230	-0.35479571830127	0.31231451732195	-0.93175399129496	1.03732127353159	-0.14554122222366	0.93874391583714	-0.29661372454836	-1.00000000000000
+-0.20120175770086	0.33148815178725	0.14948844005370	-0.96945878325913	0.33462566032891	-0.79587515426577	0.30426830912621	-1.61139672766393	2.74057254688665	0.12203596253941	1.00000000000000
+1.27757231173316	-0.49948396832491	-0.23502556921105	0.31372102032268	0.63536611640226	-1.72774812824971	-0.26254537046874	0.33526959840590	-0.78875248897525	1.23349861306753	-1.00000000000000
+-0.35064952146666	0.40675414841308	0.90693937467791	0.45478724321071	1.03018824547127	-0.89965277653933	0.37491562047213	-0.69863629773886	1.64429888123306	0.75917133930511	-1.00000000000000
+1.97688884585874	1.04287391758898	0.28719232199302	0.31961656677620	-0.18164714740153	-2.01267640182585	-1.66366227346501	-0.88911858959685	-0.23629228441413	1.26487853722203	1.00000000000000
+-0.38557852368308	0.97020301377015	-0.75852013465346	-1.60569165441193	1.13948704930677	0.52532893624689	0.13064060370611	0.88053007663876	-0.40299838379433	-0.15367734420968	-1.00000000000000
+0.06457827657735	-0.57301904354631	-0.84946602101226	-0.26701186338025	0.47495946334766	2.74740869189694	0.44821481116822	-1.45437489976142	0.63091827959198	1.64295274406566	1.00000000000000
+0.24732749402754	-0.36491945039430	0.00477868392656	-0.57966387609235	-1.21391477776410	-1.28405897610711	-0.74185805605610	-1.19372518341372	3.00903328690048	-0.55385010020906	1.00000000000000
+1.11670882083527	-0.11722580416080	0.69919813015947	-0.08231930227356	-1.69028997805321	0.43794280178054	0.11217864308958	0.70610127760303	-1.63910017207101	-1.21442465588861	1.00000000000000
+-0.62638105116406	-0.76619762386289	0.68305501916288	-0.91200977690593	2.09964721588719	0.31820258120998	-0.61990835137620	1.51379045785761	-0.35762764417234	1.04304093900512	1.00000000000000
+0.41413207886024	0.99010603864381	-1.23877393170345	-0.73423610406119	-0.95828176169476	-1.17952271533089	-0.21875434984306	0.27334999453920	-0.35896428997238	-0.82963938942736	-1.00000000000000
+0.62697542338441	0.30259937759603	-1.99769380075152	-0.51199780820952	1.08556848634556	0.97507906520697	-0.19065994584511	-0.85668056081273	1.20916266094925	-0.92061182785582	1.00000000000000
+-0.16852078782114	0.34192313511393	-0.49072099046293	-0.74185737196279	2.34241646593845	0.28859602257513	0.71266062582670	0.78446949885752	0.52566879371040	0.14322776943236	-1.00000000000000
+-0.06214022242705	-0.23878423010710	1.24017876061793	-0.92185741502667	-0.70422459129865	-1.02489666218837	0.37055618215981	0.58178996970972	-1.08906498475034	0.80627231975378	-1.00000000000000
+0.05872655674045	0.02429624815981	0.64201083439473	-1.04195895895983	1.15747147783029	0.91409286136663	1.25511140270853	0.13975386763014	-0.07200244633241	-0.29425260957067	-1.00000000000000
+-1.84529832203319	1.60414730793228	-1.65871146376330	-1.39221077343996	1.28835050969462	-1.25852768377721	0.14521231726541	1.27538878748929	-1.43483594333197	-0.41279336901529	1.00000000000000
+0.18711409281644	-1.94787442595550	0.43782390589847	1.32520545309111	0.40870544704827	-0.55700062805501	0.45541492796571	1.45185269728374	-0.57122430608008	-0.55312056641064	-1.00000000000000
+0.46251460834370	-0.54899469753823	0.20530363201702	-0.10146726174158	-1.99383655939013	-0.50203683973219	-0.38277354106611	-0.15426294335864	0.85150468425703	-1.29737617048271	-1.00000000000000
+-1.66139370333745	0.27591514610045	0.52983901219116	1.51042494605347	2.43988680505742	0.59551482701248	0.93823400360681	0.53488185062727	-1.56535796439442	1.35202546518565	1.00000000000000
+0.43501321746323	-0.48908053770745	0.51357282728639	-0.67641629442459	-0.06525142841371	-0.37716080405105	1.49104750217051	-0.62722548455231	0.65206772211264	-1.19575335012824	-1.00000000000000
+1.78403608499939	-0.48689293200227	-0.13621214755234	0.43268634158849	-1.84169500951308	-0.80933687257838	0.35457150302459	1.53915779730402	0.53647541375352	0.56611009787979	1.00000000000000
+1.57699848525568	-0.36847177456184	-0.23025362521138	-0.87076425307413	0.11882191723452	-1.16657944023339	-1.92983401186079	0.77751234113696	0.32712419302908	0.05132002840457	-1.00000000000000
+-0.22577691472526	-0.66823836884569	-0.02934920664950	0.24874146393844	1.96900601601256	0.18143448811926	0.63149434459986	1.39155726300866	-0.02766776805860	-1.83137682507688	1.00000000000000
+0.21775810108549	0.11828066161997	-0.59270188507600	0.49425799436510	0.47081117423451	-1.02494535360606	-0.48328101982907	1.44244695212716	-0.46927825363075	0.83700141262511	-1.00000000000000
+0.65043590853231	0.53258621682290	-1.18101170452352	-0.40389757714686	0.54623008679908	-0.26064335973572	1.13874918028242	-0.40792199023393	-0.42896266705203	0.16799383041391	-1.00000000000000
+0.90177377666588	-0.30646705543091	1.47143299817319	-0.04849843943083	1.12850264903058	-2.48171294006883	1.35936296632365	0.24549436794532	0.41557658827409	0.55962396023285	1.00000000000000
+-1.31551869517492	-0.28979200398423	1.30112662300402	0.56352636671708	-1.35229715769393	-0.62728454528216	0.19717769284517	-0.50280994039236	0.89665632307729	0.57646915279423	-1.00000000000000
+1.74734728702226	-0.19862436057759	1.05456555614201	-0.51141132176854	1.40124131443649	0.45548417468016	0.41877074207681	-1.91700689880876	-0.71570340845793	1.55925727099060	1.00000000000000
+0.48231989964432	-0.14049582709908	-0.54583458105217	2.23603004789359	0.27790719655889	0.05510086808220	-0.78820607016475	0.45080770894305	-1.85095198422585	0.59532847283377	1.00000000000000
+-1.08386833088133	0.29907760577561	-0.18588519868217	-0.57605990224368	0.62861991724093	-0.01651082533744	-0.32969579044108	-0.61829858268003	-1.89075877490705	0.69944065032060	-1.00000000000000
+-0.19433504540141	-1.23048986124186	-0.70917642303336	0.15214005669859	-0.75938054694580	1.45218685229568	0.07569223822640	-0.29273463995000	-0.48260730630047	-0.51336514959314	-1.00000000000000
+0.41115732696593	-0.32867445915684	1.75542063945945	0.30639096985494	0.41910122233303	0.17760044585696	0.10074289317057	-1.33959051747941	-0.20638543493358	1.81788621712385	-1.00000000000000
+-0.88649036580016	0.50862374328362	-0.90649782196659	-0.80065190548519	0.04877554787058	-0.50330171044585	0.01179942580157	1.42068076529212	0.11126947420921	-0.56757761696513	-1.00000000000000
+0.11951515713307	0.95847967705603	0.74139373713386	-0.59225825292083	0.24967141442679	0.05350970793710	0.51780554721559	1.13396836948177	0.33943218771809	-0.65056841925194	-1.00000000000000
+0.56013529653993	-0.32050865354608	0.69088099624451	1.76449164633346	0.05819780787705	-1.71558919060955	0.76838404557906	-0.95587171404666	0.38905035692961	0.14959194385500	-1.00000000000000
+-0.24291022568293	0.50946934206172	0.96003164006522	1.10417343936102	0.57744942548889	0.60313100240773	0.23203999825687	-2.10303586529376	-0.15559336071465	-0.62635323647610	-1.00000000000000
+-0.89597289143163	-1.75705142934757	1.61072004048442	0.08739541029331	-0.71009151051971	0.11660592139357	-0.14140987267137	0.88193185480377	1.09470997763618	-1.12129716517682	1.00000000000000
+-2.19580151571281	-0.26875120082995	-1.05483319501925	-1.15119239737776	-0.65386346375737	1.94724290520370	0.23794951296694	-0.85978069980730	-0.96615097555309	-1.34765773147098	1.00000000000000
+-1.52276234068738	1.51484911519899	-2.09713996346439	0.42043614890709	-0.24778859244909	-0.25501891361215	-0.23910767351033	1.57937263871963	-1.01384718516459	-0.28767225990332	1.00000000000000
+1.38200040753336	-0.81637320307209	1.78159697202967	-1.46414024527813	-1.16700191324448	0.99071170989855	-0.17905796888006	-1.04090776518050	-1.39277113649265	-0.62276322167428	1.00000000000000
+-0.44409867462261	-1.06290508843093	-1.12303059872269	0.96182520938675	0.08060403016925	-0.31019181468972	-0.42992311531331	-0.72382772563138	0.99480599515822	1.93451852488903	-1.00000000000000
+-0.43456372752117	-0.40359534910132	0.71126866693482	0.34161261933492	-1.04925132794867	0.02743382130806	0.61857197241198	0.94276906100498	0.02838088327796	1.40690825315469	-1.00000000000000
+-1.88065619152836	-0.86484393931844	-0.61773088135334	0.92859877234930	0.70751209045053	0.38104699679104	2.08128082608696	-0.15292115134609	1.78170045912774	3.06192441334291	1.00000000000000
+-0.04787093487489	-0.80675319354460	0.07449288431941	-0.01160375354446	0.68278637408727	-0.08777340188334	-0.80055815866382	0.71570775934272	-0.10711068752704	0.43987694514220	-1.00000000000000
+-0.33710436585489	-0.01139973714928	-1.46754499255684	0.75790307237311	-0.27600770222670	2.61338226930787	-1.38362755223005	0.04824078601800	0.12595768665516	-1.98397226391935	1.00000000000000
+1.40391372396479	0.20777527726162	0.35666025128767	-0.53210443750729	0.83698427123801	-0.25694725278383	1.00562757887378	0.23186952870119	-0.24439721590932	-0.49149388145955	-1.00000000000000
+-0.29713646468223	-1.29553703319088	0.25106028620711	-0.22728162904258	-0.40467199165229	-1.46124855713367	-1.25141100128342	1.57611822423132	-0.26371021870633	1.05727582202324	1.00000000000000
+-0.01750867382236	0.22142675385763	0.81300949870420	1.17834336927788	-1.15119334062578	0.41345139304963	1.37902060175171	0.29377127052682	-0.21125759169853	-1.07542934966723	-1.00000000000000
+-1.81540774527023	0.24165237395086	0.88881131748241	-0.40144747704839	0.41827555647044	1.06593896359830	-0.53935152036433	-0.33110973989224	-0.28912831026648	1.10655064654337	-1.00000000000000
+0.86606511852122	-0.07589223560980	0.60224243821697	0.31714385747227	0.72812740877251	-0.00266850753169	-0.13097103425836	0.66233622484570	-1.03527026999753	-0.56408171779033	-1.00000000000000
+0.61078005886175	0.61106074881939	-0.36903297391030	-0.65024742778236	0.39238406928668	-0.08956324193426	-1.08224310401907	-1.30406395154031	-0.12117275013447	0.40888122993982	-1.00000000000000
+0.20704653338465	0.27592187766017	-0.34119339183535	-0.89547332826068	0.71052313532393	0.23266702896386	-0.38292629460923	1.96639723533744	-1.45707664759982	0.52647937894784	-1.00000000000000
+-0.39391207906768	0.06761967083212	-0.21912985301241	-1.88112196053275	1.42171677144487	0.69743534962083	-0.03196695537827	-0.90333543207076	0.99591806052381	1.14140710981654	1.00000000000000
+-0.01147055804640	1.26924378530455	0.15056615069327	0.74845905427101	-0.70427961868232	0.86596713152115	1.49055105466750	0.79899262448884	-1.39372392824184	0.72886469107318	-1.00000000000000
+1.01236721199709	-0.18404871146222	0.98424024427027	1.54794822203349	-0.68499711113793	1.49116192161345	-0.29615799979204	1.17842527506198	-0.23240070626589	1.61195344999505	1.00000000000000
+-0.20974439491422	2.35179598877141	0.51416202085105	1.06151523532747	-0.44258377160294	-1.72421487396060	1.83403957537647	0.23972872410120	-0.37675613518905	-0.74694554558568	1.00000000000000
+-1.28474487666330	-0.39285028447266	-0.66959620453072	-0.52388378186088	1.40024650744317	-0.71764472629045	0.07418263906630	1.40445134989429	1.33946084075724	-0.05845253046749	-1.00000000000000
+0.70937476358825	-1.55065091424893	0.23149095997855	-0.00833146261843	-0.70110025607926	0.66751687082308	-0.00953955991043	-0.23196988783613	-0.63556276523335	-0.31240040887980	-1.00000000000000
+-0.30094111615384	-0.71906057649913	1.34970180053161	0.18721571472456	-1.04113488541488	1.57092244712391	-0.29155981628867	-1.54305434360102	1.57125295281902	-0.01401348476051	1.00000000000000
+-0.16605109705793	0.97281275773279	-0.38600972890490	-0.94788728383248	-0.39156661308298	-0.02902020496902	-0.66004261690293	-0.52527781966526	-0.20187776327477	-0.21344294593157	-1.00000000000000
+-0.66236808619796	-0.44388943068719	0.71466465022804	-1.15532067561728	-0.29695587368134	0.21750333504692	-1.98746729992817	0.78770155962697	-0.62864300647974	0.63393835413047	-1.00000000000000
+-0.62567089811687	-1.90409707625783	-0.73682421994326	0.20637485876374	-0.18798579560918	1.73292265644948	-1.17261796393435	-2.06134506981854	0.59665499147757	1.11553807779252	1.00000000000000
+-0.00831370401982	-1.03135290033638	-1.12018080331761	1.19810767839530	0.52242665255887	0.80510365350907	-0.55427253510265	0.26519914703059	-0.45500049975178	-2.52741840660692	1.00000000000000
+0.42886438312196	0.45307241983429	-0.64761234291200	-0.35812688541711	-0.75715707191780	-0.67744743833424	-0.67309472462262	1.44765274450888	-1.01965107747147	-0.97392716277486	-1.00000000000000
+0.21265058970261	-1.16690009423975	0.25334805943450	-0.63393670819913	-0.55715458881593	-1.55616052920050	0.13621172779205	0.09942704422464	-0.36864250645413	0.24996118933634	-1.00000000000000
+-1.88796270933504	0.44331723032629	-0.16775024713368	0.70480269391609	1.02412132649597	-0.46815965262226	-0.58873629350331	-0.75556262556533	-0.83619092624721	-0.24027263510728	-1.00000000000000
+0.13464022534819	-2.91250349210024	0.86744845849359	-0.82787003998739	-1.90548711836810	-0.09911408240650	1.27590542069256	-0.51822516691876	-0.46952093858857	-0.88068403523865	1.00000000000000
+-0.46242673705620	-0.16376510635657	-0.34620775072595	-1.29668745828665	-0.09680761519807	0.60760799446377	-0.89869776553406	-0.13216481536936	0.87377946967786	-2.02281176892235	-1.00000000000000
+-1.23432225657743	1.75376225008913	1.12984061053958	-1.23023424435933	-0.03099113559246	-0.06312357046422	-0.54459473819385	-0.49899790877742	1.12015436432283	-0.75079781712302	1.00000000000000
+0.20908902484585	0.16328265466641	-0.18244362308782	1.01671124736664	0.33325482966776	1.04183334759350	-0.72269984171256	-1.53373501037441	-0.34074634522415	-1.55734022767597	-1.00000000000000
+-0.34328043378990	-0.97920297259134	0.77804991357891	-0.95007981681690	-0.00917377515222	-1.34048133529548	0.03632503755600	-0.43019172163880	0.66102033812353	1.78284941239180	-1.00000000000000
+-1.84022220110589	0.69980854221372	-0.27402576326098	1.11573946985792	0.75135858966389	0.86259692341332	0.28991754320541	-1.71081660119030	-1.84183940302014	-0.10679837358289	1.00000000000000
+-1.00375096852041	0.14481930595749	0.43298017296994	-0.13258635428687	-0.62311730116647	-0.12539893560917	0.01367681788959	0.66763006264341	0.15635761592052	0.63954165259343	-1.00000000000000
+0.21670087102586	-0.43049920132177	0.00808803415303	0.16501407191690	-0.46742760799258	-0.43228659478107	-1.05864791793945	-0.37171752222144	1.20335449534982	0.32071565783814	-1.00000000000000
+0.17920381065308	0.67203856644746	-0.83656680839038	-0.19412434634698	-0.08334376794515	-1.49203392101343	-0.10876804559892	0.55968331170038	1.18526849133238	0.67312573676362	-1.00000000000000
+-0.28406849971221	-0.87888705897257	0.60576350077018	-1.53105208711316	0.01099574431549	-0.28710998073718	0.85974549886352	-0.60922830513291	-0.76768838266807	-0.00101818208902	-1.00000000000000
+-0.92038729015767	-0.84313134509816	-0.84685579912262	1.00882805461852	0.62351872684351	-1.01062768340580	-0.44908412978006	0.29588492017697	1.67959133635273	0.16309496671609	-1.00000000000000
+2.16593969599878	-0.63713877462943	0.82601698034276	0.50200509418561	-0.51625156452930	0.01706506772179	0.33119443894402	-0.54860275166953	1.15758239167932	0.56066103297705	-1.00000000000000
+0.33289202998059	-0.73284050064766	-0.82326565870156	0.97502511442964	-1.23411656495643	-0.99233094630527	-1.21557319763784	1.43565088382715	0.62649686613041	-0.07524746803712	-1.00000000000000
+-0.30263831142990	-0.50122440587844	-0.25660388124752	0.96869658481133	-0.48528621453602	0.99186646073109	0.58229778100532	-0.06270812567079	-0.90721865860638	-0.55917386610109	-1.00000000000000
+-1.69282434077612	1.73396126776571	-0.45581195076633	-0.76003937484432	-1.47020495354184	-0.60504332645041	2.18573265264106	1.93885802601191	-0.13493992499237	-0.28984376057104	1.00000000000000
+-0.74276194510462	0.94498772371067	-0.89182283551155	0.17592399971387	-1.13460018367015	-0.43176862223484	0.11466240570097	2.15647555373713	-1.82755104433543	-0.04441633675546	1.00000000000000
+0.43390061791337	0.24898789643485	-1.65934168097391	1.15375240619465	0.30120449525901	1.12429096561559	1.61780997594813	-0.41394236060308	0.21476076518883	-1.33998363077352	1.00000000000000
+1.64477274080676	-0.79473312612337	-0.69411984647239	0.58030819148485	0.36630699334789	1.79624247702150	0.30112707912173	-1.28509388501915	-0.33732649843994	1.43007546565342	1.00000000000000
+-0.34098047272455	0.22687906115493	-1.07143302922878	-0.14126610597304	-0.16782055982159	-0.96190057154159	-0.33241994100479	-0.83582573430480	1.08976294222633	0.15480132181047	-1.00000000000000
+0.30098854283524	-0.13955822187906	-0.28225539390303	-0.56868254963120	-0.57064797622445	-0.01902499102398	-0.63531855020338	0.16227899060376	1.65985438876196	-0.34920542243319	-1.00000000000000
+-1.08629647895532	1.45024119347147	0.07270383272381	-0.66812703456492	0.36617679318471	0.08179336496143	-0.70111082745721	0.71321010225308	0.89576966612206	0.46388072760228	-1.00000000000000
+0.53490378045634	1.07378258876262	-1.24678605873544	0.28318859792347	-1.16355613749508	0.95544811271444	1.49064994236998	-0.23812778434725	-0.06222113895139	0.34130314642876	-1.00000000000000
+-1.94782513978514	0.63318411305350	0.09769762387481	0.36548847371521	0.91499937836800	1.60868784897442	-0.12559180547049	-0.49398464732845	0.60098775545263	1.87238830906161	1.00000000000000
+0.70163551593033	1.13256018777541	-1.72336942143373	0.27691776136219	0.54744971173597	0.65980523236087	-0.46589300647584	-0.06354523664443	0.63860265612104	-0.66027798614913	-1.00000000000000
+1.57242771321958	-1.56852190563263	0.74747107276587	-0.87371466242949	0.02708899040965	-1.04490014957801	-0.28655908508608	2.04318746912589	1.01020646303767	-0.40217901415240	1.00000000000000
+-1.94779148732287	0.31930234500758	0.49836565356120	0.26392121749412	-0.45105447393093	0.84282303740473	0.05908187937736	-0.41119776942602	-0.76124393093220	-0.54582148583806	-1.00000000000000
+-1.32990836872783	0.54497170684460	-0.53659662623755	1.20491690238630	0.36299339478889	-0.19174379580065	-0.01674500759225	-1.10607631129233	-0.46269931003502	0.06053106330126	-1.00000000000000
+-0.38061566736721	-0.46838384758668	1.13250338411676	-0.45616205453092	0.83395494050533	0.11266228267939	-0.90201047713743	0.53645780768952	0.75990937070573	1.01968407609944	-1.00000000000000
+0.13889591697863	-0.44782087099476	-0.51606709994133	0.49259670091567	-1.07150097797082	0.95969101357425	3.85695198061403	0.14487519031377	0.52445536496595	0.12539982417340	1.00000000000000
+-0.28528954391979	0.72253055692165	0.60198869300029	0.71947334687232	1.13646666100637	-1.72579159369601	0.68340594570331	-0.01191403798484	-1.49522773740559	0.29774234882684	-1.00000000000000
+-1.26316862412385	-1.13521567562788	-0.35993521157578	0.42587845712315	0.13775421036335	-1.59717461459628	0.33216861887974	-1.01463652510305	2.32633271638825	-0.78807324476249	1.00000000000000
+-1.26637383538348	-0.38512413864299	0.98310456876507	1.93677388028430	0.98670787323529	1.64428492182779	-1.40319268444365	1.19019873008300	0.47356544687253	0.70768263404389	1.00000000000000
+1.28436946611270	0.46971764652762	-0.49581012913939	-0.51685070203807	0.18533445648177	-0.52292206710199	-0.73510252953390	1.23006867747103	0.61535219672670	-0.05111334731087	-1.00000000000000
+0.17115913494127	1.52801161673168	-2.58999099949980	-0.20528140352378	-0.48908313047946	0.13817536338560	-0.47950392977283	2.80960242536185	0.98906890801163	-0.62727859735604	1.00000000000000
+0.75144438286656	-0.52714573599647	0.15068420173486	0.22760999918905	1.34654757609232	0.54797155495059	-0.20776365459732	-0.70567111659017	0.64895607114904	1.08864527671483	-1.00000000000000
+0.26936869969846	0.29131244719838	-1.08196550765652	0.21461731772080	-1.13197042535540	-1.21090589985842	0.09989663400925	1.22657135127019	-0.44482063848590	0.95263126510619	-1.00000000000000
+-0.42319140259676	-1.39916480015194	-0.40291814736511	-0.04913794249341	0.68038213652050	0.38655047998412	0.93165689840819	-0.94379277425146	-0.23893650104294	-0.05325347435591	-1.00000000000000
+0.41113624535768	0.75816112136208	0.59423493206748	0.82738568287564	-1.16532164681780	-0.45605682445702	0.54226638226576	-0.36402430557319	1.81554424147927	-0.95157260533972	-1.00000000000000
+0.89137413204161	2.03031220199987	1.31155869185352	-0.13227623385119	1.54285431012196	-0.04451420040080	-1.30232156734922	0.86930181421377	-0.32013653572459	0.64362079722944	1.00000000000000
+0.40329694237988	-0.27880840138453	-0.79506952181127	0.53753391432936	-0.31073832888533	0.26170703659388	-0.46029912416998	0.78504607034193	-1.03906470257888	-0.07726478206102	-1.00000000000000
+0.61801062250118	1.01072120694914	0.51487608610672	-0.04880821919437	-0.65243130281291	1.09993269815128	0.01642568428663	-0.61774797353407	0.00293725182366	-0.54462730562371	-1.00000000000000
+-0.37111373258978	-0.96826233737304	-0.15816513383719	0.15942671172153	-0.33264573377535	0.74159694634992	0.93827838679081	0.55630745771332	0.15702801668205	-0.00137496677664	-1.00000000000000
+-1.25210161691165	0.17696714349972	3.15335730160835	-0.53528254907821	0.09673141571412	0.57791041401703	-1.08882474789559	0.83946382120751	1.10223289679528	0.05344810893237	1.00000000000000
+0.58599854187231	-0.44080083160921	0.53210542934636	-0.91851692661250	-1.05019048980157	0.35805193021591	-0.89254730132644	-0.12223587871363	2.56351836576494	-0.36426482333621	1.00000000000000
+0.81807555111068	1.12194553477132	-1.09043181184489	0.21842854237361	-1.61860144598858	0.00216894182024	-0.53148616487933	-1.55247489091767	0.21401085694811	0.26156938853595	-1.00000000000000
+-0.18069147539328	0.04076646022729	0.26503469473562	-0.48594146892172	-1.34301400091796	-0.24253623702898	0.77951168645403	-0.31338213113445	-0.92487288772649	-0.33496326185818	-1.00000000000000
+1.67608003006953	0.48432148117927	1.10236201756863	1.10287999702613	1.33832908953552	-1.11806452360860	1.52318254181896	0.83556001316402	1.72146979976343	-1.72525284911564	1.00000000000000
+-0.24325141927019	-0.28052483709567	1.02883253579413	0.43756352396767	-0.93990477950122	2.18577104477782	-0.13952690968035	0.15107315661056	0.97663296074647	0.46983523167067	-1.00000000000000
+0.35842152718872	1.60572108352809	0.91010440355021	1.59683798298167	-1.36546929639856	-0.12375449661718	0.68731389128963	0.00282882919312	-0.52868946561868	-0.88225539779601	1.00000000000000
+0.18352147100938	1.38369281430372	-0.53095938870546	0.41548571499127	-0.67104896143567	0.05421035151239	-0.56632744943043	0.65511468292541	-0.18140400965846	0.75903984484503	-1.00000000000000
+0.38929613204462	-0.02386748167091	2.01547131781101	-1.34664910891478	1.30368295522286	0.84053302900024	-0.10067138596992	1.46938922811986	-0.69222601670422	0.51181366797552	1.00000000000000
+0.19858460755855	-0.02918587080858	-2.11742064443882	0.68244760285813	-1.64192516116767	-0.18222334318545	-0.76299572923054	0.93012399624754	-0.18526148306698	-0.58933681482482	1.00000000000000
+1.13888036169819	1.31461787488352	0.40591364929928	-0.25435648441627	-0.41243045472610	0.18870806863989	-1.79148597893167	0.03018690742127	0.80852050661768	-0.88137192632592	-1.00000000000000
+0.00610576297126	1.10632544132341	0.19109393463954	0.22694284806137	-1.70741617664011	-1.34819802956234	0.41566549598569	-0.86658809246619	-0.14623219373089	-0.09408647814068	-1.00000000000000
+0.68984054899476	1.16425269482237	-0.91484437075400	2.06224563303655	-0.19840231737251	0.04105979047221	-0.16050764593963	-0.47201701420641	1.13246115227986	-0.46474333538991	-1.00000000000000
+-2.43366054753197	-0.32045575965299	0.36278333997705	-0.62651859491423	-0.29187088454813	-0.30504197317956	-0.09872264589758	2.22985394512960	-0.76569307965433	0.59258836391925	1.00000000000000
+0.19291685437395	-1.01096988410642	0.33622534069430	-0.23711639010030	-0.49840893908186	0.19769042482205	-0.92923612829330	-0.69377586503995	1.65965453993128	-1.71381983646904	-1.00000000000000
+0.27715894891275	-0.71873175972657	0.03548256533041	-0.37975574401047	0.34755480079695	1.19769087670652	-0.13967662284297	-0.68369111324339	0.43911261221857	0.32975488784595	-1.00000000000000
+-0.36533167406517	0.94121988667516	-1.44218051617672	-1.36044176706957	1.91981100052034	1.25202499239175	1.14664449196020	-1.11515305966855	0.75675514420165	-1.77271453438219	1.00000000000000
+1.16570252645091	1.02509219744747	-1.55594685940555	-0.96268000321350	-0.96095691064656	0.27417955056167	0.13845033994420	-0.29236201685799	-0.28573772060345	0.13060064717042	-1.00000000000000
+1.06000460510644	-0.55401200587914	1.36364910135623	-1.66777016681130	1.06690097035647	0.05891386167061	0.37048292028052	0.22851710049489	1.93138911722672	1.77108261998015	1.00000000000000
+-0.77439558022912	0.50673372114018	-0.48269924255221	0.24347556537911	0.01123242413453	0.40110310050064	0.02174873078804	0.19063694134672	-1.84563746486209	1.22807226153846	-1.00000000000000
+-0.79010974334866	-0.16386282062945	0.13933339157356	0.47151210126973	-0.18571814859182	-1.05435517348399	-0.63627061604446	0.24094831908857	-1.53646299762322	-0.34358944892798	-1.00000000000000
+1.09298217905919	-1.42590104599409	-1.35189799290965	-0.25307269964547	-0.54568370802900	0.76108890565065	1.30976383418280	1.08434174702576	-0.82610874513743	-2.06525470671752	1.00000000000000
+1.14214067274831	-2.43316242226384	0.20007140233739	0.75557432097407	2.70033028045954	0.21204630578913	-0.25583761573515	-2.01399403820887	0.11837629082196	1.40076179781240	1.00000000000000
+0.45208577017017	-2.05117677555608	-0.10374708659927	1.77420542002325	-0.12405008551697	-0.20014835612444	0.01683130182461	-0.10286608597647	0.30229220372920	0.80815356579061	-1.00000000000000
+-1.86987766583262	-0.55724832974584	0.14527177715202	1.56186359099073	-0.54944620967544	-0.41762500876910	0.84831394396714	-0.39617263087028	-0.80103227172065	-0.72120606478920	-1.00000000000000
+0.47917512355669	0.15367046995434	0.87582393880985	0.02143894789082	0.05846982352412	-0.69651815266796	-0.38998366496192	0.41805434612232	-0.15484789097930	0.44146021817663	-1.00000000000000
+0.52110967822779	-0.46087134966786	-0.24406994916221	0.16628597684294	0.12820222229121	0.16390718395534	0.40270735340184	0.17213408352885	0.01354675218476	-0.37427706000746	-1.00000000000000
+-1.12944602142807	1.22196473018885	-0.96417163374685	-1.22174973652992	-0.30233994663091	-0.05875908836177	1.51935833760941	0.43886415736672	0.56033035767002	0.08911369500525	-1.00000000000000
+0.73687135000229	1.48480263445402	0.11080044734414	1.89455209775894	0.62769506993132	-0.78694459071017	-0.01778012452348	-0.74162996737339	0.79870584072226	-0.26154468895128	-1.00000000000000
+-0.88426528826328	0.73830268948280	0.86131188454548	-1.27974760311829	1.36387737220462	2.02090857345422	-0.08646193777516	-0.23544104464579	-0.63030785713378	0.51275882859744	1.00000000000000
+-0.48903994042500	-1.40162596017888	-0.44901555364103	-0.16866104962125	-0.64754632138744	0.61531391451512	-2.69237410363393	-1.93243667676126	0.40458106755694	-0.82789228309886	1.00000000000000
+-0.22486396140939	-0.63006011065636	-0.73921558737874	0.17999432372290	0.28584753066780	2.03658454974073	0.66552228298764	1.09442097616959	-1.65293536767478	-0.24630324073285	1.00000000000000
+0.92421402303840	0.04325031033207	0.39370289785461	-0.57820231335876	-0.58607983879226	0.42232070264152	0.19339803826647	-0.50092005680299	0.11535101352095	-1.97473740986162	-1.00000000000000
+-0.40306551401093	-0.00830343207972	0.50713421692071	0.50223351506091	-0.74506124447727	0.75528329265220	-0.46365978202906	-1.30102511063792	-0.31360938883099	-0.30621418487873	-1.00000000000000
+-1.82299828151396	0.31297652569830	0.09421191594618	-2.54923336282629	0.86321341378955	0.80624058911299	-0.85967833323743	0.49459594730264	0.67958632455907	-1.16298797160982	1.00000000000000
+-0.72429618442324	-0.73861941362246	1.27939004350654	0.03801338013297	-1.69669024621918	-0.12946420872287	0.36243825611190	0.42962891266605	1.23507986107351	0.25759295741643	-1.00000000000000
+-0.91249683932754	1.86282931148280	0.66150333041179	3.48328876569948	-0.59834567020809	-0.90777324358515	-1.91064974072320	0.37311215630946	1.12923249417973	0.19828779243607	1.00000000000000
+0.01851318197524	0.22340374169109	2.00224411685660	0.59399377355288	-0.15773801219772	-1.00624898605610	1.12972707363949	-2.68947643863093	0.02407970361614	-1.32786710493595	1.00000000000000
+1.09905526474515	-0.43989922618436	0.74432287332185	-0.40073278982682	-1.39690607185621	0.64630157550152	0.86769077672095	1.63314942082522	0.85251764764739	1.21735619535617	1.00000000000000
+-0.37738744182550	-0.77648438809985	-0.36054072706983	1.89907164590516	0.62252545367248	0.59733031526546	0.61707379584036	0.48703957994341	-0.13347882231416	-1.04086794727520	-1.00000000000000
+-1.48509765034527	-0.83565366362921	-0.94729231034394	-1.49787913365631	0.59921248180681	0.77318137726683	0.26912738201671	1.30089320686026	-0.41601813074492	-1.02860618838995	1.00000000000000
+1.31749441184151	0.17311969240748	-1.77260841211472	-0.51200108720453	-0.50610954961718	-1.12608757666873	1.81762988307917	-0.13057248116438	2.20797489471713	0.47124080489289	1.00000000000000
+-0.21724313018232	0.59917251821652	0.04833207190497	0.49810670959306	1.18070436023141	1.17049208891585	-0.89774817910622	-0.21130161984704	-1.66232250113882	0.51899538916832	-1.00000000000000
+0.78731193601308	-0.55233603900095	-0.36470202278720	-2.53604573217905	0.02417230664329	0.52362817807823	1.03861343457484	-0.26987546718541	-0.15632275067855	-1.40690200972083	1.00000000000000
+0.11432831722345	-0.84286561920213	-1.80395582577439	0.22163057286524	0.98479496315029	0.47696663598714	-0.29928334280680	-0.34977878697550	-1.61551427515620	1.49722030541687	1.00000000000000
+1.99496777087973	-2.69010610374361	0.60450997710933	-0.00323442487834	-0.46066272421517	0.27136446603023	1.07582932534468	-0.27833186862644	-0.27689801024196	-0.66974827201350	1.00000000000000
+-2.47020867619836	1.25998942939817	1.64036312454553	-0.95043409543863	1.86612115482608	-1.93137192797351	0.28304188305690	0.51841112351189	-0.25021162277096	-0.37254992984927	1.00000000000000
+0.85306053223031	1.46358608934623	-0.52999533380239	0.98701717712159	-0.98897952388195	1.84948422690747	-0.02527471149279	-0.26676999096386	-0.96615862666843	-0.98973354440753	1.00000000000000
+-0.85530519665425	-0.89335294615156	-0.20122072166407	0.18786061007092	-0.34669551882855	0.11929917340635	1.50521305459857	-0.37078462344417	-2.80047491045531	0.41589981834883	1.00000000000000
+-0.37269175598561	-0.50001085870611	0.31791159193771	1.74443418835275	0.55874741421015	-0.97882902737978	1.37069037759577	0.04240091515429	-1.89775859091225	-0.37808289278293	1.00000000000000
+-0.33827223796983	-0.93549508270607	-2.18218919211386	1.58385086879219	0.32992158828660	1.49023331542332	-0.89943905724666	-0.19472711312195	0.04493705425137	1.07633826403384	1.00000000000000
+-0.00369785805942	-0.76350914873822	-0.00123007705733	0.03046373240660	0.99419869398081	-0.69241160013770	1.30719929337339	-1.24293296573554	0.19486451690423	-0.21251868682576	-1.00000000000000
+-0.99491474861079	-0.52481689334214	0.03434867108793	0.01175390843722	0.53590961186940	1.40899149020803	0.65232417181511	-0.00470961544876	0.85060834758316	0.45723364750115	-1.00000000000000
+-0.17022183568035	0.58318959502790	0.15098622390715	-0.31589505389001	0.77722492854730	-0.29807389889651	-0.70263847974847	-0.82434870390856	0.29796328112918	0.27033670506496	-1.00000000000000
+-0.67347511190162	-0.29077435807804	-0.52004759264931	1.24711058972620	0.58114626312079	-1.95238641186646	0.13902333130420	0.77507768676931	-0.35777186785768	0.22206851510034	-1.00000000000000
+-1.55355554269240	1.66398667618437	-0.52157073511158	-1.00238234404094	-0.92434681415635	0.06384370863093	0.54303060504536	-1.45405389551100	-0.19144544121267	0.73520492357286	1.00000000000000
+-1.49953411911656	-0.37883292218969	1.09857905420911	-0.55772188831864	0.42161845516003	1.53447207787240	0.93309506274604	0.27814426763704	0.17821991001942	0.89413248896387	-1.00000000000000
+-0.30105411377303	0.12134859639596	-0.05380512016076	0.93783402393401	-0.25024046201657	-0.27322846830305	-0.53222526341251	-0.09625093889254	1.52402241749782	0.80300580032903	-1.00000000000000
+0.23257159264377	-0.95029968568325	-0.09819839366709	1.16454443727885	0.76154756345457	1.24246372288070	1.02338218237765	1.23529832297173	-0.76722927610020	-0.74057785551622	-1.00000000000000
+0.15540887575882	-0.54667921475187	1.03931853125066	-0.25215207319501	0.68284653446302	1.90040054410361	0.91006653247162	0.14431764083375	0.69390137063456	-0.01165214929475	-1.00000000000000
+-0.97006377059402	-0.90435817830567	-2.59963965059404	0.04944136551473	0.26795857612849	1.79682287129222	0.23760904940379	0.09158962859829	-0.16674573009645	0.30455418779435	1.00000000000000
+-0.55779462189289	-1.74643108541301	0.12805294246610	-0.07045328110054	1.92448651287661	-0.67178825760968	0.40088412281537	-1.14046399356795	-0.72525019290872	-0.36799134173634	1.00000000000000
+0.78911259666329	-1.01550066416823	0.03454083434220	-0.11300104510931	0.04318248778700	1.35626516914004	0.97977294808448	0.36957232916049	1.19006446046498	0.45012163210425	-1.00000000000000
+1.48533939767040	-0.50539482572440	0.45504478974064	0.01516197691485	-0.38603331025062	-1.02797127108930	1.21829983642178	-1.25708499142137	2.42352360017372	0.34146616873544	1.00000000000000
+-0.81946746687040	-1.88309517165123	0.00848396339219	1.37438331575750	-0.12909327675386	-0.82017114576366	-0.88817682127132	-0.38607472739916	-0.46584958635105	1.20150808855252	1.00000000000000
+0.09005270006191	-1.75704501030426	-0.21554258520706	1.12085029919318	0.15055210465479	-0.34287620498487	-1.32502126404365	-0.06739520918258	-0.50527025971194	-0.34578011262882	-1.00000000000000
+0.60255064644528	-0.64736793971409	-0.84555034012413	1.13128670939897	-0.13639728010700	1.07226846968994	-0.57578782559725	1.07756142851214	-0.73453204935610	0.01046186299182	-1.00000000000000
+0.76266250015458	0.32885338073061	-0.15556572539712	-0.48444112345314	-1.33517222562164	-2.02791869974305	-0.29906433344623	-0.97347855433556	-0.17511347405630	-1.51338734592316	1.00000000000000
+0.14479881136214	0.04901516558048	-0.92767832769112	2.22196649018276	0.97708655230266	-1.34194014966755	-0.63348123398975	-0.79485920196954	2.01733199839331	-0.51784691238361	1.00000000000000
+0.29400815683714	-1.07766990549117	1.97833974675207	-0.56344962649112	-0.04601940493797	0.51307212258166	0.27336865514283	1.04587536706577	-0.49509312462140	0.71303553769395	-1.00000000000000
+-0.54664940425579	1.27141566421126	-0.24602849890267	0.94623687790783	0.75540057134046	-0.04122441432087	-0.15819892379456	-1.00214421070065	0.28675555619500	-0.19948387754625	-1.00000000000000
+0.15791391427758	0.05507582698836	-0.94655601682739	-0.27410636782044	0.87240072499847	0.28573725452973	0.55809831213212	0.08851886979850	1.03213792197075	-1.70399261929558	-1.00000000000000
+0.03556131603235	0.63145338887308	-1.32283539987043	0.45144045654791	-1.60611903549249	2.57437249306679	-0.54395000904519	1.81755496574951	1.04224317494525	0.44701774589078	1.00000000000000
+-1.61462809821084	0.98286251885312	0.42956189641935	1.75940257181624	2.00557203057869	-1.32053071765702	3.27273414904021	-1.80725940860697	0.23586251679703	-0.26850189582095	1.00000000000000
+-1.43531641965641	-0.78180121565419	0.56075104970261	-0.75748310181559	-0.01273887198107	2.46107869156092	0.59137047388229	0.45365304560792	1.29392824512407	-1.01054313083977	1.00000000000000
+1.53786597144661	0.50090468042448	0.74789504631505	-0.08121688518245	-0.91700150264989	-0.44533303873706	-1.76839402290095	0.52992433440254	0.50775099374626	-1.86249797304120	1.00000000000000
+0.79022662795917	-0.32439856752151	-0.64566778057488	0.04111211791423	-0.36219754993216	0.42473427681303	1.30427578090916	0.73577304661461	0.62746220885768	0.24285304936533	-1.00000000000000
+-0.57819560855293	-1.45064577763239	-0.28409708703103	0.70714435779613	-0.94700188537785	0.96810357367183	-0.27744376567677	1.65112664788943	0.60533582238488	1.08226072360254	-1.00000000000000
+0.87594541971497	1.09345218495703	1.30767831087425	1.12615164543290	-0.59196965608257	0.99891056781593	1.13898346708188	-0.02177593522451	-0.11314833542871	-0.70001474791273	-1.00000000000000
+1.48569344327368	-1.36308599714420	0.49269040603912	-0.24760353047328	-0.47309561005290	0.86670566224818	-1.96719904324673	-1.41824370424332	-2.36271653299405	1.02065640776846	1.00000000000000
+-0.53848912609005	0.50358359859523	-1.42180178512192	-0.45667307711737	1.04210755123454	-1.01436498888161	0.60973545137505	-0.31438583054441	-1.96072771733227	0.72148790538865	1.00000000000000
+1.75313540954862	-0.00510976596557	0.33393312613845	-0.59777667844409	-1.06516128574004	0.31633621948640	-1.02554228538090	-1.55995984306429	2.32942215580981	-0.57641491657979	1.00000000000000
+0.88030990103409	0.38647004509232	0.29995574711817	-0.80227121023276	-1.37348638378737	0.91097464664143	-0.34287317766035	-0.89258883976973	-0.33615083871071	0.44786940840837	-1.00000000000000
+-0.31187291948057	1.30338762331444	-0.11448970275187	-0.10153259481641	-0.08294344954486	0.92939470370523	0.37709309438279	-1.28014882473060	-1.05794079597548	0.21436348251446	-1.00000000000000
+0.98720341542923	0.31784077111920	0.57473294529533	1.10091467927287	-0.20472351028343	1.68133753148855	1.87141526905466	-1.42399256249553	0.52452151854762	-0.21085115900427	1.00000000000000
+-0.06989480846420	-0.76559469922617	-0.46114124003785	0.01902786193111	2.14726998533339	-0.90816094389211	-1.24177058645813	-0.14026934023308	-0.19378611024525	1.44457711428648	1.00000000000000
+0.29213460836141	1.17178764486654	1.15384958724837	-0.03657320938739	-1.12512005637009	-0.38439838633503	-0.21683338001636	-0.68905377136257	-0.15202245818317	1.03676970680745	-1.00000000000000
+0.86480340690944	-1.00991302980255	-0.14648009957721	0.52518741704130	0.84077401121343	-0.33239475823607	0.58520681651348	1.08547952947922	0.21250481644926	-3.51346034275561	1.00000000000000
+-0.30603211066420	0.30900803453394	-2.16684812518221	0.36500734409886	-1.19959642962195	-1.41302761191838	0.77956296262355	-0.05721039877218	-2.21837474573101	0.96867488230094	1.00000000000000
+-0.59623496801594	-0.00602925057870	0.65550679248034	1.65702185440212	0.82629916950510	0.01155238583812	-0.15326908598847	-1.15978729534078	2.16049793670716	0.47078551077025	1.00000000000000
+1.88518132186909	-0.72205867149707	-0.51079111639233	0.10091963197816	0.20048996790451	1.30134538260261	-0.41201630823189	0.57506242314908	0.60571135815296	0.49406212190739	-1.00000000000000
+1.24367544605640	-0.20303628784524	0.76519034429871	0.22856238584003	0.74013165969136	-0.06732998405754	1.28790974741047	-0.19129113779057	-0.73565171459234	1.07706669083583	-1.00000000000000
+-0.35846287390319	0.97837419001103	1.19982215423790	0.17726664608837	-0.27906422045832	0.71399200738049	0.48994371047646	-0.07478649397993	1.36549889602622	-0.10170392192366	-1.00000000000000
+-0.96847122721005	0.52090276620184	0.20269001768118	-0.11950414220167	1.31803011713824	-0.17566039717866	1.14174153950098	-1.44868448776878	-1.73599144722977	0.74740862209248	1.00000000000000
+-1.11192319876397	0.86148475179953	-0.45544180993500	1.16746590816730	-0.09877535454060	-1.19374948660585	-0.54530713494287	0.91195070843213	-0.35685956515204	-1.18968961328042	-1.00000000000000
+-0.98469824863124	1.98238308568180	-0.66952228257999	-0.17389457599782	-0.18710164886883	0.88999122981585	-0.01875166443039	-0.68111088198483	-0.47981157858969	0.80275759862612	-1.00000000000000
+-0.02250085486845	0.11263596170192	-0.75828361203873	-0.49541555880562	0.31158370010545	0.08393978772974	0.15424290938565	-0.01429850957206	1.13109286382422	1.82781838368662	-1.00000000000000
+-0.56189437070831	0.75105519735267	0.31849817671020	-0.24731325190099	-1.44988449834297	-0.88762110345157	0.48910819473444	-0.89124234403055	0.33380474405513	1.05491337553718	-1.00000000000000
+1.31297118692897	0.20275747878838	-0.50579012436341	0.92207438085870	1.00508004643122	-0.56082378566347	0.33705667628849	1.31757905300217	-0.06415954142248	0.67484922270876	-1.00000000000000
+0.25506000702693	0.13182351822077	0.71504035545517	0.10556075758171	0.41628184824426	-1.18019812751411	-1.17880883925124	-0.51521915034265	0.70039989699290	0.06275196876629	-1.00000000000000
+0.08767022794886	1.66866354639432	-0.16373806711859	-0.83680616018047	1.22812286367313	-0.10045822134839	-0.01251759733172	0.12924021179105	-1.19386153945207	-0.75421022632831	-1.00000000000000
+0.02775162311100	1.36254885364774	-0.61792853945504	-0.79276165979464	-2.34933125649476	1.51545130538059	0.44672085996384	-0.07922165037684	2.39447583722394	-0.41317641643490	1.00000000000000
+-1.14608594858835	0.02880715325103	0.78120741957838	-0.64786710490752	-1.61836768152174	0.95204521212884	0.90594692719489	0.66428879915921	-0.09375630108795	1.61416350752744	1.00000000000000
+1.41329905346695	0.35329032086383	-0.00389752329447	1.27590182541495	0.22200101859402	-0.16224115975756	0.59610938326610	-1.18760647604824	0.55168137044486	-1.09647867928279	-1.00000000000000
+0.50976410650316	-0.19018408386375	-1.40981377200982	1.13963698820376	-0.03596022661883	-0.61715261708264	-0.45665016810694	0.19296068237835	0.50201439401863	-0.13502727777674	-1.00000000000000
+0.88316617378595	0.69130604942115	0.14997095867357	-0.58934534204428	-2.11420805172186	0.16032441290559	0.39604507136535	-0.63324569056186	-0.91410058877506	-0.91984855968436	-1.00000000000000
+0.84217261958147	0.79048575199632	0.09931472361729	1.11456594629329	1.29744370812855	2.07163808953629	-1.58864280305440	-0.96799780531325	1.85411088401399	-0.45101098979610	1.00000000000000
+1.67520807777537	-0.53655014362304	-2.07758249878381	1.09128651075999	-0.94694757026552	-1.10018729003699	0.07415974863017	-1.54490780638334	0.24218265446723	-1.24878095979303	1.00000000000000
+-0.83151762747082	-1.12701898000159	0.28551369197979	1.67799993214209	-0.02362347018213	-1.17858813860116	0.39338643679739	0.03905640862709	-0.45240937168818	0.71453731826099	-1.00000000000000
+0.50346667289030	0.94076482351214	-0.60556741510071	-1.98201547628819	-1.07716565072945	-0.95654085928466	-0.38068953965928	1.06399763900466	-0.30619204468052	1.51143643801861	1.00000000000000
+0.62935768586591	-1.78965611441201	0.44249689678478	1.24894168875275	0.04526528439664	-1.39325395030443	0.21869022397592	1.34617946667205	-1.13673989615686	-0.51605745046846	1.00000000000000
+-0.77468409169970	-1.04936899380576	0.17878061874390	0.09433842540461	0.40869040753615	1.78316489619349	0.36091371805666	0.06532568270341	-1.04788152568841	1.77094222609222	1.00000000000000
+0.64836267685285	0.22109210009697	-0.03697529605033	-1.55117575006965	0.97959233529880	-0.15956235985753	2.14069718948750	0.97922859551591	-0.57101620008888	-0.21214526758202	1.00000000000000
+1.29125579925974	-1.13904262730813	-2.10741205552067	-0.11634955336040	0.25969619151314	0.82325314111794	-0.75652780616083	-2.04980043020027	0.76714692739037	0.13002804514696	1.00000000000000
+-0.87042387713716	1.47838986171048	-0.78992624100397	-1.09085376334249	1.64564664637502	0.03895191002378	0.61294863806212	1.32017073533721	-0.08318298193431	-1.12272153421443	1.00000000000000
+-0.64521786667889	-0.76248191717905	0.45718261318308	0.96120862698704	0.26417876056842	-1.37286792494898	0.24573238048458	1.54270780684566	0.41793997192669	-1.71254517883667	1.00000000000000
+0.61050042129529	0.25251090857928	0.69297347096649	-0.54478471943976	-1.20400176167827	-0.11964568541534	-0.10148780533565	-0.13423610802480	-0.14935102448167	-0.33159946951894	-1.00000000000000
+-0.78278003188365	0.55829065650694	0.01552422476034	-1.26553655050518	0.72674489834685	0.20691731649972	0.40242833371750	-0.34757520322285	1.00468681408662	1.01355388150358	-1.00000000000000
+1.39970244059502	1.30928464510534	-0.83807966586016	-1.77939740357483	-1.40682507423865	-0.55513352707728	-0.27769172769819	-1.17100625046345	-0.20493064554819	0.65844113390301	1.00000000000000
+-1.00447383048173	0.61856476068259	-0.44124963914337	-2.48079131739220	0.06743973041231	0.10012756517747	-0.98573444937917	-0.88011103678674	-3.85675116429754	1.63467450879876	1.00000000000000
+-0.48416502290532	-0.49903168798288	1.67307428829839	-1.15064176775424	2.41482725510236	1.44215112978652	-0.28566961475125	-0.20586421251622	-0.01734616048476	-0.20496172071561	1.00000000000000
+0.01799838077774	0.29385247471374	1.33254052450579	1.26440780805839	1.02392506778951	0.19878283423266	1.66062398297925	-0.98343785041007	-0.76006881914173	2.31900510606697	1.00000000000000
+1.63192380469527	0.47373993095293	1.01318388124469	0.45123239966804	0.32854028440510	0.16419174163429	0.98969769249699	0.10608006513368	-0.77971245486341	1.21618241862190	-1.00000000000000
+-0.10596008905218	-0.19631640478076	0.56058153409781	2.21253733032026	-0.14580108093628	-0.45452391805097	-0.23430006296853	0.02052359766347	0.12891071024187	-0.27953571625727	-1.00000000000000
+-0.25981477165471	0.03840085828609	0.37352639040767	1.23858214135382	0.03980147974451	-1.48432008633257	1.51484406625773	-0.03266593764900	-1.12931867734254	1.45982945747447	1.00000000000000
+1.90239506435491	-0.19832291825484	1.46002660082468	0.38029719748980	0.62179310942212	0.56312480888937	-0.01434866121174	-0.17625335909375	-1.69582811482123	0.03606425614418	1.00000000000000
+-0.12077749671001	-0.04865421561958	-2.11503491925301	0.82202812636999	-0.86493977064934	-0.23189959601753	-0.38032765022508	-0.20988926323065	-0.17164591071997	0.81483186809632	-1.00000000000000
+-0.70620428209642	-0.94066470105638	-0.17238682380260	-0.50212446368030	-0.61940576706834	-0.59951511314722	-0.78690660822332	-0.80389704652168	1.52452757915274	-0.27595137819334	-1.00000000000000
+-0.35552584605061	0.70874121168028	-1.12560235970373	-1.68366400298493	-0.20345655293323	0.06448766863382	0.82037103625832	0.53552519990145	1.28319213962130	0.44977868792295	-1.00000000000000
+1.68402223647717	1.66621844864843	-1.32475008180043	-1.21435190837052	-0.57292997370213	-0.32207579370140	-0.39897636809608	-0.55344890437926	-1.53743657273977	-0.10919869993837	1.00000000000000
+-0.02199736846563	1.17144869315084	-0.13345731849332	-1.72676691568747	-0.61830238718089	-0.35884373732252	0.09583129110059	-0.28975211184565	1.17627806231710	0.43339052940600	-1.00000000000000
+1.15589726290346	-1.84537737055809	-0.58095870660455	-2.09139011633245	0.85945396796776	-0.45390155051039	-0.16782177189276	-0.69855988133781	-1.46169756778695	-0.70092954220854	1.00000000000000
+0.07204136441784	1.00268694807781	-0.32439586063990	1.70324400303530	-0.43224861064777	-1.71017885856824	1.58137765914248	1.84933356697963	0.82524873571270	0.24471361208421	1.00000000000000
+0.49679815401653	0.84986132318138	-0.55087628956836	-2.02323214888618	-0.51403402267263	2.05001848901979	-0.59563453517975	-1.53383749182140	1.09712180895996	-0.14872553873459	1.00000000000000
+-0.52006217691150	0.57451008635454	-0.29993824666899	0.15766902064818	-0.37484768124083	-1.74863011997849	-1.94551472383397	0.68959288323084	-0.20729953323565	0.07587876767062	-1.00000000000000
+-1.75113830187730	0.62119527317361	0.05359424935619	1.04155669858710	1.48334405636018	0.06339952840635	-0.19709039988323	0.92356833869022	-0.07183431575448	-1.63920070571816	1.00000000000000
+0.55353741772446	-1.49027719878412	-0.13428632235350	0.20501190077644	-3.01363869478907	-1.52014894751007	-1.22207821166981	0.19903024654838	-0.12832268402019	0.68961735158086	1.00000000000000
+0.66367435382232	-0.86963629155190	0.12940416194934	-1.35657259470406	0.69201431083385	-1.88092729781846	-2.02179777841604	-0.51445083613418	-2.02235284267600	-0.69999056740797	1.00000000000000
+0.16562159725452	1.32109440938659	-0.68824440279332	-1.39035348266226	-0.78867593836183	0.16823041018663	-0.03794020273254	0.64133882094851	-1.37876511461552	0.06111928823572	-1.00000000000000
+-1.13559883016975	0.07408321490802	-0.57712995898874	-1.20985172006473	1.27181385008017	2.15895987469459	-1.06260053356116	0.76049056097694	-0.00517954086787	0.13954868382109	1.00000000000000
+1.75118059033207	-0.62837530412533	1.34706411520308	0.81752056457743	1.21497366592251	-0.56705001024435	0.30181932777738	-0.13057738592151	0.11277959969916	-0.94964424882485	-1.00000000000000
+-1.00222933652288	0.35515723741859	0.94916925935444	0.09168932039157	0.31008371451705	-0.13027846484742	0.14573549006744	-1.57408423911062	-0.99174832338374	0.88254621149872	-1.00000000000000
+-0.98910719555086	0.89317614687220	-0.53344979773020	1.35933323637442	-0.61379217208351	0.99595164917710	-0.63956433432164	-0.09509753548754	-1.12949927301686	1.45858614583973	-1.00000000000000
+0.89013307126441	-0.67848578102474	-0.11947020825835	-0.05191323988910	-0.11884821709054	-1.64481284750486	-0.70434311914417	0.06075984874502	-0.13378631742947	0.38260879379309	-1.00000000000000
+-1.11072765733439	-0.50474503282512	1.68629847604764	-0.46657403325927	-0.75210571204203	-0.14351217266254	0.08017811235155	-0.25835109389072	-0.73083536568839	0.23326667262539	-1.00000000000000
+-1.10001784071647	-0.30675555175511	0.31955968644394	-0.05116389685729	-2.07393991233644	0.30691895186682	-1.64219953843278	0.38888991237302	-1.57919044698645	-1.74477258239906	1.00000000000000
+1.36316384355222	0.79369503057425	0.75854202789176	1.65955148615948	0.19572865832483	0.09850223468230	0.34188681817926	-0.96232943559687	-1.45152087030853	-0.60506260855571	1.00000000000000
+-0.14596202399424	1.22472270971164	1.23084938782975	0.19838146395292	0.01126238565481	0.63499116964667	-0.58258963600641	0.41649840439303	-0.51083447527417	-0.95717207773740	-1.00000000000000
+-0.94971197623519	-0.54045907864341	-1.33574324588728	0.94113370619245	-1.16188377530529	0.62985930249302	0.08809044221925	1.33903938280869	-0.25713221570712	-0.64902040840281	-1.00000000000000
+0.07677131890167	-0.49742453395928	0.16293255658164	0.60815150008892	-0.16178189898338	0.25879014007329	-0.12998465734519	0.28811708880762	-0.25142743751460	-1.03741369739106	-1.00000000000000
+0.77833348997569	-0.14429752416032	-0.47554639755562	-0.46643860141800	-0.59743471168760	0.38117491193744	0.01208333885780	1.02174406697366	0.20001901575452	-0.14424211366163	-1.00000000000000
+0.48640990844208	0.19657150155476	-1.89201860919211	-0.61096860620578	-0.04229673310114	-0.67835964077996	0.59934386391368	-0.52444259748731	-0.62036690675583	2.46967773956185	1.00000000000000
+0.86743811031610	1.17529972846555	-0.31418855685891	-0.21543216812652	-0.65885462214684	1.90556770402461	0.83983367807461	-0.40705836541099	-1.24192651257206	0.28033299808947	-1.00000000000000
+-1.01049682972268	-0.09480564637205	2.03821893056891	-0.45294485280070	1.31174783130478	-0.47913330749448	0.60973968329255	0.24070443485364	0.77234496113288	-0.01854817135056	-1.00000000000000
+1.43061705049848	0.21501933168322	-1.41531644051828	-1.41304573682234	-0.15348638513591	2.23922649793530	1.04742595111057	0.73683131448249	-0.47425682835151	0.03188874128436	1.00000000000000
+-1.77637569026527	1.21900730516158	-0.38286065020174	0.73804825627211	0.25122780804771	-1.40037552392831	-0.75276297639000	-0.29424839006808	0.98630597979318	-0.68529116098530	1.00000000000000
+1.39414972433223	-0.13292727292298	-1.06489382207293	0.19312164307342	-0.79821986049565	-0.52311461932815	0.51800346010123	0.73053028900649	0.35498615754676	0.73839908599720	-1.00000000000000
+-0.34045429439008	1.08589228558931	-1.31142997679795	0.75563588591297	0.32274930162388	2.04203394191768	-0.04842504190507	-0.96404834973891	-1.89620227097807	-0.44114891992683	1.00000000000000
+0.56377699464236	0.52609744253631	1.24617765168620	0.38602110227752	0.71980853137967	0.78499841454348	-0.79818458122501	0.64419279124137	1.61482748754512	-0.44826962967001	-1.00000000000000
+-1.12154640701563	0.96444924882510	0.14214070776561	-0.78574889879436	-3.00868526616806	0.23563976616671	0.31354668058115	-0.30259282680767	0.14107657681752	0.37260037425623	1.00000000000000
+-0.43900760458642	1.67961813163795	-0.05398948505613	-1.40912457177372	-1.33786204829724	0.52241642455269	0.59747211739555	3.06349577297283	1.48709526350444	0.43679866418678	1.00000000000000
+-0.26341289761016	-2.25019235256300	-0.35664843768669	-0.12256671826135	-1.50995791372115	-0.22956008987748	0.30882832936957	-1.13642743253151	-0.59403244932743	0.29526728405400	1.00000000000000
+-0.89611463906069	-0.92613028907628	-0.50396385681991	-0.70392475271130	0.57776728859912	-0.36380549586282	0.07600630920655	0.34474431492550	0.70636236008811	-0.87740862670469	-1.00000000000000
+-1.44512811788044	-0.15334927494519	1.52091177776494	1.91546691482702	0.35961749860518	1.08640271120276	0.56495888636844	-1.91735913861112	-1.82128955476447	-0.57639842401230	1.00000000000000
+-0.17941992739414	1.13643055520198	1.02556379643575	0.22565902761379	0.11437196343283	-0.69133197494446	1.24217370327542	0.17926810230250	1.11864812861926	0.72376164190814	-1.00000000000000
+1.32485828804698	1.44994871863576	1.09337931891389	-0.51127277908261	0.77186847045330	0.74297275466479	0.87298738550372	-0.28771730515936	0.50638066936296	-2.22049536858209	1.00000000000000
+-0.54322728180360	-1.06171659617836	-0.29513073592256	-1.23302863317614	1.75428870022830	1.60157958442824	-0.17264853055359	-0.47564304144411	1.48817246748573	-0.05790578782397	1.00000000000000
+0.49174311453724	1.30608156631150	-0.17177816258101	-1.15273557190597	0.26214083448736	-1.87997222938304	-0.85174840078535	-0.40876268026820	-2.35610457813219	-0.39676032690023	1.00000000000000
+0.16895038710268	0.51463673758768	0.78888840780600	-1.41043966873200	-0.98890168295148	-0.95884786494596	-0.61631703680186	-0.77887351666335	0.85496596110525	-0.37160872565724	-1.00000000000000
+-1.06876701560707	0.02438000051369	-0.95281435318124	-0.71889626112083	0.84608784327153	1.45914924822743	-0.63355507990089	2.20978144969288	-1.39957207851536	-0.46090772569876	1.00000000000000
+-0.72231724654164	0.39886175017340	0.69437844833099	-1.03042358033730	0.70379987553407	-0.37470335822933	-0.96250511665119	-1.64773941890863	0.46402241316873	0.32622245379863	-1.00000000000000
+-0.60749025078556	0.92650272994051	-0.76200023389542	-0.49805349157796	-1.55454664595330	0.27044825353828	-1.38245470687453	0.91814273686228	1.86864094635120	-0.06584671279734	1.00000000000000
+-0.32600124557231	-1.45778758867000	-0.68187549118976	-0.80882606083853	-3.24775246353841	-0.81971917571489	-0.94302166280616	-1.27090414002146	-1.76584192484199	0.10758979325052	1.00000000000000
+-0.42841815934492	-0.64228494675961	-0.82612922968729	-0.01843397176591	-0.08401584605249	0.16053551815905	-0.86458789920782	0.03148221426136	0.98116958646830	1.13570317174160	-1.00000000000000
+-0.22360431599018	1.49981198811242	1.33943373358521	1.38987907636204	-0.46785748929252	0.62481069343497	-1.15067717062199	-0.31155584412074	0.18912787004536	-1.15010017122777	1.00000000000000
+0.37842259018207	2.62192762531396	1.74151198710912	-1.50936399091608	0.70573037931873	2.08099157451944	1.36627142508612	-1.12081370983815	0.36856367763693	-0.78528922712793	1.00000000000000
+-1.70235601408675	0.44767797383191	-1.18321163746027	0.76409107658691	0.52232736028324	-0.25719438922845	-0.16843596712665	-0.78976508369127	-1.45242490805089	-0.20098962560257	-1.00000000000000
+1.26840395847300	2.17830371783891	1.24682803702455	-0.94009598633540	0.07149932234927	0.65466097934175	1.30288068286817	-0.46774890989475	-0.44981777401382	0.37539608928348	1.00000000000000
+0.84006745672703	0.49439427291043	0.42515463126451	-0.79100590154051	0.03814465803731	-0.29218891385635	0.55016659046891	0.73340443778328	-2.48955798201431	0.77474836493458	1.00000000000000
+0.24748733387393	-1.55212134138756	-0.37849449540486	1.02500101822738	-0.78365069977870	-0.92522956825908	1.94487863510848	0.30967367308679	-1.83787594130767	2.15001553152352	1.00000000000000
+0.12424795433204	0.40268945793995	-1.26130345648185	0.02316684786094	1.16933162617911	-0.54518540548956	1.76543273692885	0.15636047720878	0.81956001593978	-0.50734907054208	-1.00000000000000
+-1.70224871053823	0.34031714475810	-0.69344498011291	-0.25934680947782	-1.07303327865692	-0.44681017264605	1.44047678700679	0.00571597315655	-1.26564071554597	0.58420440233026	-1.00000000000000
+-0.94952478187364	-0.78053225381097	1.19737090002232	0.53364234491673	-1.73682462345555	-1.66288881519795	-1.18559425877800	0.17396331904468	-0.05229556641025	-0.01999677349080	1.00000000000000
+0.32043327566498	1.40284039121050	0.82187963253491	0.44916271041718	1.35221557234417	1.95929611352382	0.23644149111759	1.02670524392344	-0.56854765901625	-1.06470774829154	1.00000000000000
+-1.41285425875811	-0.10543036984503	-0.97365958960773	-1.09811319461302	2.23369361437064	0.82926065035920	-0.53190308973586	-0.74135203038643	-1.83439653848746	1.53898877617669	1.00000000000000
+1.60767279294467	0.79764962312076	0.05237158080039	-0.73265371693644	0.63906349579189	-0.20059597598694	-0.44187947595188	0.28984829010804	1.75402029699556	-0.76995595017225	-1.00000000000000
+-0.52645913438533	-0.00165125042266	0.82458978548118	0.34828069649891	0.51566808804218	0.05196176270851	-0.74218943446455	-0.40111161375272	-0.52059608558148	-0.70805110117638	-1.00000000000000
+-1.08132873029334	-0.40700561689026	-0.29170561049411	1.63258164427921	-0.55339980237815	-0.97461973212482	-0.38694795531700	0.83083960995008	-0.85468826799909	1.05287926371691	-1.00000000000000
+1.40665862673111	-1.74979209577725	0.59320959275372	-1.84069748569351	-1.59363687340242	-0.22261980564570	2.04907715826782	-0.98284544943036	0.31101258375810	0.40896832836280	1.00000000000000
+1.02368276539928	0.09434001545510	0.13563080040875	-0.96748127411354	0.61360410141112	0.09825776591795	0.87968553913160	-0.43960486351467	0.18055695970792	-0.15810157980100	-1.00000000000000
+0.50693607891995	0.32783256532313	0.73254292656457	-0.20985073074424	1.77161136202495	-1.35591874986948	1.97849321514711	-0.89566148285057	-0.52394798068147	1.26415330232573	1.00000000000000
+-0.63119883908986	-1.01127913590234	-0.91167541640924	-0.43052678437419	-0.56725929590395	0.21551916737206	0.45529353156381	-0.40457870444972	-0.82426723866042	0.81110949564668	-1.00000000000000
+-0.25132452189919	1.23769648153362	1.66702880012791	-0.37628191627939	0.58304696578516	0.79658896862712	-1.34555841979938	1.81125762246137	0.30604443284958	-0.16246902493057	1.00000000000000
+-0.03410806976463	-0.50317153478759	0.46478817865979	-0.31311600182631	-0.12014255086316	1.02294204372836	0.17295193720029	-0.60536604538473	0.37063408052901	0.30380692510474	-1.00000000000000
+-0.80556577046493	2.10126366205223	-1.06132580868060	0.40743928402283	-1.14138071717169	1.11547659204648	-0.32617135791924	0.79393517865056	0.83426832707462	0.54287884309518	1.00000000000000
+-0.07568630834576	-1.51823955497612	0.27288844027201	-0.09469771766265	-0.90559811915788	0.54065678643436	-2.08776023382505	0.50976829762088	-0.32640274578210	1.08571356840024	1.00000000000000
+-0.38417849615261	0.55983663236817	-1.44546022039591	0.04689632854247	-0.80446578608095	0.23332696659536	0.53026512535526	-0.39731290909712	0.29250529256614	-1.89498357662615	-1.00000000000000
+1.23454714722154	-1.32894755688017	-0.14630612297910	0.01564629087751	0.67302854918335	1.76903056763425	0.11307580008044	-0.28456774408015	1.07766660550589	-0.02979281564675	-1.00000000000000
+-1.21603737030094	0.11794993221751	-1.44976398939993	0.72686322200512	-0.04808928456899	0.36539731490610	1.43019925801544	0.74464355980756	1.36926468782371	-0.25673803044631	-1.00000000000000
+-0.32773499096807	0.17491451293147	0.47256561586803	2.36764566762058	-0.28088350803244	0.47349114490885	-2.15381286276338	-0.13738154409817	0.31869903997679	-0.95622130915896	1.00000000000000
+-0.42909219781458	0.39555483344174	1.85177140787234	-0.10137286653915	0.08345587195910	2.22071820024953	-0.59005052842047	-0.48371289769019	-0.47936766229027	-0.88432353833342	1.00000000000000
+-0.32289271132208	0.26294516950966	1.39506033962854	0.62553710560087	-1.56489304467168	-0.88586371204491	-1.01873824626236	0.94775981077123	0.59633286929894	-0.50150088265300	-1.00000000000000
+-1.19472238043883	-0.00759009205323	-0.69212896267204	-0.65223883857299	-0.37940579441584	0.60603149157488	0.16891273510808	1.59457504274840	1.30895840576219	-0.96090089042779	-1.00000000000000
+0.49213323845309	-0.31895559470116	-1.05060920528834	-1.02398151596303	0.92463885348683	0.57530159477006	0.62967085046585	-0.72314023449234	-0.38380436803719	-1.12639968185694	-1.00000000000000
+-0.04330897999267	0.28601834919871	0.65214064277463	-0.77152774976083	0.69354470350103	-0.30580697855131	0.23959600134064	0.19799397307397	-0.39729313705699	-0.38897307500443	-1.00000000000000
+0.41010614981166	-1.18999729576737	-0.27266455117934	-0.88221141252561	-0.23068581222053	-0.37411760267815	0.44351981333855	-0.10955097874044	0.19897377210330	-0.84784818317391	-1.00000000000000
+-0.02219861786716	0.25248223045281	-0.82806803744877	-0.73135656911029	-0.05101987109402	1.84018211385152	-2.07653261580597	0.59363119972000	0.93951058456285	-2.32424784911290	1.00000000000000
+-0.17747223589467	1.80201157853924	-1.83576543361908	-1.15849700165881	0.83986051500105	-0.57160520448334	-0.73890034134616	0.16724028218175	-0.28136922632289	2.09894088545823	1.00000000000000
+-0.77374259421895	1.69080553358114	-1.07626915492776	2.52734584712140	1.26101501115307	-0.94920738851701	-0.71854915921409	-0.82699473246559	0.37281827657146	1.15987440840497	1.00000000000000
+0.11339933454442	0.98601040608321	0.76169895689577	0.73613164717238	0.50295532425794	-0.10753541342873	-0.62215281402194	0.87587289294732	-0.34470415348709	0.75536540580606	-1.00000000000000
+1.07128415526059	-0.70408474648599	-0.45030991327229	-0.04550163532014	1.31652329624068	0.87625597872790	0.53248212635991	0.05839183980593	-0.65517782293237	0.84380798939575	-1.00000000000000
+-0.34482396695806	-0.22976106007486	-0.29260788921413	1.01631747626973	0.90925169205425	0.60859398090234	0.59915471301796	-1.79809837667889	-1.31550262261218	0.52415678943940	-1.00000000000000
+-1.77594600686942	0.04518787298379	0.18135013708052	-0.72084704140654	-0.52668161503256	0.73536503902002	-0.46598731766236	-0.30569645583317	0.45491819651450	1.36183047616148	-1.00000000000000
+0.20917721137114	-0.43952936107311	0.14997096061273	0.30072927833315	1.10426898856506	1.48051007387245	0.20666088020053	0.64470438089362	0.29889647583364	0.52412135097677	-1.00000000000000
+-0.36464836612615	-1.58006513566344	0.16605096147412	0.22463983817302	0.15804504081760	-0.97002719659896	-0.33557674523627	-0.87236457143905	1.06655380929750	-0.64373691906937	-1.00000000000000
+0.00136737509492	-0.44699620099093	-0.33882617149199	0.96807128447639	-0.63858975994672	1.21084744140716	-0.50265655436167	2.72884576382255	-0.62445416291628	-0.95967354172195	1.00000000000000
+0.93873650070188	-1.26125569432162	-0.71433060534284	-0.30449604273474	0.05248998764630	0.17740967738738	-0.06506702738065	-0.03947596692055	-1.34051208500587	0.68801351554549	-1.00000000000000
+-0.70513441952792	-1.74406258401841	0.27930679138863	-2.29543385151343	-1.08581290496210	-0.12599103513537	1.15909784649810	-0.91054886486448	-0.30950460895989	-0.68214889522049	1.00000000000000
+0.02950387483222	0.19378306242393	-0.47301866558325	0.98023968046951	-0.14255976252857	0.06399251418023	-1.04260145236290	-0.49200563795755	-0.05634206630377	0.90074339934230	-1.00000000000000
+-0.68479781394795	-0.01706948034022	-0.73785140796527	-1.10313181475042	-0.45452204221379	-0.24849702923860	0.58010687534835	-2.35775472176046	-0.18819043852867	-0.57746471068383	-1.00000000000000
+0.47789356490061	-0.93208524524056	-0.16197494028213	-2.62464296860856	-1.05497419180064	-2.19833239584594	-0.77528895283578	0.16138207288445	0.60289316303231	-1.79252178653062	1.00000000000000
+-0.90523795373769	-1.07280452604036	2.23246777673257	-0.05102211949609	0.85246406460329	-1.04948534122817	-2.57227178897227	-0.13741299951600	1.34176308687994	0.80910205456938	1.00000000000000
+-1.46163315215331	-1.28094467718393	-0.23415481110012	0.38845184223631	-0.17351720382661	1.69499875798841	1.40319125069889	-0.40058532959205	0.14973859475846	-0.66998088064662	1.00000000000000
+1.60837042234296	-0.23205460045027	0.35888164656808	0.98618528410470	0.09469598798987	1.03254623169920	-0.27292884368862	0.39818095578775	2.04396771413875	0.02599711165124	-1.00000000000000
+0.39562392923103	-0.52607684930130	0.43499411052694	0.94123660182461	-0.28157645462764	-0.25989682310482	-0.53772961857126	-0.20718158122112	-1.49576146317674	2.45438502859997	1.00000000000000
+0.27182147403957	0.67070607310285	-1.32617411419273	1.26573821777295	-0.80468723149389	0.49401363885484	0.78592165366692	-0.89700786582735	-1.29732430733052	-0.95995303015036	-1.00000000000000
+-0.58630039670306	-0.01410687371826	0.47829057898355	-1.28492048455981	0.97006560242629	-0.63494628733324	-0.57364558549943	-0.63901332246690	0.10024968977543	-1.35517907859072	-1.00000000000000
+2.31340096646002	-0.20167605737714	1.90568323776233	-0.57281233022164	1.03219677018072	1.00272191598633	0.04464561253390	-1.01288616437003	-0.34227504221838	1.10229690783133	1.00000000000000
+0.16526886908715	-0.63995996007947	0.07761494798338	0.37932625187702	-1.15025322579573	-0.38418150013446	0.15549432489435	0.15163313381508	0.31148869683597	1.36680025306560	-1.00000000000000
+0.94797009627077	1.07445179548549	-0.82935736628011	-0.92373659620956	-1.56672973321066	-0.42414531596677	-1.03516079583517	1.17875169935200	0.17657051453609	0.61021143029107	-1.00000000000000
+-0.92707116984870	-0.59139245204722	-0.40920065323697	-0.44378896839131	-0.86675117009120	0.08276373487479	1.58694648876829	0.26261006979222	0.40563643440790	1.24682410468413	-1.00000000000000
+-1.41759228706175	-0.69580804891881	-0.62371682701147	-2.00246576939523	-0.00715308516697	0.17602972995510	0.65777910704284	0.03362280922509	0.83647716135870	-0.11633856356335	-1.00000000000000
+0.00347293734969	0.76616458597728	0.02477465050592	0.45239365298051	-0.00606625950615	-0.42610304929932	-0.22656493633790	-0.81368359302424	-1.03119634260884	-0.68904472374464	-1.00000000000000
+0.09514051572450	-0.57073171859362	-0.84465397551059	-1.25947474619366	2.39772808444591	0.65628373374717	1.04096895247962	0.97964225399841	0.59515653301897	1.39910152010459	1.00000000000000
+1.05950846742503	0.18968681842480	0.57109889750918	1.53141658209383	0.87151840848524	0.60132972427967	-0.71806780861787	-0.35903841047934	0.50263698592052	-1.49687374456178	-1.00000000000000
+-1.32591451307605	0.92371550639946	0.01811253305095	-0.14510092240574	-2.91726678318406	-1.71891870879567	0.70158972101037	0.07414232779430	-0.01687108846613	0.42904393264440	1.00000000000000
+0.55946765657108	1.81149406408313	0.04485577582938	-2.23563465877839	0.65404893169809	-1.19675896338377	1.61792653752942	0.18468163664410	1.24123261617165	0.72549226722603	1.00000000000000
+0.40404169693882	0.61402718523535	-0.17886081718364	-0.69590288012753	0.58832138594155	0.59524844462418	0.96405942327849	-1.21839887068061	-0.25125165510679	-0.19213371211448	-1.00000000000000
+-0.19869277134383	0.20960363189655	-0.88879943265691	-0.44472827130773	-0.66718455224690	-1.07197717817342	0.06431221883673	0.19073537840099	0.32046918587927	0.22809003797702	-1.00000000000000
+-0.16952475657012	-0.32045424791151	-0.04268613196720	-0.37794907483169	-0.08459817038965	-1.15596338416634	1.10501958129383	1.47762927463601	1.42676898403057	1.08312816578643	-1.00000000000000
+-1.11230097966002	1.28668473324501	1.29473968988839	0.75970092885806	-2.18626409717697	0.26159920382724	0.95003802821762	-1.05298274473945	0.63729883934378	-0.72762937332593	1.00000000000000
+-0.35746495063252	-0.36639140912946	-1.58867631925103	0.67766404899556	-0.27460907786741	1.70371845758426	-1.24331334396176	0.31662353051878	-1.39777813617514	-0.07043234709430	1.00000000000000
+0.51875251537622	0.21732329337736	1.40891843773228	-0.42964873529683	0.97415890365252	0.29945326472447	-1.55259876501315	0.06586952984484	-0.27660692059002	-0.92742084078123	-1.00000000000000
+-1.40969943492792	-1.48414031443113	0.23663316957332	-1.93793068290333	-0.74615624188329	-0.54167406092610	-0.30138726019359	-0.09530854751952	-0.94274586751908	2.04935811879133	1.00000000000000
+-1.77847365261578	0.17248226235817	1.15109277766299	3.14387510310810	0.85386683130970	0.45796261128216	0.07686055202507	-0.43677091756189	0.99462503170463	-1.22044724308251	1.00000000000000
+0.81953960822039	-2.01434713566994	-1.85514159224008	0.07759481824528	-0.34088305423950	1.53225240813685	0.73537983658799	0.28275678177165	2.51701976921681	-0.29001475277255	1.00000000000000
+-0.32455216823697	0.61089183052460	-0.27871067868975	-1.36384596735095	1.38760157945341	0.44175460369371	-0.81054645497649	0.11727940966379	-0.87806418030798	0.61019237218739	-1.00000000000000
+0.34849754106090	1.01742703717955	0.93517209778638	-0.84288965481199	0.73499671154870	0.52093315354241	0.57382682311142	-0.19198331566859	-1.09442641442835	-0.43489147874284	-1.00000000000000
+0.19428734523295	-0.46749336262852	-0.00521312925001	1.60016085803776	-0.15389127471513	-0.47673251917252	0.45851529934374	0.24817743573739	1.10917197261828	0.41720099987042	-1.00000000000000
+0.36426224460667	1.01127463519908	0.85479436395923	-0.98961210870503	-0.70584036827255	0.70046726732949	-0.58868111724401	-0.03594483654502	-0.79617702510446	1.06697253068436	-1.00000000000000
+-1.16043622488407	-0.63145123532308	-0.27634306304822	-0.48041045742947	0.78773800881896	-0.37646470251644	-0.26443301761511	0.02087280455979	0.86353319669504	-1.09051929350119	-1.00000000000000
+-0.14800713380703	-0.12063673103314	0.59617769062247	0.99628283660777	0.50789393214493	0.09636459481738	-1.59723998331736	0.16916400110347	1.11590860359000	-1.93522802055949	-1.00000000000000
+0.60846002197318	-0.55601997258702	1.82101786463780	0.00575374094090	-1.34384256716465	-1.11509357111262	-1.24447191962595	1.27430271865829	-0.50126032350542	1.21572601324670	1.00000000000000
+-0.42063566758946	-0.11310961898440	1.03968963737921	0.03735045516760	-1.11443062617176	1.08353264567099	2.37549233139197	1.49570562713552	-0.84114563564752	-1.09794921025127	1.00000000000000
+2.71956863102349	-1.86131153978386	0.34657033118465	0.60107385608425	-0.36347180450954	-2.22142961990456	0.05232561806847	0.09635360287880	-0.35625791302300	0.37981792753122	1.00000000000000
+-1.32213097052487	1.12311407084277	0.16271117984997	0.17126483232267	-0.60714615828911	-0.88641151617065	0.74151656669577	0.04667769535148	0.30184319080095	-1.13247460631640	-1.00000000000000
+-1.51962976834220	-0.07315363802036	0.66863128361264	-0.36592316105050	-0.43851959496118	-0.17679908393798	-0.36749534715424	0.46217751925504	-0.95069759083519	0.96523500401660	-1.00000000000000
+-0.38645863776437	-0.54250727449395	0.28765173412735	0.68482853578071	1.35150904000107	0.96744817777054	-1.73391064399420	-0.45866617809520	-0.17774635276529	1.90146027976752	1.00000000000000
+-0.07349131533075	-1.29005141136944	0.57940269838898	0.60404802362626	-0.34564895282766	0.73117609404192	-0.25158709513781	-2.34837639248134	-0.30625328517566	-0.07596919523349	-1.00000000000000
+0.69171228320203	-0.03009356533025	0.63333347786680	1.64692819217840	-0.85477942148106	-0.86627851904576	-0.89236645814954	-2.56478423547701	-1.04951793037228	-0.51806388385249	1.00000000000000
+0.48790139394985	0.44060272144660	-0.27576697351579	-0.11272486291721	-0.12422708083676	0.46764280281679	-0.81383296014279	-0.35774244112577	-1.34466606779784	0.07068683896857	-1.00000000000000
+0.88908208964701	-0.36695290043199	0.42477365425735	0.18822997567087	0.71397340485324	0.12246137544976	-0.60219701183775	1.02239518354970	-0.59864302656413	1.04540408729810	-1.00000000000000
+-0.03072336906356	-0.93875071796691	-1.10425549830457	0.40660984563647	-0.51088766291823	-0.64604098950441	1.60243486900961	-0.69713937455657	1.27258953940195	0.19442060764579	-1.00000000000000
+0.34379265394127	-0.79170648306827	-0.07427333731416	0.40346883485734	-0.99093675423302	0.09046132988004	-2.23377278285531	2.42676537205480	-2.37492547437822	0.70518416567505	1.00000000000000
+-1.68064689329181	0.04007305697568	0.45147454454954	-1.14794140731794	-0.21142609870969	-1.28621625251088	1.26646383389384	-1.11988831805369	-1.29774474415832	-2.04943543499404	1.00000000000000
+-1.00757263414554	0.15185874101930	-0.89839195757087	-0.00546429975801	1.83250677825578	-0.15495791494389	-1.18569772094216	1.13485933973474	1.22419276699550	-0.05969574887426	1.00000000000000
+-0.57603457874038	1.08532009403715	-1.37113789219644	-0.33098620269645	-0.00219888873622	-1.82474816415654	-0.02465752779189	-0.40106894543156	-0.51702362531248	-0.65980670689356	-1.00000000000000
+1.47673588771820	-1.13554565518646	0.09322879614228	-0.19775534128686	-0.37780629827328	1.10598008902293	0.32166091612417	-0.78822491538075	1.76514583131696	-1.47150614521138	1.00000000000000
+-1.51875374536028	0.47096306469142	0.38835802753128	-0.30720568257721	-0.23646571211730	0.14465526844063	0.09813201519036	0.24220142249632	1.15224189878710	0.65336718899235	-1.00000000000000
+-0.18135044500158	-0.12854574074361	-0.18882854252580	0.65721639723278	0.39409862655370	-0.04873406922582	-0.52426006198515	-0.70606975281222	1.10774946569472	0.92105308962016	-1.00000000000000
+0.04952977989305	-1.61173023615683	-0.49700258697992	2.65195371396552	0.88468296010125	0.33030025197657	0.71288096215640	-0.04783943322691	1.06975898241514	0.14933850182088	1.00000000000000
+-0.60230800578059	-0.80874859042372	0.03123391567338	-1.20189892716836	0.70564209119699	-1.12448538388107	-1.06400156024779	1.31490386283387	1.21245084498510	0.38291348082861	-1.00000000000000
+-0.08820943588874	0.04018234289993	-0.18818391978994	-0.15466102408288	-1.42748540757575	-0.90342816262952	-1.42627958590656	-1.60170408021299	-0.32224020116497	-0.22696404361738	-1.00000000000000
+-1.29952635924851	0.86712892675084	0.41495736927399	-0.78256544611775	0.52314727297553	-0.41218703784012	2.33054588231497	0.20592732819023	-0.23597736539253	0.67978718620175	1.00000000000000
+-0.05754313878060	0.55784754924079	-1.52567966039026	1.80600875107990	-1.61477038919862	-0.34825724097713	-1.54492371529149	0.22429771538487	-0.43945099343729	-2.03421936888932	1.00000000000000
+1.19443908017057	0.89254528601767	-2.49267904168579	-0.68817755499889	0.66381456088832	0.32314169640744	0.04874878502417	0.51909544438892	-0.57560365450572	-1.89820111343988	1.00000000000000
+1.15268336500480	0.02094893799155	1.29191792748508	-1.12235671702283	0.00110040538924	-0.51847604881386	-1.24310027315720	-1.14298716543801	-2.68934239122358	-1.06016518692873	1.00000000000000
+-0.20665014951017	-0.13345869792591	0.55861864219339	-0.31844796692137	0.61471977695034	0.39173906597248	-1.44802839512407	-0.09915928417733	1.85557243881206	1.22140985862307	-1.00000000000000
+0.65636588241282	1.86757028715020	0.29998104116154	0.68833922999326	1.15024474733987	0.75462054976368	0.47866622474321	1.06281842024685	0.65942341510187	-0.53367029799983	-1.00000000000000
+-0.02161752409912	0.65711352636366	0.46033860476467	1.07153846544400	1.19135556317693	1.48848869629770	-0.10451245349457	-1.53604802358146	0.05047566956412	-0.22669242638778	-1.00000000000000
+-0.24140774039580	-0.58210625486528	2.00314896846553	0.18990067341243	-0.55293200321647	-0.45678059949490	-0.45113998258311	-0.85079835203944	-0.47554110867778	-0.66914532474859	-1.00000000000000
+-1.77772668580238	-1.70735444989471	0.92373482458454	-0.88384622770693	1.46953249050752	0.15478602248317	1.24199373236332	0.26565046306698	-1.31762816638827	0.87129542336844	1.00000000000000
+-0.51518341354049	1.12297915256610	-0.92447562453377	-1.25942570884745	-0.13781868459140	-0.70256395762267	0.32872234565075	-1.25383535453032	-0.23277016329041	-0.77258667689232	-1.00000000000000
+0.99388421513673	-0.31118588384635	-0.72186314982212	0.16087916604424	1.23920198283352	-0.17141185008082	0.62167059372824	-1.02489640096172	-1.13498974305389	1.19609783580459	-1.00000000000000
+2.01081142804280	-0.13070699107305	1.19868410845129	0.77799804288339	-1.70591691138222	1.06413833417532	1.47210830021190	0.69159140874481	2.08389650773738	1.66342316701585	1.00000000000000
+-0.03419388777760	1.51887526583205	0.04700703157725	0.71786083102918	0.95758012371393	-1.47163659470165	0.22212016571196	-0.92437994321699	1.96289981152829	-1.58748075030013	1.00000000000000
+-0.01203802933063	0.07533183687212	0.86802751750679	1.48951843282160	-0.28562035510461	-0.49770509309731	0.50643273365277	1.99760206209238	-0.32365664369207	1.06115769529618	-1.00000000000000
+-0.02958627742137	0.67891552011413	1.67628940177607	0.69839681901974	-0.37455494282997	-1.07302538093229	0.79741509134822	-0.36601850396262	-0.05324097661778	0.52414607690249	-1.00000000000000
+0.34269076396682	-0.74477740919836	-1.11887919372550	-0.85820788232391	0.06356525879415	0.83396002132119	-0.88431323047947	-0.03321753790497	1.02048118027819	-0.91527289970113	-1.00000000000000
+0.05886220568026	1.00747017345318	-0.73077501038855	-0.48754282489019	-1.02972862813916	-0.30293270042004	-0.58298967391614	1.35018811404183	0.00506367656510	0.24264432483721	-1.00000000000000
+0.38983619589733	1.64442588485180	0.21562844812603	0.43135722566092	-0.55415445078256	0.73181207887470	-0.99759893471380	-0.45366715651531	0.27542804872940	0.88791018786927	-1.00000000000000
+0.28070419159416	-1.76863238416971	-1.01152008549314	1.47158074535203	-0.40375859553315	-0.28912399411094	-0.44440234163462	-0.13587891864574	1.43142726702577	-0.55735170135013	-1.00000000000000
+0.30817951719062	0.28084428095987	1.79308669964176	-0.40897664864287	-1.08741078068191	-1.33991314248544	0.29033920010133	0.58079692241748	-0.74892567629504	-0.67277869068348	-1.00000000000000
+-0.68155925967424	-0.15844234685639	-0.16016802191757	-0.18790075520397	0.39966583032544	-2.05192759106833	-0.69805792550546	-1.87530766018552	1.09348585377669	1.89687315589013	1.00000000000000
+-1.52623150080626	-0.37354278680926	0.35334110422133	0.55358282505591	0.98828420933987	0.40733545640986	0.97697582296813	0.13468914915351	-0.44317406972934	0.74182545592670	-1.00000000000000
+-0.10149516393432	1.03026407066776	0.86166494098179	0.80922004239580	0.03567265994797	0.23988795337709	0.18018137163333	0.40858299485424	0.41792673400353	-0.36629074766419	-1.00000000000000
+0.91127925893652	-0.74778353244030	1.07047422046820	0.19016917944833	-0.07647861837668	-1.21747855566134	-1.00846281541215	-0.14514043008307	-1.40058895900845	0.50279134783398	-1.00000000000000
+0.34468641247665	-2.04083834811447	-0.48324602014513	0.96792503229734	1.78039561330773	0.65443600791673	-0.82075970604677	0.82097748269388	-0.09019007075618	0.05003296239890	1.00000000000000
+-0.45693984042368	0.05725932994948	-1.04220906999633	0.25208274956032	-0.30741330357073	-0.88537442973785	0.19045778172403	1.75417770723080	0.03708745082154	-0.31827966395575	-1.00000000000000
+-0.78309464019856	0.64575588210860	1.66908038367056	0.45146021830959	-0.81784022408722	1.44859836437821	0.36222608036197	-1.25081976285378	-0.54940004990493	0.41939899429373	-1.00000000000000
+-0.58731998012071	-0.12265046694806	1.08509090556252	0.01438977243375	-0.38401178521862	-2.84310430656758	0.76660657125594	0.93414739619433	-0.95345477576878	0.71102365319472	1.00000000000000
+0.79667280333533	1.28305259615419	0.65841522367709	-1.02140022325010	-0.41632961073927	-0.28710831580045	-0.02245589949178	-0.69185740989248	-0.11885142071851	0.35543947026966	-1.00000000000000
+1.00233399862522	1.69807839023852	-0.86503334550527	-0.04635308458062	-0.25456768689037	-1.89180390177967	0.16014856711476	0.28043741392116	1.69997825152432	-0.50536175518371	1.00000000000000
+-0.45869477141717	1.10077147248389	1.06496071739362	2.54054810344189	0.19360894690637	-0.89546364253621	1.70267358209135	1.21489506983425	0.27641378286275	-1.81783259005576	1.00000000000000
+0.07958543374941	-1.14230604017812	-0.81754830700542	1.39833867503443	-0.99112558311513	1.61142215580002	0.17485200788084	-0.23796884543591	-2.74583124724363	0.85821694868900	1.00000000000000
+-0.87268102202021	0.72061123480464	0.12154463222161	-1.37551479904159	0.23987136268894	0.33574857588073	-0.24020335101996	1.04057326461625	-2.01671208358596	-0.73810469832812	-1.00000000000000
+-0.19265202776413	0.30062958889528	-1.15288892635531	-0.65468644689030	-0.33193769635539	0.46044421513647	-1.35429521301148	-0.31330155780951	-0.08220745338652	-0.64784329219231	-1.00000000000000
+-0.16616720743774	0.23822114737060	-0.49122671615480	-1.52285110274404	-0.43157230279555	-1.67996317517094	-0.25196255100269	0.09860464308294	-0.92934195688336	-0.82439377808988	-1.00000000000000
+-0.73113190761193	-0.58321667915447	2.12160733825485	-0.65245289355678	-0.09750266451774	0.57043385679588	-0.58758894448035	0.86167101081232	0.58978393559952	0.26491652019690	-1.00000000000000
+0.96328177439371	-0.21033436962425	1.17413106454507	1.05467175134126	-1.18877638177073	0.36838279374869	-0.80532333397353	-0.30847629905649	1.44618987924907	-1.31907122163476	1.00000000000000
+-1.20984354626269	0.50545063789014	0.46011714090706	0.66744983376757	0.44243868966407	-0.13873708902887	-0.68687700429750	-0.90383318185380	0.04763366071182	-0.23203911802738	-1.00000000000000
+-0.15188671080387	1.89440340718499	1.51853744572143	-0.30388588671319	-1.31537452644571	-0.44357170255659	0.77803452133897	-0.36203845163298	-0.24542026703696	0.14756492376053	-1.00000000000000
+-0.56394791977724	1.00526465808357	0.08281878384245	1.27434907769555	1.13446990865748	1.22468416185789	1.01644896691609	0.25699620649960	0.13578207526879	0.35383809728059	-1.00000000000000
+0.17729881967837	-0.78579362921002	0.37659604543374	-1.03301874541517	0.13312658563725	0.48389773228310	1.04855978274171	0.54552323404264	0.97162153656013	-0.98522247962301	-1.00000000000000
+-0.94323053776961	0.13810985159526	0.24647211933886	-0.68143414812821	-0.61515617110263	-1.15543142276391	-0.97066839441620	3.00644171199348	1.49522571328701	1.55901999686101	1.00000000000000
+-0.94380961314526	1.91499127774744	-0.34089624812846	-1.34501404314282	1.26176168682050	-0.68354367861916	1.36164589426910	-0.55643273995159	1.72883910354063	0.43357321893813	1.00000000000000
+-1.78047489636968	0.07812756228239	-0.37837007127342	1.22641628366695	-0.10348588606543	-0.06516700335121	-0.57500056900879	-0.36235090363095	0.21879762474613	0.32386393502612	-1.00000000000000
+-0.69545463388718	1.67199202318624	-0.14909681278315	-0.17302583871066	0.50175997911465	0.29578936082640	-1.11168740456362	-0.33647947349613	-0.47491137716779	-0.80421536316634	-1.00000000000000
+-1.37584885530820	0.38844316908003	-0.50554758012662	2.45734258489040	0.10910815762481	-1.28790744949825	-0.76306533012650	0.29634505964377	0.41653267215087	-0.75366140762944	1.00000000000000
+-1.15353968609044	0.52763754654382	-0.52096274144743	0.79769715521802	1.03799429029763	0.62214739024775	-0.59062337109683	0.22252758545281	-1.67664244803461	-0.88871126769581	-1.00000000000000
+0.68435546251640	-0.37603522374266	0.37918989556447	0.63686282190661	-1.69279102374668	-0.86038649298076	0.52376995415460	-0.90625883810400	0.35404161782994	-0.33607848329100	-1.00000000000000
+-0.53516328969059	2.34847602596685	0.92567733219943	-1.44645048297250	-0.09323085429680	0.25917542918280	0.86768440354455	1.57817181498989	0.31630100741023	1.89758975057615	1.00000000000000
+-0.33820979845639	0.95587268151917	1.52747047170204	0.11909978182599	-1.35668293086574	-0.22275747941263	-0.44495888505773	-0.48660476555629	0.84320488237354	1.36309186868862	-1.00000000000000
+-1.95532246223662	-0.00338885385028	0.93623927257715	-0.91152358601244	-0.96372755162025	-0.89888442794457	0.10858829556413	0.21277051754420	-1.20680867291304	-1.30425109347416	1.00000000000000
+-0.72469910582156	0.54441040733173	0.17478361755066	-1.01470279533619	-0.27955743113844	1.04096893877277	0.43495718726540	-0.50378400359168	-2.06268056743352	0.02259527016594	-1.00000000000000
+-0.64997671282316	1.43598275045812	0.68075095911778	0.33849101131957	-1.00558346071256	0.39979594400460	-1.05870938117331	-0.38543814384389	-0.55083423452270	1.59819609456785	-1.00000000000000
+-0.57971826004251	-0.43944585380619	0.00325365241306	-1.21826099233314	-1.80626503718241	0.67794050493331	0.45471146653557	-0.09504662643097	-2.13633542467210	2.81582446528125	1.00000000000000
+-1.05725456566486	-0.52021047257603	1.15395944920986	0.78171094548332	0.97413851022363	0.69881538435280	1.47611526492305	-0.45043489316949	-1.03962962415881	0.42863884145774	-1.00000000000000
+-0.31603292226463	0.84921099269548	1.26983477188765	-2.01467778525172	0.20864766775189	-0.34274893813282	-0.65210771302979	-1.12882953323094	0.43832603709605	-0.27165353852575	-1.00000000000000
+-0.03774397469328	0.58615824086911	-0.41668502676710	-0.79692084406396	-1.24977982754048	-0.14506460341372	-0.45054806937835	-1.00840518367682	-0.76295395133034	-2.06504717236788	-1.00000000000000
+0.21158080391094	-0.23836029520670	-0.26414412658406	0.17374177070044	0.31974233499328	1.78255288550187	0.15920801443218	-0.42916253509195	-1.32686692911202	-0.74891924458602	-1.00000000000000
+0.34510898947041	0.26939840654420	0.41108627125991	-4.84775249920212	-2.15383100294441	0.04908634215248	-0.31697535836927	-0.62207962511367	-0.22610417759696	-1.75934153414324	1.00000000000000
+-1.69704618489020	1.35816802371039	-1.00148134833576	-0.17447172323879	-1.14956612818944	-0.73655388325359	1.00652603202051	1.29923932009587	0.24902591697253	1.64825369693187	1.00000000000000
+-0.58130164908427	-0.35451369593456	0.82092429500556	0.73016916780675	-1.41697245931692	0.74280545136590	-0.13940845355076	-1.17976378137416	-1.05045113373140	0.28765315363306	-1.00000000000000
+-0.71017786081602	0.41443909471998	1.38715795804162	1.31282268338453	1.84780570368978	0.22721884685597	0.63559944304512	0.15180612305364	-1.20780534114929	-1.02412414722565	1.00000000000000
+-1.73370356547111	0.31630242679058	1.20951090582500	-0.31881495684217	-0.77799468485471	0.63833896383488	-1.15108334192100	0.38721250055585	-0.44953258859770	-0.05638157184253	-1.00000000000000
+0.45811974016896	-0.08770442416073	0.18439174788815	0.11430816320538	-1.39949972109744	0.13778228099648	1.06881627909235	-0.58505373961289	0.17263328677841	0.82680225120188	-1.00000000000000
+2.75783485108201	0.61511805729734	0.69660108142854	1.02522009158036	1.01756578776832	1.16885166396620	-0.49583578522783	1.33384841363732	2.03129944045060	0.21109666469964	1.00000000000000
+2.55352957675582	-0.64555519331999	-0.92649433740932	1.50447587858536	0.95714738734625	0.27445944536052	0.03021592866265	-0.89706577388444	0.07932300165604	-0.35480059655943	1.00000000000000
+0.44452129253456	0.89393003502299	0.42480216134244	-0.05823353730836	0.96051451210492	0.35005188045669	-1.83655673886180	0.46961874968242	-1.22630825560263	-0.83593792703721	-1.00000000000000
+0.92631807984195	-0.50971474150926	0.13796498471188	0.46057088826295	0.19054284511352	-0.21593557004036	0.48576417095525	0.08915230381484	-1.35949290938559	0.52766558384042	-1.00000000000000
+-0.70165527037124	-0.08996358931356	0.06626890163157	0.36294259595641	-0.73460440914058	0.12180208465587	0.47115552047180	-0.73579037557851	-0.87986266885630	1.68565642002514	-1.00000000000000
+-1.49363819130730	-0.56254203288437	0.12155501231941	0.54948020833842	0.03838467545471	1.41578307785145	1.81593350665379	-0.22209396503833	-0.59621329719329	-0.62429290980498	-1.00000000000000
+-0.24186651614965	-0.33887468841450	-1.26565965530378	0.99313551739648	-0.60975173489353	-0.39392570830481	0.47523963453740	-1.04927320920793	-0.30064923076668	0.63792187558844	-1.00000000000000
+1.10346810456400	0.04842466386444	2.38214727727793	-1.71522555608498	-0.90159563295874	0.09496101529420	0.57872820259491	0.24047298791783	1.52430501590730	0.19495344119660	1.00000000000000
+-0.70680224069308	-0.17488577315939	0.33547055128612	0.24294890973650	1.83962782987708	1.78668762971743	-0.99726589521779	-0.62297148692949	1.52429491282046	0.47972592068104	1.00000000000000
+1.16940120617853	-2.37881604621475	-1.05273836819292	0.24705334080007	-1.00128912288127	-0.39343948865087	-1.36949149031971	-1.57626110788278	0.10861194050133	-0.18806533452337	1.00000000000000
+0.38927704077253	-0.93975791045709	0.16807900334900	-0.00451535460709	0.87786486006273	1.46144495903424	-0.39641439515780	0.98793819712781	-1.01976417551864	0.24104978748485	-1.00000000000000
+1.49473688594908	-0.04582021519626	0.93383301790500	-0.41359011109208	0.00555836268824	-0.47917623072808	-0.34029031691970	0.25014284256988	-1.19874746848020	-0.31164483916081	-1.00000000000000
+-0.65386561467179	-0.53067370032593	1.30480675169634	-0.12424206314474	-0.19122654162753	0.92818032287328	0.10842070837801	-0.34905340215707	0.46431907877169	0.25794247520312	-1.00000000000000
+0.30154123638140	0.85699340335117	-0.31512010693619	0.36225029191093	-1.42348981804859	-0.69792142336014	-2.01308821871729	0.72340322401218	-0.01347671358934	-1.18197080713555	1.00000000000000
+0.23061537748760	-0.43614416440944	-0.15702475063466	-0.59597674376093	0.56844443245960	0.24428280541070	-0.16473786967013	-1.72415251268520	-1.93390749056330	1.09369711880811	-1.00000000000000
+-0.71551923493113	-2.10045153813594	-0.10769477358762	0.57373443658630	-0.41914666995921	1.50170297880706	0.19808443361365	1.29536974810132	-0.14506195636841	1.08958555148050	1.00000000000000
+0.40014354435580	-0.99211719939376	-1.21711701060780	-0.00350532105652	-0.40026226962410	1.12528478962383	-0.52543616221063	1.57312721845976	-0.60415596959325	-0.78894472631669	-1.00000000000000
+-0.07646423421591	-0.40778555035940	-1.26957832450752	0.85645850024700	-1.95300831978993	1.35912786430180	-1.38931274164016	0.18382204006424	-2.26050206913719	0.87743629189848	1.00000000000000
+-0.73299019103820	1.77424161692518	0.11377419809413	-1.25147007878303	0.07265136636371	-0.23970492465722	0.78013473398018	-0.10053792228169	0.35026779220692	-0.55232660177238	-1.00000000000000
+-0.85696407700559	0.09761494508463	1.11479342331631	-1.42020490518639	-0.47868904539117	0.06755600392325	0.81429413274362	-1.04125884995615	-0.02474363132666	0.28786417925578	-1.00000000000000
+-0.05463220462337	-0.52464156350480	-0.32387115098979	0.33639670954878	1.64136970464183	-0.34554298486411	0.20738083701533	-0.11804658362078	-0.68725065253551	-0.64525161769102	-1.00000000000000
+1.05250812453285	-0.86436452239225	0.47120156212426	-0.03767656332571	0.74135298204035	-0.26970850881136	-0.80412019525033	0.63929602927151	-1.96283367098608	0.30055198206504	-1.00000000000000
+0.30796489413281	-0.01044887129296	1.27104576264557	-1.19442894200719	0.79634738528641	0.93462956595096	-0.99112748473530	-0.05839484811401	0.37150344107067	0.06918975130308	-1.00000000000000
+0.56149316980554	1.75385864284163	-0.84696598858337	0.13450960927717	0.47019248848864	-0.48720183103629	-2.03765062914858	-0.49703735059971	0.01055716888230	-0.38953193676565	-1.00000000000000
+1.67442411255394	1.19089497245305	0.53209486557831	-0.49112816133650	0.04239401089030	-1.06076734100873	-1.45934789926065	1.98857158204842	-0.37962042036326	1.31514282459466	1.00000000000000
+2.58549264430064	0.21952828537022	0.34207558796797	-0.03720750407587	0.92856571289148	0.03395512886946	0.39116562444404	2.48258256802666	-1.36705023606000	-0.11106287754015	1.00000000000000
+-1.72873533466844	0.37902543037131	-0.36229444016526	1.06242935116489	0.95780218248322	1.11777101718375	0.46752359389747	-2.48684366042172	1.12511415115870	-0.49793721229787	1.00000000000000
+-0.10989261625127	0.79462183885879	0.77443065638570	-0.64727602459663	-1.56505677645326	-2.12255007934506	0.97520255671546	1.92575327880104	1.04962483316495	-0.57637649896739	1.00000000000000
+0.18022360340639	-0.64876380983003	-1.08143156181643	0.10417249303732	0.21532463767904	0.20012714474490	0.01474294044247	2.26686180107047	-0.19661295200257	-0.66235745271357	-1.00000000000000
+-0.69952811277282	-1.21350204469186	0.81240962260776	2.24762445498473	-1.15716868820375	-0.48403304001664	-2.83679864471030	0.07114871263584	0.37146542973991	-0.96624562335864	1.00000000000000
+-1.05327433275579	0.13492470634740	0.62976698624228	2.30066790458556	0.43618918960576	0.01922041464341	3.28749735086126	0.48316450859158	-1.34540696000426	-1.83138034378450	1.00000000000000
+1.28286738710928	0.45524764698256	2.07134919341503	-0.59152554169440	-0.44787711230987	-1.53059732790673	0.22598745066368	0.83531633228262	1.98986789026982	0.01421869080787	1.00000000000000
+0.78922379064849	-1.44344829508323	-0.00606183592253	0.84955466793839	-0.86638883239146	2.27339044641415	0.15328777292950	-1.10114141278298	0.46778341740255	-0.39898165834845	1.00000000000000
+-0.48090563015640	-2.40719491385781	0.12889712234631	-0.58504538089396	-0.06858433738617	-0.82905787848432	1.15382775149231	-1.42057463619059	1.27273370332714	0.06922797862801	1.00000000000000
+-0.78004911653337	0.49055834007533	-1.61437788891035	-2.60922211114691	-0.06319420412233	0.80170634490026	-1.76276420299576	-0.45333651837207	0.21030535400016	-0.66545858681414	1.00000000000000
+2.67435729583302	-0.33041725177859	0.20456712662627	-0.19597417972786	-0.50588283665582	0.50653891046130	-0.09084603869876	-1.35708748967961	1.80034611376185	-0.62784189928563	1.00000000000000
+0.36514648638297	-1.89036705462730	-0.62189650663708	0.18747361464000	1.22892600894821	-0.66686848488057	1.99355058054198	-1.27107040110317	0.04685964512239	1.74295508088697	1.00000000000000
+1.50133167032598	-0.87880046278713	1.03949227105786	-0.13458302337087	0.27174571664576	-0.49770967153880	-1.22919457743838	-0.04990268194505	0.63767459569448	0.59510840360546	-1.00000000000000
+1.33560979588673	0.27283872554220	-0.20669923205444	0.35450339015528	0.70291970021966	-0.21652516372525	0.12186048110986	-1.10705545989353	0.33931524711136	-1.07202643145466	-1.00000000000000
+0.13092216525473	-0.33418848452611	-0.40624675710799	2.10365541327004	-0.45996064715433	-0.77193046360411	-2.03307387264173	0.12932257778287	-0.13038520839639	-1.64536156138912	1.00000000000000
+-0.12018997782297	-1.32572999859301	0.23010349216957	1.39107735428511	-0.13938434449222	0.47704470458528	-0.34828967216682	-0.02493816361469	-0.00275065905370	0.43735834720241	-1.00000000000000
+-0.22924453537857	-0.95538251914336	-0.44891617634056	-0.75759320751304	-1.42819668673918	-1.52395088301533	-0.19780751635705	-0.30946074458383	-0.34319281520749	1.85658503368887	1.00000000000000
+1.05713936313449	1.60411315695911	-0.04495573911503	-1.29030526281758	-1.53981278819767	1.38110627572943	2.06827881014265	0.78581928746292	0.93611663011396	0.18992808945916	1.00000000000000
+-0.20582376561806	-1.01016028263994	-1.21600864429776	0.57301167105643	-1.36137103663930	0.02561167730076	0.68847978924785	-2.38386847425422	0.47375485014471	-0.45753656639822	1.00000000000000
+0.96225093090351	-1.76450331545259	0.44528829305233	0.08939618736100	0.62317803733318	0.09794146069185	0.76935862541393	1.38200289567594	0.96703304521013	1.04256607090825	-1.00000000000000
+-1.04454039639328	-0.74201108375183	-0.33470859809125	-1.99811877584187	-0.30550128802600	-0.36335268766643	1.43379883304390	0.38182738067372	0.27161921796397	-0.83484059048448	-1.00000000000000
+-0.00885843941867	-0.09355722377825	-1.10535683665620	0.38381142763143	-0.23459073433588	-0.01915280437712	0.85262379251182	-1.27140892554997	0.26299383518902	-0.99465928974862	-1.00000000000000
+-0.25870778710690	0.36604104962720	-0.03187418256860	0.26075006558312	0.11730136381715	-0.39611326433467	-0.85505818456992	-0.41221518017841	-1.55879709418745	1.02537594896148	-1.00000000000000
+-0.66072807209487	-1.40652244039401	-1.45374188516530	-1.85623257396213	-1.11339134276044	1.16756669800920	0.53998442842849	0.97574259331737	0.94847588368891	0.45828133398408	1.00000000000000
+1.50787311468269	1.88580872439465	2.12420603251201	1.60203639538267	-1.02662979142623	0.24905822400164	-0.27902818453824	-0.58594293674515	0.39184921958185	-0.33512996383975	1.00000000000000
+0.18883995499303	-0.56897449342806	1.17031986345965	-0.47427632058368	-0.58747657394351	-2.09542534164397	-2.57262789378218	-1.30867496870420	0.45012843962597	-0.50264532019587	1.00000000000000
+0.05326198975691	1.28537778280181	1.82955479439840	0.16951276198464	0.56837747367811	-0.41184181311740	0.26582220355549	-0.63446388444043	0.16595642369828	0.92343903427624	-1.00000000000000
+-1.44749398507184	0.89499569524123	0.13694478861391	2.00246722001237	-0.19480621994064	1.14820291553818	-0.12667022832854	-0.81677911269840	-0.06754121818050	0.58555157905254	-1.00000000000000
+-1.43176688246470	-1.11004753103369	-1.85740877725227	0.10954008114043	-1.52914689792259	1.65236277184179	0.88888344988952	-0.11087794545076	-1.17539688062433	-0.41250088856784	1.00000000000000
+2.57196723016967	-0.28377054608288	-1.04861598319565	0.65620270130869	1.21162251226654	0.42890712388186	-0.35423693879283	-1.03822165822426	-0.53220307043637	0.35465458613896	1.00000000000000
+-1.06216663944369	-1.25800547109734	-0.37992364976192	-0.44607763150305	0.46949609892813	-0.74915421330154	0.30700673062543	-0.10753775891207	0.40682196343725	0.10449237922061	-1.00000000000000
+0.22081606273675	1.84561274326604	1.33173201732523	-0.09719259496767	-0.44318955342530	-1.04733104175848	-0.85259207513621	-2.66381603155027	-0.20075399856035	1.34678703373255	1.00000000000000
+-1.48979053175763	0.92429526700588	1.42892745439314	1.46326211441964	1.10977013998169	0.47980437084996	-1.50495868275974	-0.57049803468057	-0.63412317334506	1.11001764937410	1.00000000000000
+-0.72924032089446	0.77924675626051	-0.60724645444071	0.94063868346777	0.87686897811298	0.92762961494045	0.46184782442786	-0.72991832668485	-0.63939969430562	-0.87313648688441	-1.00000000000000
+-1.36438401132268	-0.71192062434748	1.42769540374027	-1.10820819742112	-2.30187893577479	1.11776323965290	1.97945071441813	0.23358164349714	0.16743510618882	1.31560013714772	1.00000000000000
+-1.78792541677717	-0.89995002295131	-1.05028861513986	-0.31655789698424	0.74864020459202	-0.21987927946088	0.24957256092218	0.81468571657105	0.64371700882549	-0.27613060415374	-1.00000000000000
+1.36869096457914	-1.17148906909917	0.89089628035034	-1.00602267877340	0.07233355505352	-0.09430182687024	-1.38253251575897	0.24931689372956	-0.88207277515225	-1.68865317275504	1.00000000000000
+-1.67961992014829	-0.58988149758884	-0.16136323578518	0.39174284573958	0.53134310448766	-0.59875578584532	-0.06304448059232	0.27686877727342	0.63325017560674	-1.75832509760531	-1.00000000000000
+0.69805112022679	-0.42462460978272	-0.07567722463283	0.10228246712311	-0.07934162101666	0.39681986800730	0.77267931566721	0.22914084615502	1.22530252965637	-0.47888699279950	-1.00000000000000
+0.31045224293323	-0.56992883449552	2.00782080591711	1.27331627255749	0.78352530598223	0.84199755565932	-1.62446827879515	-1.57077366662252	1.92226242209145	0.04741881815960	1.00000000000000
+0.68174630639591	0.28488616035361	0.93277058510961	2.77285036608259	-0.09077776416147	-0.91946197820226	-0.00923921021147	-1.21153340092819	-1.19392367193512	-0.16553639265776	1.00000000000000
+0.92184259472255	-0.81721064870096	-0.21024392966423	0.24461918710304	0.70855492612147	-0.15770619402634	-0.76842231306161	1.34178963765334	0.09644101358800	0.03841419504097	-1.00000000000000
+0.64165752423498	-1.59920420532462	1.18808244433963	-1.27788878922605	-1.06666799120770	1.12704440612504	0.50233116546922	-1.22765640254118	-0.32472289101292	0.99935720272199	1.00000000000000
+-0.28921946369286	0.55555101863477	0.78293679859731	-0.08207761190170	1.07217468902226	0.33377476331648	-0.18993393694861	-0.33496091482068	1.24664423128030	0.00595532257360	-1.00000000000000
+0.60090692356678	0.39879743461393	0.90551343710504	-0.71296424205611	-1.03110416454929	0.58201252226179	-0.40494283274232	-0.37647926012199	1.40381281656171	-1.34998551993013	-1.00000000000000
+-1.66155692495903	0.89378941008509	1.09612238226392	-1.47380623818366	-0.13914248802686	-1.72639074410057	-0.53377280521919	0.10124722986319	-0.32652203276925	-0.53829636060304	1.00000000000000
+-1.27283961093601	0.41206213356952	-0.15920230834053	0.38301961333956	-0.43690281702608	0.72525352352562	-1.15758160648247	0.22724627647128	-0.68400761642635	1.39367188478387	-1.00000000000000
+-1.64958475265354	0.76472663001032	0.71596635157479	-0.45468835686402	-0.07558261408224	0.51098971068271	0.44518846795283	0.50978087330046	1.63534742429476	-0.02897091081377	-1.00000000000000
+-0.52109664482049	-0.13728469304964	-0.00198542136839	0.49218386428048	-1.66055939295548	2.09481664625119	-1.29379929513447	-0.11751160065989	0.23433379904076	-0.35847232898607	1.00000000000000
+0.01856445479479	0.28800699623352	2.11972393767102	0.17354848916819	0.44665891012847	-2.07047931029685	-0.67449414210984	0.40047492859965	-0.72419512022686	-0.33121437851731	1.00000000000000
+-0.80716947238351	2.16250039015390	1.05204933369359	-0.22605396019801	1.10157036590046	1.52477542890951	-0.04541302721580	0.18917122586953	0.80089690277213	-0.03190275512803	1.00000000000000
+1.02285540215546	0.79904777745418	-1.41584393293139	0.88984418282357	0.88491518918960	-0.06775272300357	-0.45477417086243	-0.22288899460139	1.14145521357618	-1.64705206175620	1.00000000000000
+-0.28406052493495	-0.54637077907777	0.43852133578465	2.30580143396400	-0.01417877578251	-0.97614912225370	0.35623927117540	0.16734988050190	-0.37310717641521	-2.47019811311433	1.00000000000000
+1.00384692307136	-0.58700662690326	-0.63922957557697	2.09722975811752	0.28915270166682	0.17662091854262	-0.05900263638151	0.56972025123585	-0.66665226993384	-0.25282729202158	-1.00000000000000
+-1.09836039211078	0.38804505851638	-0.14121847859280	-0.13270815079675	1.13091873349577	0.05342989200905	0.52457570414855	0.08124853778852	1.90636779044334	0.24051369514887	-1.00000000000000
+0.35665466510995	-1.17187771503949	-0.13766941658495	1.76594506394871	-0.59814198078892	0.04992397272930	1.04880261860677	1.03147119891537	-0.33047791735107	-2.38512891004322	1.00000000000000
+-0.24070303085339	-1.52014623028165	1.60519499050454	-0.32998059750655	0.24940175574267	-0.19853394940908	1.03640423043216	0.34427511236402	0.56458966325802	-0.42479056884226	-1.00000000000000
+0.87504287130777	-0.83868474122199	1.63670998261545	0.69068406100360	-0.55670465932548	0.30679154397959	-1.18454590504772	-1.61281971301514	1.35092834495255	0.00822635795371	1.00000000000000
+-0.55951542817920	-0.63478126100122	-1.21636099364375	0.34256087038995	-0.63375702759230	0.65716973680676	-1.14037033654316	1.46518440573909	0.99565537659193	-0.44398887814180	-1.00000000000000
+1.43680711642853	0.65963057952396	0.23359032606244	-0.34018999962790	-2.02190656730857	-0.18360752500307	-1.13927034880806	0.85474513982837	1.60549737492047	0.61998501079456	1.00000000000000
+0.53984107009255	-0.63938813781699	0.35655347093675	-0.65223839131548	1.82431074539857	-0.53269431305398	-0.37701598159742	0.51024357646625	0.58642397928328	-0.32959434592969	-1.00000000000000
+0.36598832770018	0.71357370848549	0.11065026211740	0.48444753039442	1.50232428184238	2.43498389777255	-2.22844941927155	0.79283276337607	-1.07288297227282	-0.34859389354905	1.00000000000000
+1.55816543789609	-1.26224270373052	-0.91573012125726	0.14424305880188	-0.73261668488879	0.30143796768504	0.16707344383601	1.65942378882128	-1.26343675841997	-0.94886888645630	1.00000000000000
+0.96316166187815	-0.38939010163001	-0.24282641986394	-1.68603170452476	-0.70409824072133	-0.24631883144684	0.10233024690563	0.15808401896568	-0.60017118931444	0.03426489167027	-1.00000000000000
+0.37011916569233	-0.60094777468583	-1.37690434233956	-0.71108758974775	-0.09757813673144	0.09628062560490	0.19142758206136	0.03045975331367	0.31425335639968	1.15261374529084	-1.00000000000000
+-0.22499032287051	1.91441204477792	-0.71310768190694	1.01470958073060	1.76583697793140	-0.85757890518258	0.31370443047413	0.00953200182695	-1.14508311582920	-0.34303422475538	1.00000000000000
+0.99806234510011	-1.41754296652155	-0.94993768211562	-0.46197817702106	-0.01048085351613	-0.34648216807886	0.51532063543708	0.72039339404757	0.13226141317955	0.17072428875723	-1.00000000000000
+0.23566197668471	-0.00383742535589	-1.59494284889259	-0.44339291394215	-0.38069614662297	0.98126439822272	0.08432511494798	0.92608422468604	-1.70287005107171	-0.59458085500865	-1.00000000000000
+0.62563094597946	-1.37307278431987	-2.16751037240563	-2.84280160521795	1.40918711734590	-0.13934347027179	2.12106942505922	-0.15942663842816	1.81258784116798	-0.13262989229299	1.00000000000000
+0.45546261343263	-1.71062681016428	1.08532554859175	0.68051539083476	0.71538408943657	0.02190910180586	-0.14261999226657	-0.69378519000692	1.18584806270334	-0.04208200747892	-1.00000000000000
+-1.41964581418610	-2.00243958416140	-0.90927694095181	-1.31303971623300	2.02085690463601	-0.36273161219023	1.03993186540661	0.91436809909218	0.94291214519323	0.08921811490589	1.00000000000000
+-0.51965867358623	-0.26851906611924	0.07704774206229	-0.54409381125876	-0.77623906948720	0.15054684034390	-0.00850858163804	-1.12409773587141	2.52848181590899	0.57322211262523	-1.00000000000000
+0.20053764608166	1.20704465497532	0.18705612264100	0.52363651767818	0.80466568062451	-0.88631969250218	0.61746418452202	0.15600437847297	-0.31545087285452	-1.35614720779227	-1.00000000000000
+-0.63999289049030	0.55922678229942	-0.16288287748415	-1.77703361072335	0.66615309515715	-0.33716367332550	1.32300784060317	-0.34935342586508	-1.35905265584701	0.77029796962530	-1.00000000000000
+-1.16014936177123	0.89119253094197	-0.04333708051163	0.04992296976713	1.07272300652563	1.02261867901496	0.56336673716791	-0.11333472776434	1.38019246883196	0.77407637142750	-1.00000000000000
+-0.07469970317995	0.72841570479781	0.92764410783422	-0.23653476945503	-0.67404596204707	0.50375412378617	-0.75082948492286	-0.57321679260514	1.29797192752140	0.55413656240789	-1.00000000000000
+2.13193628833583	0.49070133207963	0.93506705363147	2.01177636766112	-0.56893591649101	0.77336278796847	0.32211276724715	0.51985736411794	0.86187822233673	0.93815248032475	1.00000000000000
+0.66475774344647	-0.88483334483909	-0.57775162271742	-0.44712245094001	-0.36010741938417	0.46078368172283	0.18405452877729	0.66997533394498	-1.11486425780736	-1.19785268830329	-1.00000000000000
+0.87976054326701	0.41800167435109	0.38129971699381	0.01006978962033	-0.03663129853626	1.01191411714993	-0.37845200474155	0.88188006905442	0.40105465929543	-2.28833796941849	-1.00000000000000
+-0.20248277271606	2.08692994535015	0.76787341651437	-1.23553450486422	-0.16875805640065	0.01374102886965	1.19828148711445	-0.15716523437438	-0.21518268971078	-0.62108787658133	-1.00000000000000
+1.19348681378537	1.44038912888860	-0.75137780498975	0.18768408125200	1.02541345698990	0.84567585967352	1.22027234438143	-0.92508786016990	-0.75449694766744	-0.11748612370879	-1.00000000000000
+1.47430276740211	1.12459779514462	0.50397011353199	0.18678925414957	1.76587602203529	0.04831358849443	-1.13618903112677	-0.02737513052821	-1.49556454059134	-0.09212064041576	1.00000000000000
+-1.09152332333680	0.02181517496072	0.86654958719010	-0.75129184054914	0.30682444632988	-0.74271343097024	-1.53799871944341	0.65614965872938	0.89568119779885	-0.70612491565182	-1.00000000000000
+-1.61580992134424	1.57570535042079	-0.02206579153641	-0.05272786147093	-0.18125658662386	-2.17922312216213	0.75087261209004	0.99124122063889	0.09108355168186	-1.98688691958458	1.00000000000000
+1.53379554220255	-0.65798004373799	-0.26562342842442	0.98221945913795	-0.05205015339217	-0.94197594119184	0.41597077535583	2.41329868533979	1.72979445706468	-0.39775157286625	1.00000000000000
+-0.43203315431397	0.45006364194217	-1.38870469526208	1.28477529635152	-1.60894407807750	-0.31883693226641	3.19021637693894	-0.37612362567088	-0.33458154370742	-0.27862694989872	1.00000000000000
+-0.48784798828767	-0.80706198892815	0.36289364987606	-0.83283287935034	0.05308255577053	0.16809146934942	-0.61579819019390	0.00545637766507	-0.16538057053119	0.49580980658554	-1.00000000000000
+-1.67110273359840	1.20954069744449	0.74000262881400	-1.84401448559311	-0.28541965874131	-0.88100650398656	0.70441270204986	-1.23868878696373	-1.07524198515009	-0.44432349099889	1.00000000000000
+0.96689398681994	-0.35657664561622	-0.85541186344405	-0.63702365813436	-0.76445182584115	-1.67000801618346	1.48258956989918	0.91323728134234	0.13004692449148	-0.24465805283535	-1.00000000000000
+0.50241640597349	-0.25077473611809	-0.92932901443071	0.69969884171112	0.67671217652959	-0.28212210295207	0.81492081175870	0.09248372195548	-1.06876769249865	0.18105215471275	-1.00000000000000
+-1.37468321843570	-1.09411463928572	0.63372436722191	-0.09263596284821	-0.89032522497467	1.40165403656052	0.48262344937237	0.89325916788474	-0.22819833680147	-0.81776122674358	-1.00000000000000
+1.18770016649990	1.65336242568191	0.38052735018857	-0.50089525618566	-1.27272744466699	0.25700116249994	-0.34441015409253	-2.11063889616454	2.04426230512943	-1.62910363257893	1.00000000000000
+0.09451910583846	-1.64403492025039	-0.06303098498721	-0.41473116831287	0.58299195260376	-0.37168298547483	-1.05966657021255	0.31267536363064	0.37068204167980	2.62415057988727	1.00000000000000
+-0.46908115705537	0.24076934706108	-1.09883269048832	-1.93531671560863	0.94681104494610	-0.82705733672975	-0.07938378460276	0.59794837947927	0.15271836709071	-0.39050700497605	-1.00000000000000
+0.31382352961893	-1.37254496605246	0.59561618368203	0.57732957845659	1.52996328007208	0.25701747147847	-1.98290771312754	0.09652635991590	0.29918492105000	-0.25808095362292	-1.00000000000000
+-0.25858731851253	0.37378319149033	-1.77728101788540	0.72187908425561	-0.35619102611506	1.42909558691129	-0.47542830182718	0.43408903158159	1.65290749332193	-0.15640888494053	-1.00000000000000
+-1.02588925068611	2.34140977236923	0.06258575022591	-0.52339034673964	0.30772036435292	0.67295770432133	1.24309542849645	-1.10329811987498	0.41630093299560	0.45210053733111	1.00000000000000
+-1.00748780843643	0.50351333872380	-0.28231521888670	-0.11090105617578	-1.20907042424799	-1.43513562980247	0.93759242612120	-0.36229464744257	-0.51795272818120	1.27601855942014	-1.00000000000000
+-0.27458035841347	-0.43940562110919	0.46168311057127	-0.03875360994010	0.46494042567858	1.54506420871021	0.95750692345445	-0.18523831532683	-0.62029788581922	-0.60875946455710	-1.00000000000000
+-1.96322181383694	-0.61342233416356	-1.11132631452014	0.07424842970177	0.81341066641004	0.33397306951620	-1.63688388922670	2.38717886275216	0.48402844493361	-0.18972124070124	1.00000000000000
+-0.29648399729697	0.75370796569538	-1.11022515832299	0.16060746208689	-1.30090306234002	2.10759116081348	-0.77910297804530	0.37775807767141	-1.03079387515515	-2.11923426912591	1.00000000000000
+-1.61690413656553	-0.96910266978810	-0.68111757769589	-0.59300832413607	-0.14806712072270	0.56307650152306	-0.76762018897692	0.06303610875730	0.43409086323092	-0.27389292926135	-1.00000000000000
+1.99689001597162	-0.47085574998388	-0.06320431812813	1.13621643100195	0.72128749198473	-0.64637847370355	-0.33041905878095	-1.34565189444554	-2.14402921260944	0.10391137576152	1.00000000000000
+0.22597046709339	-0.14663461943170	-0.74812834502636	-0.47258824402851	0.62084181844958	-0.59309966521477	2.06945589073704	-0.01573101854821	-0.01357007189459	0.31742026514550	-1.00000000000000
+1.96893377897643	-0.27604060704688	-0.42245637724284	-0.42636235758125	0.58555800374901	0.02107364647951	-1.40520026808613	-0.26327439848982	-0.13414415655680	2.30939199669247	1.00000000000000
+1.57831187277471	-0.84393766820998	-0.85139916383196	0.69106949021442	-0.00050082610137	0.79623046618817	2.14528838401712	-1.35937608334986	0.36555614771786	-1.70060330358353	1.00000000000000
+0.60889074241863	0.62859329474100	0.12727126813303	-0.19430433461264	1.35671034954666	-0.49515190835240	-1.64032082413127	-1.34454051969306	0.22312532842878	0.23306969310214	-1.00000000000000
+0.31897969900028	-0.49385559342275	-0.37103666974802	0.97756048856333	1.28564225231108	-0.48252960089378	0.25730187404785	-0.54597486305702	0.75122992319410	2.02060656116686	-1.00000000000000
+-1.41201660061030	-0.43323521139405	-0.04138404148959	-1.66367534666782	1.47108105198951	-1.94152451181275	0.00240949432985	0.74396569180867	0.28871605837876	-2.84994558105607	1.00000000000000
+0.06273326616325	-1.04799692080149	-0.54984718787295	1.89783779393456	-0.29917311750210	0.24525632417418	-1.36833672979779	1.74922013600680	0.94206538149550	0.61247470390213	1.00000000000000
+0.71454238396599	1.16836969922752	0.02992493376612	-0.07861220552911	-0.42301274025330	-0.83914650618602	-0.03342405143966	-0.07839723312070	0.94473837804833	0.59460784206164	-1.00000000000000
+-0.24399078719924	-0.92566567719213	1.15457310159581	-1.05064746221960	0.51924209353670	-2.47020635998051	1.34858512133436	-0.31018731238769	-0.45852944940250	-0.26671058817364	1.00000000000000
+0.95354777124208	-1.96777305986913	-0.72412059495026	0.58514931142055	1.69197967136954	-0.40371572595099	1.27865647766463	0.61265732304662	-1.51250497386783	1.76353771617781	1.00000000000000
+1.12411880734519	-0.83154773293630	2.24853510456437	-1.21221778548058	0.19898466405806	-0.03581617220111	1.28000309915782	0.09119332270780	1.38117625754272	0.25011680139214	1.00000000000000
+0.20606377741061	1.08491929579642	1.42881574612706	0.19698817919150	-1.24614996118507	0.64366357985685	0.19307741490123	0.43948179373556	-1.97123892829179	1.46851296186358	1.00000000000000
+-0.14754338641008	0.96308842035433	0.27820685023402	-1.52907594614010	0.75025676784051	-1.40421628789721	-0.27955209973577	1.12302226205035	0.18129215523687	-1.14640981504562	-1.00000000000000
+-0.91344837158803	1.60778462884141	-1.66158938869999	2.19377559579258	0.80129682306490	-0.20498624471985	-0.38241061737639	0.40187582679053	0.23690950878944	-0.91529621028963	1.00000000000000
+-0.08210330311668	-1.79429708803355	2.40640868916260	0.44345621534434	-0.21355180516684	-1.34017223548045	1.31198855690758	1.36930699652575	0.28351423078595	-0.83806326267326	1.00000000000000
+0.84174169883518	0.45638472619595	1.34982388012286	0.73851305672440	0.13734243314806	0.12155292095671	-1.46992271391444	-1.18080289649294	-0.48571777424809	0.52627201000517	-1.00000000000000
+-1.04969050637250	0.23258461278426	-1.02023750756539	-0.15474651324352	1.06383873100475	-0.33935872418041	-0.33703165861701	0.54486557370665	1.73803134976155	-0.74656161911046	-1.00000000000000
+-0.05274291472280	0.79369558145134	0.13136298158713	0.96598685255433	0.06786089871511	-1.40410593134227	1.83028494064332	1.59394390763690	-0.53136125743086	3.25516742278652	1.00000000000000
+-0.49175513179753	0.41779475051855	0.18484516633461	0.70546493240257	-0.76241385323596	-0.55832836504912	1.25327946792594	-0.19908304086909	-0.62465191911917	-1.59342887496077	-1.00000000000000
+1.47910078161605	0.41417381482321	-0.47473377327051	2.47144466889686	-1.62669609324985	-1.71440176642188	-0.48732064581133	1.11578977885212	0.82031877677818	-0.60302505772762	1.00000000000000
+-0.73032954922151	-0.00513692108667	-0.95938732462912	-0.36855418027656	0.93183865892476	2.23942554663881	0.22795492267968	1.91682390713176	0.50110092020975	0.73557577065972	1.00000000000000
+-0.25887769375582	-0.45762322696414	0.32413258233611	0.26077428907352	2.69482776238137	1.21243526240114	-0.01532647073492	1.31271527576541	1.74293429022208	-1.11671930895384	1.00000000000000
+-0.75536399046527	-0.47916145200708	0.86260311769635	0.09427044086583	2.51253314153549	0.38992116427589	-0.16512210422014	-1.07183335534792	-0.13964318975074	-0.42501441292157	1.00000000000000
+2.15856136559306	-0.08673851538196	-2.07081289634999	0.50516368413224	-1.50247066465004	0.85053653180751	1.28489613204445	-1.20169732516594	-0.03573841426821	0.84476490430701	1.00000000000000
+0.18761714343908	1.09222363019670	-0.72613948929823	-0.99210396659613	-2.55326782811175	0.55526400273354	0.24394465232457	0.39723665968386	-0.48080879084856	-0.16043750257335	1.00000000000000
+-0.98393000392848	-0.12244943404519	1.24651766098257	0.86445048403808	1.30158807584974	-0.93702601913062	0.42309243337448	-1.25814694031596	-1.11310139693002	-0.12448062907012	-1.00000000000000
+-0.41837894425952	-0.59223330250579	-0.71716980303787	0.38236424694135	-0.65642621545956	-0.79936619818916	-0.54488550017703	-0.44396941341629	-1.80901671087067	0.98757641787452	-1.00000000000000
+-1.16987746860241	-0.43885163013888	1.85055855779349	-1.06933250696617	0.33317766364411	0.56240544922869	0.06243072645644	-1.20432176924407	1.83037627315793	-0.21714521747548	1.00000000000000
+-0.94758566534379	-0.73675275576876	-1.42327073642955	2.71072088039363	-0.69571414464171	-1.06300868546018	-0.33760835942254	0.02143291896345	-0.19631039760410	0.04274554209136	1.00000000000000
+-1.25155029685326	-0.31764356115503	-0.37374412720577	-0.60647132940417	2.51478288774026	0.20899216920393	-0.82012970544490	-0.35062926982101	-1.20336897787348	0.73083585531564	1.00000000000000
+0.21253896188027	1.86374734699414	1.45897440961289	1.30173902645850	1.52462661183441	-0.22100553130896	-0.16870345341031	0.10025353546369	0.23566886949517	-0.53539938654162	1.00000000000000
+1.86422288587202	0.33580313543192	0.17219570603821	0.32377857686550	-0.37955330448811	-2.28435299748107	2.47706266683765	-0.15811855228082	-1.03301972956023	0.08524384601402	1.00000000000000
+-0.88025841809432	-2.48732890710909	1.15763579403597	-0.27869962301676	-0.59099104157172	2.36485786990044	1.24922321384034	1.11360362933067	0.63675933056975	0.23379533402595	1.00000000000000
+-0.43357358248021	0.65366208404415	-1.08133577787182	0.42967672306967	0.64876297836857	0.89383468518985	-1.58603628620083	0.60272158988094	0.35149824443055	0.55801056846821	-1.00000000000000
+0.51365299199138	-0.31474445444677	-0.87074337985509	-0.46468696876004	-0.97954234871358	-1.18392265469299	0.88854463886156	1.23735874724378	-0.62373895721698	-1.26479851873475	-1.00000000000000
+-1.79864511397229	0.76208374769130	0.28977526037403	-0.18441648802608	0.24207540860538	0.70680920960272	0.59537795256487	-0.00185564809094	-2.01481555583126	0.66144320384879	1.00000000000000
+-0.68851284833625	0.76417159691201	-0.56015168500189	0.26627954984571	1.74195320173204	0.62430794568197	1.35457404529651	-0.66370665313583	-0.26973293676566	0.95036510902371	-1.00000000000000
+-1.28354730222895	0.51131311356799	-0.11153311598467	-0.18852857847191	-0.44426437225953	-0.99620941504150	0.06479915968958	-0.03322928003114	-1.56986832883352	-0.42229358079954	-1.00000000000000
+-0.30619882594810	-1.36618679697283	0.17514494054315	-0.02315006976913	1.17247131599186	-3.29619382197394	0.31046344575752	0.13165436695007	-0.86650146593242	2.77859640013841	1.00000000000000
+0.01501403173268	-1.38961460448872	-1.22281794135249	0.90439706254348	-1.04292843413907	-1.07009711492970	0.90802792164739	1.42348777355491	-0.18959076848307	0.45197514434907	1.00000000000000
+-0.66356350457950	0.29657569307186	0.38515280512296	-1.14935594757858	0.14042511534614	-0.51508745757941	0.10628734136348	0.46777153719002	0.31885909964757	-1.29047722938981	-1.00000000000000
+-0.11900596765044	0.33148864189401	-2.62091666911181	0.87398627322212	0.73361671929014	-1.54406507083781	-0.21263345626908	-0.26157588728219	-0.66082605534195	-0.30346979198965	1.00000000000000
+-3.36547436923684	1.56276824890068	0.55562263460885	0.07575200613387	-0.31882131443568	-0.23196368644198	0.26080581224269	0.38761001663933	-0.11384458964198	-1.00900128440918	1.00000000000000
+-0.36543451370440	-2.60341510278525	-0.59247892805948	1.06089057364502	0.15281738102645	0.57363723542833	-2.76507507197587	-0.02470642994744	-0.14047275710566	-1.69940847736337	1.00000000000000
+1.04860160945472	0.56638210786694	0.76015242046496	-1.39987389844804	0.16698070316778	-0.79860248378487	-0.75871415363808	-0.77165414569702	0.33932256130255	2.31296906412437	1.00000000000000
+0.86929262203311	-0.83160677068457	0.64821638536882	0.06979170575843	0.69672105900624	-0.79853714471152	0.78604407534450	-0.04350362582515	1.09703970439110	-0.55008421820674	-1.00000000000000
+0.13953705316969	1.35991201920194	1.27609653534219	1.01296520305658	-0.17064111418568	-0.15810927054933	1.68270562225441	-0.17220928738573	-0.51224856633244	0.88378926748419	-1.00000000000000
+0.36197879436322	-0.25962988149975	-0.61855851966876	1.23013851993256	0.47536007010740	-2.17257044054357	-0.21746543444910	1.10872273453411	-0.15272463558235	1.01559047912613	1.00000000000000
+-2.23382019226606	-1.24923067764508	-0.46960943072397	0.54233404836477	-0.86326018389802	0.14056960256033	0.30231982270921	-0.38151038279141	1.30025986864374	-0.40120964219531	1.00000000000000
+1.31284594210592	-0.52620029031147	1.74263921572489	-1.71163986299753	1.30853035387140	-0.81572296110582	-0.95682996237739	-1.99686966571676	1.13491839446892	-0.53738761013995	1.00000000000000
+0.77315054378953	-0.68099752056492	-0.73157889252803	-1.12854656382515	-0.74768453890624	0.60189828508904	0.60479457449848	1.10401955522385	-1.03174788830578	-1.22996218514888	-1.00000000000000
+0.02932335741007	-1.33891274761530	-1.03407264203859	-0.96441474191890	0.22252899219773	-2.36057884171800	0.34816347797494	-1.06940806932780	0.83910417979016	-0.60417123583263	1.00000000000000
+-1.09459811038038	0.71607902018159	0.36891788762600	-0.04966576380965	-0.00674499432451	0.20109100620891	-0.81399933131134	-1.00552680229599	0.62177909564191	-1.46737762730366	-1.00000000000000
+1.72564833324979	0.36104481768184	0.99058941192922	1.64591444773266	-0.86214097794446	2.75668805440243	-0.63105419511896	-0.47762774699794	-0.61205926871711	-1.05964158282207	1.00000000000000
+0.55700172563185	-0.11390034820550	-1.75414475608046	-0.76564752589121	1.42996701957726	-2.73618467213184	-0.51205453507875	-0.47243831885519	-2.99375830339327	-0.80425527535948	1.00000000000000
+1.64261600753960	0.35122309929310	-0.64470945643989	-1.11953783499623	0.75666913306379	1.01882875022012	-1.44636651027328	-0.71488210252126	0.31963889849697	0.38627914416044	-1.00000000000000
+-1.05510950332508	-0.15386957264735	-0.23479220475167	1.32819933021006	3.12680180397186	0.11708036346151	1.18240955804829	-0.20197476243266	0.31531518876441	-1.07728130816581	1.00000000000000
+0.94050684335570	-0.43091129528399	0.61747565477329	-0.42256977717794	-1.66517528332111	-0.03018723367042	0.11023092978518	-0.47391875979261	1.37311787199554	0.09024848949458	-1.00000000000000
+-0.31092007921391	-0.27219602324325	1.05637901062702	-1.02266225068051	0.26652581230185	0.27201338071874	1.80117667474773	0.76428571186159	0.44066076796421	-0.72998859612501	-1.00000000000000
+-1.73995589584837	0.28173591604221	-1.24512668274336	-1.32975847832473	-1.52320699547598	-0.92252380737205	-0.89350384164734	0.00766226673113	-0.30200711424030	-2.12944554129002	1.00000000000000
+-0.20326719568137	-1.41056623650119	0.76517813893963	0.30026992205209	-0.50547398084112	-0.70235960674258	0.51267158265700	-0.50068691738426	-1.24289232924756	0.66743365008820	-1.00000000000000
+-0.62519904538908	-1.34368910807245	0.53364277610514	2.18462704617042	-0.18113002963414	0.46538967135730	-0.84429261215724	0.38434276485264	0.84756388651980	1.36461652602185	1.00000000000000
+-0.76765783549535	-0.17925133880226	1.13685183716875	-0.99721444805957	0.91861045450363	-0.44164703658539	-1.06555999768813	-0.34885809003572	-0.18184360323985	0.78583713858469	-1.00000000000000
+0.30009274475849	-0.74432330488473	1.17938153571462	-0.97411385589447	-0.08336091597324	0.78523022383234	-0.63893403732321	1.81071624100494	-2.37490319080400	-1.10282101251100	1.00000000000000
+0.82483815284511	-0.27638588105373	0.33941529509715	-0.76147996130008	0.71995177439657	1.24633501434184	-0.00934409025685	0.00096667073442	-0.72567421523319	2.83070054403428	1.00000000000000
+-1.43593065941441	-1.82124211173897	0.97596189254100	-2.22586915295734	0.41017652042070	1.00706966506820	-1.00701440037838	-1.98107951387204	-2.61325743531796	0.22410056621706	1.00000000000000
+-0.59703737015733	0.10562563092382	-0.42770962280380	0.00386041503428	0.25981110595849	0.81542194638281	-0.18180266017617	0.80657403352877	-0.44106695477539	-1.20615474596587	-1.00000000000000
+-0.50319024877960	0.20964029260779	1.29902312555293	1.68524392832766	-1.52298071955889	-1.01488152615791	0.21804661692954	-0.04998093375206	-0.87156327496529	0.34330565662504	-1.00000000000000
+-0.65747974968618	-1.06348711733385	1.61360312212605	-0.03494880850754	0.22336901664012	0.40766462157002	-0.61507574952828	-0.18830903678099	-0.92740565525992	1.74042492690082	-1.00000000000000
+0.84833090332755	0.10145755796263	-1.10578350248085	0.04305278790941	0.77711151416069	-0.03345830726060	0.24442789313836	0.00319189475437	1.94755445694533	-1.22188117085031	-1.00000000000000
+-0.39359490637605	-0.21969505064793	-0.55579586249288	1.11146577341329	0.99207632613718	-1.13463518610703	-1.67879965478158	1.26931273864735	1.20370679428698	-0.21231818553819	1.00000000000000
+0.50984868552554	-0.02573657653930	1.87841532490998	1.39270217894867	1.12126159555482	-2.06502539564615	-1.06476293543406	-1.08478290810317	-0.13424815689365	-0.99700234950024	1.00000000000000
+-0.46011718599363	-0.17514779617518	0.23936695526725	0.14121647296994	0.99451314717564	1.77391169916791	1.27681441674326	0.20578126466387	1.23026841989687	-0.61468342686255	-1.00000000000000
+1.07410360874574	0.51047277030906	1.02648668277231	2.75335773159057	-1.34339293362179	-1.22983633968951	-1.47831586984233	2.05574202298438	-1.34075006581793	1.03282373866180	1.00000000000000
+1.30541255049426	-1.23948035274132	-0.03603205593819	1.01358785447476	1.43479135530679	0.60731819866028	-0.25940038138336	-1.82625727547191	0.01084221286541	0.62742608868467	1.00000000000000
+-1.71374576508655	-1.34783945560570	-0.92199987740663	0.13812314563180	-0.50183217571231	0.22718208796599	0.17445625478802	0.43293870257139	-0.06251715924778	0.29545252414507	-1.00000000000000
+0.84623729216120	-0.80265465117698	2.02235666769517	-2.05204471385958	-0.23929432918695	-1.01257271251049	0.29970281608206	2.21186373316735	0.86053916076117	-0.98776806966011	1.00000000000000
+-0.26838732869145	0.09462531941353	0.42901315472584	-0.06161604809296	1.50807813417943	0.01355467119578	-0.19937751197819	-0.63320719899666	-0.02226588263629	0.44693617214083	-1.00000000000000
+0.35006293647214	0.32256854131542	-0.11785955096837	-0.06431394070283	-1.06469984170749	1.79818691513809	-0.93720661793717	-0.38110222028059	0.16137231215666	1.96008288417130	1.00000000000000
+0.52080923502131	1.82890719989969	-1.42215001157500	-0.78508684350469	-1.33727435989352	-0.18584193411505	1.05452132396675	-0.11921879273720	-0.13336699301599	0.30261400594783	-1.00000000000000
+-1.28504076746484	-0.70370845507497	-0.60253163965327	1.13084507475373	-0.44203618277448	-0.50868384445700	-0.05673839747085	-0.63939075542375	0.29373131044723	-1.59974718055187	-1.00000000000000
+-1.02837158242410	0.18137247232219	-0.27142782067133	0.21515096046187	0.90044795980541	-0.00094561461326	-0.80791619821298	-1.34301157448114	0.13520126666652	-1.47482898358055	-1.00000000000000
+0.20491525623211	-2.49593645192331	-2.47030928683657	1.51335648841419	0.27393095033423	1.56379821303757	-1.27466861655085	2.58949012765867	-1.69321844603124	1.45589760407742	1.00000000000000
+0.20576662842274	1.10654499500027	-0.37446188048502	-1.13214861602519	-0.57528995327501	0.72154364171836	-0.13202275702296	0.96259071189884	-2.47265339930400	-0.04185604417052	1.00000000000000
+0.81677189390768	-0.10015168713898	-0.20692459995656	-2.79534221103795	-1.23216118762012	0.58511595009113	1.71027641591059	-0.91074321524293	-1.36653471783326	0.39596863086198	1.00000000000000
+-0.50900724663386	-0.45726630698276	-1.16371591865901	-1.92418475420800	0.01034758512848	0.21787838357184	-1.28319712414878	-0.21143236578371	0.17009736011644	-0.11597321901745	-1.00000000000000
+-0.30777400045466	0.39892470699112	-1.61362329545478	-1.09677060732867	2.19464126436067	0.29463552657434	0.89922543591595	0.85483954974786	0.66255730032365	-1.30775764437338	1.00000000000000
+0.24617225205982	0.30399593144618	-0.29769234280801	0.18341933239699	-2.18520366919750	-2.39706233991013	-0.55308617363964	-1.44869529113028	-0.07756499816548	1.06610268562205	1.00000000000000
+-0.53627918146125	1.26549744860029	1.04152592584141	0.47865662722843	-0.35208328196528	-0.04913754805950	-0.57438714853395	1.45551648818609	-0.99619926905766	1.47306746263240	-1.00000000000000
+1.48629746886961	1.62246938257608	-1.20545243491992	1.93214863494115	0.23718578978014	-1.07663563234700	0.41214076488742	-0.67113385422435	-0.18428491863640	-1.27022967737528	1.00000000000000
+0.65190640347438	-1.94432067413078	-1.12558795860328	1.00488063952337	1.08003988707126	-0.68269315564175	0.13044036280650	0.58133755139196	0.28647085833323	-0.33841710307701	-1.00000000000000
+-1.15338986436407	-0.18280664869565	0.82010625484655	0.09719819163595	0.89297663098927	0.66920192253084	-0.57665459720750	0.52582274881621	0.44972598705935	-0.19986819949639	-1.00000000000000
+2.06742173767640	-0.63202627969011	-0.10661551347250	-1.21927331968653	1.01533604873008	1.33285508519131	-1.43702459968113	-0.18103175922808	-2.18010640673097	0.61329408649245	1.00000000000000
+0.61972482750224	1.44099923330746	0.96321558644120	-0.72907438542176	0.65440872768699	-1.09157210772884	0.73148828720675	0.37083761241939	-0.96438594042940	0.17843981220355	-1.00000000000000
+-0.24558404702832	-2.25779648616420	0.99275938151948	-0.39357111783618	0.68130514080585	0.12920278215372	-1.00201094850796	-1.04721466411817	0.93290194381721	-1.68058939708761	1.00000000000000
+-1.75261898804070	-0.09374542559473	-0.68597950302696	1.04599945615232	0.60637396487911	-0.29622195931499	-0.77038460731178	-1.85448746030274	-1.10624506931162	1.37980482870685	1.00000000000000
+1.09285644274869	-0.17456962170387	-1.11562335710301	0.53139735228643	-0.36811574128829	-0.26290454060814	3.55320864290558	0.81881408461546	0.62357370795824	-0.01304645871000	1.00000000000000
+-1.80590749370862	-0.01552013333769	1.11606253944752	-0.41461064327061	1.10801354765600	-0.67107978246057	0.37170666020370	0.08615306994404	0.12865627711393	-1.34352202634012	-1.00000000000000
+-0.34741299814983	-0.05647653224370	-0.80156627673986	-1.03741799658796	0.69432034901737	-0.91512491784655	0.48024478347158	-2.04900529421803	0.68807648545925	-1.42048594316127	1.00000000000000
+0.15213289726873	0.24680265916859	0.12222331132795	2.47124216229720	2.56861787162495	-1.04307754409771	-0.18892627683155	0.19606905383237	0.19700855037468	-0.23421179260024	1.00000000000000
+-1.84421323092640	-1.40584040816416	0.40341140958477	-3.17594497043039	-1.44825414454599	0.45534298719745	-1.90294372792616	-0.31179134666120	-0.33172849556550	0.33443562236088	1.00000000000000
+0.44474000078421	-0.43930682665538	-2.24729571441262	0.72840976110305	0.76444794428412	-0.18026598179597	0.33373839303393	-0.57944189410969	-0.58467371295677	-0.44642363951691	-1.00000000000000
+-0.32657770410170	0.19774019870626	1.43130227512752	1.46214444586563	1.82862494934527	-3.40328107379372	-0.41805331996175	-0.99262167544434	0.68599173362151	1.41839138963882	1.00000000000000
+-0.53985664585058	0.11169818374714	-1.57890709195327	0.50414904067790	0.52432064215664	-1.50173015079321	-1.18518600305815	-0.81967482564764	-0.13068539517979	0.27965632339325	-1.00000000000000
+1.65462546603530	0.87093327145884	1.41319115795470	-0.60483224271783	1.29829987604127	-0.49581010431338	-0.38337093967866	-0.59528257130967	1.16098625547413	-1.55859237055493	1.00000000000000
+1.18402741995013	-1.41728385118837	-0.75964318243840	-0.20178429258728	-1.70400981641812	-1.87340622791376	-0.55274244522327	0.43625755089893	0.11132671642209	-1.38034503844525	1.00000000000000
+-0.81833299178766	-0.71403396348021	0.03695737423780	-0.40594839520386	0.32280299997419	0.07064612482632	-0.90125082207812	-0.58743464493628	-0.69439300111199	1.97131827911875	-1.00000000000000
+-1.27593105405645	1.58956625348674	0.49746784517909	0.21501955552193	-0.03598598758486	-0.07622899834997	1.34281196535600	1.06514272891505	0.68779530619146	0.19397405550695	-1.00000000000000
+-0.26536127840161	-1.10947569357081	0.70258259779176	-1.77764672899815	0.51222831930013	-0.93707687087901	-1.02846853093261	-1.55210085600415	1.59275398387948	-0.33494353003665	1.00000000000000
+1.39280858197248	-0.53446228959067	-1.69761792325297	-0.49531553830366	-1.60717897635602	0.23695704974819	2.11844800611037	0.11655712223568	0.28616514982324	1.20003062763118	1.00000000000000
+-2.34310883223041	0.57886418607672	0.25849313274837	0.61082679062163	-0.05177504438409	-0.18925499236825	0.74921024399931	0.68923357269567	0.39453816624116	0.73068505299387	-1.00000000000000
+-1.31249189048622	-1.60024355622695	0.07853328619142	0.10172615718817	-0.43449262544274	0.12793708744644	-0.81762096997764	-1.35198740170482	-0.53635988912520	-0.31089880329020	-1.00000000000000
+-1.78293776609254	0.81125505545867	0.98958970247011	0.75284884278862	0.34348581759188	-0.52222689952018	-1.03135589929296	0.52375662732825	1.53512151477592	-1.00968223487621	1.00000000000000
+0.20701389146748	0.27648994551925	-0.17964483760986	0.18632591143256	-0.36005208007471	1.41310249720302	-1.14843687200800	-1.63938175936567	-0.37438958710883	0.04105033519763	-1.00000000000000
+-0.71835001515535	0.25161425573775	0.91598617564992	-1.11850347448558	1.08614863646561	0.14156965065040	-0.90129010721287	1.10402546215475	0.39097668269038	0.22559464093876	-1.00000000000000
+1.47859589974673	0.80659024523323	-0.89079375261636	-2.62432174570343	-0.49312845331220	-0.42874455191217	-0.14414164955347	-0.69747276214930	0.39036914767306	2.47980950370196	1.00000000000000
+0.40303391213057	0.16478959199253	0.58525152200085	-1.66234802526625	1.44658252950301	1.14413506747525	0.68681600235276	1.79830486534090	1.37553204645602	-0.88307963601841	1.00000000000000
+0.73280260871113	-1.26281614832048	-1.56062467458108	-0.97933910399545	1.02367330110637	-0.88319224583150	-0.20788317133542	0.86431671027134	0.89085180694929	-0.54034531109885	-1.00000000000000
+-0.19118587350172	0.29707302062111	0.50396042582780	-0.29419231095165	0.69920788437391	-0.43035641150475	-0.37957929438816	-0.09854586136520	1.09340385974070	-0.06687683594987	-1.00000000000000
+-0.97929261232253	1.13865427224894	-1.81633831152544	1.08820352250328	0.31992874822249	-0.85183126666442	-1.62014019763330	-0.56958193809832	1.81597365936012	0.46409316167965	1.00000000000000
+-0.98297815895398	-1.66398080697423	1.65089087606661	-1.49456136830697	-0.93312091854677	0.59633384667549	0.78201699527317	0.60484714206933	-0.01985190136176	-0.40725814118858	1.00000000000000
+0.62241056755072	-0.27600742377749	-0.22160658729488	-0.04661278614479	-0.79160151414306	0.38077760866272	-0.55194701968081	-1.70937788040075	0.76761028132211	-0.38037521554012	-1.00000000000000
+-1.26919239269899	-1.08462097662858	-0.70895739686567	0.58048156288743	0.17921495818968	-1.11542885793559	-0.14895893287678	0.88403015278880	-0.86976380706989	-0.92871930421049	-1.00000000000000
+0.48419312880229	0.68531634781278	0.28924889970074	0.75817874925574	-1.16664965497917	2.13569997858781	-0.57211428509630	-0.89681002207072	-0.83809548475872	1.91955490176362	1.00000000000000
+2.45803135622578	0.52053885426990	0.55740862519201	1.19773589145575	1.75567559779874	1.11907199909670	-0.64901412614089	-0.81053106248097	-0.84476656867400	0.69282414121166	1.00000000000000
+0.65780216975742	-2.24748018048653	-0.62672797168939	-0.37438737362679	1.26027600039245	-0.39523793748585	0.20239221453240	-0.00456480207111	0.19686303382684	-0.26533583994418	-1.00000000000000
+-0.21474193663527	-1.05212036767183	-1.85228298973632	1.05562864728381	-0.33601534092208	1.29646685789233	-0.59519162900488	0.71668923973604	0.06446416699600	-1.73277624796116	1.00000000000000
+0.55714239551013	0.15627100789505	-0.91980011980090	-1.71658918571966	0.76793512640992	0.97695629032143	1.09715402613192	-0.40710798417740	0.52072547270768	0.21757641682161	-1.00000000000000
+1.55312120905881	-0.67881366065145	-0.60544455671677	0.78176173304926	1.96116928901547	-0.64624696808200	-0.83652253511223	-0.69805488177708	0.98686131990531	-1.02136123730973	1.00000000000000
+1.02763437718251	-0.06353216702316	0.88370792695556	-0.02716851414956	-1.13913271540802	-0.69990831146131	-0.38097735177256	1.21430312767196	0.94826434747436	0.37882881944606	-1.00000000000000
+-0.31164099342670	2.32390181242003	-0.55128475448200	-1.74776108740528	1.30810343739711	-0.89649475521886	1.25747338951886	0.10662089205239	-0.20596540746614	1.51444900963007	1.00000000000000
+-0.11698938018253	0.81014243655131	-0.46033229512822	0.61844995824917	0.57328149282835	0.38125815082283	0.04443427457845	-1.36908433553791	-2.60259140513119	-0.64368126860555	1.00000000000000
+0.31431135142677	-0.39653532193811	-1.49082715234890	1.26167672778479	0.35439048907563	0.27543230654339	0.54057424428471	0.07841136783409	1.78702033226226	0.16237540732212	-1.00000000000000
+-0.57157708265122	-0.10933307902402	-0.15308553539165	-0.41728146098186	-0.49608896016667	0.30086564540746	0.35192028153166	1.53930953767591	-0.50305012125431	-0.48045217475363	-1.00000000000000
+-1.40691358580963	-0.23925614130278	2.19963742782101	-0.24888391790407	-0.45023972065879	1.76366725942779	-0.35408870705565	-0.02296528980290	-1.24807118532419	-1.53536351535572	1.00000000000000
+0.36692034059507	-0.77566240747169	-1.69031861690806	1.24340534671969	0.21439466982853	-1.28093011913882	-1.37565949446998	-0.46167457422347	1.29589036139842	-0.32861431986946	1.00000000000000
+-0.79486986524118	0.35399712507805	-0.61612423268374	-0.14016087315834	0.83641819045339	1.30648084117128	1.23161084544323	-0.11376243772855	-1.39548230766621	-1.00546196353412	-1.00000000000000
+-0.06900308281439	0.35827926134261	-0.02590637613824	1.79489247157323	1.71354905620736	-0.93675533801340	-0.86152964472882	0.25324948085312	-0.22515441852456	0.27888673809849	-1.00000000000000
+0.76166262798677	-1.89887842483194	-0.74101948101433	0.51375962868255	-0.08719762143804	0.22625056339654	-1.43816067813009	0.67018741292632	-0.83692539446787	-1.49848426366055	1.00000000000000
+-0.65244547370195	-1.59093805545717	0.87231691251275	0.92359244987681	0.40126302857383	0.95761617734337	-1.38125398238138	0.17686070691759	-0.17082416595731	0.31250975005640	-1.00000000000000
+0.38169198253700	-0.02888237814891	-0.18000267288991	0.25437199671445	0.93096355236876	-1.01423377510318	0.65999900175701	0.39794753807626	0.06519195595867	-0.64010273256336	-1.00000000000000
+-1.02911114608985	-0.00201937901062	-0.79287802920998	-0.55381624616877	-0.43335622430937	1.44773551216254	0.93008126718139	1.07115178017166	1.29633092924074	0.14774297448230	-1.00000000000000
+-1.49278109301503	-0.20567685424350	0.72104045121149	-0.83365695229415	-1.17737682058541	-0.42798385792766	-1.02066222120610	-1.30288892889243	1.21729063941575	0.00629519804311	-1.00000000000000
+-1.97452303657867	0.25929177592503	1.09492553526303	0.84098526791079	0.06057171468163	-0.92511069164657	-1.35193645717476	0.61888366067362	-0.70782168724181	-0.55163270222071	1.00000000000000
+0.13528067907339	-0.46510480243186	-0.69465376064642	2.27309156191098	1.49068228813855	1.58972953195735	-1.29761740735636	-0.30140692609725	0.43379063453468	-1.47530441608445	1.00000000000000
+2.29005754093445	-1.92924547012100	-0.32165025466274	-1.66960334052775	-0.83275607156949	0.91330217696109	0.28307276581564	0.48660292464533	-1.02732891421196	0.45097097173981	1.00000000000000
+-0.23568685985377	0.22904059583096	0.02760369282986	0.04283601285941	0.69006442023244	-1.51729882599092	2.13450709869209	-0.33730557953226	-0.01286446793378	-0.69303960567847	-1.00000000000000
+-0.87852406013080	0.63684913051100	0.34074662048224	-0.61026714099314	0.21862814839418	-0.36064592351078	1.42708988873007	0.87048707841711	1.20097705187303	-1.36088462588504	-1.00000000000000
+0.15403207619877	0.51154917880176	-0.70501336150489	0.22763951872679	-0.35411923754854	0.12872160613231	-0.46556934868551	-0.86802098074819	-0.56459070015590	0.52507930008902	-1.00000000000000
+-1.18593414391902	0.17846983139865	0.69876926364185	-1.47010357088382	-1.31307507712516	-1.06443155232106	0.34903424180493	-1.34299895424572	-0.08585110983365	1.22217379011194	1.00000000000000
+-0.26866116043152	-0.56397789452757	-0.28660346379834	-1.75098648467484	2.06502024318454	2.80112252492504	-1.08858363634619	0.35668265315013	-0.17548596714715	2.07466189204888	1.00000000000000
+1.09526783018906	0.21214005960854	0.26506889510317	1.44821768012715	0.40165233510374	-0.26174441442661	-1.41440006673679	-0.12236855442702	-1.77609124332100	-0.63389989886899	-1.00000000000000
+-2.06234199056784	-1.31336010124469	-1.75820105671130	-1.00719577117460	1.41201558396870	-0.51635985891877	1.89560154079458	1.13094012250019	0.51108709594117	0.22453329107818	1.00000000000000
+-1.10262559924142	-0.24666497032125	-1.50297848260520	0.41410359014252	-0.56479368917942	0.63050668362752	-0.18339413957581	-0.70078925018766	0.08098409052240	0.10123733931977	-1.00000000000000
+-1.26016522310708	-0.19666930095276	-1.25847262813408	1.22190256963672	-0.36543356592368	-0.15295884228011	-0.27444532066971	-1.15252722552805	1.05914879489263	-1.23251487679653	-1.00000000000000
+-0.12630337435700	1.29676732132168	-1.09896394636189	-1.46559505046572	-0.92827517706716	-0.64895818637013	-0.31891954978561	-1.19740954040240	1.01388904975640	0.27656697080177	-1.00000000000000
+-0.04224266601960	-0.07606498983059	0.13954323267602	-1.49701280394289	-0.06856259915317	-0.51006030787231	-0.81528126878966	-0.85322426950708	-0.26489426826359	-0.71101897347209	-1.00000000000000
+-0.86011595162822	0.55780458573266	0.32000233580866	-0.41922085938158	0.40148607839595	0.52229998255634	0.46634170379354	0.13667675156882	-0.01882105929197	0.85420942840674	-1.00000000000000
+1.01818935109055	-1.08208641025284	0.50216001375897	0.58776245017261	-0.74584188072375	1.90295777754820	-0.50657768916975	-0.74348540835991	-0.98193725914525	-1.45677302455890	1.00000000000000
+-0.29031500906147	-0.82629538046545	0.72242219916429	-0.97409031003081	0.20783020090082	0.88583693972378	0.87464859746476	-0.30534865157248	0.08517383062108	-0.96911277570549	-1.00000000000000
+0.18414215987386	-0.38427530813935	-0.62501137725181	-1.74859529299775	-0.00887602129124	0.51615848935134	-1.31984470175873	-0.38787925514752	-0.62615244634520	0.40169741641942	-1.00000000000000
+-0.02157826165120	-0.17677176698808	1.93065381695492	-0.44235263388596	-1.36234246809970	-1.00209034689579	-0.32563141571333	-1.70220104820660	-0.13647169334902	-0.74083435665514	1.00000000000000
+-1.62177573103878	-1.47883566849109	0.41317963815109	0.02161035434407	-1.11628958900770	0.03642045282264	0.99267422990728	0.37712120637256	1.90012705881700	0.52183331321779	1.00000000000000
+2.92235261443611	-1.72849193844852	-0.95151811824060	1.15097314415540	1.50746297351381	-1.72792168448661	-0.80896294017759	0.38207436951106	0.99078721475084	2.39466032679379	1.00000000000000
+-2.02687342182729	-0.23106722296413	-0.81720219206224	-0.79875617972750	1.28877301497113	0.99327292947897	0.54077741552120	-0.93440197652163	-0.32631648088540	-1.51777673494765	1.00000000000000
+-1.35286830002273	1.82719759725944	-0.35272159772186	0.97268668400686	0.28828970386781	1.18578998270331	-0.23159490324202	-0.82348794120642	-0.04641838811391	0.01029266886044	-1.00000000000000
+-1.03472186449918	1.54165875476961	0.07024143444974	1.34810221632236	-0.37879780183407	-0.54675917950478	-1.42946843487685	0.17679747514443	-1.69000071212613	1.29312595959652	1.00000000000000
+-0.18656910940376	1.97213021727037	0.27281903029940	-0.44362640307329	0.02319554171313	0.02170992846451	0.34830979639125	-0.34621517237642	-0.18039597837080	1.26473778148247	-1.00000000000000
+0.33084027148638	0.75290915999482	0.42112516136435	0.04767181344247	0.08524405546679	2.22032723296797	-1.27424691408329	-0.67125146726383	0.46975539181722	-0.57643434651540	-1.00000000000000
+-1.60266483268463	1.02085028460427	0.22877063421172	0.46409724725530	0.19457377283655	0.77032365983986	0.27968805390746	-0.62701924202736	0.30768808253934	1.72809512297309	-1.00000000000000
+0.12452004692440	-0.99999781733025	-1.54620520623484	-0.53041752528968	-1.27787855254612	-0.87658277566745	0.20474480053686	-1.08171208407602	0.57248971705941	0.34963897319580	-1.00000000000000
+-0.39641135361153	1.70488617356074	-0.46587257414862	-0.57036943662530	0.44608146174670	-0.66060804244091	0.32538052893952	-1.42408294460184	0.78986594016289	1.73330964637343	1.00000000000000
+-1.07083060827259	0.12001650936016	0.44560124758708	-1.76545629126328	-1.99647718329125	0.97952644002112	-1.75057182881915	0.95626923948006	-1.88008653114478	-0.46959116429023	1.00000000000000
+-0.25984767297748	-0.72812976503831	-1.04400527802648	0.20179465508186	-0.92235982764261	1.31474686447867	0.75311461986459	1.92518709457553	1.04628992969714	-0.37965432684325	1.00000000000000
+0.33276547490932	-0.68828229841562	1.35414904010224	-0.28905304483743	1.16503838661377	-1.18837016165161	-0.90647117205450	0.69496788922602	-0.64751490271725	-1.47843935758389	-1.00000000000000
+2.39155692742997	-1.02482086902907	0.10670881666816	0.42847912489851	-0.13142658353248	-2.48606942860658	-0.03794691499073	-0.04985574238163	-0.40723499010475	0.36952204079931	1.00000000000000
+0.33567803737909	-0.55002205787179	1.55641916919425	-1.11558194020700	0.90245923220668	-0.52300034511741	-0.66451849164581	-1.85143178726963	0.25143246016500	-1.28518173818936	1.00000000000000
+1.72883341698508	-0.50331150367964	0.65524664263997	1.75877478220882	0.85801339748274	0.69642229841527	1.57057054847832	-1.67028298874365	0.03168813649034	-0.08106759886757	1.00000000000000
+-0.35956088820123	-0.73064803324885	1.11579238224646	-1.52306170650683	0.00017140417630	1.45799110475049	-0.38225573130501	-0.73007299546082	-0.46194164668861	2.21513045057638	1.00000000000000
+-0.64314570984206	0.75107136610568	0.31708150483311	3.17267193208986	-1.40990166960017	0.90311223027375	0.71611725587124	-0.54418326007212	-0.81967917424031	-0.34144056936167	1.00000000000000
+0.37238982616771	-0.64318857212762	-0.59342159872978	2.67611802851469	-0.08819898463666	0.61919801312314	1.95580914095491	-0.75981852222557	-0.79179429016232	-1.02440619838985	1.00000000000000
+1.37572955493945	-1.06972160939439	-1.91851092239636	-0.59286461127099	-1.64570979469805	-0.45361499335968	-0.67752955408732	-1.39120684284874	0.93705357538219	0.42761423517801	1.00000000000000
+-0.69052149432794	0.00980227922866	-1.69790585356322	-0.74315258522648	-1.53482726678925	-1.03841561612870	1.06090221246734	0.92500025121082	0.96434046638422	0.14910829477630	1.00000000000000
+-0.36410021737500	-1.46679469572447	-0.09026552849553	0.25112596539117	0.79778191838536	-0.36884537082149	0.02166410709225	1.44215503643217	1.94075718196959	-0.29015167509875	-1.00000000000000
+-0.89307732718857	0.05368582461430	-0.36337754509798	0.73324124233684	0.04259164528453	-0.07881324712970	-1.07602626893831	-0.41584000757182	0.37892940984397	-0.60576983948582	-1.00000000000000
+0.95451434879732	-1.91533766169009	-0.84026434814817	-0.70977568689739	0.00207498945619	-0.54082094026033	1.02954910445246	-0.28247757960922	-0.90941570553359	-0.94640068672331	-1.00000000000000
+0.33753653854346	-0.13363119511150	0.58681192365140	1.11165788650186	1.25768781117738	0.08006327902187	-1.16157853318879	0.64089686362890	0.56880233654742	0.25102689826294	-1.00000000000000
+-1.20528840493858	-0.60493088134175	0.35658864713061	-0.95972376990025	-0.15813082298248	-0.10982297622892	-2.28136169632429	-0.41051350970196	-0.79229606669456	-0.28675676133098	-1.00000000000000
+-0.58709088773346	-0.30616837773264	2.28902776751425	-0.52241132014719	-1.43704903793256	1.54563279543212	-0.18362110911818	0.58743220581838	0.02453769112744	-0.64880532960101	1.00000000000000
+-0.96521472333460	-0.35606249847897	-0.66997185139083	-2.30373066987670	0.66869418669674	-0.53029629907533	-0.35076043122472	-0.92361269109905	0.46248485710782	0.68537400924328	-1.00000000000000
+-0.13407134325933	0.56461376749217	-0.87893727065494	-0.34302273912443	0.31863605057662	0.29124782119111	-0.03980459441980	-0.38610706245112	-1.43216435898613	0.24802821018451	-1.00000000000000
+-0.86583090326910	-4.19850273816992	-0.72930399873333	-0.64989358507854	-0.57769210488210	-1.12960816109857	0.44337766889454	-1.67862970189404	0.70170994062125	0.76557591198447	1.00000000000000
+1.30033542319857	-1.31557345630298	-0.42547079777760	-0.03964632886311	0.92177323710101	-1.58088168057480	-0.41945531543063	-0.70162110172667	-0.00260791365531	0.79748028968577	-1.00000000000000
+1.48450746944352	-2.19548690442993	-0.43854139980139	0.86374738099413	0.13011046615755	-1.47286305538811	-0.86116247481160	1.05416754904642	-0.76322557411126	0.85369836457459	1.00000000000000
+-0.33562160189907	0.89824036405825	0.14478580315627	-0.14373017358260	0.14707087090163	-0.53472354681757	-0.80400667852869	0.50336330136141	-0.79611222196477	0.70770344825678	-1.00000000000000
+-0.73283895036786	-0.39869309133145	0.73250329452241	0.96921234707435	0.91333866079211	-0.67205660082382	-1.37569990140282	-0.45813770006644	0.20078260600337	-0.80770426599002	-1.00000000000000
+-0.92384969127272	0.55757714914063	-0.70389492582267	-0.20023278654978	0.58794351855205	0.30657822541810	-0.17367314274871	-0.04842384814628	1.17760929672282	1.60231260394185	-1.00000000000000
+2.19558566554955	2.30282574459515	0.32438664999733	-1.87276842771208	1.19557739656825	-0.41967697878931	0.18954853921926	0.83968148201962	-0.45081324170326	-1.58564314231026	1.00000000000000
+-0.30565776660276	-0.05724611881311	-1.75701592607719	0.59910594850639	-0.34605587880057	2.70634302269610	1.14143302051771	1.73940680665542	0.49890570643784	-0.04998012799279	1.00000000000000
+0.90104187096040	-1.15551943291743	0.91727114581379	0.68089355799962	0.41775711520641	-1.61455798488902	1.14108786506529	1.61971052708527	0.12086509013704	0.18116511725446	1.00000000000000
+0.24191179933417	0.15709187307558	1.28426479864613	-0.16691866126467	-0.29728273491856	-0.51326455675859	-0.18412837947171	-1.22294094197294	1.74459508253686	-0.74096112360757	-1.00000000000000
+0.62824741583834	-0.59681049685423	-0.17926266379933	-1.25242359156220	-1.44147268948838	-0.20005397796309	0.37081932489147	-1.77677980309512	-0.19680057456085	-1.14825626500366	-1.00000000000000
+-1.32556463732324	-0.76007617958710	-2.60252516654856	0.18096219616911	-0.76972486388657	-1.01265243918200	-0.84235509792737	-0.22483200880099	-0.69744720246103	0.03494301546141	1.00000000000000
+-1.38928491991438	0.96374438094005	1.35310468166832	-0.35678517136045	0.62511733451227	0.03421017280130	-0.17488760380335	0.24190588879124	-0.71839845355057	-0.18528529021342	-1.00000000000000
+0.43500521905200	-0.50399148562584	-0.24774595450978	-0.60969488911973	1.05999873561788	-1.05800961590944	-2.42875882725927	-0.01970596838579	0.33242748391076	-0.78690451013629	1.00000000000000
+-1.26319029566713	0.18778460228622	-0.12202065490128	0.13897345968758	-0.11528188656998	0.60792276904164	0.12195917797340	-1.79815894660777	0.38003270885722	-0.50486863015852	-1.00000000000000
+0.18293908466611	0.01746797553878	-2.61221960699888	-1.34522511860719	0.27111507076415	-0.84247349245317	0.55134528248709	-0.58218335111313	-1.54731661827395	-0.92872023490373	1.00000000000000
+0.46061660666509	0.54655803029001	-0.36322265201041	0.81830898162194	-0.21580364118822	0.03885717125281	0.59980911142197	-0.13228662964435	-1.50840240737256	-0.06017418302012	-1.00000000000000
+-0.54993284200967	-0.11117350454502	0.07543748148526	0.40295425843765	0.82225604623276	-1.48508263112134	0.45064729550240	0.54588697672761	-0.58125258504641	1.75942539015717	-1.00000000000000
+1.25173457686536	0.61321276054903	-0.03501532837039	0.48493738321747	-0.21211009310097	-1.27163515699896	-0.07808288586850	-0.23696409269145	0.82659698785821	-1.01514189769193	-1.00000000000000
+-1.09890394054049	-0.31244203608983	0.55356530190199	1.22643332587104	0.73858526308490	0.59115910927575	1.64460121837454	0.60007083648627	0.07948848138564	0.14724657384172	-1.00000000000000
+0.84519181162570	-0.92929230896400	-0.71465074028786	0.25284088368067	0.64588254690309	-1.40532675042385	-0.50726137207180	-2.23175230957419	-0.73478376381431	-0.06169230913600	1.00000000000000
+0.12280273191733	-0.83141907281997	-0.24633489276317	-0.52529272640830	-0.22131463485948	-1.28489640235303	-1.53856034169129	0.01773813930936	0.72013643816240	1.32928920935468	-1.00000000000000
+-0.35417469772261	1.16764375649813	-0.56201742870329	-0.46826206176820	-0.14247467746815	-0.39813988389239	1.34435764389006	-0.02359423202892	0.77819909702247	-0.12254358035268	-1.00000000000000
+0.72065954030014	0.72168247630545	-0.44315542504780	-0.44385348981288	1.03304156919885	1.34305544735996	-1.01473938555349	0.03411977777477	-0.00945053619059	-1.58007573098394	-1.00000000000000
+-0.50420075236243	-0.00213165305563	0.45704064342838	-0.10218093360667	-0.06200895938929	-1.96314118405675	0.98867612029814	-0.12350733868871	0.15896506701164	-0.64439731519902	-1.00000000000000
+-0.09868985995484	-0.43933602486517	-0.43911602464901	1.16967892906808	0.34603292108684	1.01746093061172	-0.04137838221981	-1.64077111609854	-1.57965889994913	-2.09723056442674	1.00000000000000
+1.00673355052419	-0.37383881401348	-0.84228716749247	1.32568054639005	-1.51780498160585	0.97233696413466	0.46534073365947	-0.27081805187916	0.37431699535514	0.14843779895526	-1.00000000000000
+2.96268629185984	-1.05112034388566	-1.30640576966711	2.40160300939912	-0.59769091524838	-0.64852155561194	-0.75184573787989	-0.71535665202441	-1.67838342088183	0.08490009632648	1.00000000000000
+-1.61138973123976	-1.39178003270958	1.57907510362047	-1.45241406355620	2.91031956142144	-0.05308159785842	-0.05560157340092	0.01738189675163	-0.41117295177490	-0.78860841003854	1.00000000000000
+-1.53228103121324	-0.97916200041720	0.30488253990383	1.40171421203366	1.14905330351764	0.04925071229098	-1.39551702954654	-1.15878626758810	-0.31391514879265	-0.89264176203859	1.00000000000000
+0.52749030807612	-0.58563406955452	0.09131312448345	1.64213339030521	0.79971933967249	-0.57550721674394	-1.65302566988458	0.22264726610466	-0.45179795455933	-0.25159398340769	-1.00000000000000
+-0.15577898664139	-0.85130704293153	-0.82687305741892	0.28533277840297	0.20126109628173	-0.11402219211727	1.82732726335819	-0.91214606822937	0.14143262782983	1.21545950369470	-1.00000000000000
+0.06024729923349	-0.51442151336049	0.80204032915688	1.51785089051350	-1.06153398762508	0.44196446322609	0.64139993488457	1.36028663103161	-0.28022407950265	-1.58450674597479	1.00000000000000
+0.24436026639541	1.47606525811919	0.93215964549613	0.85361718642423	-0.10635001428769	-0.37948531870801	1.01710830160379	-0.26914919393135	-1.37997944643438	0.79588765969317	-1.00000000000000
+0.16666833935168	0.50747690086090	1.93288913792861	0.14351924112519	-0.70460209534258	-1.94147466207113	-1.75431897947016	-0.73699756289404	-0.01867790380428	-0.57276025981866	1.00000000000000
+-0.23896870290368	-1.22260723604911	-1.00720655282945	-0.64829158215111	-1.45629290051763	-1.06009527440801	0.67486606601524	0.10457996228557	0.95383519784409	0.30069915772446	-1.00000000000000
+1.49729640026147	-0.66681097214520	-1.27653059493424	0.43208175282171	0.64662970519855	0.11901910540109	-0.05014371061136	-0.46699250919777	-2.54613444766072	-0.39511887426146	1.00000000000000
+-0.18508690742510	-0.39753392329458	-0.05953842669328	1.70318610699374	-0.70646924596345	-0.63884476817891	-0.16245399343270	-1.66620876597756	-1.36396775725924	-1.30058244042294	1.00000000000000
+0.58385727870820	1.19360327325867	1.09464473278225	-1.13749679468743	2.12659834443091	0.29616133339308	-1.80981116157766	-0.37030742298968	1.37524289789705	0.90469792495497	1.00000000000000
+1.40572162845453	-2.85443869110711	1.20597824525453	0.35288574272278	-0.26030469143049	-0.51801765828310	0.71425199814097	-0.19205692543799	-0.95878204369058	-0.49452974880693	1.00000000000000
+-0.17013488337704	-0.10995770191184	1.72155225406444	-0.22227486745491	0.56743654747280	-1.22832553457611	-0.18861952192305	1.09744924553334	0.41380702053824	0.97004086612559	-1.00000000000000
+-0.49832642080500	0.07095127922692	-0.68540608527909	-0.80628221404581	-0.36792084419173	0.28518852299914	0.23217971329009	0.12338910089433	-1.84540064252581	-0.35069840625372	-1.00000000000000
+-0.96414945595993	-1.35050215896599	0.71143196167167	-0.43581464709884	-0.70707421548562	-0.27770356716819	-0.33568063087147	-0.04203891285607	1.09222613031777	0.91606482195412	-1.00000000000000
+0.63129722712166	-0.21234808015170	-1.51093216542798	0.06722902392700	-0.33905120104818	0.60243308631422	0.99099995715888	-0.48676191048466	0.00396313195677	0.18075485740837	-1.00000000000000
+0.97854222687092	1.16654734599365	-1.89175155177500	0.82605129476693	-0.34159011852774	-0.55168049952183	-0.52679915334886	-1.69949746284418	-1.84428740813600	0.71521576790927	1.00000000000000
+-1.54752698583172	-0.38260802694552	-0.31737021900203	-2.00395258750707	-0.60570748758490	0.96999091922425	-0.15747245576113	-1.59613648775879	0.38402629948578	0.66168945762279	1.00000000000000
+0.23589821276474	-0.83082517132934	-1.72603636148385	0.48691839445937	-1.68839511798975	-0.36651861154616	0.44038292180569	0.26162854638092	0.56296183839077	-0.12261505628593	-1.00000000000000
+1.21497391897080	-0.07654963571240	-0.28801247877250	-0.05985749058573	0.43023833453485	1.23139386961200	-0.78865877747741	-0.39113727416538	1.66416598484919	1.47840077369722	-1.00000000000000
+-1.30304849417287	-0.81742195068674	0.31631121879533	0.57158905534452	0.33532133566374	1.26903006505363	-0.14241340036359	1.48928609226757	1.07930489689766	0.20692816471848	-1.00000000000000
+-0.69763252251770	0.15753893476158	-0.09935462489388	-0.81493423137311	-1.33664856250164	1.03426382079649	0.66054243246986	-0.70025343309374	0.98506528984773	-0.80450780546429	-1.00000000000000
+-0.48867559846961	0.73646150194090	0.93245564053237	-0.10552040143237	0.53619403596147	1.00939559295255	0.65853430783989	-0.29955423500372	-1.59189599377587	-1.45245143481179	-1.00000000000000
+1.15642789585876	2.10447547061353	-0.28328156297250	-0.35487932593425	1.04662670994013	-1.44019374381859	-0.15436627758640	0.09649593326533	-1.19286429292822	0.30226356507355	1.00000000000000
+-0.27588015968132	0.24034870148820	-0.61637634169690	1.96124204843154	1.35376985849873	-0.47590974272326	-1.19349465066501	0.39331819961573	0.14622668763375	-0.04088497192115	-1.00000000000000
+1.85692258533198	-1.24022744150064	0.70833910131833	-0.64117833021576	-0.36933306402335	0.04496644775467	-0.97724046465736	0.28539421818970	0.59692437548363	-0.23084946614932	-1.00000000000000
+-0.06884715030902	0.83636306519549	-0.16805842586489	1.68977264119803	-0.70052290082159	0.64264108531420	-0.81803886492162	0.96227337903695	0.62753699730104	0.62365919413270	-1.00000000000000
+0.24743477279069	0.72976067095162	-0.09095022867441	-0.60859072698709	-0.91878930904150	-1.00178705504713	0.44242698184515	0.45217412634226	-0.51375172050271	-1.02898073485887	-1.00000000000000
+-0.62035467701756	0.27119568558087	1.03360704450665	0.32577415529744	-0.01790807929318	-0.42423472295376	3.30478395603667	-0.87000687829512	0.34442533479119	-0.50015692044375	1.00000000000000
+-1.81207326126801	0.23720741487837	0.93947248990627	0.44224096879996	-0.63735024986095	1.22197407166831	0.73278595563107	-1.12572816157266	0.48662502271801	-0.54866422740523	-1.00000000000000
+0.76037125662936	-0.28040480323310	-0.22712429320347	0.03654932010974	-0.05006122928685	-1.34338223574843	0.45852883207971	-1.35677330775517	0.96181979548811	0.77375763401958	-1.00000000000000
+1.93655307610914	1.84015581620975	1.03011817491773	-0.94837504389546	0.20466144735165	-0.56452708732065	-1.24518265308586	0.98996505051644	-0.91705320413535	0.53191995101133	1.00000000000000
+0.72315449458171	0.04061559085131	-1.33435497781141	0.53093071676888	0.38827245227429	-0.48109443680385	-1.05892419979102	-1.45204665775968	-0.15877296655798	-0.31966599709483	-1.00000000000000
+-1.71663117105212	0.45652057560438	-1.71171142692569	0.29242114730170	1.31407303488113	0.69645463936183	0.32634679083843	0.54938702194965	-1.81562257228589	1.06966355107944	1.00000000000000
+-0.51504177346800	0.50451796420807	1.58577463481205	0.05962256126851	1.00433226482647	-0.66173479008290	0.16919927000657	-0.49293934830341	1.45851318662079	-0.43338812425835	-1.00000000000000
+-1.06814102636421	-0.56902140565747	0.55598081818187	-0.06461960721202	-1.08798932020523	-1.12468198805076	0.27258275887703	1.75732836549252	0.20219467757581	-2.02762999045600	1.00000000000000
+1.02545503325205	0.14432954016532	0.18237159462397	-0.11656309232298	0.12014792871918	1.22919758436728	-0.04914024815860	0.43512290510013	-0.20122733129716	-1.25343058254711	-1.00000000000000
+-1.48895005357322	0.27405248838038	1.45083954795005	0.12607065825548	-0.73370436768731	-0.67568583701100	-0.31225003495816	0.80570489568960	-0.16907412249632	-0.99839598381261	-1.00000000000000
+-0.62476588169286	0.24237550789197	0.70406441824647	0.08822035155524	1.44977873142356	-0.30488781374137	-0.69375452077580	0.16572827720674	0.84837381871155	-0.62779334710817	-1.00000000000000
+-0.93702420860542	1.11947861955984	-0.75122615472165	-0.43109656007752	1.33625555937327	-1.15288359577835	0.10492009011421	-0.27754868689269	-0.75338499074793	2.24789859815656	1.00000000000000
+-1.04194367894376	0.13681303047514	1.53138450962460	-0.64347530779785	1.35007567424003	0.77882003035231	-1.42843354962477	1.71137110284067	-0.85487556135067	0.65416332598734	1.00000000000000
+-0.91939879109596	1.25878697320340	-0.09161904582691	0.46782602602773	-0.53279411471177	-0.06001726049338	0.55744892608731	1.27686182659368	-0.17488265124796	-1.76272816351999	-1.00000000000000
+0.72211077138972	-1.94764888588014	-0.75281772829296	-1.14071582580911	-1.47089954635131	-0.60253251003697	-1.72979602715142	1.21302042131388	0.19558462827470	-1.04257845265678	1.00000000000000
+1.64815217334606	-1.18634936963360	-0.85504289283253	-0.10490411386411	1.31114728612827	1.98429280580314	-0.65960208253113	0.27976449454465	-0.21355663875858	-1.45518209288434	1.00000000000000
+0.18225683911712	0.40776227741113	0.92746490107619	-1.28153426847791	-0.10570464024507	0.57300316555572	-1.03183679935898	-0.76713515960401	-0.77818558686178	-0.61806100504654	-1.00000000000000
+1.96672133452207	-0.21764246602428	0.35269194856761	2.45493220739124	-0.07228642659509	1.26220294461505	0.44474860717073	-1.12582004713239	0.11938669279928	-1.41819219642453	1.00000000000000
+1.85520533517623	-0.04615918583655	-0.56080241377318	1.59658527626286	-0.61098087527397	-0.26540868872549	-0.86829335556995	-0.41196157185589	-1.16487376840569	-0.17263280672440	-1.00000000000000
+0.31781150418701	-1.82212007409952	-1.38564026409758	-1.08467433122261	-1.14175226783152	-0.84656521452805	-1.13225948961969	-0.75912529950372	1.77173959219149	-0.55208619323280	1.00000000000000
+0.10237253058825	1.41148623172347	0.41195288396760	-0.53179707119549	-0.09549400224602	-0.77845524601524	2.99067611298977	-0.72591133959975	-0.37586410346815	0.61379274451974	1.00000000000000
+-0.77585512772711	-0.32314173488525	-1.07947768852369	1.00426892943890	0.03737208273849	-1.01934893136271	1.93743707162368	-1.26786636693516	-1.22527827544024	0.53091789564127	1.00000000000000
+0.55511005522595	0.43034205020875	-1.01543572827853	-1.90686365120151	1.55281747607449	1.12719947225937	-0.97951922520450	1.58433540544756	-0.04250740066469	1.47029331210768	1.00000000000000
+0.33333866172326	0.83341957442472	0.96046610700587	-0.50870163303926	-0.02027332655886	0.65008388322390	-0.41956047112995	-1.07213692203592	-0.94437852110015	-0.51257266386824	-1.00000000000000
+-0.67777354855041	0.96454351086262	0.46366586232341	-3.38376887488280	-0.70729381510669	-0.01743854400406	0.10913868051877	-0.19043779960582	0.70826221213702	0.59672901009055	1.00000000000000
+0.03368276174149	-0.59062076734739	-1.57149122456799	0.08686960164797	-0.92125860361010	-0.15349578495291	-0.60195187726233	0.15273175456917	0.57123658845734	0.21575818494544	-1.00000000000000
+2.95799341930242	-1.13097185274701	0.66671256358220	-0.40891370866230	1.69498410507665	-0.74856373463327	-1.20789597270994	1.00188761779818	0.01392949759398	1.91130417834205	1.00000000000000
+-2.05432075681435	-0.73035394860169	-0.26285153600454	1.58998923815743	-0.12512457805062	-0.01413324601825	-1.24993217387504	-1.02586496926737	-0.44238753583109	0.49497586739425	1.00000000000000
+-2.00092446364676	-0.27180045553200	-0.98762044720456	-0.20681806453601	0.15575695599941	-1.46573626744886	0.53198277007929	0.15243678252425	0.53502839115224	0.31023830207412	-1.00000000000000
+1.76425442944078	1.65696983717001	-1.01021813361254	0.49185008900512	-1.14073166620646	0.69876900725256	0.57691021107285	0.19758166996955	-0.26133353597510	0.91229000217745	1.00000000000000
+0.85521987350406	0.57335221092033	-0.13762256947779	-0.85282245383859	1.04835869880294	-0.97436512825891	0.09944833656298	0.35294690170065	1.27603508087541	-0.45830077499952	-1.00000000000000
+0.51980346098864	0.45730445243080	-1.44571829361396	1.01089728561274	-0.29335073017985	1.18713964489228	-0.51949229488631	-0.32278698513655	0.17097077180953	1.25064259148400	-1.00000000000000
+0.81553314806472	-2.37064159356057	-0.49704263152652	0.04405605544953	0.17622600163296	0.23262619391691	-1.84640364657251	1.14292408564489	-0.30260290030561	1.60070880237212	1.00000000000000
+1.91221237387576	1.66465511197846	-0.13495873649209	-1.20147511780252	-0.15683143521470	0.12037760176927	1.13660053952805	0.83468151382978	0.25137837503987	-0.50675305172499	1.00000000000000
+-1.35042259474723	-0.84920099427476	0.09807973296191	-0.37811714142184	-0.95196745230809	0.05873573249955	0.16585478207557	0.30813849393218	-0.35177197839655	-0.29717623687549	-1.00000000000000
+0.10493727255239	-1.49752182852998	-2.29611515092280	1.40289247042961	1.40644525188561	0.67011364919759	-0.23876123592075	-1.57335929171932	-1.92550426142714	0.89052261249591	1.00000000000000
+-1.79696327258797	-1.61847863825707	0.07857594385047	-0.70835615975513	0.28017547629875	0.59870852314580	-0.23859825532238	0.53678784485008	1.36984083924191	1.88862138665278	1.00000000000000
+1.48115118676238	-0.00513824861924	-1.07898344318167	-0.27940531487070	-0.61417682689881	-0.36286811001237	0.39031132182479	0.31845958037961	-1.22287806751557	0.50337031343543	-1.00000000000000
+-0.11744953677811	-0.11640392019506	0.43824019097907	-0.30605090060760	-0.66449300824520	0.52681715382395	-0.36077757203936	0.11632313066103	-0.11594415744659	1.18850560080366	-1.00000000000000
+-1.51811991580223	1.55605508461256	0.44786998253199	-0.48304688906634	-0.44125338346201	-0.02094280490650	-1.39369314680311	-0.21397557099584	0.51439116491810	0.49525279523402	-1.00000000000000
+-1.64129565279779	-1.02102863107107	-0.18809652379916	-0.07580490297499	0.41525787531992	-1.40230548070440	-0.31191464290648	0.52076622531467	-0.16402279877315	-1.02530078427315	-1.00000000000000
+-0.34727261796404	-0.44941011985520	-0.46011154042818	-1.01479176920185	-0.02657036344404	1.76608096242127	0.34032332367306	0.93103252143099	-0.21362334369913	-0.52270799170630	-1.00000000000000
+-0.42194149312281	-1.89029459262538	-0.15686673672764	1.02390508311480	2.63568957693947	0.67363235715263	-0.45286982029378	0.11434198327917	0.51613487082173	-0.05334674995640	1.00000000000000
+-0.79817662933081	-2.32325417281604	-0.07926320446577	1.27842984231290	-0.62485561006232	0.66434017771378	0.76230763094999	0.90777563781621	-1.01005714802970	-1.23839061112956	1.00000000000000
+-1.78799514678398	-1.16753276416904	0.17639745419949	-1.20770946192846	-0.30865598483875	0.36003044143567	0.31824156330326	0.69286849551761	0.79203991629065	-1.79248127615749	1.00000000000000
+-0.12097594872995	-1.30487484456239	1.30716314009734	2.32257950230465	-0.57730989861537	-0.78329968031360	0.15453643986054	-1.06951020765768	-0.44477978832547	0.63182607119278	1.00000000000000
+0.83376606508813	0.22645303066844	-0.03348717143374	1.03031632682063	0.26322895657821	2.11079428771562	0.14235585638336	0.35396795066716	0.72884641946499	0.47208792130319	-1.00000000000000
+-2.03711465077508	0.12242233873926	0.40766350160699	-1.67034909847212	-0.07071593411293	0.93253649623533	-0.00710012369945	0.72813561704879	-0.27603911274733	-0.04083506344727	-1.00000000000000
+-0.47567080553096	-1.00342810505019	-0.15119878554068	0.18101371207451	0.40603728113467	2.11441891768322	-0.87882434198347	-1.68883427721810	0.16148853785648	-0.56307746096198	1.00000000000000
+-2.08469080385244	1.03649719299178	1.25643886193139	-0.45168696290003	1.25267526101616	0.09849494768718	-0.89984218865307	0.29294300764800	-0.63914735102759	-2.58568207562919	1.00000000000000
+-0.93427543098322	-1.00469013005235	0.78441063746783	0.85603717293042	0.36968794811152	1.79544461610745	2.55215477167519	-0.58047250283270	-0.53422051002920	0.67102214139800	1.00000000000000
+1.08658393295282	-0.27483554819068	-0.02462401153315	-0.50479072932111	0.32067473165074	-0.54530041389238	0.08632979121182	1.21004822243633	0.46619205331048	-1.64731110830211	-1.00000000000000
+-0.86954366641057	-0.57253386182301	0.53855319016359	-0.51344923306693	0.15842130025534	-0.16130542894371	1.08555408476535	1.08484337317501	0.87735306253337	-0.87238634757491	-1.00000000000000
+1.06186877563071	-1.13281914991672	-0.03532059223103	0.47435739046019	1.00673225963938	0.90117244016681	0.83248305350081	0.69281983935227	1.20892571134464	-1.45676053012211	-1.00000000000000
+0.73482483476716	-0.84096494469510	-0.70095245647144	0.87295966360114	-0.71098670014013	0.61582030488148	0.91040329378950	1.24148567405769	1.55512284507951	-0.10272748195098	-1.00000000000000
+0.32009033032690	-1.09937152689815	1.34486420314993	-0.86456925582389	-0.03598122274726	-0.44720808580518	0.04760315138279	0.23251515552239	-0.59367782822109	-1.41927824129827	-1.00000000000000
+-0.37923217019090	-0.46362454212891	1.73970120617757	0.78273986156683	0.68815236866938	-0.75266278765912	-0.93576199061223	1.29013262889521	0.10956448438624	0.09622911384825	-1.00000000000000
+-0.22354991649860	0.06982902241576	0.74639685059458	1.89678064984180	0.33978118586503	1.63653299438797	-1.42317042631490	1.01757305405753	-0.16130587258752	0.90341947070924	1.00000000000000
+0.21777172097357	0.31055605341357	0.14160448728657	1.59628026356187	0.49563065193177	0.05288037413315	-1.16630460961496	0.21536975625038	0.90817814008551	-0.56949380080519	-1.00000000000000
+-0.49261241735733	-0.19028550793990	1.17222485592546	-0.50272375713256	1.74286185531425	1.26219966762685	-0.81005371535829	-2.51766881517494	-0.03753652097891	-0.15821945243767	1.00000000000000
+-0.00527408137263	-0.48985088226254	-1.80958164113025	0.77991442580124	0.46365469115058	1.41404215450260	0.44468147609930	-0.59900047072747	-0.61922579109719	0.24888592403094	-1.00000000000000
+-0.36151372946038	-1.01084681004966	1.16255343841667	0.23257962128971	0.95543861347607	-0.62373299405717	-0.23147374025056	0.02976131671041	1.24407467400895	0.82088151371034	-1.00000000000000
+-0.16926583102807	-0.01469563592423	0.84279025262110	0.15867247290784	0.20738080149458	1.02896614815572	-0.08255175323583	-0.10626977589913	-0.08105758573441	0.50963093585342	-1.00000000000000
+0.29280085356941	0.43944499442756	0.46182308551891	0.52164346946952	0.19989092631027	0.74435226312752	2.63990513775420	-2.92719521723021	-0.86027684237487	2.76191069899900	1.00000000000000
+-1.40928195177462	1.20405274442054	-0.53845140465064	1.43424432612959	0.51432856142810	-0.04664338116447	-0.06222330669613	-0.30065639722232	-1.81445005179081	0.55658412267258	1.00000000000000
+1.18743050238985	0.91687046154443	1.62122111384638	-0.54401349307373	0.86649091871645	-1.45734024547129	-0.70149624361999	0.72280745960357	-0.99600260618584	1.20564632798144	1.00000000000000
+-1.41006762325314	2.25577379361302	0.69899609874774	0.49241561521968	1.75154411999187	0.81524365514757	-1.38077102111736	-0.67327906624300	-1.79444374973475	-0.64568616462504	1.00000000000000
+0.05759962389870	0.47666606632871	-2.29980099431259	-0.91606941901870	-1.51951180327084	-0.05499770172004	-1.25488096110313	-0.64141419724784	0.22677523134542	0.07101937844743	1.00000000000000
+-0.86944117028900	-1.08753944885838	0.41158312697693	2.24930530458561	0.91324913381460	1.07717565207917	-1.70615903204919	-2.26248868526506	-0.74356646807276	-0.12421014076589	1.00000000000000
+0.15248150408400	0.28997269226069	-0.66154576264719	-0.52078675104241	1.42536948941994	1.93176063843838	0.41639314513354	-1.52022985029459	-0.90138334054844	-0.73724168324567	1.00000000000000
+-1.65905096905646	0.19850031215349	-0.81381844371406	-2.46409085681954	2.04863061450763	2.57279105176933	-0.51843145934133	-0.02478715732044	0.48450211927089	-1.35517765075967	1.00000000000000
+-1.02969954468887	0.32558743585331	0.08951380083169	-0.71176494162194	-0.19850242266853	-0.28434038992970	0.51493657316170	0.08836802258665	-0.89930485093335	0.34125642852642	-1.00000000000000
+-0.72783527993797	-0.25740531892706	-1.55498646140753	0.75681754453345	0.67728836639708	1.40110979824709	0.17928737010070	-0.34283556029793	0.62514672907055	-0.06713416414348	-1.00000000000000
+-0.85836547315731	-0.56462491597759	1.26413380660785	-1.41124002574346	-0.26394486984947	0.95539926217164	0.61608283808548	0.27728694322049	1.02582909019478	-0.80798106479353	-1.00000000000000
+0.53117797067662	0.90964581705127	-2.05848404579858	-1.59517100107492	2.05729724277337	1.05916724901261	-1.14127867468378	0.63500847306967	0.03766225598551	-1.04698348672910	1.00000000000000
+-1.12327265201405	-0.20296888350456	0.60915838444443	0.33270904911525	0.77177021945753	1.55429449580730	0.98187693901236	0.44244472022669	0.03851350769921	1.49743265425863	-1.00000000000000
+-1.17463963408184	2.29142122279539	0.58548782086272	0.28134787835309	1.09715655809669	-0.22591997295984	0.67108396615509	1.15436572749144	-0.19151455859420	0.94678757198715	1.00000000000000
+-1.61016707611018	0.69728683895423	-0.18961611634789	-0.51556504832515	-0.41330496164307	-1.29158866627760	-0.36396892801798	-0.14977678363449	0.87495104345903	-0.47275247303538	-1.00000000000000
+-0.34075076502675	0.03153013805453	0.26373999679639	1.26319202971418	-1.51237781415629	-0.55903899562821	-0.28049324972810	-1.53969108766996	0.65086015835850	0.66060558301737	-1.00000000000000
+1.38258426810111	0.79678705731704	-0.74252840776893	-0.31879745764701	-0.45264511429838	0.25602145221581	0.86469649462200	0.13779507386680	-0.52829969459641	0.86308684532870	-1.00000000000000
+1.20133137461599	-0.05605932225197	1.09938689561783	0.81961461932254	0.12013504163580	-0.69045435718356	0.19347799604418	-0.19856237067170	1.13365020975814	-1.13547315060841	-1.00000000000000
+-0.02258372024099	0.01556992398982	-0.72678147364286	-0.38671763351355	1.12084034105730	0.84367028279559	-0.60862966622594	-0.69877117334435	2.33320723368840	0.76420464429866	1.00000000000000
+-0.03463822501336	-0.33301556568147	-0.61004662022232	-2.39013739114706	-1.31976098758443	-0.63443866885355	0.01437775148618	-0.57460237303261	-0.74220263047843	-0.80735609097434	1.00000000000000
+0.63782411973655	-0.92912501336494	-1.90440943310845	-0.06220129941532	-1.29494442830448	0.94788404647484	0.03915161936193	2.65489263800664	0.03113469171462	0.46610030036636	1.00000000000000
+-0.05355527540802	-0.44484910945419	-1.22060881385340	0.70266917535217	0.57118288909739	1.10191762712277	-1.69781396816646	0.79040677777594	0.57797004946215	-0.84101439296542	-1.00000000000000
+-2.28506727843012	-0.30734075036930	0.04158796217591	0.28849936944238	0.57798553051224	-1.24478292696205	-0.13306121207704	0.92054534122428	0.05072559925689	0.61599254603062	-1.00000000000000
+0.89939706710360	-0.18206426024792	1.94064819386090	-0.68624603521219	0.06041126792951	-0.06734217595937	0.80589960583274	-0.44373665987510	-0.39294274205696	2.34483126818705	1.00000000000000
+-0.14937798203104	1.04232277975994	-0.52096451266051	0.16111528512785	-0.71660555669709	-0.19827661278333	-0.84035247290065	0.69884122254296	0.04772371339477	1.37146614816386	-1.00000000000000
+-1.60850364790647	0.81621699156935	-0.42867128837575	-0.39133246138687	1.82145859726670	1.23666078271077	-2.85924853013416	-2.63604319997754	-0.00098248090236	-0.74582057118712	1.00000000000000
+0.53173774578047	-0.08991308135349	0.06889713042675	-0.23180035034545	0.70250596282611	0.92085665699720	-0.78396222257440	0.12415303344953	1.52857220329452	0.25880209253882	-1.00000000000000
+-1.19580289078891	0.11401552004670	-0.15875584884961	0.91849812608257	0.52711693911652	-1.40916033929389	-1.21790493505910	-0.48009382963818	-0.06297944221957	0.49261723010798	-1.00000000000000
+-1.12713852100634	-0.16946220959807	-0.98483372848398	-0.06091113376237	0.05277721258039	-0.81485300039699	0.95149799800147	-1.07563370543861	0.03583229756663	-0.81495348495583	-1.00000000000000
+-0.55656668991825	-0.39391185193683	-0.36318449423533	1.50598088670251	0.37899335824831	-0.02139714934109	-0.84033437972123	1.69291789462001	0.12854810639101	-0.50774072304215	-1.00000000000000
+0.40468479949686	0.28078070230340	0.19604581295503	-0.15745924530616	0.10059905495942	-0.61543572292890	-0.41028005513027	-1.46943238855391	0.56670545471493	0.36705282197112	-1.00000000000000
+1.06088048053485	-0.03842162328758	0.60564586269055	0.65593050314691	0.65663748117520	-0.42615826207281	0.76999685770274	0.72015587765390	-0.30118618093988	1.29145224415513	-1.00000000000000
+-0.28796934475858	-0.72925208618523	-1.12850043764888	0.09563126901516	-0.43979207373178	-0.19660144349589	-0.27264084097197	0.30951034115493	1.03705178092382	-1.94444494196645	-1.00000000000000
+-1.12978719028933	0.13964597528100	-0.19044756565288	-0.37790139035536	0.68742256285799	-1.39356873974525	0.60496329232197	1.32049373921383	-0.14132559359346	-0.75420202416689	-1.00000000000000
+-0.02037085181129	0.67952013430854	0.81670639631796	1.37685963392989	0.69954138243142	-0.03175213232641	-0.55558250284865	-1.25767643565435	1.26573847999803	-2.44416155141822	1.00000000000000
+-1.48266409800498	-0.34748639812528	-0.63290787343868	-0.12555229942696	1.83331806128809	1.15952013952841	0.73778941008040	0.72332584190085	-0.31433420408376	-0.81831837246580	-1.00000000000000
+-2.01646742473484	-0.59613667431373	-0.72994240770142	-0.75092631384476	-0.08786931309160	0.07165227722484	0.06900478676999	0.47469099562074	2.00297384269108	0.13246285676994	1.00000000000000
+-1.12953068895186	0.06941179898830	0.93349284942475	0.71399944817525	-0.50905664107334	-0.69926039714769	-1.10439376269227	0.42965632615016	1.33636035063934	0.45280472982773	-1.00000000000000
+0.66459443923664	-0.12304982658936	0.25068511755357	-1.40151534180841	-0.61915053996654	0.98476660840472	-1.42668321804600	-0.54965971316997	1.25427248315807	1.37901951655596	1.00000000000000
+-0.34450108654102	-1.51982201665261	-0.88450789962728	0.54201604716408	1.35500560746915	-0.19762771159293	-1.21860448388766	0.76339885253939	-2.23397664581531	-1.19824548110376	1.00000000000000
+-0.01315855707128	-0.36125967799021	1.39733905184287	1.43257875493047	1.22332880792543	0.58830520956393	0.74229425803401	0.10480127929644	-1.00990795376863	1.10209657183887	-1.00000000000000
+0.40380676850681	-0.43564303310005	1.37085985990905	0.62903681956764	-0.34559648934735	0.74242531396555	1.43607399303172	0.47131771378821	-0.47368462048698	-0.35697155565962	-1.00000000000000
+1.14141795022863	-0.17260952497609	0.60339531111547	0.69479283380877	-1.68642923232464	-0.40810857829893	-0.15286327212185	-0.30144929929129	-1.71869265374916	0.49207906949631	-1.00000000000000
+1.55037184680090	-0.26277335615901	1.41748802662842	0.47261546370231	-1.79894121752092	0.55822855993323	1.09337648281663	-1.13173682001080	1.02743916722131	0.03039037438105	1.00000000000000
+0.32431728180258	-1.26429173180187	0.41199527307090	0.23299329450268	-0.48595044649039	-1.72796894267739	-1.22667223245503	-0.02763108457847	-0.82413618938469	-1.06349382195571	-1.00000000000000
+-0.49374236218300	-0.02532699067795	-0.18411803482262	1.46894547173617	-0.13083903818284	0.08893248570269	-1.32309799925162	-1.37517793100784	-1.43831359963971	-0.51300586595291	-1.00000000000000
+-0.06163993056068	0.51699990488001	-0.07984305181098	2.25876564451700	1.02535375760799	-0.47792434396748	0.57598526216642	0.58781364243851	1.18430858631251	1.85802163927522	1.00000000000000
+-0.61605478551268	0.03666917216476	0.45015225065895	-0.05441884071239	1.74228648328259	1.38843423102900	0.71191702993245	-1.37231701920781	0.49740445332362	0.78521294355349	-1.00000000000000
+0.77382599937506	-0.83938680280306	-0.73198205001743	-0.18124595831427	0.29659303342641	-0.77248430743570	0.51226489204120	0.27157103900536	-0.76120291216324	-0.06073913308352	-1.00000000000000
+1.35510006846529	1.58867105031790	-0.42515341157821	-0.94765769351387	-0.44362499616483	-1.14036678275878	0.15419981864906	-0.61357362201088	0.84978337990440	-1.69664847351143	1.00000000000000
+-0.86630579093627	0.98490356234500	0.94257487673187	0.32741672850428	0.55111838581261	0.01246850664396	-1.39700417562962	0.58527139753851	-0.88248768004628	-0.06442865103080	-1.00000000000000
+-0.41087130548086	-0.09127155549016	-0.89061008654333	0.24228205013814	-1.02809846911417	-1.66775277088812	0.74866243447677	0.34226210610799	-1.08828097019128	0.70404366050309	-1.00000000000000
+-1.19029104954030	1.25790453246539	-0.48193546659230	-1.89106552532485	-0.16225990388808	1.67869010608846	-0.24210764843843	-0.61879154807579	0.59250514866193	0.73997472599272	1.00000000000000
+0.22157198718942	-0.52325744995525	-1.26312204965078	1.41105773267713	0.21773621046061	-0.38604514335883	1.21298844650657	0.70919488237024	0.18149662329392	0.46814211589219	-1.00000000000000
+0.92702379051554	1.05819433015140	0.21624672815429	0.50500150957897	-0.18452144570305	-1.34484670327229	0.82954990640367	1.61589559095856	0.97506712855200	0.47509280147069	-1.00000000000000
+-0.07574341076057	1.43576869732313	0.43429586282445	0.00816260271489	-0.81012778257371	-0.29688777915587	-0.44167975136790	0.86729373878621	0.06899332157340	0.75261941758477	-1.00000000000000
+-0.92993358958865	-0.64380322234190	0.18559729832369	0.34085434701734	-0.85139113000187	0.16445852299828	1.11143957587371	0.12506245313279	0.46497965534507	0.96621860730512	-1.00000000000000
+-0.23329813325441	1.03566475509521	-0.91269101251220	-0.17442356637991	-1.40011219478760	0.10588659571402	-0.50285176805781	-1.14828037358342	0.63410813817318	0.68768945296843	-1.00000000000000
+0.00333253397752	1.53508568356538	-1.21145894979711	1.66068862090510	0.87459593961868	0.09995094200136	-0.30319016047348	-0.36581988517270	-1.74607348599194	1.91501047881240	1.00000000000000
+0.15746101165618	1.26845596249284	1.30481753060358	1.22267924950366	-0.30425814757284	-1.61460217913914	-0.20539914587411	1.33902856475160	-0.63328924673821	-1.88692630453875	1.00000000000000
+0.84942311980892	-0.89706164249446	0.80782228791111	0.40398408813709	-0.23263853187153	0.47715190328380	-0.05149337948135	0.73585519517116	0.55134182918616	0.11072981662983	-1.00000000000000
+0.11155223186294	0.23248457353448	-1.22020526495394	0.35351343110091	-0.48303197809915	1.57823193646260	-0.85390570727055	0.14712421587555	-0.60310980775993	1.14314967497441	-1.00000000000000
+1.30570253009503	0.88502958809850	-0.86639679646724	-1.55796146794641	-0.50797413444772	1.62583516074273	1.11300190789557	0.68269365447440	-1.26347674670289	-0.27366033015193	1.00000000000000
+0.27568417751876	1.15269098808347	-0.84521264651472	-0.28409436598439	-1.85958599024387	-0.24472743424224	-1.09997008811822	1.61412411889569	0.06145659587301	-0.47530770830615	1.00000000000000
+0.43451065067952	0.53170059468792	0.12575235678753	-0.37676713991716	0.34755923483160	-0.46396032628434	1.62356140835324	0.46246378539201	0.84951470659520	-0.76833832655134	-1.00000000000000
+0.11681380412731	0.74194765343480	0.71555220060964	-1.55986069744285	0.69406110614938	-1.28533820579553	0.64584410314375	0.67614939080024	0.29564845244455	1.49475881392415	-1.00000000000000
+-0.11524475414629	0.94943013294064	0.87862653636168	-0.64949625327802	-0.04075101667981	-0.35882440834858	1.29481410771872	0.92737745861143	0.70625248329259	-0.95506215812393	-1.00000000000000
+-0.16379316793535	0.42543300549564	1.01854051703035	-1.41988293462771	-1.87412631942956	0.69738953141689	0.17223492248080	-0.64883356177375	1.13800124192552	-0.65136129639386	1.00000000000000
+-0.28628310458538	-1.27496404673913	-0.90723306545686	0.65966458087203	-1.05877209525628	-0.69833330717965	0.86973935652564	-0.28893723309638	-1.21459054502852	1.49556152309903	-1.00000000000000
+0.20346533651475	0.49575031069782	0.76985447033630	0.86715681098061	0.56505359060487	-0.24891989123050	0.86769656739407	-0.40087239087092	0.24123914728028	-1.85150457925210	-1.00000000000000
+-1.03842725937266	-0.24704914356464	-1.17562870070847	1.55301065248711	0.06881969462809	-0.30931785936939	1.52787349243659	-1.32317265723473	2.79972160116152	-0.97371818367695	1.00000000000000
+0.01794531056323	0.69830193728327	-0.58978216382195	1.09190798671149	1.64482655429917	0.40535930035162	-0.57459199492143	0.32265945210369	-1.26481479389522	-0.43569299528062	-1.00000000000000
+-1.52460968241850	-0.29259965620118	-1.85588298286561	-1.04035038100538	-1.20730969200964	0.47604010656951	0.53619452038256	-2.10863478593786	-0.51468218057027	0.65085558182362	1.00000000000000
+-1.49344289281039	0.38613925498147	1.20753874962002	0.66365194734341	0.57411256268282	-0.86655178171297	-1.47960024473664	-0.34145826863164	-0.18240118193201	-2.94703014041425	1.00000000000000
+0.43974270851795	-0.17218880705486	0.43762049473159	-1.62469714675567	-1.16601439619985	1.17937490360532	0.50167321137477	-0.07932745294742	1.35947545352046	1.18467485929714	-1.00000000000000
+1.01109637307072	1.44930090968461	-0.69574589447549	1.96785582252308	-0.62624080798757	1.80278401296934	-0.60554566258918	-0.31752605821625	-1.09077528179223	1.14857429343461	1.00000000000000
+-0.21683172823990	0.58489743607708	-0.48343779515798	0.87353632359711	1.07185050999223	0.14716723547166	-0.31483056913626	1.39534055136173	0.48721232690384	1.00597628256878	-1.00000000000000
+1.03013912961564	-0.28792469962236	0.35152536341086	1.84541598768624	-0.26988576508191	0.27032457828335	1.21702662187484	0.56065441246238	0.23869349171000	0.29477330908724	-1.00000000000000
+1.01308190527645	-0.08762809843240	-0.29076458920497	0.66378175465754	1.67983607605203	0.10404204646978	-1.31822844969153	1.48379779428769	2.33180881060153	1.06707963916376	1.00000000000000
+1.01655113092584	0.32592837087804	0.40254143936957	-1.09523685740505	-1.10828013559954	-1.09688772777241	0.16260213043083	0.94008415030489	-0.01951227107072	0.92586410825333	-1.00000000000000
+1.95693734628037	0.52867056621029	-0.77563126669529	-0.69951909743919	0.05623321756085	0.46545042046505	-1.15490670786951	1.56883968324462	0.68941296577051	0.67599196629808	1.00000000000000
+-0.78463150036870	-0.28740377942617	-0.60374258717176	0.24645724637995	0.30181247975197	1.26009204579744	1.12560211309316	0.71444626553801	0.66080569439754	0.64691683239743	-1.00000000000000
+-1.23639026643853	-1.45067464900583	0.28493581333118	0.35944786003454	-1.79197318305192	0.76368529098354	0.57231729251319	-1.36036735316332	-1.28776432463917	0.75658808690737	1.00000000000000
+-1.03982057057281	0.46656621218018	0.33104058584330	-0.30723350140901	2.17937281652241	1.06111301512409	0.00613978397384	1.67910727655300	1.27673609149906	0.82106502783511	1.00000000000000
+-1.25486433708973	-0.30941926024686	1.56344662100366	0.99655194233109	-1.27637328456040	-1.22132964144852	0.86086543983503	0.59666921581519	-1.03118282038195	0.16727766885986	1.00000000000000
+0.69053662373468	-0.27507401315244	0.50250518960096	0.30143898599005	0.79451542601310	0.10581602173649	-1.76109112510419	1.04237321320404	0.49295265268611	-1.01043699132697	-1.00000000000000
+-0.28771826749922	-1.36829198274959	1.70205910708036	-0.38276421862285	0.40736506025587	-0.60716379942106	-0.89565171706917	-1.10278280693977	-1.18121942469086	-2.29124103744266	1.00000000000000
+-0.69378754778774	-1.87410079297012	-0.09444883878769	-0.03247827947151	1.35809911941967	0.69028394482901	-0.40106122386043	-1.19644789253687	-0.34559825594244	1.53332905922806	1.00000000000000
+0.64551541106148	-1.26683604241301	-1.56234523300768	0.05303978511864	-0.53158487355213	1.22184689001785	-0.07487314433017	0.55619842612056	1.42897868226641	-0.78173325512368	-1.00000000000000
+-0.15852054883984	-0.80704316551814	-0.60264949537544	-0.64040656356564	-0.72484968611518	-0.18076137785026	-0.59398074508042	0.99502859055256	-1.73074206458992	-0.74633331255608	-1.00000000000000
+0.12064178848663	-2.02532073367719	-0.74661289869718	1.87068562203099	1.09199725475642	1.28039817385889	-1.16884035794809	-0.86823219632129	-2.10931735272249	-1.48609348638249	1.00000000000000
+-0.96733388967201	1.26991500789300	-0.48792112623791	-0.81734186289291	1.88025152447931	-0.33056410867479	0.12049245100417	-0.73405275080112	-0.96779642342902	-1.18213625697919	1.00000000000000
+-0.12675478648120	-1.50399385761003	-1.03824648022362	0.37266385190499	0.30893692339873	-0.38615523455542	-0.20045227040326	-0.68266733529439	0.76018437878398	-0.67109036293884	-1.00000000000000
+-1.09659794896914	-1.48767369107146	0.14351989461656	-0.73701757359799	-0.82403096381583	0.53482991099234	-0.02268934910827	-0.72575519055260	0.00033580518047	-1.59127714984263	-1.00000000000000
+-0.88208236734093	-0.09595078647232	-1.08454617114751	0.93943142132180	0.16798484651005	0.66977484239064	1.22414458767339	-1.97239027669245	0.96522597930805	-1.65178646922048	1.00000000000000
+0.98811263496875	1.42636688187710	-0.57548731486852	-1.02780420435193	0.11741758695686	-1.37489659183886	-0.72945347153440	0.33231592508400	-0.11530083329596	0.04799697786567	-1.00000000000000
+-0.89195243183265	-2.74995324801969	-0.43975738812787	-1.00237342242919	-0.29662795160340	0.30724299562686	0.65274142970672	-0.34175583869485	0.32155926437388	1.28815538103530	1.00000000000000
+-0.47760506954309	0.49701709105934	0.93835589357998	0.35209230037654	-0.07703455579739	-1.14951629536306	-0.54672517597941	1.01006903127283	0.74705787259860	-0.09702281865472	-1.00000000000000
+1.90128791701411	-0.08947540826416	1.52654882638484	0.05740558428379	-0.58378697816234	0.10285390565803	-0.55671241275278	2.36167819510377	-0.31195730102117	-0.74852716738309	1.00000000000000
+1.77817693118145	1.14372340930392	0.09038273571580	0.28417775356167	1.46314900897065	0.26352142075006	-0.53658658706911	-1.20944239231023	-1.66023070504344	-0.55801753183464	1.00000000000000
+-0.38463319190903	-0.44327009404068	0.03805006793251	0.20646878406619	-1.05535140949482	-0.03852397772067	0.29564601904945	-1.24972298686465	0.92387724903875	1.99595607401816	-1.00000000000000
+0.33331398273217	0.12401027804197	0.97498306019763	0.82686576949180	-0.06076256232673	1.30248245503501	-0.30131033073292	0.07938658583655	0.16343408623325	-0.69530983204705	-1.00000000000000
+0.23812658389232	0.22343870714495	-2.04791975769245	0.08830474133707	1.78984057772379	0.98806128424947	0.42853235338134	0.65584981657188	0.52827350889872	0.90129753694278	1.00000000000000
+-0.12906005824830	0.28312916066029	2.53019457028044	0.53977696500511	-0.04444151428426	0.40434059603925	0.08012681246526	1.03095765664228	-1.05179768830187	-0.46120887221266	1.00000000000000
+0.18324830892347	1.74189921422488	-0.14284586887595	-0.54119908284345	1.06112122765588	-0.67968972848735	1.42069849260137	0.75965845411183	1.31158944308720	1.42410018777469	1.00000000000000
+-1.76073153825218	-1.07906623723679	-1.06009925160346	0.85133822018817	-0.32571966448486	-0.12820247482000	1.17664967531097	-1.62598071817845	-0.62828501486168	1.55562542000129	1.00000000000000
+1.21888574697320	1.08207315060811	0.16730314405018	0.10780215148344	-1.23668738373146	-0.32760105774629	-1.90910126111529	1.79812971655088	-1.17264289628069	0.23646698351588	1.00000000000000
+1.71785499559643	-0.12405270715741	-0.81262630527099	-0.40529202919529	-1.30593492046216	0.91989564000018	-0.73933139149364	0.80047032737780	0.45531340579100	0.54197020422358	-1.00000000000000
+0.99036353522119	0.57914627909998	0.83567549329507	-2.12194980157943	2.04830994051403	-0.61695257397176	0.27563920362919	0.12183246724854	0.07149950062171	0.35348097711434	1.00000000000000
+-0.99050380604456	0.08840275967449	0.28849184822161	-0.71448479666222	0.69041067759693	-1.15911523338369	-0.98549967170122	0.79009198581738	1.61901796989204	-1.86750202777898	1.00000000000000
+1.66316247198588	-0.07814939279743	-0.35461247488260	0.00122297165594	-0.38769483675141	-0.47780607135388	2.30866068362653	-1.48971100960122	-0.33333261165595	0.45675612874228	1.00000000000000
+-1.89373070966701	-0.47189796070058	1.01974762938241	0.19478950912636	-0.08049302731351	1.09397922339819	0.85950571606842	-0.85734160610855	0.62207547975438	-1.54894211326373	1.00000000000000
+-0.97555559578561	-0.50896737396393	-0.96070568235130	-2.23210258371457	1.02935760103328	-0.32801511469510	-3.23770825339177	0.16553353174425	-0.72943869985237	0.76235629835332	1.00000000000000
+0.40437611321326	-0.79763055180273	-0.75316738741562	0.58179064602818	-1.29757731876118	0.86583925617398	-0.21945827874299	0.09804332080305	-0.42587265333523	0.84606654128088	-1.00000000000000
+-0.59140950007727	1.05934833908194	-0.34011823009272	0.94924096285796	0.39061092882713	-0.05677788094549	-0.22388771979530	0.48918477557578	-1.28811815340070	0.96521795488257	-1.00000000000000
+1.47602336062049	1.00045337001752	-0.11087941658987	0.48070998629426	-0.44435113272465	1.23879964554388	-0.75964963750254	-1.43730231917048	0.69921889878287	-0.17059281867191	-1.00000000000000
+-0.43748990121135	-0.47845869402281	0.76727639887446	-0.43004952085359	-0.68399435239897	-0.45930925218189	-0.07947027541125	-2.17065814795225	0.51551791527045	1.40657466970338	-1.00000000000000
+2.09681648639020	0.68472511893529	1.12931850777538	-0.38647837907726	-0.19416093776991	-1.16920764667591	0.44396275840243	0.00454516684294	-1.26692859888209	0.66887409639176	1.00000000000000
+2.33605118088782	0.14233098921503	0.26388331157300	-0.46706599755939	0.67007777669118	0.26899166022791	0.51721396467769	0.93886752242839	0.80436275409519	0.39354824801375	-1.00000000000000
+0.23643060003099	0.38253484176493	-0.67898288012722	-0.37344507928101	-1.01218474440787	0.18537193948467	0.89540529775179	-0.04900582334170	0.92017223636090	1.21521516690658	-1.00000000000000
+0.14235338587431	-0.54323923525691	0.25090439681470	1.43640778633971	-0.76398775491966	-0.49476678962340	-2.34608438298195	2.02472557993357	-1.41946805438669	-0.13969296730154	1.00000000000000
+-0.36355087157880	-0.97532065115642	-0.64395135782284	-0.10762694260688	-0.21030683076596	1.69998976152481	-1.64904711232332	-0.11262085658330	0.50894150215796	1.34333515846165	-1.00000000000000
+0.41879447779823	-1.61038651286945	0.13900456390244	1.47975971205456	0.33585181465770	0.72141613567521	-0.60388117855068	1.11492221280902	-0.54490807619009	-0.26905671664824	-1.00000000000000
+-2.28500323591650	-0.04737855803854	-0.47478560287731	-0.70255717785078	0.13531311979551	-0.63366674274200	1.82700564905568	0.23351890473278	0.23319572158829	0.07903838507840	1.00000000000000
+0.81836573837776	0.44760130973726	0.07063981681238	0.40227116892958	0.13926636813363	0.60357828897636	0.14394488760371	0.86744076616766	0.44385457602721	-0.70991097594213	-1.00000000000000
+0.48456561615298	-0.53073590096024	0.37267562137018	-0.03880758326485	-0.09857300622067	1.05736338727555	1.42691306877020	-2.02269083252886	0.00315485484749	-0.44616932305763	-1.00000000000000
+-0.70672609310458	-1.05067239374622	1.31784761173781	-0.14140923279423	0.48512665262287	-0.58340791538645	-0.75079637522315	-0.62226383603080	0.34364186355119	1.39057108422882	-1.00000000000000
+-0.86540678896350	-1.25657730550046	1.84210934247049	1.18538270865437	-0.48183172936489	-1.00771889036524	0.74727388977927	-0.82975181485031	0.44226705487180	-2.33761588588598	1.00000000000000
+1.93479061377165	0.42375573568113	-0.43616467506986	0.32233489739145	-0.76248509075545	0.05558681207118	-0.04465323743980	-0.05015847243964	1.46710440003513	-0.41661938094515	-1.00000000000000
+-0.03606297352893	0.62528650016139	-0.20202911189378	-2.04905626743351	-0.42557898000573	-0.07340167921439	-1.16633248849634	1.56039847694914	0.04527239986623	-0.30627404677773	-1.00000000000000
+0.04335180369066	1.45581230771007	1.67581776307535	1.19164238012221	1.84104534812046	0.10740158086791	-0.65095112725689	-0.08893017470131	1.04680383682971	-0.77975546575407	1.00000000000000
+-0.11852774348584	2.19755997248191	0.07959155485132	-0.22319630108508	-1.87499556536134	1.00060972422921	-0.62554269919071	-1.62682447532741	-0.39646008683230	0.79870767535593	1.00000000000000
+0.84041934367994	1.03619716500586	-0.35154662307325	1.48815868184528	0.93219115540209	1.24455655902901	-0.07816892790415	0.20404570884814	0.92816100679009	0.79983079873471	-1.00000000000000
+0.25664332116301	-0.44038959270929	-1.74646350930214	-1.27141006007721	-1.51296561444789	-1.03357153701761	-0.22240520357125	1.28392808126580	-1.28743569042351	-0.25443297919030	1.00000000000000
+-0.34756154020147	-0.85957665443889	1.02541107969577	0.29720932187127	0.72639481936633	1.69208443660974	0.30620796346737	-0.65931639652771	-0.33727306809233	-1.33768940018940	-1.00000000000000
+-0.30217739141700	0.58916408921498	-0.60040630433209	0.91375557467020	0.16567711619212	-0.53773766456871	-0.84192878822394	-1.24906567990766	-0.06535082651784	-0.06862586587792	-1.00000000000000
+0.30756341246802	0.26578745171806	0.21053845042067	0.12144076729442	-1.52958444282015	-2.06432003582358	0.51604643981001	-1.43150949786916	-1.45781325742649	0.20785650240526	1.00000000000000
+-2.09475284530622	2.35890779248079	-1.45308037621148	0.08874457409567	-0.31740647862546	1.05176414998999	-0.98325427458137	-2.55285642953550	-1.00188179355582	-2.33501406334144	1.00000000000000
+-0.39754140543311	0.21529783165958	-0.19226944900001	-1.54792697791752	1.76978176250926	-1.05509887962541	-1.02721777379564	-0.52434874073534	1.93883429861340	0.26941529416636	1.00000000000000
+-1.58829672067472	1.66920278088420	-2.17904055674982	-0.88478837783506	0.21742751031655	-0.52003593301909	0.26371934433780	-0.15183098908538	1.28285968212476	0.31353942896313	1.00000000000000
+0.35457801646040	-0.00912258773196	-0.45347753415141	-0.13239466600169	-0.54547910959724	-1.33769986666473	-1.85261307093368	1.61429733941054	-0.20338440593766	1.82785137542508	1.00000000000000
+1.08258908713533	0.03490224134761	-1.12675898751422	1.49711616547508	-0.03603411241269	-0.33843073916932	0.30716707373887	-1.07827895782648	-0.59168251505924	-1.17629496450392	-1.00000000000000
+0.97680795110392	-0.67223746256388	0.81491325740241	-0.21350632830852	-1.31783079643200	-0.76081634839984	-0.97802865826542	-0.23849937360563	2.07817433137002	-0.12097847737486	1.00000000000000
+0.96339641193748	0.97203270859432	-0.69638057251825	1.32961223491738	3.10055264671825	0.01095822107840	1.04517802440703	0.49677928105061	1.82881464703708	0.42400725255451	1.00000000000000
+-0.47893464875860	-0.73193219538941	-0.57833419533537	0.25994322040973	0.61679350737969	-0.44706650098555	0.08764099750438	0.24485521129896	1.29063143330545	1.26628064447585	-1.00000000000000
+-0.56593471269040	0.48809167862862	-0.44689967262038	-0.72112403752931	0.39004762186825	0.60293955951466	0.56363528367759	0.15774181633630	-0.45324885331899	1.68912231298642	-1.00000000000000
+-2.07793167560213	0.83035347369458	0.87402504534207	-1.36357245600742	-0.87299186311626	-1.38945443608015	-0.92867846484487	1.11742967712342	0.14554056259397	1.74201010815901	1.00000000000000
+-1.37922282667005	-0.26657393091158	-0.25854739093289	0.97006374902163	0.03947175561551	-0.00848703898815	-0.30935151216451	0.28302119126531	-0.73260756240667	-1.46210327297389	-1.00000000000000
+-0.24121283252309	-0.81228961301075	-0.08596401128411	-1.46999274828898	2.21910494494851	0.82742407431896	-0.25359030997270	0.06266553863809	0.57577115236733	-1.33255647130415	1.00000000000000
+-0.01249867969400	-0.35185510444489	1.29289229197742	1.31643871305796	0.23492138081359	-0.34260930492104	1.11600841128918	0.72158652465402	0.27415816745081	-1.40043372831186	-1.00000000000000
+0.01823057924317	-1.41694426292649	-0.57620827984192	1.85698605542096	0.24299596733309	0.85352211036627	-0.55748895136063	1.04417151430543	-1.62086087087845	-1.42952600444871	1.00000000000000
+-0.64788350655737	0.50170500446368	-1.51832625878551	0.23849844266966	-0.11855492765581	-0.94728339614378	0.50341927181245	0.39581022713471	1.92490307879511	-0.38440384482452	-1.00000000000000
+0.59121596051523	-0.37083654967328	-0.21498109724931	1.06462032862255	0.73671273572820	0.22863061776483	1.78412643155792	-1.14888657599611	0.73075547545035	0.13427395967317	-1.00000000000000
+-0.18810701607221	1.35566479081665	0.14249838586379	0.88367032704468	-1.50640746780261	-2.12958338769397	1.28965000845334	-1.12448347242418	-0.51203225662203	1.69263258422868	1.00000000000000
+-0.43888783240206	-1.86731350139345	-0.20309307932483	-0.46650948714419	-1.83868717381232	-0.50310064619174	0.52191669288597	-0.59399082206141	-0.52038773146321	0.07546400798911	-1.00000000000000
+-1.16097605323127	-1.48105607892737	0.69701315882533	-1.80198292800242	-1.35577807860446	-0.60976677707486	-0.66851069395765	-1.39486836430429	-0.21231701808812	1.06554599800445	1.00000000000000
+-1.39126243666796	0.55852248117931	-0.85650297550546	0.87562572242703	0.57652978100844	-0.60500993661997	0.20893623936225	-0.54462744197254	-1.50656903964834	0.63270389669236	-1.00000000000000
+-0.00464693687471	0.11380895400140	-1.30007223469398	0.50806582668447	0.90055220890251	0.12019366065554	-0.54529185965973	0.74852591767302	-0.42355429153671	-0.75936130264757	-1.00000000000000
+-0.35437925987899	1.09966029731174	-0.08706977267282	-1.49435655392777	0.56170018507173	0.15228820804071	-0.85350261084418	0.48040646384421	-0.69374333503380	0.02520999347924	-1.00000000000000
+0.46803667189807	-0.85604581477263	0.62862813687238	0.51752723623677	0.14329210357036	0.64573822450267	-2.12313478411783	-1.15163880179488	0.76100002135353	-0.49838758972047	-1.00000000000000
+-1.62721727641059	0.22743322645615	-0.76395614720669	-1.58888386002005	-1.01257589371207	-0.79400741298084	-0.11527395330743	1.58902856975031	-0.33925949031862	1.00490455487435	1.00000000000000
+-0.69460777595003	-1.17627338134612	1.33895802759919	0.01063574735473	-1.64014951222106	0.19065461737654	-0.75864769752303	0.51059045480129	0.15266270211043	1.93872130126485	1.00000000000000
+-0.06358795083366	-1.44155312840479	-0.39085756774647	-1.91674579378345	0.98761133820424	-0.78284816669984	1.26373888171381	1.99122931254337	-1.74292336593906	-0.24181394073581	1.00000000000000
+-1.04964442025108	0.40624228129606	-1.06944143475216	-0.08794225722961	1.51206351136147	-0.43587188322373	1.27192330646703	0.43362479340682	0.15700898372999	0.02558963850496	-1.00000000000000
+-0.66637080478226	0.08964466235568	0.35541002401241	0.25627324481610	-1.08560743520992	-1.41891350387303	1.09337513172381	-1.26078124697602	0.11773432544079	1.65854009145922	1.00000000000000
+0.38838423501020	-1.65746928208215	0.40455545428069	-0.46959954196541	0.41943555870832	-0.66603193401655	0.41112575979763	0.87503309603074	0.29868967999965	-0.65692909091565	-1.00000000000000
+0.51259328447713	-0.38820655386589	0.88503362681648	0.68363522499077	0.05130933069476	-1.87600839070279	0.81625037504666	1.74223534435452	-1.45098771689692	0.10059031201674	1.00000000000000
+-0.77116022861291	-2.08461256723324	-0.66578724782385	-1.57607335054629	0.07354391155172	-0.93173854993439	0.31659959287727	-0.38574763378652	-0.55234556838539	-0.66752811112749	1.00000000000000
+-0.28843123450850	-0.54474462297285	-0.59762134664532	-0.78382593025992	0.74416029683071	-0.19042284422546	1.33721631099685	-1.20244676936733	0.55683753411922	1.70484681177474	-1.00000000000000
+0.70946958403884	0.32588328041306	-0.54510811971858	-0.16729079062244	-0.26938522556883	0.69597573783636	0.47766405351414	-0.36677371731981	-0.29703978695009	-1.19353210280652	-1.00000000000000
+1.80565945721726	-1.81206803431522	-0.69625212989960	0.88275339494856	-1.50438295378554	0.45131052750357	0.68847728445685	1.84705545175391	-0.60492087378509	0.02698941444460	1.00000000000000
+0.63281034043590	-1.08676829349660	-0.75779456794694	-0.18252411510703	-0.79237441962184	-0.39130045134771	-0.51271685869831	-0.48088494427026	-0.99778090145891	-0.75711397960882	-1.00000000000000
+-0.07847050028814	-0.42075077886829	-0.93970728391124	0.55652480456545	-0.43909148204640	0.13355029264323	-0.46847815689652	-1.12525222372627	-0.11984101856243	-0.93107598184037	-1.00000000000000
+-0.05505239467250	1.35003208125476	1.58364135850505	1.33041781276035	1.32514005996822	-1.68040057803046	-0.70633389360971	-0.90275580924829	1.22613244075365	0.13227905300740	1.00000000000000
+-1.11012224445165	0.25987206171983	-0.38795177337758	-1.37495511938484	0.29652032947576	1.65399586939130	-0.06774763289061	-0.15526176449374	-0.54664516515531	-0.71365315518645	-1.00000000000000
+0.34689538715764	-0.55783942259203	-0.66703709568734	1.35286834705106	-1.59034458640075	0.53460203543898	-1.78556270186032	-0.62987931651723	-0.27859095806630	-0.66580258008088	1.00000000000000
+0.06561433178279	-2.04767616838824	-0.88795068414363	-0.10324233879033	-1.95620086724709	0.07064771763937	-0.36096162889305	-0.80692284026217	0.48325296232532	-0.23235255474600	1.00000000000000
+0.02249428327339	-0.50013338937957	-0.28093713798213	-0.01055327543307	-0.18697206172617	0.08713183733815	-0.35630889415647	1.12533594768274	-0.76406275155250	0.74207226391378	-1.00000000000000
+-0.75126151937565	1.01685122374811	-0.57158538604300	1.32969013544388	-2.12527738018813	-0.54756856557429	-1.77038995135675	1.01912934475699	-0.80516875312517	0.24367316436801	1.00000000000000
+-1.14101992678460	1.04388865012234	1.15054744493906	0.17178408973847	-1.51986513408569	1.09523429323931	-1.28220415437865	0.02434177007228	1.39926436273912	-0.33688255053962	1.00000000000000
+0.23824506084657	-0.27907389588571	0.75285591929735	0.44241353148133	0.17297223951029	0.95560391346944	0.87523676279280	0.81430184701597	0.66946061191731	0.85584693592515	-1.00000000000000
+-0.36693764575630	-1.40911453426486	0.12692564613758	0.08753996363675	0.88010180109740	0.02296079097457	-1.84445965676965	-0.64914625350492	0.70746715599768	-0.11262593713652	-1.00000000000000
+0.90134234012827	0.61073739025443	-1.14971496570822	0.82786355264522	1.88456764487786	-0.91904839416297	0.39485803549512	-0.41511426558565	0.34277316880990	-1.15503498973800	1.00000000000000
+-2.16866306943262	0.10691115972338	0.58621476664547	0.25806658543430	-1.09766117865177	0.18328073941749	1.57108544457465	0.88770271378513	0.67893418664495	0.33090505513457	1.00000000000000
+0.49752387814665	1.30778081387196	-0.94875153087434	0.48589769654411	-0.28593939884674	0.05445298578625	-0.58726263115784	-0.79710838860192	1.02472274448829	0.84235080285114	-1.00000000000000
+0.39239315443067	-1.31163929099785	1.02055943440031	-1.16699043310949	0.06854064313706	0.27215215379681	1.13206743492519	-1.37697313004306	1.70861348661897	0.69974582304605	1.00000000000000
+0.96149815772864	-0.04026144422688	0.35371259274735	-0.50626701832470	0.46656942278016	-0.44431795090910	-0.00897125114118	0.00551958936566	-0.11145434985708	1.39882204696106	-1.00000000000000
+0.44572823177286	-0.75958665701251	-0.07018680388127	-0.03859238606065	0.11899097946499	-1.71619502712649	-1.97741473360966	0.69450919268812	-1.00565050662232	-0.70851903105941	1.00000000000000
+0.44198500211155	0.58025596978822	-0.08240056783246	0.10581935425260	1.80494703004613	0.70737620880477	-0.34191415441218	0.44436472491934	-0.72444407636310	-0.63493142061792	-1.00000000000000
+0.56389846441579	-2.13808057734302	-1.09652877089116	0.37989157627727	0.89959407869029	-0.16340286318699	-1.06440742003006	-0.57918623708650	-1.45856121777927	0.95438237207553	1.00000000000000
+2.39407896268818	-0.15434743872709	-0.52592146673508	0.11062484879862	0.92927893016155	-0.74251948715206	0.02823691052534	-0.52407951357489	-0.93254923170594	-0.71953176475718	-1.00000000000000
+1.52304262760804	0.02598736941339	0.55884291444365	0.21513276183640	0.73044622884386	0.98267260373929	-0.02659486321402	1.75583167392236	0.70095160769544	0.21922468633687	-1.00000000000000
+-1.38004835738812	-0.42889699933964	0.15494555507766	-2.62120359894832	-0.44178634966543	-0.39722270957511	0.15168701713575	-1.84975696616113	0.65903049230728	0.01412005601130	1.00000000000000
+0.60680996973635	-0.78306332374722	0.46564957878382	0.25499689303989	-1.21853790579788	0.39316659721538	0.07378891270799	1.43429313506102	0.08205224050228	0.27326479605955	-1.00000000000000
+-0.51178405089872	-1.88114257733431	0.51479305586885	1.57018186008957	-1.21582547784642	0.45776411996702	-0.07911088180320	-0.45829985461602	-0.24617153891841	1.02883122815288	1.00000000000000
+-0.23991163797731	-1.07921451970285	2.28146647651005	-1.37115758574132	0.05883796554932	0.43028750564923	-0.47095943532800	0.22889867122544	-0.89281766518420	0.42523046425320	1.00000000000000
+-0.14806078753291	0.92146982071707	-0.23430504245115	0.67580022196751	0.46686203155085	-0.67331941209532	0.72725209217481	1.25561257743014	0.33119811232216	-0.16279444764618	-1.00000000000000
+-0.11810635512582	-0.06076777819721	-0.51740347944129	0.08193207979993	0.14720941670155	-1.15009208597486	0.42216659090612	-0.87069886982153	0.35206744260385	0.39621429675085	-1.00000000000000
+0.05857877031161	0.31241458200640	1.72985581666047	0.60615647172116	-0.59159597878360	-0.70388113470729	0.02580272243431	-0.36225637819498	-2.18602440541609	-0.12324941959681	-1.00000000000000
+-0.04149216784300	-0.80719349261645	0.36563914229806	-0.01644398242553	-0.89867982597966	0.93798978867543	0.99654520281365	-0.24387461001356	-2.66556953099197	-0.28204129243113	1.00000000000000
+-0.38291835351787	0.80173625717027	-0.04573918040282	-1.75783833351290	2.32404742230453	1.31426640645393	0.65018907636954	0.46443811194185	0.82705826892692	-0.85220259807429	1.00000000000000
+0.91530813621956	-0.03341152862389	1.13546106309843	0.48500155244375	1.06739885315736	-0.20161503858261	0.57845502018713	1.26568695048977	0.43290974172670	-0.29064347469191	-1.00000000000000
+-0.01890161300405	-1.92294635530969	0.59730244279689	0.57492819084616	0.30438331757461	0.03533758680386	-0.36390992998919	-0.14998257859200	0.69763373767357	-0.36815840738991	-1.00000000000000
+0.98811277193216	1.40607475839734	0.69455628755181	-1.13984713690133	0.41675230292054	1.04060948459439	1.15543431198610	-0.23994427778779	2.02095752472077	-0.67283676904729	1.00000000000000
+-2.61804125334184	-0.42161602114936	-0.38130090653787	-1.64115368719948	0.26057958431302	0.75504254560644	1.57655681435769	1.20183594010532	-1.84995312087185	1.17231491402676	1.00000000000000
+-1.42443549801674	1.38602955989805	-0.57083146227616	-0.64930848429382	-1.53587318472420	0.91862360000226	0.29658448534939	-1.27359782812253	0.65083059949115	-0.31821052118674	1.00000000000000
+0.34834950514672	0.05074675891689	-1.03919336687722	-0.88301421366755	1.20816102292635	0.96705488737246	-0.63485685144580	-0.58763934661526	0.13151139394110	-1.53812444191193	-1.00000000000000
+0.17565091814526	-0.44635391168754	0.74741352555821	0.91268248338893	-0.19245227044435	-0.39907917436154	-0.40810811152124	-1.39396494483341	-2.07414543590942	0.60875397221629	-1.00000000000000
+-0.69185932398130	-0.81518924136377	-0.93232018365716	0.38305191062216	1.08906344010363	0.04468395347889	-1.01371741071038	-1.81574229112381	-0.40380209380047	1.50254215560775	1.00000000000000
+0.52483418885558	-1.10711769778811	-0.46451632105848	-0.69075147780919	0.27731085325014	-0.04304431235401	0.87774864578249	-0.29578899117224	-0.95601883984123	-2.61160195673891	1.00000000000000
+1.27496860684391	0.94296126367776	-1.14789888706698	-0.14148480962630	-0.41526132147196	-1.00508800450849	0.84241153528697	0.08404854814789	-1.87949839723431	0.88547014413858	1.00000000000000
+1.82141725953775	-1.11739697488312	0.26121666699042	-0.68461196990550	0.91485264739603	-1.11013409179447	0.56264866534577	-0.57462115788953	0.14433118203430	-0.41464470524477	-1.00000000000000
+-0.76433335373738	-0.07322860294871	1.09946611124227	-0.91206464175898	-0.58344959024953	-0.57721026703053	-0.35471280857696	-0.49124727547757	-0.39187705193266	-0.20393906930958	-1.00000000000000
+-0.90242390529400	-1.57113691016157	0.56374907645377	1.01254652928651	0.91811039611237	-0.23029953632506	0.33326826475750	-0.82080062866471	0.81613592137316	1.33637521027241	-1.00000000000000
+-0.40922520262974	1.20739869679561	0.35244362079804	1.75787261099180	0.57733580271137	0.80215200305036	-0.53606803619473	-0.61505697336725	-0.41910228794209	-1.00345007364779	-1.00000000000000
+0.03469895545975	-0.76726246393268	-0.73120429743860	-0.33395543154984	1.05390257045736	-0.21429858198922	1.07748427026171	-1.12600946698383	-0.07859075096438	-1.05065037564321	-1.00000000000000
+0.16152530508155	-2.05416209634422	1.54790594039260	-1.90931385740672	-0.22183984553347	0.56138847198989	-1.25526159086081	0.87422056504173	2.23579808330888	1.25226750480453	1.00000000000000
+-0.95308903452681	0.67569206388789	1.25854925639604	-0.33015729787105	-0.28908180499280	2.31433606766931	-1.26542892915742	-0.05655481236168	-1.08089825586612	0.84204879568653	1.00000000000000
+-0.84887036739978	-1.41513546266412	0.24893829186709	-0.77757836088636	-0.46560420620039	-2.10951103112875	0.95641816828919	-0.87221765294104	-0.53358641649199	0.26977266842296	1.00000000000000
+-0.59959632529824	1.03123221161219	-0.23623271967232	1.09046754581153	0.30693002297718	-0.38220730945892	1.43251669788772	-3.01725724975215	-0.36749599897304	-1.42836454340042	1.00000000000000
+-0.89277853121194	0.51068670164686	1.41471812411805	1.01617768174415	0.56222501071914	0.53999336607695	0.82341827345444	-0.57999873517992	1.39185546854407	0.25498063258847	-1.00000000000000
+2.03131973617466	-0.43097157320887	0.22394725635297	-0.40607703318611	2.04128621619921	0.04335295782553	0.42603938930649	-1.75910012311614	0.58637062055551	-0.05927276388080	1.00000000000000
+-0.75553827768385	1.85141826049226	-1.16260027978531	-1.05712980127029	-0.44704336814350	-1.66280098877657	0.62374982494566	-2.31269949776438	0.31226175590371	-0.39977831673036	1.00000000000000
+-1.68485826540091	-1.08656591892510	0.01696333075366	-1.35652159512797	-0.10653403617901	0.04275905608403	-1.45645468530580	0.29106506091313	0.44346722949915	-0.38560757569442	-1.00000000000000
+0.37332016875657	0.23122882370177	-0.48034874056996	-1.20232159546340	-0.93065062655908	-0.68464617377935	-0.69010168709539	2.66895752522168	-1.50241578213928	-0.92958208434015	1.00000000000000
+0.10627400699015	1.14959255762120	-0.31353193946242	0.16485482455006	-0.44046314135235	-0.77153680067179	-0.98584488987111	0.08810876779443	1.75755102829746	1.55280682071920	-1.00000000000000
+0.21699622072489	0.36267764526629	-0.89741488078500	0.57674041281152	-0.99815517055354	-0.92293434339631	2.07181299221098	0.59876691870115	-0.64297099788175	0.36707590544316	-1.00000000000000
+1.53299332841424	-1.80665019301320	0.69083021823219	-0.73703607326910	0.37860763306128	0.94662169707414	-1.26245019844103	0.66074337476442	-0.83101163994950	-0.31141856994236	1.00000000000000
+0.96290067662986	-0.14371216402897	0.04257545518401	-1.24502082253686	-0.13050490358637	-0.16521522824922	0.90085637222738	1.10957710427351	-0.35652593079359	-0.26148016146302	-1.00000000000000
+0.66684082821414	0.17378693538740	1.18153945314208	-0.26747222261181	0.33816450183365	-0.15660250021419	-1.15190598092238	-0.23003065525978	-0.03349484299010	-0.42397433451120	-1.00000000000000
+1.17712690667424	0.85562341096363	-0.98332630732314	1.34783703282600	-0.07227870037822	-0.54636230172359	0.64609405589180	-0.55938505853153	-0.67984065868766	-1.45082732545213	-1.00000000000000
+-0.29037336447554	0.63123610858366	-1.82100323665066	1.32109680704764	0.35145551273293	-0.33264330253597	-0.14236336148229	1.12224462295275	-0.28221317629787	0.25069567441747	-1.00000000000000
+-0.85856063414359	-0.17586408576609	-0.10496301834268	0.59658896031370	-0.21804796488749	-0.86263248967720	-1.15277163939199	-0.52208462971060	0.26496088679130	0.28389236187678	-1.00000000000000
+1.24779363321990	-0.21774225544450	0.50517531660308	-0.90714174282264	-2.03810489105477	-0.18545425309575	0.84694376901899	0.12752665261692	-0.59176610412135	-0.41782378654260	-1.00000000000000
+-1.01157161051056	-0.51392629795241	0.21426911475566	0.07757185448093	-0.29499831667201	-0.61722137899622	1.09300951749837	0.76525335270792	0.44751817459442	-1.38508211018494	-1.00000000000000
+0.18291028400255	1.18949098117867	0.36706283228800	-0.89630197021259	-0.17662511245908	0.81808554515810	-0.51688487070088	-0.77660084247590	-0.13396396044421	-0.85934010732081	-1.00000000000000
+-1.17190879646949	-0.85981946760301	-0.76185657135819	-0.08150052844749	-0.77008637407188	0.48316090042996	-2.30313269424381	0.65282041595272	-0.21012108170765	0.60356377880319	1.00000000000000
+-0.90187709514821	1.16370927194303	-0.78686221675593	-0.78854473543222	-0.32218729796347	0.48901630448394	-1.69012215822412	-1.69321219331337	-0.93718233631486	2.06535767183480	1.00000000000000
+1.19038562317630	0.51970159944506	-1.89612892680073	1.63595028066101	0.66761191013608	-0.36491364747552	-0.13651258805522	0.44262727402906	-0.49693142776213	-0.73143373222309	1.00000000000000
+0.53324871525328	0.23823145748698	-0.05085304537361	0.11035458821398	0.62661949381705	0.77914721712045	-1.51292721678354	0.78633400961517	0.41253875513560	-0.93415806371611	-1.00000000000000
+0.27522615772562	1.63570171846814	-0.90532280802597	0.43395933910680	0.52843337936380	-0.11963244388561	0.17215404799064	0.06038709094444	-1.32291120280292	0.37344704236055	-1.00000000000000
+2.71926385007651	-0.05892019298923	0.36844632165729	1.21749690944131	1.38385259639585	1.29081564514842	0.88425110929937	0.47529058315701	-1.22464286253115	-0.76709197313478	1.00000000000000
+0.83824111643731	0.11991940040376	0.96256809672252	0.29381957562730	-0.50182512055025	1.63721400082949	0.59596979040836	-0.69963236682536	-0.14959294273838	1.11808824082644	-1.00000000000000
+0.43043319912297	-1.05367738317549	-0.23919491715643	-0.76496067199292	-0.07661820647365	0.73168530380064	-1.71029014788201	-0.72743061268132	-0.22085719150391	-1.31491126799072	-1.00000000000000
+0.85955492707552	-0.46386449345565	1.89540851747678	0.80006099193514	2.03009921363398	0.39174454456064	1.08481119658168	1.18896915910415	-0.10338536088700	-1.39308187018542	1.00000000000000
+-1.12615260991198	2.40529115489188	-0.48404185379072	-0.31243335969254	-0.72414206500084	-2.04154232099304	1.09934411272920	0.23419438824067	-0.28407587469717	0.83747529278674	1.00000000000000
+-0.18956256448251	-0.24251733052999	0.91770105370496	-0.82822890845996	-0.90424519886447	0.04481554247971	0.01082090183386	-1.02559978373432	-0.19241383365954	-0.58507746813515	-1.00000000000000
+-0.24139550916823	1.63735148634683	0.90261235141078	0.17960887984928	-0.28297509054843	1.23176755604586	0.58497610136308	0.99429968814647	-0.69413780655930	0.10246550474952	-1.00000000000000
+-0.82138202754146	-0.75851651454179	0.87415718799264	-0.88919508299888	0.62778988003923	0.23793441978247	-1.25061959302376	0.00014912344417	-0.74370598519050	0.16043338612665	-1.00000000000000
+-0.83655762246330	0.56017519211980	0.02513484652798	0.70153107560506	0.20017874311000	0.35484351167396	-0.13250037051743	-0.45437846574205	-0.00149896576514	0.81871589463206	-1.00000000000000
+0.78307122321246	1.26015021421273	0.43231791758379	1.49095945453893	-0.98434331444372	-0.14488513504667	-0.68366299059018	0.25495940113576	-0.55019373768031	2.08212095053780	1.00000000000000
+0.76617641063394	-1.00993978564953	-2.45116230518267	0.47467415080742	-0.52657848577260	-0.84358515119045	1.20125061535305	2.50107420983986	-1.29887006140195	-1.81661295255802	1.00000000000000
+0.39646040449568	0.30267526156332	-0.19011401703530	-0.18433728401942	-0.27220952320424	-0.93192434642727	0.94070045966479	-0.14335661829009	0.52135582858505	1.40232345223128	-1.00000000000000
+1.70759649461796	0.25467060670621	-1.04069642859464	1.41759439017384	-0.10642962760601	-0.99437943460647	-0.19839036572407	0.44583696058325	0.86227560332401	0.08450311802276	-1.00000000000000
+-3.01631916489374	1.59376019679061	0.35106320379117	-0.76081641828438	1.14150449238214	0.50601546919050	1.81490868449812	0.89515183792707	1.69118996915182	-0.50336472036912	1.00000000000000
+-0.31200607358329	-0.17783620838341	0.21697388551779	-1.02766137167438	-0.49376764890182	-2.15889294767357	1.01314860598401	0.36324862280210	0.46381828305132	-1.38834999274067	1.00000000000000
+0.08613156413539	1.04444860064820	-1.01004903474453	-0.23401733994501	1.92232798554292	0.40500630722927	-1.62660355867971	-0.25323527616336	0.15740898643916	-3.03532452066114	1.00000000000000
+0.45301537134221	-1.71390308256514	0.81729868155718	-1.78169075506955	0.25106011471384	0.44479242280772	-0.22506095888288	0.15206194707837	0.33506299662204	0.34532311908074	-1.00000000000000
+-0.67418782604659	-0.98065090722810	0.53384664517132	-0.01238414233666	-1.14982396918358	-0.54849359749484	0.83524522007344	-0.70127233767394	-1.43537496557142	1.70632986150421	1.00000000000000
+-0.42398286594785	-0.52979616556158	-0.04676042308978	0.62048981161582	0.08411066773671	-0.45507655767684	0.15679119320395	0.50042816703604	0.94586889513280	-0.18965362481441	-1.00000000000000
+-0.23419480607094	0.40456963250124	-0.10108312170159	1.06697703620692	-0.21952012886189	0.46211677714749	-1.41557078882297	-0.71546217690677	-0.57435917276962	-1.22903050366928	-1.00000000000000
+-1.01307049832053	-0.10599784763558	0.85520839890420	0.23146698330452	0.20821726581632	0.29152414587605	0.18700985532798	0.84459047731657	-1.00010624306435	0.02927223649572	-1.00000000000000
+-0.51420512478712	-0.31313278091265	0.33858769578354	-0.11796311203389	-0.30826935334729	-0.93108884928621	-0.02898916384170	0.18565262838152	-0.33415591466232	1.39351581364445	-1.00000000000000
+1.49716191809062	0.34804233317577	-0.93545655628352	-0.22504476069452	-1.56086344991092	2.46323035098742	0.33349757094229	-1.68044065173788	-2.82731153494780	1.84475635651848	1.00000000000000
+-0.73843679370053	1.51833428413906	-1.34506659928483	-0.64575268126360	0.38881244072026	-0.02868086264759	1.94379281441754	0.08365079867956	-0.60599380128395	0.04718993036128	1.00000000000000
+1.64721946770232	-0.56304908981703	-1.43700747634373	0.49654095290270	-0.10736866758614	-0.46876618071729	0.48485932647690	-1.00828997021012	0.01886003542848	0.16921114940760	-1.00000000000000
+-0.85349447762441	0.25026828973793	0.30244629496381	0.29096523210203	0.04190173887629	-0.52346529519657	-2.08106133373500	0.64472796999576	-0.63126630570785	-0.40139949086179	-1.00000000000000
+-0.16804895739266	-0.55286188980244	-0.96593532224622	0.84776069212821	-0.30708149609719	0.82004385554738	-0.29932866795864	0.37892520016983	-0.41284386593127	-1.29994867877600	-1.00000000000000
+-1.53372281640470	0.04013085654276	1.70542476435266	1.00054930403025	-0.74967677540247	0.50969056409101	-2.32066819017735	0.57026290014703	1.18772704994567	2.14687664226816	1.00000000000000
+0.06701435199526	1.94795154511275	1.28508596413685	-1.86075164257475	0.68156811431661	0.98646411341840	1.45500363805632	1.86549854099141	-0.23972274838829	1.41519164137085	1.00000000000000
+0.61347164186266	-1.79796860772481	-0.98526310677705	-1.05895061803709	-1.41402504950097	0.49433951363482	1.28328182523263	-0.00517689029239	-0.30393723224567	-0.53810855847141	1.00000000000000
+0.10100342236831	-0.60561791255135	-2.17276237914752	-0.34538409852825	0.60915664584724	-2.31251856482774	0.41659051782545	0.34825361698253	0.19398397117736	-1.95446723339617	1.00000000000000
+0.59816634827560	-1.19033825744482	0.09851068087517	1.51543844334693	0.79311502470616	0.44768997964861	-0.39602707842903	1.24297914588678	-0.01392300256061	-0.07022152557438	-1.00000000000000
+0.29788230018457	0.39685598333040	0.51241121000813	0.66603939333131	-0.08615103250535	0.89569964791214	1.45188739998970	-0.26623621906439	0.11765708445412	0.58038143878155	-1.00000000000000
+-1.10118297675063	-1.62807889769572	-1.49741004806807	-0.83036701741979	-1.16344185627343	-0.68281661786432	1.60342338434072	0.23180688202511	-0.55601319236765	-1.03549885090481	1.00000000000000
+2.28054480991605	-0.55041365461033	-2.36723129417459	1.17183187311750	-0.31562407914281	1.17995717295339	-0.89341800970093	-0.04898599235032	-0.91472155374764	0.58498446113099	1.00000000000000
+-0.23924961054687	-0.48279638448753	0.63438946085954	1.02287380216376	2.72040721816241	1.25356575489331	-0.70008013710530	-0.03580271877833	-0.55418676013214	0.98412256266718	1.00000000000000
+-0.36289159719042	-0.73749308826145	0.15607120789583	-1.25282091357518	-0.48531966299943	-1.10980810585397	-0.20585802061262	-1.00979963429503	1.98470184513459	-1.16038825158746	1.00000000000000
+1.85593363267553	1.80114027736585	-0.75256867009034	0.86522647985572	-0.92193235716710	1.93716228092399	0.01281244701048	0.92356805105212	-0.09635760513139	-2.08777202413353	1.00000000000000
+-0.52767122912277	0.86592358054017	0.89663286292961	0.48866753637713	0.33384568723028	1.47659341320355	0.66527885122580	1.57289023374671	-1.10027691054052	0.55015374645567	-1.00000000000000
+2.17250569495632	-0.17788304361001	0.66403939744471	0.33805077745726	1.62499583192357	-0.15598130931667	1.37333636536179	-1.39775313299797	-1.32222323447100	0.74852795767565	1.00000000000000
+-0.43635777574762	-0.27082963249692	0.11412794680901	-0.24014422215975	1.39146160849334	-0.60587973083346	0.97036195381444	-0.15993077427333	-0.02082457880705	-0.75441899114141	-1.00000000000000
+-1.84943003090637	1.19815253447448	1.78292978754066	0.24855126514999	2.27814425921036	0.44070479970117	-0.20751689197925	-0.35403294701860	0.91375501912323	-0.47081245947750	1.00000000000000
+1.57497633681505	1.18614515070149	0.68926011134418	-0.28758233894065	-1.48681209595950	-1.11305049815817	0.69637247928416	-0.13281544115139	0.50140977027034	0.74278453665703	-1.00000000000000
+-0.02039409188405	-0.96908833624228	2.11041082176030	1.70225886062734	0.15723547765189	2.88932351600483	-1.86996814897114	-0.29053259812198	0.74537787517869	0.43923738732969	1.00000000000000
+1.12665735591194	-0.68092335249220	-0.10864641088616	-0.11570551279431	-0.94159601240405	-0.26732596700277	-0.11504913880814	3.03328218874017	1.08835516201625	-0.38975102985378	1.00000000000000
+0.17144278125604	-0.38948504330800	0.26733371750910	-0.56653131738244	0.51927895853666	0.16398233372036	0.08854398946329	0.12884983186800	2.08475263959978	1.40778631803995	-1.00000000000000
+1.14929454458780	1.44383420440349	0.52235695862428	-0.27186556725696	-0.31941717819794	0.04029570874194	0.43343874720123	-1.14816536939823	1.49739898908780	0.96759293084326	-1.00000000000000
+0.42213126411261	-0.47377926901218	0.95595548052888	0.36388832788598	0.74931939763473	0.42928946523934	-0.54871763908609	2.51024381204943	0.35789711345350	0.45019888928864	-1.00000000000000
+0.45604519311220	-1.14106687987298	1.47191966988446	-0.54477209374328	0.54084103504230	-0.36656318247843	0.39625813680064	0.18411068092774	0.70967394027289	-0.00279976009276	-1.00000000000000
+-0.59593553847308	0.66524198169026	0.93378291432990	-1.17504901226425	2.05746836762968	-1.05009413044355	-0.40554458926571	1.10877242578293	-0.53473306625447	-0.51141240050703	1.00000000000000
+-0.87520812568256	0.14393370018539	0.77194969894068	0.81753752016099	0.83755358174418	-1.07600170500913	-0.10333902606658	-1.69687233504478	0.47904129254945	-0.79134700098261	-1.00000000000000
+1.12785690595976	-0.51785636337141	-0.53552147996616	-0.01487334040644	-1.31201048901046	-1.07069240112232	2.50308398647508	1.40812604041894	-0.07713293018137	0.00251329256469	1.00000000000000
+-0.24060072943550	0.15435557606579	2.01642053707422	0.60291023089717	-0.39896992353153	1.10985519212588	0.29873010933631	-0.74912623928491	0.41012256656038	-0.24283301229653	-1.00000000000000
+1.41406367362617	-0.82749597715685	-0.67199123860579	0.16875497099431	1.08234276312550	-0.10463370891558	-0.68959790120145	0.63880052390470	-1.66734749013296	1.22579316122671	1.00000000000000
+0.38594086325659	0.39239988566270	0.67342891552295	-0.65407643413395	-0.07832961296657	0.60136966517810	1.15746548873223	-0.07274726758475	0.31038912669041	0.30553590607597	-1.00000000000000
+0.43102184912659	-0.52667971016481	2.30311096189020	0.63875660092545	-0.12624439187754	0.06519186393988	-0.15044325013745	-1.41336408731872	-0.24323222543531	-1.57639982633346	1.00000000000000
+-0.30176621077406	-0.10207151360750	-0.51126169250173	-1.07609211280001	-1.49338029302044	2.57762402991212	1.65681326358852	-1.16949213979721	-0.13492900149926	1.32552860997327	1.00000000000000
+1.82125052520151	-0.04657565422440	1.12370005609318	-0.32991426367961	0.20065213153526	-1.22518763311134	0.68006727246784	-1.32673121064591	-1.45710427603964	1.24689631453722	1.00000000000000
+0.85835170822951	1.63574262469205	-0.47671454277737	1.73701474296141	0.94643786193152	-2.55700296166872	-2.05545287489837	1.12362243369884	0.58527384404667	0.27206756116512	1.00000000000000
+-0.98181632098987	-1.15555321447188	-0.02949221771046	3.59285841855686	-1.26952348027843	0.15712542683645	0.48142410195510	-2.35950960666350	-0.11936698574303	0.04106760126145	1.00000000000000
+0.83369367532305	1.16399286399064	-2.36035851479261	1.01021303130822	0.39476004845656	1.73330242109748	-1.81033338212987	-0.01338460776566	-0.43370747254864	-0.30232553947451	1.00000000000000
+1.83475815893199	-0.01602648342784	-1.45178022580640	0.38102476568219	-0.28314230359218	-0.15455128895883	-0.62775820022116	-0.89344689468842	1.41721581940460	0.96816224087140	1.00000000000000
+-0.05038251425721	-0.93417596724530	-0.12235925421284	0.16800896464201	-0.66027871579432	0.23223088269308	-1.06202017813106	0.92612866354710	0.49956573706140	1.09040004003511	-1.00000000000000
+-1.95912320747324	1.21213742753626	0.01184363330519	3.82092117055698	0.99810134225988	0.57933211349448	-0.11810310498803	0.03916747779717	0.40020240822455	-0.16329420601723	1.00000000000000
+0.93345002314847	0.10588610281796	0.16499816761211	0.09913925923791	-0.21890884790797	1.98323006418274	1.19047456725533	0.56161865918076	-1.60779195555760	-0.74027005818012	1.00000000000000
+0.64593770836799	-0.02638684845181	-1.48185420831568	-2.88380799099055	-1.01961810130408	2.08438994540934	-1.12945247074473	-0.17515161773808	-0.49332067133918	1.05867880571301	1.00000000000000
+1.82250645988676	-0.94698623482382	-1.81136291457597	-0.37931106062412	0.29803094426823	-0.16899333362867	-0.34587041633000	-0.66774424698662	-0.72257977916939	0.75814572390047	1.00000000000000
+-0.45792160608955	-0.52792638148366	1.64087295473614	-0.58953242438903	0.43115766252043	0.21032847394282	-1.20340706373559	-0.21590361666402	-0.20114867506933	0.98355590502368	-1.00000000000000
+0.31993228909370	1.47479631892170	0.09587828205740	-0.70044469331469	-0.62675412887426	2.26198382008287	0.28360999399936	0.46837600533670	0.34014365749446	-0.97288672838122	1.00000000000000
+-0.01092768099876	0.49084550315349	-1.79887307025996	-0.90729615219153	-1.23734720519295	1.44586378217551	1.32534927837734	0.71650451726444	-0.33872446157264	-0.17496509793359	1.00000000000000
+0.55370995666994	0.48598284660383	0.37805297041815	2.14465338731787	0.25190069881481	-0.08086954945018	0.13640801072535	-1.02963705965740	-0.56696795935786	-0.23752380363795	-1.00000000000000
+1.36105526507028	-1.47041485208351	0.52091421352606	-0.82583279309106	-0.88086484807603	-1.84804380890506	0.71857223834091	0.88292643585536	-1.91121365966462	-0.66059484807438	1.00000000000000
+-0.61103606884144	0.34168696874941	1.91323294143758	-2.11548899974473	-0.69273711152217	0.13915474622889	1.50108210278547	-1.98735170936581	0.13767278788869	-3.27773769038885	1.00000000000000
+-0.55091443906781	0.96542075755658	-0.52725595862527	-1.26720431402788	0.50347178449986	-1.13166513033757	1.09518467819282	0.79867504055179	0.01787374209783	-1.18889285515648	-1.00000000000000
+1.05210430859561	1.17285941836389	-1.20940702086221	1.07229572387025	-0.47238085833022	-0.80716255677102	-0.86714921125157	-0.38956937214042	-0.05555324486048	0.23488409406919	-1.00000000000000
+-1.18783462788352	-0.22700541416088	0.95696889287653	0.04705327259103	0.85978519665182	-1.54648690193876	-1.19038953176906	2.17802048604923	1.10428541867976	-0.23722651547349	1.00000000000000
+-0.99370477110590	1.96950574256601	-0.82595312714384	-0.08459514870369	-0.64370073750510	-0.06401312423351	-1.05830351950292	0.31143778376648	0.00795185069986	-0.35418793666729	-1.00000000000000
+-0.03650292010387	0.59064609178227	-1.18900608046431	0.34548749420557	0.78680903286941	0.37018139245137	-1.35296554704780	-0.87946408284063	0.19183406879395	1.87176347211169	-1.00000000000000
+-1.29607917270159	-0.15482456807985	-0.54322427470850	-0.58821057270435	-0.48545515236544	-0.80719677616152	-0.00677093681203	0.56615907170978	-2.36727780265417	-0.67297454381342	1.00000000000000
+-0.36424080422634	-0.11026229495560	0.73887701865679	-0.41744072124163	0.69060841481785	-1.04500628368286	-1.75951051491051	0.06235823835475	0.36769755689820	-0.54760515294177	-1.00000000000000
+-0.20096629971927	0.53846614979846	0.05058364062275	-0.80596171013140	1.43805458102645	-2.27012604310811	0.49151506703780	0.45824917906674	-1.00327979575300	1.13109293333990	1.00000000000000
+-0.86401059268307	0.44511278896626	1.64091591306832	-1.16849069915183	-2.31936480279390	0.54740961787947	-0.08040757266401	-1.33639205079324	1.86744887050552	-1.38933804137036	1.00000000000000
+-1.41165184382055	0.67273942704920	0.13091225059667	0.62147744393379	-1.59416281719771	-0.82254080403156	-0.51342789342384	-1.67794563234676	-0.07222080046213	-0.06488379141205	-1.00000000000000
+1.66644849055434	0.57797099339866	-1.21299381429900	1.63655651802286	-1.25248375134355	1.63845929831849	-1.14223964212474	0.70162476916788	-0.22265914826506	0.31351838430116	1.00000000000000
+1.25436785482353	-1.05042017626863	0.15550326609622	0.28825324169580	-0.60362435075377	-1.02280654306294	-0.89569928233758	0.71741950001061	-0.38229466958633	-0.07126280321199	-1.00000000000000
+1.48200781848364	1.09955322519465	-0.06122276995923	-0.41334001088415	1.68386113771727	-0.46051396467824	0.47127103953068	0.13778817718602	-0.42857285593840	0.26095940087546	-1.00000000000000
+0.50550406321459	-0.27706564552658	0.67232263094728	-0.20092865247307	-0.71892776931438	0.57526770364712	-1.67048585751651	-0.28630943600899	1.31720465526398	-1.99332613027403	1.00000000000000
+-0.39025732042656	-0.84924399442933	0.47412487058939	-0.20100492443269	-0.55127197223670	-0.56832684129400	-0.18516520499487	0.66778851281439	-1.86256450354029	-0.11871331034452	-1.00000000000000
+-0.96923222691007	0.48992411314685	1.28322370190897	-0.15299054806789	-2.25407244959492	1.12804660636525	0.44010623139891	-0.50981030622517	1.25792161410070	-0.45355540147689	1.00000000000000
+0.27267926196412	-0.52442878159794	-0.52248733609370	-0.76233091749668	-0.63467605458037	1.07523308552584	-0.44752827779280	-0.41604595236146	-1.28955806351192	-1.95704319977039	-1.00000000000000
+0.88272456909600	-0.94781878928129	-2.78754042633779	-0.05765768166451	0.22935311405129	-0.28978300802347	0.15497991734892	0.13418091472298	-1.12440327432106	0.43814591867067	1.00000000000000
+-0.60702339174854	-1.24370379375631	0.15227130971493	-0.84647518186895	1.40289024489451	-0.86261884707864	0.47395795817781	-0.56541555064999	1.02635393861494	-0.74315002890686	-1.00000000000000
+0.19526281857603	-1.27250564526408	-0.62930404359758	0.68340693434952	-1.10968047561843	-0.15782480806951	0.92002943349134	-0.48264288586928	-0.09373018470783	0.08700220035337	-1.00000000000000
+-0.36012303129129	0.82764843337677	-0.21947566283895	-0.22073643283168	-0.00078010260024	0.14198499060006	0.05120104716637	-0.64497735709668	0.25198748458538	0.52442427764682	-1.00000000000000
+2.05781053544405	1.41137942938604	-1.56725032056214	-0.03261445739057	0.04380725085746	-0.78065115743593	-0.52529407402034	-0.46843694034472	-1.95857519699679	-1.33074466111350	1.00000000000000
+1.78829672376157	-0.06911357289041	-0.10773953532152	-2.43757761142788	-1.55289210628104	-0.65422725016993	-0.76886222113452	1.30574906002284	0.72157627032119	0.42667977832567	1.00000000000000
+2.07375908674620	-0.76572147399780	-0.84634238721938	-0.23815609723033	0.54659939980310	1.08041073151982	-0.53517257641274	-2.25972155350325	-0.97086203062853	-0.66825222050889	1.00000000000000
+1.19451838663335	0.76947566252723	0.13634860897209	0.79652841237490	0.21745753513109	0.76772026969580	-0.92734202353213	-1.38197846004508	0.49153353472581	0.46774380481804	-1.00000000000000
+0.04944529569504	0.05664598748654	0.63664761638090	-0.41427363384885	-0.26761049711845	0.02184029447815	0.51487617669627	0.02209898446031	-0.41229270424777	-0.08333200547385	-1.00000000000000
+3.49967464782409	1.44905119676111	-2.01559337026988	0.01408153067829	0.11410685193774	-0.75039962194897	0.30779299809704	1.23576523131826	-1.39642637876398	-0.74901292498188	1.00000000000000
+0.57268552034098	0.84670252679479	-0.24889113434365	-0.27926345086653	-0.22547782763728	0.68470414582055	0.86639235661820	1.53656234866689	0.77155620683942	0.84191998291699	-1.00000000000000
+-0.47392254043308	-2.51046008644396	0.17439684197754	0.83479262248145	-0.54792879979169	-0.58574916469577	0.02450718760481	-0.23594320726134	0.51440018694695	1.27125682872747	1.00000000000000
+0.81540531446534	0.56421775625075	1.99006029690118	2.49267045123689	0.10475214001233	0.45744195562554	0.30358164420842	0.53054964064636	0.28848479886650	0.90788965678943	1.00000000000000
+-0.38271572204008	-1.05631860427657	-0.91369031035470	0.13956829176464	0.92044165278291	-0.28168246350814	-0.26823908264757	0.26369047633746	-0.66789256393561	-1.21089733615763	-1.00000000000000
+1.27133962610523	-1.06081937889213	0.06112152727132	1.52996202638436	-0.58004994006180	1.38268536282433	0.54099446834538	-0.15213990198788	-0.73566964920392	-0.08432952406457	-1.00000000000000
+-0.62871670874859	-0.34064031449657	-0.99202645775728	0.31567088914556	-0.28703241959465	-0.12238050953482	-0.17848736162916	-0.74912315822387	-0.89115326362285	0.32184627375604	-1.00000000000000
+-0.84701588750248	1.44532010143911	2.99143266326197	1.27929009118425	1.55374217131967	0.62087716480695	0.76902567236698	2.39442660728906	-1.18679947908046	-0.04089825393695	1.00000000000000
+0.71471077792381	0.08406244610722	0.33610473797154	-0.98233208881521	-1.05515102476105	1.27836020511216	-0.01851697448572	-0.52907891668522	-1.96574481311997	0.67450993506034	-1.00000000000000
+0.06143560817953	-0.86608006633327	0.31741669604743	-0.76726391712119	1.74331002836822	-0.74752811157329	-0.02690900967178	1.05349629803171	-0.10376229903028	0.25341916867760	-1.00000000000000
+0.71386706650535	-0.16611808288287	-0.15469376896882	-0.90027103783955	1.11467430030434	0.50395203436216	-0.31781282100672	-0.02486501152315	-0.47302097408978	-0.27638362414040	-1.00000000000000
+0.74111635351399	-1.32654854450526	0.02260631090640	-0.10796349659891	0.19625559283948	-0.75938766220586	1.27291379093312	0.17730865231097	2.49389753079912	0.21540442073613	1.00000000000000
+-0.61900628047164	1.72994122598120	-1.84715495448311	-1.06233997614477	0.09683134138281	-0.03033689243194	-0.49810624610989	-0.83041659912100	2.50929472757935	1.17595863854787	1.00000000000000
+-0.86993073816294	1.01250104875915	-0.84522921845249	1.15572732026024	0.28980772000406	1.44546135643279	-1.31278261699022	0.85384273725505	0.28274910713232	2.07257032486757	1.00000000000000
+0.49725651649953	0.64303328861350	-0.40572080647511	-0.24575215456512	0.64954400826551	0.13014520645264	1.68936541662683	0.81783295574585	-0.47888024623371	0.15164265214483	-1.00000000000000
+0.46266965230684	-0.92528555303071	0.50661992713478	-0.73760218952320	1.02631992199981	-1.01448344767384	-0.32419132465118	-0.00073144102146	0.78169654969912	2.22412141375314	1.00000000000000
+-0.44280545295348	0.09762470369148	-1.15281414279459	1.37924892237854	-1.48373377650825	-1.47366391112193	1.18384045166380	-1.43587536007163	1.08391982391024	0.95919833353255	1.00000000000000
+-1.49876825493296	-0.12742915653530	-0.68518041554378	0.76659415161399	1.47804624837837	0.91147499742482	0.05517513978708	-1.56845330585444	-0.95011975701769	-0.27217334348794	1.00000000000000
+-0.18503285788167	1.07068594016301	0.41044422539474	-0.01573117649403	-0.14336230064370	-0.08799531483904	0.01543124322570	1.40281660351639	1.13860063011885	0.67667645293776	-1.00000000000000
+-0.25237932528604	-0.01803285303376	0.65918039541344	0.21920592839592	1.48054168892849	-0.17117975662362	-0.41647554427109	0.09787298489595	-0.57846498102114	-0.85654235766725	-1.00000000000000
+-2.43068552909598	0.32290648593637	0.75815278734057	-0.29778865257393	0.50899585376805	0.41138038608214	1.05311958651065	1.29444711840729	-1.39902727034855	0.48331593576222	1.00000000000000
+0.83400834665440	0.85114622267147	0.12314165118643	-0.31150616044368	-0.21396451890240	-0.26740476014209	0.54462410702901	0.19219951267586	2.11322207938492	-0.40652796064753	-1.00000000000000
+1.86217127962627	-1.93460568090897	1.62168932019220	0.20601168055234	-0.37913432946095	-0.00635852523102	-1.03632141672511	1.77393383061931	0.12445377681006	-1.55962991183608	1.00000000000000
+0.06023448410808	0.55590018701130	0.59499242770265	0.84755627504951	-0.98481636913570	-0.06544638984915	0.15713993762793	-0.22774863086334	0.74128162982685	0.26354458860232	-1.00000000000000
+0.12146866854325	-0.81667070554313	0.59887609566652	-0.70401339243542	0.05546641388851	-0.75658259450905	-0.61311654660817	-0.37924542089402	-0.64108069150133	-0.46555913092333	-1.00000000000000
+0.74933672511785	0.58120851254186	-0.07508139800163	-2.34565819602630	0.94259839403185	-1.59531908304889	-0.81885100343113	-0.05153075921580	0.29866117453205	-0.64278699775620	1.00000000000000
+0.31871003289739	-0.54649047618292	1.73004582251111	0.84278833474554	-0.28781012792471	-0.63177667748878	-0.37273963677367	2.72808808245034	-1.41458545158704	1.15266346764397	1.00000000000000
+-1.17161820292282	-0.08750003274705	-1.46381575587188	-1.68718434606225	1.39320594617808	0.60113307294961	-0.60018687095627	-1.34436146012799	-0.00588136864239	1.18234131338302	1.00000000000000
+-0.29976579373506	-0.55583835844383	0.72572856491961	-0.06115934175790	0.08395397065854	1.67909954083775	-0.29904902115658	2.01039548230402	-0.50081925617822	0.37961394092410	-1.00000000000000
+0.56298376872054	1.84785806146166	-0.03636620689467	-1.18701297698196	0.06230865897024	0.54748221556907	-1.19428722642946	-0.04598012395366	-0.72145506392425	-0.72434290713193	-1.00000000000000
+-0.58724847488748	-0.71504490707697	0.66402225226100	0.69265830395960	1.02882627873716	-0.78607524520428	0.04628219471255	-1.98725173055909	0.82272924171782	0.31875355084845	-1.00000000000000
+-0.50952748355247	-1.65812580952835	1.35962451207654	-0.60398619808956	0.54421599647451	-1.57630127453475	-0.11363078173165	0.96290713290012	1.05381013828354	-0.69258399042526	1.00000000000000
+-1.79535330903677	1.62504978962781	1.12141873542617	-1.24789554749143	0.27815597650445	0.34923437124222	-0.44326939207220	0.57728976420755	-0.40960179691458	-0.83538810440222	1.00000000000000
+-1.23246521970466	-1.36787974449214	0.47185298866813	-0.22209897968198	-0.00332900262925	0.60475594751952	-0.44615579641818	0.17374660829896	0.05723717113713	0.45521186228202	-1.00000000000000
+-1.24017906567721	0.00542638098592	-0.86703224851354	1.61815228432696	0.66325360589949	1.31548868096014	1.97634273695544	-0.55483033597652	0.37282674472708	0.70522588929105	1.00000000000000
+1.51338237226457	0.85378441383093	-1.63419887682532	-0.25561686165408	-1.29080458167696	-0.07003156580448	-1.44529946856616	1.30080673030163	-1.84466965334319	-0.07969647252494	1.00000000000000
+0.59857777111592	-0.59425775958710	-0.05068537999729	-0.32312776419053	-0.10105028704833	1.28864829778702	-1.32451200152374	-1.85305747145400	1.17707716577801	-0.30051910290559	-1.00000000000000
+-0.21313185046407	1.48744487257915	0.57106047018417	0.85448713359595	-0.67885911117436	-0.77532482975630	-0.12604184860196	-0.30698620140143	-0.15085674144259	0.05010921663787	-1.00000000000000
+1.55920738424486	1.08888519094081	-0.43156476875798	-0.23164623300025	0.48511755100219	-1.01628424562421	0.50058722594733	-1.54258117055078	1.35458772826768	0.55518478696691	1.00000000000000
+0.54632333629534	1.04483456558177	1.25393277356234	0.20996746074266	1.31107982391202	1.65148404863587	-0.26092955970737	2.55383517876149	-0.24457023333919	0.71614408644675	1.00000000000000
+2.19162950176658	-0.14508162089245	-0.56398145215199	-0.45769142595208	0.17213008016107	-0.03400628863879	-0.59558845840417	0.47118701085943	0.76284429092256	-0.77151596474870	-1.00000000000000
+0.35873703976145	-0.85977396522326	-2.07322462276521	-2.77475782055250	0.69926639453515	-0.73083520715008	0.33298883181163	1.34045660581209	-2.53197227834361	0.73019336865733	1.00000000000000
+-0.13219399951934	1.08805559417528	-0.18067961568458	1.19021265657144	-1.47323464922287	0.04003626767916	-1.00112156894591	-1.15560338117727	1.36312785115935	0.44142438427300	-1.00000000000000
+0.10025611136583	0.16136851029325	0.38862199741542	0.92786802199364	0.66456988309882	0.58174642982709	0.16303043474854	-0.76276394164383	0.52067912231745	-0.06461198234162	-1.00000000000000
+0.96640060540675	0.79780378733990	0.51233313947416	-0.67161609692459	2.57631480230940	0.02927153455643	-2.84090522690188	-0.43089326891859	0.46769707396660	-1.45570031860230	1.00000000000000
+0.67400933782202	1.59944575888742	-0.53668524133410	0.43824023165984	-0.62149099595055	-0.19505770110024	1.46638565003758	0.72809532593990	-0.60332077010935	-1.70383371846914	1.00000000000000
+-3.00333703797805	0.99306798905913	-0.40410918105396	-0.26791716137821	-2.17822519538285	1.70298572490857	0.91334493819553	-0.97068476550607	1.69480601129450	-0.16333661052234	1.00000000000000
+0.47959615342072	-0.57010123973544	0.49335313207287	-1.00355084820198	-0.69843152326339	-0.02005713696548	-0.40613603522684	-0.12211384590055	-1.03502554881641	-1.35371108236111	-1.00000000000000
+-1.31404345296706	-1.31271908544616	1.62633696923484	-0.73622978196226	0.15783642427863	0.45893909531348	0.16440335428498	-0.52141037198711	0.08606515145622	0.36293203968630	-1.00000000000000
+0.41758722012911	-0.69427577097840	0.18672490346052	0.85197993906136	1.05472321582696	-0.58265949654114	0.69289591053436	0.83315473387376	2.95337810032474	-0.41037475183453	1.00000000000000
+-0.18471372260591	-0.96422892843282	-0.66427647284335	0.43716309392458	0.00047032048738	-1.07230737895959	-1.10364645967227	1.42521973803304	0.67740559698716	0.08337736820926	-1.00000000000000
+1.28597595928555	0.32657791126200	-1.22152489118590	1.08817824076980	0.34495806633047	-1.29673199084532	-0.51284920048703	0.32339560200130	0.32518283299028	2.12530811833525	1.00000000000000
+-0.13523748083690	-0.38281773914750	0.80547371374407	-1.27683678852417	-0.34441893901073	0.73715256759741	-0.45398072149507	1.13574479381217	-0.98448261711797	-0.80573922002131	-1.00000000000000
+-0.82101199104138	2.11542994069963	-1.19495195369661	1.49977389568845	1.65436565915114	0.60402301325957	0.54449199996584	0.95336718621282	0.71649456436943	0.18267589076140	1.00000000000000
+0.03871104951539	-0.20370824766907	1.57445506386196	-1.49816373927511	-1.04899777428300	1.58847273907709	1.79301638991922	0.52779152861119	-0.78433127810382	0.98879612001870	1.00000000000000
+-0.12008078896600	0.56501988643658	-0.93633664223966	0.50364963981846	2.14751824871415	0.62493423790929	0.18796056394787	0.20215382590162	-1.27629025934176	1.84829892021615	1.00000000000000
+-0.42550002043692	-0.21208048638375	-0.30615166351571	0.32131207519175	-1.21818226823769	-0.96187733453827	0.54183542058490	-0.59965269971949	-0.67970508635788	-0.73787069559988	-1.00000000000000
+0.57819546250152	0.12390735512398	-0.96297008475721	-0.06631732560404	1.12748523231498	0.05574148613026	-0.23673538889272	-0.46941716728076	-0.03745699161281	-0.29334028388808	-1.00000000000000
+-0.13369381085568	-0.87526548889245	0.11631356983942	0.26586299803173	-0.32040434128130	-1.98793593320789	-1.54169855336587	-0.84148135091911	0.91560724971902	0.97989485102643	1.00000000000000
+1.13898743300405	-0.64704310373038	0.76644287317272	-0.11531950246417	-0.91266802011057	-0.08493931520966	-1.42271604484300	-0.17470148829404	0.84216541634806	-0.33465125756691	-1.00000000000000
+0.71070768869064	-1.56469977936972	0.69490386528372	-0.54570632167805	1.10946200387472	1.08270738830145	1.55270955373372	-0.23498963595378	0.16177242366540	-1.18982242060984	1.00000000000000
+0.81916099388202	-0.13530142309894	-0.90026266794255	-1.54487770227000	-0.27077387620511	0.02471307536678	-0.24460571145200	0.18278520860403	-1.33638601837159	-0.91651834141379	-1.00000000000000
+2.05484081468272	-1.14472896210718	0.41145083960229	-1.86326220063110	0.26588736159979	0.62722427406537	-0.67545278803546	-2.61794215404076	-0.28794069234294	0.55823808199143	1.00000000000000
+-0.56797295082591	0.87298917746012	-0.60023102951681	0.24091191800430	-0.69190501716647	0.61661901977092	0.21719339124198	0.82467723998709	-1.04693071388675	0.68120050004925	-1.00000000000000
+-0.18183603183058	-0.23898243716185	-0.62931759784248	-1.15779213545872	0.68232771924686	-0.92580740814478	1.07721396021602	0.26866669647505	-0.63244831948646	-0.22117026021819	-1.00000000000000
+-0.40743033787234	-0.42592804170912	0.27943455530390	1.84721224618079	-1.14209871645281	-0.58733009419792	-0.36474931698807	0.54591157023758	-0.52604058511561	-0.08358346988310	-1.00000000000000
+1.22367359238787	-0.40951697321752	0.82554256039409	-2.13332459061176	1.80995167354714	1.04199063086265	-0.34438656647674	0.16094217996527	-0.55462229561603	-0.68242097422534	1.00000000000000
+0.69135423067711	0.26225422560640	0.89698084809145	0.70995783113893	-0.20571809675155	-0.64770080049190	1.90181372257188	0.67357366439475	0.51701631649088	-0.05754829557620	-1.00000000000000
+-0.03654560084039	-0.90738465416641	-0.41110812385839	0.97783568381174	0.73266396203640	0.71041496966026	-0.23479309934250	-0.85958483066038	-0.60494172469299	0.32585041985011	-1.00000000000000
+-0.64922928341385	-0.78014066196360	-0.18571893506825	0.15355883157448	0.55789695190382	-1.71588870728745	-1.02989367181313	0.07073138376437	-0.44930356087730	-0.37284798353988	-1.00000000000000
+0.58526524738400	-0.97614442448230	-0.80456066583111	-0.03381101436369	0.98086606757672	-0.70775725274998	0.35749450923929	-0.88054879428325	0.23709394566911	-2.42263642440157	1.00000000000000
+-0.18922359923186	1.12223059394966	-0.48501903143125	1.21640226701061	-0.81498195924091	-0.54480916196118	2.11302811862820	-1.11813004374745	-1.27816203942355	0.43402195698596	1.00000000000000
+0.12028956992625	1.43823018125626	-2.70653002487429	1.80853072006731	-1.68861593021961	-0.43548336378729	-0.54398729002032	-0.01045853213593	1.87728345229394	-0.34151781023993	1.00000000000000
+-0.17092349588695	-1.09062524221861	0.51890019910715	0.28396763283588	1.01837045532488	0.39531519864457	-0.42752215183912	-0.83270155922894	-2.14708514356117	0.45912465199964	-1.00000000000000
+0.61084363362853	-0.24721278546210	-1.01486045077018	-0.19010337762538	0.15756569131719	-0.48445041026900	0.96067269940058	-1.06933787048249	-1.69848348443328	1.86526821932732	1.00000000000000
+0.83071347507563	-0.10386147087124	-0.64437690970856	-1.95358238763764	0.55036727835000	0.06768234157097	-1.53878056900182	0.53315107669732	-0.43487156425030	-0.26609869719308	-1.00000000000000
+2.05981513546322	0.47210696084477	0.75676270392757	0.50566341296071	-1.24663667961653	0.63423215831711	0.29980962267915	-0.91377492336813	-1.15122049249688	0.39919172112401	1.00000000000000
+0.41290758521530	-0.29397882632990	1.45817681777232	0.75568129987761	-0.53308114291018	2.94242828295652	0.12127872284953	-0.59503371699684	0.96053063183995	-1.57258897858198	1.00000000000000
+-3.25642126804415	-0.36555408564967	0.40669095724504	0.07026302894960	-0.42301701570892	-0.74029710546740	0.78247902002735	-0.23094050672477	-0.83553158472791	0.42243325680563	1.00000000000000
+-2.51879199373728	0.50349724263472	-0.38026108975959	-0.28268481909805	1.36964341504452	0.00573226285238	-0.47066045895161	-0.34827844988315	1.13245304021304	1.47907733280397	1.00000000000000
+0.27307133648237	1.16201807914850	-0.48374276758509	0.59225538027827	0.38815892178340	-1.14792291238264	0.66301860390935	-0.78467931805492	0.86022016511568	2.23749991993034	1.00000000000000
+0.84421151961035	1.50575191698584	-0.77459539366827	0.89004319232635	-0.73282546062033	1.03928939195556	1.50220339187786	0.53353126603623	0.46597056553680	-1.53286692539853	1.00000000000000
+0.02960011227318	-0.01038681999338	-2.95548824648529	-0.31214151480713	0.33139565182106	-1.32002888030251	1.73098559385358	-0.43933658866010	1.05557589810749	0.48243292854933	1.00000000000000
+-1.41506637652609	-0.83798120409579	-1.82254000478046	0.28520286740717	0.21909109446410	-0.08006656513952	1.49350426705977	1.49216262241029	-0.98402662208148	1.14173355414334	1.00000000000000
+-0.99098816114115	0.26067264061707	1.30791386797776	0.47999135414850	0.32821527494780	-0.68270973134184	1.52702273545797	-1.58966865588884	-1.59493191381833	-1.08662101010854	1.00000000000000
+0.54729482958177	0.27709360875533	0.03864185263616	0.66448526656859	-0.80508200643165	0.55374641145483	0.03935657108511	0.47525252529440	0.72405563961926	-0.74472624944783	-1.00000000000000
+-0.76911621934494	1.82452323191076	0.54608193732914	0.68600547976303	0.90752398028724	0.00110537506579	-1.10086106086239	-0.28235768753030	0.61405287469355	-0.60564536368870	-1.00000000000000
+-0.91411739610334	-0.35910318398741	0.80948578112586	1.75601683665195	-0.06759639265440	-0.17442890436191	0.29959210696111	1.13524122162003	3.01548732966130	0.42013465513421	1.00000000000000
+-0.78853058987833	1.57723488196485	-0.93316391337649	0.80365238941807	1.26248400421188	0.18876433602477	-0.08240947400705	-0.41731290748718	-0.64916946467211	-0.87313127542855	-1.00000000000000
+0.58189124580137	0.81241225336041	0.27599169280724	0.42587204719280	0.08858507589189	-1.70289864660115	0.20202252787768	0.38296239241618	-0.35438299491727	3.17033202493646	1.00000000000000
+-2.50338973831526	-0.62708327967557	0.10866424287766	1.57585545806517	-0.26996311591795	0.39724288924507	0.42648325885749	-2.84804697658335	0.92443410429060	-0.23578482371633	1.00000000000000
+-1.17088615937845	0.08464149543216	0.49512482572966	0.27974148974684	-0.43045504724629	-2.93789007078262	-0.29668144712354	0.16515744919042	-0.23529642583833	0.40316235768613	1.00000000000000
+0.09273165793425	0.55095904340615	0.10481231912553	0.76636482382088	0.22024306203612	1.06520253449424	0.99239484698596	1.68295504270893	0.81740519623623	-1.74149909210472	1.00000000000000
+-0.12550429568782	-0.24833242955031	-0.45583815019552	-0.07103906493964	-1.28191446963825	-0.26721322786638	-2.69290445529876	-0.13490006451896	-0.92140524230764	-0.82111670705170	1.00000000000000
+1.05955626256035	-1.62347609045426	-1.03354652877434	0.88287217687598	1.93148479172876	-1.51032287899188	0.11518952905963	-1.61620287093218	0.86446308886383	0.02869463654860	1.00000000000000
+-0.95359241218283	0.34514582521932	0.17719759365372	0.32463322912069	0.65115847893177	0.15741918911431	0.14513209555830	0.50077313486094	-0.58352349337276	-0.33257606370065	-1.00000000000000
+0.16500406526190	0.88315266164778	0.41986243058844	0.60415068905053	-0.61045974220599	0.86139549667960	-2.38067454533459	1.63310755032798	2.00904482578940	-0.27028466867844	1.00000000000000
+0.05267163591655	0.08237447107268	-1.81432550716339	0.70560524373368	-0.66393331757038	-0.10034118425627	-1.06916759924553	0.58513484517739	-0.19538352207148	-0.66504171693003	-1.00000000000000
+-0.45740122071123	-1.19962551156946	0.89442201498534	0.82623281204779	-0.16508559109540	0.56165160423357	-1.26326498077875	-1.51191769111073	0.94193678654413	0.10098710771698	-1.00000000000000
+-0.22892646531340	-1.27909761146029	0.85837354935149	0.81498505954246	-1.57912940465370	1.44910685620465	0.54473915151251	0.70170186556370	-0.53553920461998	0.53357094468639	-1.00000000000000
+0.48899201063349	0.36195681328812	-1.25953668785056	-0.26157317601591	-0.31031924499638	-0.14104060745671	-0.26575822260267	1.72300767990999	0.16659546113273	-0.19606159140020	-1.00000000000000
+-2.08910114911132	0.44729839217874	1.65200801082919	0.83000801716973	-0.15511047407307	-0.15885923771467	-0.19645832197160	1.57656339633131	1.56338999086469	0.16954574808715	1.00000000000000
+0.05929645509731	1.49426199655312	0.03250412664187	0.58401606456763	1.44727608741202	-1.17080793566274	2.15208679761349	-0.15823198331008	0.47912346462890	-0.39337825604948	1.00000000000000
+2.46290108185460	0.52495851776748	-0.94739491701905	0.70089978242511	0.70261182343078	-0.94661432747002	2.09907652664873	0.62922471830331	-0.08057230045150	0.34659422953383	1.00000000000000
+1.46166623885629	-2.15254898189319	-0.71526119166975	0.87805459431589	0.24521235739067	-0.40357906333624	-0.78357004631099	-0.39445907000852	-0.28121500322094	0.21207616492185	-1.00000000000000
+0.09923134283625	0.41397023018065	0.47413339613727	0.77538082569755	-0.73202223519531	0.16404650749087	0.39805075358172	-0.33312677701375	-0.41679882012099	-0.22425164352683	-1.00000000000000
+-0.70103854639119	0.09319148845513	-2.60082027908179	1.48964110348179	0.49472978679857	-0.24984459592483	-0.45191988045936	1.44393220102959	-0.08207302590185	0.68789501395253	1.00000000000000
+-0.16601522160760	0.21782703319420	-1.32840146615528	-1.34417022538753	0.80885969648768	-0.59811489638829	0.08662798427438	1.12109759011505	-0.36160329639299	-0.75131835416000	-1.00000000000000
+-1.06732511132604	0.81166734173779	1.32524552623899	0.27015912698222	1.38843281906367	-0.29627790470168	-0.53811886818575	0.08718876164162	-1.22516661334821	-1.21177542450532	-1.00000000000000
+-0.95566075250480	-0.41434152994559	0.73226597249290	-0.83929435652427	0.03959154052376	-0.74628930096560	-2.09547989439645	-0.23961433496913	-0.77725185503922	0.39195216552882	-1.00000000000000
+-3.11271772285123	-0.02074758375345	0.99317485562539	-0.05992037929035	0.11480780354461	2.07253215978068	0.38342680498438	-0.34362182566063	-0.13889817898261	0.66211966945287	1.00000000000000
+0.85331097669136	2.01181112242892	0.29219047498913	0.60393795011431	-1.30320232067554	-0.54043751788208	-0.45866233415560	0.57016120155020	-0.12797093445159	-0.37138506322488	-1.00000000000000
+-0.93549837520353	-0.63991423209436	1.14215317072833	1.15271397300126	1.18421290574424	-1.27345807934196	-1.45012818525391	0.09902078623430	1.49987708062592	-0.07256906872849	1.00000000000000
+0.28943583187172	0.77567862639730	0.45752248868185	0.88729057774050	-0.08076411605212	0.57283026566926	0.84231002299026	1.47262470456632	0.98514675871376	-2.75944424922773	1.00000000000000
+0.02294297086588	0.47553022417353	0.84799286998888	1.08187412095743	-0.21041615775230	-1.23869805258916	1.10661252605110	0.20277499213839	-0.85455088598127	-0.45453853139820	-1.00000000000000
+-1.20795382525536	-0.12373378468165	-0.30805405972003	-0.76492165201190	0.66327459968842	1.44230091356550	2.00265465488191	-0.84581826997201	1.55017161016064	1.83001585860429	1.00000000000000
+-0.46317120890085	2.27886774500299	1.17851139869294	0.70009476646439	-0.50872883178166	-0.83758385223330	-1.20389802815038	-0.13047674184153	-1.08200202306839	-0.96216239592214	1.00000000000000
+-0.63415146620291	1.35167607960270	-0.42112622043666	-0.42702312961200	-0.02259976076477	0.94608632135753	1.08193805825463	1.44068351593762	0.12422609064474	0.07266367421456	-1.00000000000000
+-0.75048413088157	0.97502655989138	0.27314775536074	-0.41942428017887	-1.60354901298932	0.96007076455321	0.80523164204395	-0.65457844712945	0.20220457028025	-0.77913996240310	-1.00000000000000
+0.66436889754787	0.11505973223698	0.04700570846455	1.01184898312000	0.09806382479454	-0.84281479811018	0.41597536567675	1.03290734541876	0.29794832967124	-0.11168246559480	-1.00000000000000
+0.05942867114138	1.07768440020802	0.49488895024618	-1.29025289723811	-1.40946337602958	0.68730270020276	-2.10567049304463	0.44195660107242	-0.60600153197290	-1.20011614214950	1.00000000000000
+0.30408904471267	-0.06308917720335	-0.24588949070153	-0.06770950215110	-0.82490634896374	0.90022163390303	-0.38096526073878	-0.59906446469207	1.35608421230991	1.83708643398416	-1.00000000000000
+-0.35228684876335	-0.42349349740578	0.82788427678339	0.99563804045775	-2.06976322307595	0.17421103336269	1.12020202216205	0.25978344410433	0.29414687448645	0.21598469911486	-1.00000000000000
+0.98733063052952	-0.62333030561837	-0.60257450908791	-0.37792243986995	-1.44461094398936	2.06580307095276	0.56337092784469	2.58482106233705	1.56401363110075	-0.22062390359878	1.00000000000000
+-1.15746786439945	-0.78557485176106	-0.28524492612379	0.16077773096991	0.08289366269915	-0.58875816843072	-2.14596613767552	0.18501701125390	-1.28821904497093	-1.70372719630884	1.00000000000000
+0.27978178274094	0.44231649824806	0.68074581560900	1.17533420601563	0.20655338714778	-1.23689776496534	0.89332206589254	0.94395228092244	-0.15787347830905	-1.22453077642433	-1.00000000000000
+1.15679148874302	0.35318294657583	1.03663677016381	0.91612587742157	-0.37997734433540	-0.47266250758664	-1.49784686450425	-0.49729764528341	-1.57143642030694	-0.47122943880556	-1.00000000000000
+-2.06797976170685	1.86142362229310	1.84144565542210	1.09323567528759	-1.58747505815072	0.92322703849383	1.41079769366275	0.49218453342961	-2.15693449610446	1.90943017341512	1.00000000000000
+0.21567272324358	-0.64333858805308	-0.07041185048205	0.20160467240790	0.08789106201276	0.34305892018595	0.02396625359571	-1.92832018046043	-0.69851861347147	-0.31828241400133	-1.00000000000000
+-0.70319946124791	0.09257179737579	-0.36622562436535	-0.87013971913455	-1.11058338052362	-0.66602690698465	0.38321726397003	1.10021723503138	-0.09533300461861	1.24285487158524	-1.00000000000000
+-0.41382892765791	0.63291862888522	-1.06203156375476	0.19050399577773	-0.64803722436236	-0.75918010700157	0.05288578789123	1.02736131205556	1.23082139931764	1.35316112584403	-1.00000000000000
+1.00568057116761	0.12281878570547	-0.38276497830205	-1.03099640495539	-0.74959529433100	0.84474462532830	-0.10646590771608	-0.67343959203329	-1.50538000439838	0.24449699522255	-1.00000000000000
+0.62619414061644	0.43212146204463	0.85569384220983	1.64327706677840	0.05081218973923	-0.35707857137791	-1.53499203488674	-0.07436708332848	0.25737995351150	0.90068210401547	-1.00000000000000
+-0.76508940221489	0.63099110407564	0.15204790139543	-0.40427427515496	1.29057179788146	1.79078884082043	0.14380735847386	-1.51449230014003	-0.85709545168864	-1.40853903485681	1.00000000000000
+-0.12541112924983	-0.77937299461290	-0.72434005733887	1.02679760206787	-0.47835815258897	-1.72769011471084	-0.08605097072411	-0.31263891580397	1.16504894478224	1.15479713470852	-1.00000000000000
+-0.96644437375192	-0.17741298501811	-0.94565400476793	-1.45080394346999	-0.35808715846367	0.03930790979106	-2.36197780185420	-1.93030535072250	-0.71072523727654	0.86681431740141	1.00000000000000
+-0.91068470501606	-1.99190124787214	0.29351174497550	-0.80045518460087	-0.49528331322667	-0.65633107046386	-1.61154922038731	-1.92842526385632	0.14385364142711	-1.20278639397449	1.00000000000000
+-1.31387407643268	0.80015612459609	-0.54268826583234	0.16404810702700	-0.03438143365858	0.07125090615587	-0.43907789579828	0.04608226513218	-0.64043161210857	-0.68690042353568	-1.00000000000000
+-0.98130327464020	0.12117753777429	-1.75648390224416	0.03385959782167	-1.29931236027837	-0.10630633916787	1.09261583697889	-0.93003113757497	1.31915114919239	-1.19894838011022	1.00000000000000
+-1.77322079493997	1.67361987363294	0.32367243021780	1.10190856192117	0.46238069299341	-0.52963529550745	1.13957908074384	0.72347103297646	0.72460778507583	-0.54362961993115	1.00000000000000
+-1.21448253381249	-0.43206818999335	-1.12868547380404	0.46153612752023	1.23858255333911	-0.98204497987918	-0.48956501698535	-0.14288569656569	-0.37143758407839	0.01552513211813	-1.00000000000000
+-0.03281351503346	0.46721307859641	0.85927295419546	0.74213141038900	-0.96497438325051	2.48419279978714	0.82370123568982	1.03264859601052	-0.33738363540695	-0.93515330214041	1.00000000000000
+0.69265014878751	1.83938135121159	1.49687339623859	0.03135457580632	0.84939506578696	-0.33488738778937	0.46439249119481	-0.51366646565203	0.26473665384442	1.38977976893753	1.00000000000000
+-1.15780980761746	-0.41750619851591	-0.05579725009190	0.68690069405381	1.18061144877883	-0.43143560967005	-1.32278460942840	0.42800447780146	-0.96215531080411	-2.02521786061202	1.00000000000000
+0.95718210643497	-0.66178398438094	1.76929235145212	-0.12463164055984	-1.00529548281709	1.86045723970262	-0.83281423116391	0.41822461545413	-0.94930732161746	-0.44267557553838	1.00000000000000
+-0.59671050193049	-0.14805751477466	-1.64161127867183	0.29311185690174	-0.87434031926616	-0.05845712913619	-0.06768620291822	-0.47420103554119	-0.52862853022237	-0.61378624629578	-1.00000000000000
+-1.24501317089417	-1.34186810884593	0.30815524376738	0.40349596659836	-0.06803370834312	0.06835647432958	1.46117433416993	1.45640412065319	0.48138164459063	0.21194616322228	-1.00000000000000
+1.00420013556763	-0.87588362641196	-0.38429281055336	1.53134425943107	-1.32276689044037	1.41490368365620	0.32760759971578	1.47772533116518	1.38746348193495	-1.15965715669587	1.00000000000000
+-0.50454004665985	2.18923661601618	1.02562117522652	-1.12189335316592	-0.85934151328560	-1.52876408274139	2.20554565705575	-1.25610494288605	0.33073046420416	0.89309596466477	1.00000000000000
+0.30385326815993	-2.10862379055895	-0.71095510045073	-1.96812549496458	-0.77857667659292	-1.48421223896543	0.67926795020308	-0.71890062413143	0.14519894565962	0.10576879527117	1.00000000000000
+-0.21401554552435	1.03538722272771	-1.08077554575632	1.90119225197544	0.58004845830801	1.31517170629230	-0.02978044893472	0.08591792933894	0.54887434805595	0.79800017399044	-1.00000000000000
+-0.45852071185810	-0.01789912045091	0.53234800786081	1.13352626802697	-0.29878314102605	0.11512424965446	0.44667568092684	-0.96217698248278	0.00354863956889	-0.37223504797994	-1.00000000000000
+1.55204594368834	-0.93548536215269	0.15793867263306	1.27805179985075	-0.31731786499543	-1.26992423809856	-1.08823818133453	-0.89133656214247	-0.19870207264132	1.25302174789914	1.00000000000000
+-1.62665280151543	0.44775484119374	0.19768251707089	1.10418911991870	-0.22553821278200	-0.34371698982913	-1.31124421703554	-1.05073513427538	-0.84475804518905	-0.23198321529295	-1.00000000000000
+-1.20367524755481	1.02814445128047	0.11010163948118	0.87226949688681	-0.27356839777839	-0.46529873459600	1.85740360528386	1.17697847501885	0.09307676754836	0.38988563942171	-1.00000000000000
+0.68606144431883	2.23195013447562	-1.30845362399711	-2.22537272300746	1.04070649365346	1.00733682827177	-0.35293463403201	1.74860946353768	0.00135452182487	-0.80140866847688	1.00000000000000
+0.10840030030374	2.16570153944437	-0.41668755390167	0.69428361857015	0.40635681352094	-1.55938924873980	-1.30357955036402	0.14704501192729	0.69858229513874	0.95950933346100	1.00000000000000
+-1.22804006269267	1.23716104153755	-0.47081160522030	-0.10989003865415	1.00695157937213	-1.83514738296310	-1.86042417771492	0.65442030334289	-0.94158080369287	-0.63949885735279	1.00000000000000
+1.02411238313435	-0.90263942756393	-0.00181021141568	1.03948726122379	1.49885001705316	1.49690430735161	-0.86656742783211	-0.90261630066054	-0.48619004784608	0.66702168318828	1.00000000000000
+-2.01785617879088	0.22169124275921	-0.97851287917127	-0.14021469812457	-0.13971882980553	1.69543106241194	0.60245332091995	-0.91855167079751	-1.59469913065477	-0.17527077617121	1.00000000000000
+-1.97403539875701	0.22134325483007	1.02474796386328	1.61559124829290	0.82161272767525	-0.57229970949600	-1.42923190396619	0.13775479894404	0.89258253234753	-0.28519517814612	1.00000000000000
+0.84091754722121	-1.17924759274388	-0.88492748584058	0.04804624615412	0.42348991278462	-0.23710676974671	-0.12769547330182	-0.06551449939762	0.79196575182956	-0.47071853172104	-1.00000000000000
+-1.84073634391235	-0.93366059396156	-0.89439629344155	0.32990106061308	-2.82587047642533	-0.29358294937332	0.30546334375112	1.34561677843870	-0.08504460562193	-1.20722243216094	1.00000000000000
+1.48350110539376	0.73644053332454	1.21202403527986	-1.92317049343844	0.08706030335097	0.33973924051204	2.12773830590457	-1.40451108381585	0.55594681248457	1.14565057396237	1.00000000000000
+-0.89830676626052	-1.56248980800851	-1.01943527805904	0.99676079344851	0.50121127193525	-0.47043092447094	0.21454682363826	0.60693737615038	-0.38656423841343	-0.10574248995398	-1.00000000000000
+-1.67268805187780	-1.33712490860783	0.19865231022948	0.00765597803050	-0.32516694242137	0.17138805143165	0.89400477972674	-0.77744118701652	1.00969002944897	0.82125666209907	-1.00000000000000
+2.34611168387189	0.35587233721950	0.84530305232423	0.44348352258285	-1.12672291701348	-1.36798146334172	0.11136753483485	1.10586729610422	1.46344274829362	-0.51287001204300	1.00000000000000
+0.31897207001820	0.28561658655645	-1.25626867457980	-0.81179071841586	0.66374443555646	-0.26891433067799	1.10562863416294	1.33361064695664	0.11452567984996	1.26897186170165	-1.00000000000000
+0.63524142717958	-0.01921860547413	-1.10841448340563	0.39158584506796	0.82614296587111	0.15349010686790	2.34640769178348	-1.77930780215936	0.34130029039662	-1.08834789189310	1.00000000000000
+-1.53425734952020	-0.69321207993490	1.45679727558823	-0.66433595424326	0.24291577807724	-0.54298998900251	1.00194355312488	-1.07986569063735	-1.54552757539656	-1.12191928115735	1.00000000000000
+-0.88560796830001	0.24981686754505	1.58640097003310	0.81702732147617	1.12688043304292	0.75912577961355	0.90329207169772	0.09137498315893	0.53988444457804	-0.66376415820305	-1.00000000000000
+-1.09747642151701	-0.47349641970485	0.22127554073494	0.32526674876219	0.00863190969872	-0.24045934271732	-0.74213989461675	-1.84806458336660	0.77025529753568	1.49622152973323	-1.00000000000000
+-0.87308841374614	-0.33821444834309	-0.29091673462091	0.24814306810382	-1.80175739658146	0.52466146396217	-0.59874355743049	-0.87228329734858	0.66339813008439	-0.04360772055197	-1.00000000000000
+-0.56518350266946	-0.96602902567882	0.92708043836485	0.75674173928088	-0.07844782617708	0.22157057194233	0.79586656532595	1.10012056919969	-1.33293233307788	0.85910204568996	-1.00000000000000
+0.19848374441164	0.06406708808987	1.06993696810535	1.05400859911004	-0.26319513594968	1.07380464382704	-0.22081729291052	-0.64669593341099	0.88397547117277	0.83767407513392	-1.00000000000000
+1.10825002437495	-0.78216715209267	-0.20726298389968	-1.11185787646169	-0.86522524081719	0.37654254937774	-0.88206525248908	-0.22130077120770	0.19311583513295	-0.40037815094197	-1.00000000000000
+1.47024860094590	-1.04578683526452	0.54001693765864	0.26287952861231	0.50712623845016	1.36511703069290	0.23135978338439	0.26053587478127	-0.40439450900003	0.00884893299613	-1.00000000000000
+0.93935730976257	0.21986323477484	0.43861426517284	0.31209515529907	-0.28382361059314	0.97623036414734	-0.35912441223387	1.46524082005669	-1.10206292845192	2.16554450286112	1.00000000000000
+-0.80143773674337	-0.54989606542795	-0.48407340474672	0.50582266218751	0.64461408900341	-0.60809178887186	0.48326162157642	1.06793314642482	-1.57682752444512	0.72322709124988	-1.00000000000000
+-0.68549647200292	-0.29572507691413	-0.47049873781688	-1.30314002030032	0.16092285908381	1.33463540120710	-1.24333268259901	-1.22051455851263	2.19955430805124	-0.04034613458654	1.00000000000000
+0.12943526923408	0.27112645745865	0.83720275393192	0.27188809337319	-0.58956575392976	-0.13647381112557	1.44324538403886	-1.28689781606819	1.18272483934216	-0.83333721237694	-1.00000000000000
+-1.51455657324641	1.11917570933933	-1.05547540313717	1.44725901470181	0.94875739457560	0.66689837309134	-1.05352926337515	-0.97598130154650	-0.02379669820309	-1.28120650041185	1.00000000000000
+-0.23229114029824	-0.83237274984891	1.84940064113331	1.04259414252444	-1.26148837239447	-2.36959471718578	-1.89340579163606	0.03523892016709	-0.84067517375970	1.80406551623566	1.00000000000000
+0.40527498215988	1.32435970084046	-0.13422254961649	-0.46696868563410	-0.19268461564855	0.00805562043236	-1.80172274712530	-1.66723119667895	-0.65326097206333	0.82148366540590	-1.00000000000000
+-0.61707610171530	-0.60327323169293	1.04008232123852	-0.19421596766877	0.36454817460881	-1.09070804023248	0.32913134409844	-0.55749283084654	1.55790040323788	0.58426069675990	-1.00000000000000
+-0.35312871150649	0.43389262874507	-1.01551372689904	-0.28012989906897	-0.13363385337355	-0.09474466406964	0.60477244587905	-1.40925264647879	0.00127351540125	0.48806449013984	-1.00000000000000
+-0.24888197153276	-0.23568831663719	0.73771357193858	-0.74805992194589	-0.46648308740749	1.77719726338262	-0.43127706416473	2.02313359181726	1.06904623087115	0.98580218384341	1.00000000000000
+-0.57372364801411	-0.06507875086411	-0.09404565476505	-0.68373026683936	-0.08600781586001	0.21398126022479	-0.19376495321628	0.97767946718736	0.35912042810362	-0.54378974374866	-1.00000000000000
+-1.04671548751043	-1.01865316386525	0.53942293906900	0.84298711020388	-1.12272065101899	0.76228792974796	-0.90426216772389	0.61278915291845	-0.15615920385818	-1.17492367122801	-1.00000000000000
+1.07226884116241	2.19128780938859	-0.21701791652987	-0.55778514174725	-0.34653791896339	0.37197663114939	-0.98136969605389	-0.83943036914074	-0.43945096064213	1.36050332574797	1.00000000000000
+0.95471335432897	0.42739741603302	-2.15580867659753	-1.04246304313382	-1.45013223811740	0.10275584837906	1.80732674421114	0.23274479604947	-1.24191451032797	0.66479807992345	1.00000000000000
+0.47873863265963	-0.31620468386566	-0.46946128414319	0.21746768016707	-0.05419935906847	-0.77830813968372	0.29252954080680	-0.46284708298728	0.98451796457994	0.64392300882510	-1.00000000000000
+0.66562682432102	-0.40708483416988	0.40472051490722	-0.16492034519076	-0.29497828858685	0.57065573242966	0.99934585298776	-2.13903405859163	-2.20763137398996	1.01967438152675	1.00000000000000
+-0.55905158956221	0.74141774171007	-0.08264037752116	0.98073645118799	0.20339136997176	0.29478480206858	-0.00228974357948	0.29196491003499	-0.30706410257711	-0.05345461646980	-1.00000000000000
+1.23833308158168	0.18995988598766	-2.37864170722505	-1.14600150176393	1.13180790017672	0.98333109531529	-0.11827873929182	-0.23252838281571	-0.42434922089925	-0.32343778008718	1.00000000000000
+0.75276850222478	-0.74568013291757	0.26555860978388	0.01912786539009	-0.85052366493621	0.50453399858636	0.07482944069404	-0.51414369565466	-0.24096939883887	-1.19748124422582	-1.00000000000000
+1.29923299517174	-0.43716555139761	0.41630565188346	-0.96760202876933	1.15162174058571	-1.72865941077950	-1.68691426087951	0.57402685210514	0.68443255505646	1.14322400816150	1.00000000000000
+1.51603054456634	-0.43736850755663	-0.80990229440888	-0.84306194121728	-1.63165339814884	-2.85969914576835	-0.87989292593209	-2.13659296658368	-0.11350137503702	-1.00270379497975	1.00000000000000
+0.12704359379681	-1.86622876711212	-0.41588971078933	0.42942394386029	-0.32580073627784	0.29544933872098	-0.73943340615407	0.17572750802757	0.50491016262549	1.11915304074610	-1.00000000000000
+0.40279677512276	-1.01610194774823	-0.42228684364582	-0.05454253216407	0.11543558455250	-1.06679390788699	0.47965471381153	0.12687076846114	-0.02968330696982	-0.04165281113524	-1.00000000000000
+0.03524793035601	0.99613175857036	-0.47718450818942	-0.00875724857959	-0.11575850523802	0.33037132982658	1.96897387122855	0.14608094568871	0.84284502087214	-0.19966383284975	-1.00000000000000
+-1.82647230500875	2.44997017934913	0.66615342380042	0.62600467116688	0.21615105578819	-0.93524297335199	-2.26475767378101	1.89800807184858	0.97631292297607	0.00671025264523	1.00000000000000
+2.66575148235204	-1.27141928707505	2.03381523419175	-1.99417405626040	-0.06951988658413	-1.41576141915683	-1.68621781098791	-1.61533833195184	0.18842319356214	-1.15173346659199	1.00000000000000
+1.60969778563818	0.16252239589192	-0.80677392046999	-2.07754084614302	-1.79161334847625	0.40217287387288	-0.75755104767297	-0.01803205972165	1.09104839411255	-0.40664266114482	1.00000000000000
+0.18420337037710	1.37835514528388	1.51422154407916	0.74635799140245	0.49773394896309	2.04675281502545	-0.06942659340704	2.10605279359354	-1.04579294274683	0.06070723478601	1.00000000000000
+0.63550386618216	1.42591849614560	0.67508334396578	-0.33487128152638	1.61367249651930	0.23173890658991	-2.50200214360095	-0.24695221909509	-1.62365596914593	2.00888478598255	1.00000000000000
+0.30845832814765	0.18930953262697	-0.46890065866990	-0.22549982373916	0.38317086822828	0.96313896080435	0.52641770601589	-0.41225939946346	-2.06423605828137	0.01619258004345	-1.00000000000000
+0.79490814929174	-2.09285002967969	0.13333636225740	1.45498860853833	-0.12015144004526	0.64732977032612	0.09251921211810	-1.15696990694716	-0.39662480113913	-0.73524170554056	1.00000000000000
+1.47613869255983	-0.93124420874437	1.07289000349923	-1.36090520781541	-1.56298938100473	1.42523455885560	0.36641223330744	-0.61701411428198	-0.71084094735274	-0.62436004814942	1.00000000000000
+-0.65145227888026	-1.99231511410263	-0.95871037501648	1.66362790245009	0.41129067526414	-0.37350887969488	-0.24854615987928	0.18413125197040	-0.54443426467142	0.70293648078367	-1.00000000000000
+0.49973467806040	0.03283920214464	1.15160102062987	0.51533237908866	0.26852398484602	-0.81362097253704	1.85760190345346	-0.82453743781285	-0.26269522952882	0.77224070542752	-1.00000000000000
+0.18267558982056	-0.38621418572576	-0.53363170197956	1.47571095266041	-0.09676894099226	-1.43586452995273	0.01691505633677	-1.43062467000985	-0.19070642835552	-0.43721175572147	-1.00000000000000
+-0.98397291414953	0.58147436208757	-1.23680341147204	0.92353622312178	-0.51684383878856	-0.51137338508770	-1.50381024101014	0.42641051099304	-1.29994703967398	1.06919192504949	1.00000000000000
+-0.43810579497187	-2.16353830917124	-0.37801553089795	0.27314686957827	-2.54742428952573	0.40831452896399	0.26093115781680	2.65596197394089	0.62125632413345	-0.87319032387431	1.00000000000000
+0.90313165309709	-0.54212319235329	-0.61127306031100	0.83262837162289	0.29137959269575	-1.21010668620820	-0.40854197771925	-1.01690836502142	-2.28968157687092	0.15473672684658	1.00000000000000
+-0.57707393988036	1.10084947442867	-0.59690720996940	-2.42484935825038	0.73009117794246	-1.68896932018431	-1.42456514892578	0.60292952601767	0.88690927761272	0.83356195026676	1.00000000000000
+-0.15440200826241	-0.19137924514792	2.10263051015464	1.28101050546888	-1.84506194551842	-0.57372599106601	0.04512155405554	-0.65927373200333	0.07725131869207	0.88147951742613	1.00000000000000
+-0.83287806085987	0.39062065425561	2.41462216134550	0.65739786328589	0.51357672456834	1.28037347321927	-0.96576051362140	0.51137857169997	1.47501092611096	0.66888784230278	1.00000000000000
+1.16244372132782	-1.03445645387154	0.01574940609174	-0.25525865185433	0.86561242748487	0.84812940249264	0.46717921726934	-0.22887945444389	1.00529476857057	-0.10449920507153	-1.00000000000000
+0.46060639299211	-0.19713630821975	-0.48385883803559	0.72953559529858	-2.12466726966448	-0.29415038501952	0.39081183489499	0.12164125178935	-1.34547336683258	0.63263466363812	-1.00000000000000
+2.79005542819771	2.24474887148654	-1.85941698389235	0.64253737511593	0.49991234235744	0.77485861913007	0.47597167139731	-0.96967933888702	-0.34132679350651	-0.14580907756368	1.00000000000000
+1.72572208721565	0.14305217752939	-0.20074156514823	0.36945712244826	0.00348230989950	-0.38968901555392	-0.10368536790243	0.49362975569542	1.27566841664696	0.22710991837767	-1.00000000000000
+1.03948867851676	-0.76105792742260	1.24798823714276	-1.05614664940093	-1.17259498759094	0.85797210659129	-0.82726697829078	-0.19728359504137	-1.43078299360929	-0.56735812313293	1.00000000000000
+-0.75632236793998	1.51303448608330	0.89735017762132	0.77338674207490	-0.07846388203764	0.77917669070326	-1.37032147221141	-0.00768234360161	-0.01349451948656	-0.06099375528834	-1.00000000000000
+0.27132278811286	-1.80649583284096	-1.20458109863933	-2.18956298503859	-1.62659253488175	1.84425271451585	-1.10417730777701	0.48563998263643	0.99150464760986	1.04180885619291	1.00000000000000
+-0.72082774524151	-0.08902107816486	-1.13200840707679	0.50371217577149	-0.05403299361689	-1.07747706116193	0.57104877561749	-0.08427747498198	0.62653399425665	-0.48699086844889	-1.00000000000000
+-0.51208781082232	0.48402178917054	-1.04066998697497	1.63587274504340	0.51577074675019	0.33212494541805	0.03969847671744	0.45352057690701	-0.58602928090824	0.08790294187388	-1.00000000000000
+0.72461046593327	0.62722425251284	-0.24746510425728	1.46558154803601	-1.41145932682075	-1.92381119706921	-1.61738142252472	1.17232031969996	0.21617797705690	-0.73621087551752	1.00000000000000
+0.38118976405399	-0.32335092277355	-0.54645963294978	-1.02790212687482	-0.24551288337117	0.09982004483620	-0.75703249958701	-1.00874985157181	1.44572149246061	2.61006698905963	1.00000000000000
+-0.06401305082479	0.55623727677053	0.44510481926126	-0.25745662229881	-0.96931075322539	-0.97508213344988	-0.27335672960922	-0.02594999139426	0.63748710652354	-0.98761161323177	-1.00000000000000
+0.17965502661276	-1.81817322779751	0.48743080964338	-1.24888995347537	-0.58513878999545	0.73908518436396	-2.26327395926902	-0.37700319023318	1.05953921568178	0.31274706587399	1.00000000000000
+1.16571065878910	0.24828822384638	-0.60118615192751	0.08518343979464	-0.82766446570010	-0.26431708363805	1.26170778894760	1.21662952980121	-0.96696537713440	-0.37274053120649	-1.00000000000000
+0.75724065716512	-0.28114770395060	0.24791898407907	1.07859337210346	-0.87199388036351	0.75527856601245	1.94797554569688	-0.69477985962279	-1.36354576645700	0.27735790875775	1.00000000000000
+-0.41541126582093	-0.41594216865055	-0.63254120117465	-1.72331336885391	0.60076266259676	-1.02734407336198	0.22220637907509	-0.38761128661003	-0.71216449962876	0.07472249078099	-1.00000000000000
+0.76326947927103	-0.60531609383371	-0.28637590825461	-1.21988357082702	0.48882872985405	-0.85217645533812	-1.60909701563210	-0.07477925089384	-1.58071638997183	0.17082115046696	-1.00000000000000
+-1.28392261683756	-1.30958338178469	-0.57842466293156	-0.73088613789871	1.50816073643616	-1.83270814862270	-1.02939948583015	-0.48986077809888	1.70078671486950	0.98717586097096	1.00000000000000
+-0.72041887798930	1.33637082149572	0.91689486950065	0.13180029160579	-0.83577334431952	0.40433825458014	2.35903590056761	-0.26704081320390	-0.79760494334763	1.05378699082696	1.00000000000000
+0.21357216511564	1.42364909961820	0.32073351009932	-0.13673118739942	1.62409038082862	-1.63850839273867	0.06565989691198	0.62505206171930	-0.08853349862783	-1.48198477841802	1.00000000000000
+0.52328263783925	-1.09093282551302	-0.47923249578054	0.31279343728144	0.47384248165348	0.96426151919765	-3.47902431523816	0.94427694037378	-0.58602146519537	0.21536893987064	1.00000000000000
+-1.26023890244472	0.39924719835366	-0.93339655388522	-0.03650875309596	0.62881007420547	-0.13311005354941	0.97806360368909	-0.46155234406733	1.13726516180376	0.90866434431064	-1.00000000000000
+-0.21777134496002	-0.46378798450733	1.35191598307844	-0.41921263005056	0.44652234132784	-0.52504280083604	0.15093150946164	1.86028159640626	-1.57168134164382	-1.61706865581197	1.00000000000000
+0.31317295438624	-1.12953377928056	1.34454591815681	-0.11930506882036	1.19528484792517	0.43423859757748	0.20750685525672	-0.97983807096822	-1.18054964455525	0.02674626572262	-1.00000000000000
+-0.27404129470724	0.67881664480688	-0.10823983790800	-0.00445079464225	0.08428845209209	-0.19682848921832	1.00540698573796	0.27986951465151	0.04476335890123	-0.01974878414752	-1.00000000000000
+-0.22987589461641	0.91890004084217	0.16803404836761	-0.62273360712216	-1.10915061506631	0.45597931503315	-1.98541107815700	1.98279032623512	-0.12121097671569	0.04349062586597	1.00000000000000
+0.92151740420533	0.51065912473869	-0.57009862373947	-1.80496526911028	1.56691625530188	-0.31727439190114	0.85576994066766	0.21794817145719	-0.10792941303919	0.54778684613392	-1.00000000000000
+0.45807261842504	-0.32170918307107	0.73807041275511	-1.91911412685927	-0.16189671640385	0.84290014935503	0.82066808843028	-0.04883345832044	0.69731344937204	-0.82879922024443	-1.00000000000000
+-1.02788135706272	-0.34546337694682	-1.56118980397122	0.52693703767665	0.78045851710254	-0.65225105835241	1.12709842977507	1.11425053897464	-0.00691041903961	1.22862620957449	-1.00000000000000
+0.89298723925265	1.33945751665063	-1.11169007475289	-0.60206445040825	1.15375003037155	-1.08839475255764	-0.23739694047914	1.44048372066005	-0.82443519079579	1.61300112171521	1.00000000000000
+-0.82480341380506	-0.17720800470379	-1.96040657511993	0.19241308044009	-0.57122228923940	-0.85983601604838	0.77984673994100	0.26409719052668	0.06528714889158	-0.10223046654645	-1.00000000000000
+-0.94961342129247	-0.76604086742840	1.59824211252576	0.35661261567651	0.45844373015122	-0.03618296971048	0.30113642318378	1.31891058188497	-0.35938610672885	-0.11316526522749	-1.00000000000000
+1.43171151649434	-0.95194821880490	-0.49851169127195	1.23951889330055	-0.42880390867491	-0.19883694461675	1.93726806176050	-0.64202905404149	0.56263836121930	0.11531005992027	1.00000000000000
+-0.34616266107772	-0.47001406756914	0.16362886747981	-1.43828167098326	-0.84023436559927	0.48367997580612	0.16283254288661	0.13395614526621	1.47082460994342	0.46076510173942	-1.00000000000000
+1.16291121682320	1.47159579483968	0.31776497389233	-0.73351532493089	-3.34147939898294	-1.00633476675385	-0.28564329763591	-2.73606108494976	1.27043261776776	-1.02244517579498	1.00000000000000
+-0.30737570268044	1.63861370818795	1.69590270881249	0.31930232599317	0.70451939041448	0.82829818498746	1.96616459570923	-0.67771204991012	0.08738304816938	1.31350539666764	1.00000000000000
+-1.19903259755898	-0.22012042698297	0.72347344902180	-0.79435744237887	-0.22850100032890	2.25876109512587	-0.71193138198359	-0.62848382679198	0.68073659406977	-2.01799225496911	1.00000000000000
+0.00944669329445	1.05965494798282	-0.90018830162182	2.19580660394964	-0.29321811478150	-0.25946981283866	-0.76547850936299	-0.06620717858564	-1.09456347927387	3.68051297670540	1.00000000000000
+-0.69465537037090	0.57658955908286	0.14107837962367	-0.24800432872836	-0.20427848798446	3.14881102436658	-0.74314204474488	0.69162745943959	0.75302401575822	1.22096843418437	1.00000000000000
+-1.08133663306696	0.72807741893176	0.65229767816049	-0.11812911503800	-0.60384385911185	-0.61074932857600	0.44215133153236	0.91553497544387	0.58343490055830	0.75088571229278	-1.00000000000000
+-0.13283484104904	-1.33892362993023	-0.04369925900371	0.09617367585441	-0.00771281527764	0.15839612030464	-0.80754594465959	0.04005413055232	-0.59636637801880	0.91949878209081	-1.00000000000000
+-1.53230456594459	0.24397345597609	-1.14772654911230	1.46325892279932	-0.74512850250683	0.23474762249442	1.90482535950619	0.72352185902714	-1.47726348964644	1.86307578449449	1.00000000000000
+-0.09966421972450	-1.46665882778203	-1.37816842362612	-0.60475792880267	0.54378420475879	-2.61079112855337	0.35895527052940	-0.32984808726703	-0.42408572887392	0.32885660911828	1.00000000000000
+-0.07166445596774	-0.56999559900970	-0.29967713156491	0.79961241255839	-1.13075947301060	0.22281255577297	0.45717872075166	1.20632514236757	-0.90257075352185	-0.39412194586476	-1.00000000000000
+-0.97687386388429	-0.43088218987365	0.68544714299552	-0.63907741570033	-0.15684789870130	-1.61760545905091	0.32317464537414	-0.49319532194819	1.27011393218056	1.16927918609810	-1.00000000000000
+1.54196286294043	0.85064521658362	0.54999040949084	-0.51852084407893	-1.07599363784257	-0.13840443846681	0.32384082270947	-1.44793011243842	-0.44077418636107	-0.52584752357471	-1.00000000000000
+-0.37249706474462	-1.70995717451068	-0.14477546990523	-0.48796762733902	0.00380738943701	-1.37324518443547	-0.80543452600980	1.33156854097085	0.43889047433744	0.45125549454218	-1.00000000000000
+0.54203783330949	-1.36728376647399	0.59199668428997	0.27001251559626	0.56696094354510	1.20019130857601	2.09630361323737	0.29891979645100	-0.29633536724171	0.89027982595259	1.00000000000000
+-0.45964173557342	-0.33715251830674	0.17286516430876	0.30475492638419	0.28599307295373	0.13105990576523	0.34057794070750	0.27847280251464	0.71137503967940	0.24041018395292	-1.00000000000000
+0.34026508690608	1.43935424737242	-0.38149649689914	-0.42455729994017	-0.21992205027246	-0.73833348371851	-1.78878582879805	0.52448051790512	1.49345815456474	-1.07488867669148	1.00000000000000
+-0.99209460301382	0.22760645206990	0.74501743623745	2.13543140469372	-2.14990255165675	2.45496415633203	1.00044879552166	0.88853531289639	0.43462672146107	1.74000333248659	1.00000000000000
+1.02358402969227	0.57923908471803	-0.02965998695945	-2.70694887815424	1.04227849930734	-0.76640834435818	-0.83629437890066	-2.06547124362585	0.91049931365768	-0.30078931904526	1.00000000000000
+0.30416012006607	-0.08621436730247	1.05124186693160	0.16742370400951	-0.54200651413797	0.47439598625453	-1.35789326966464	0.03113644865619	1.45409873126480	1.25645171473683	-1.00000000000000
+0.49078432821239	0.57652538444846	0.17740936814991	0.93350922168706	-0.71500210857820	1.56348029399539	2.30751995091229	0.43663223904843	0.98428711978987	-0.28986275103681	1.00000000000000
+0.02329519104263	-0.13954554455045	1.22670091915049	-0.37725428181074	0.60140793690232	-0.35372956213571	0.58436204133529	1.87345980241812	0.49578186968939	-1.35038361420894	-1.00000000000000
+-0.27364955651946	-1.21143337835130	0.06495318986585	-0.81924160447394	1.40602635716299	-0.13654904504428	-1.09373432397835	0.04067695325995	1.09678716473055	-2.69215593156827	1.00000000000000
+-0.48114036504689	0.04194942681942	-0.01942838515220	0.42353610817192	-0.85403409598968	-1.15818489977355	-1.19774254116684	-1.85317697229969	-0.28738057985784	0.65550373387521	-1.00000000000000
+0.67419087179806	-1.65882930979350	-0.06657099473526	-1.18666972189317	0.37026601935537	1.24449594569923	-0.13913714010939	0.49214267340676	3.61757983221118	-1.21635836317174	1.00000000000000
+0.15491742286570	2.11020745880427	0.85527012578321	-0.76645573546652	0.56624714072200	1.29523961815166	-0.67676045530272	-0.92234478912568	1.33857431244667	1.16320739449341	1.00000000000000
+0.66692182279643	-0.16873609015956	-2.03844105698973	0.32071353570876	-0.47020753861624	-1.69995520227228	0.45629594669660	-1.49175108681242	0.61234284955484	-0.68566668743459	1.00000000000000
+-0.24768109616900	-1.61023469502260	0.47865919879722	0.93316025313168	1.12303595897300	-0.75501504506190	-0.26433396623430	-0.01464519726362	-2.51186077470586	0.06476117480737	1.00000000000000
+0.76742891545703	0.83028392526354	0.95837701274783	-0.88602769301714	-0.07476078159271	-0.53107661108069	0.23116069577978	0.82362448280604	1.34704101696118	1.60596560805342	-1.00000000000000
+0.20038867952514	0.37103148677843	-1.44925810491015	0.97846684460784	-0.24699068554233	0.07546051679248	0.19026012173834	-0.26460134608341	-0.11207706789844	0.69873830964545	-1.00000000000000
+0.39880536261521	0.44555888665281	-1.71686344886087	-0.81030670974316	0.82726424090114	1.11495232577496	-1.10495870452039	-1.91654236927784	-0.93861270995689	0.15950196284655	1.00000000000000
+1.23114368056947	0.90585006107967	0.55841980789497	-0.71987778898942	0.11012119823619	0.38735131958221	-0.01403375271406	-0.26376891018986	-2.62280380225145	1.17289309153179	1.00000000000000
+-0.05472964646720	0.70709394061863	0.39568147314263	0.58610476413139	0.05097619585902	0.46444193919542	-2.03367408717876	-1.14488650575239	0.75956865321367	-1.82158397649557	1.00000000000000
+0.05238323158347	2.13723671225632	0.44630863948562	-0.10053895258774	1.10479997103061	-1.80292007973420	0.96510196942142	0.00614065160941	1.27484333993710	-0.14761156246664	1.00000000000000
+-1.00360532857544	-0.44034927104150	0.39084779447321	-0.59702892071916	-1.07397151890691	0.28009989831291	0.03666789879097	2.19250552539174	0.20929254246555	-0.85857822734830	-1.00000000000000
+-2.02291501379580	0.35538157486209	-0.36005709347946	0.85719892225425	0.54205207164178	0.94851730688470	-0.61266532805069	1.30365820054215	0.48654052010451	-0.27683661604946	-1.00000000000000
+-0.43940149438783	-0.16840989689783	0.98427758553235	-0.25153775157496	-1.08053849692098	0.65062244184549	-0.34327272766277	-0.57172139307659	1.68780862506313	0.83380886143576	-1.00000000000000
+-0.01446849398164	2.25349240585135	0.06859494308540	0.96859765591628	-0.43078093529716	0.28773855214447	-0.02571831241072	0.25218831896515	-0.38428995109287	-0.12182854044347	-1.00000000000000
+0.71135984322080	0.14693608381933	0.86873759151285	-0.83998602598464	0.44293983351517	0.16163821049641	-0.24184869120421	0.46652509187620	0.29779692928279	-1.42323445409122	-1.00000000000000
+0.25506479560866	0.54643540685503	0.14847044256026	0.36992104375986	0.17411614800398	-1.01583016120979	-1.31670149534281	0.22729172709354	-0.83491922574440	-0.10340810545095	-1.00000000000000
+0.91227250119782	1.26247473796443	1.77185101782717	0.60738005346587	0.91200846549458	1.56018358797688	0.96263186470056	0.70498542811197	-0.18851632184899	-0.00624241720990	1.00000000000000
+0.11502237924338	-0.14529641348467	-0.87032530065008	1.21926735945823	0.63020533921997	-0.62626045381138	0.14986151182825	-0.53100378975820	-0.41892370139670	-0.86918466016595	-1.00000000000000
+-0.06056656555110	1.83435220138699	0.59052575573890	-0.50636922155030	-0.97822269791722	0.12924151885253	-0.21339194686458	-1.56020390399109	-1.35066195904097	0.93479833929647	1.00000000000000
+-0.88355349872547	0.98932052117700	1.43422817708751	0.63038391517674	0.72215274140066	1.63389580491701	-0.21404296804088	1.73327128972175	-1.62191451196801	-0.53813228676306	1.00000000000000
+-0.63963377376239	0.15337852560107	-0.12072630882920	-1.36645676978416	0.14501588620556	-0.87553963203833	-1.24426940340142	1.09740593743725	0.80820410816149	-1.71200014138624	1.00000000000000
+-0.48892154578355	-0.38839139942389	0.22992205952204	-0.07337750081409	0.39632526325334	0.50357538999560	-0.42692508609520	0.87151454953191	-0.99903750356779	0.59867698334426	-1.00000000000000
+0.56822867342273	0.18008724062462	-1.18280326394473	0.59147136971707	1.07671012334846	0.59232663032420	1.09000138163831	1.08442955446045	-0.17097857336068	0.75728830497794	-1.00000000000000
+-0.09444339426419	1.23132509044360	0.38272350435058	-0.64041709414747	0.76274571342821	0.02431479029238	-1.15189404133287	-0.54901487815116	-0.33565860270626	-0.29067825051439	-1.00000000000000
+0.55551631914546	-1.94358759518900	-0.55387500258267	0.72198645243060	-0.24675815664053	0.77644379084885	1.23573679261808	0.99139968021418	-0.81571024347445	-1.03726897858424	1.00000000000000
+1.18606896949382	1.22923235806067	0.37428888772050	0.65515967893748	-0.31823210966384	-0.22793610546220	0.96830508095804	0.48652719521827	-1.32084292894195	-0.56227635855594	-1.00000000000000
+-0.25058422858881	0.37598275684434	0.37816808059686	-0.67412947282120	-2.31494918448227	-0.95649848173479	-0.00301653267973	1.15785855941052	-0.70779132000274	0.53014264352004	-1.00000000000000
+-2.81031254059565	-0.50461864716562	-1.80149533950433	-0.95615500512367	-1.22939848218015	-0.81963928050194	0.27433919616397	-0.38163275446773	-0.85591450606018	-0.11083098142610	1.00000000000000
+0.69020951921957	-0.12020313935910	-1.67037677619782	-0.54357075555407	1.68888673959797	-1.25924567849169	1.79484114970945	-0.79996351452792	0.10597107231324	-0.52255579435552	1.00000000000000
+-1.12877357272065	0.06168914052144	0.34266987708866	-0.46124962364479	-0.36370489904954	-0.84301149941124	-0.64825116071706	-0.76658128741980	0.43711240435661	-1.77071916617614	-1.00000000000000
+-1.21181010016039	-0.29815186347303	1.05920793853538	0.45392382965771	0.58266747861157	0.19319370790834	0.11978588778999	-1.65940780697441	-0.18862699391107	-0.38408254687350	-1.00000000000000
+0.79030303905852	-0.01279168006605	0.15427689359247	-1.43624834965112	1.15880247935520	2.36281204887613	-0.18212448527534	0.50792797842508	0.60286553388631	2.52161802736880	1.00000000000000
+-0.80109374594085	0.50064771865861	1.03453128086023	-0.96019729874582	0.00780933525300	-0.64189900267152	0.30538428878801	0.09231744425829	0.88506384411972	0.64739437417945	-1.00000000000000
+1.84066884430096	0.11804635614302	0.20057455216614	0.86554020593058	0.44119429869565	2.91979508409964	0.78580607905053	0.78677814103872	0.28049044158844	-0.16557880192254	1.00000000000000
+-0.87111709284466	-0.98326411689620	0.05385655399036	1.10481385962500	0.12778452196349	-0.39645895449207	0.53124423203867	0.22487123597682	0.66856844143014	0.64495939190330	-1.00000000000000
+-0.65170584703359	1.10079378903510	0.40349268922554	0.18962571309427	0.65244038405554	0.14542647273175	0.53222487103747	0.68003187696189	1.48967499735539	-0.16663217961548	-1.00000000000000
+0.83857653092509	-1.60187239579882	-0.78417750338226	1.36947962803841	-1.02758269543104	-0.75201015120933	1.06423042952488	-0.69507434773490	0.74105254164948	-0.67817568129296	1.00000000000000
+0.83373308201201	-1.06991093457403	-0.44018782696106	-0.69366445956020	0.38688743396853	-0.27853522678382	0.39128589516194	2.21319453641492	1.09775079892636	-0.87866536103820	1.00000000000000
+-1.04059560972304	-0.71097484049407	0.71899582192412	0.56652772396697	0.27986768288481	1.13981051458005	0.36486774448288	-0.83286470413956	-0.15027194935809	-0.26940489145458	-1.00000000000000
+-0.52497043730965	0.22811510765317	-0.78735943662036	-1.26845639667559	0.29628128873132	3.00059957201910	0.76510565984127	1.46240341669467	1.27995731621205	-1.34495100538733	1.00000000000000
+-0.90786139561658	1.84959692993276	-1.30210661877190	-0.08375118703046	-0.45061388333671	0.51313501311558	-0.30962567472885	-0.45812694650961	0.03684604449592	0.15127403757087	-1.00000000000000
+0.99745203809553	-0.42253425261294	-0.28672046924203	0.78694480765675	-0.05140472338851	-1.20517240545746	-2.70449498139203	-1.15343131654408	-0.58614496445983	-0.80693598534116	1.00000000000000
+-0.97568837565898	-1.69350613685610	-1.58681888807955	0.28277078480010	-0.10649089419747	-0.51818135252199	1.63648359696200	0.49342268054768	1.21780239932873	1.54053843535605	1.00000000000000
+0.69874425397759	-0.07178021650869	0.82394803404427	-0.23831636295324	-0.99961461069726	2.37154509972945	1.05383143028269	0.12391973058291	2.05579755674069	1.17589443921985	1.00000000000000
+-1.63690964602345	-0.30231982161251	2.71429893485268	0.44832264997868	-0.55839934192899	-0.79551814194288	-0.02980687698772	-0.35546459874994	0.81556521588523	-0.45055153824283	1.00000000000000
+2.34651792313869	-0.08808543956244	0.65210487653598	-2.85801875583720	-0.45541301311242	0.51429405708842	-0.62274262080498	0.74101637954439	-0.11151092126500	1.33482625217945	1.00000000000000
+0.56387994571245	-0.25696680922847	0.29677795738303	0.61340388242586	-1.10888867915014	0.40507293874500	-0.76614326325057	0.46520431374993	0.16307209144814	-0.34690616515337	-1.00000000000000
+0.66500613242130	0.70737540813795	-1.19512067896399	-1.31992591563522	-0.47940563231143	-0.01547063554298	-1.76987417671212	1.41343326842098	1.13762947489369	0.17855332068079	1.00000000000000
+-0.08553157418280	-2.02096073107399	0.14605454629671	-0.32500926791240	-0.43650132408463	-0.72822595710223	-0.06188880331862	-0.50327741201776	-0.57928366264791	-1.09207507641449	-1.00000000000000
+1.16257287872017	-0.51983432480456	-1.69256678413764	-1.65539956842653	0.85081198537716	0.63313281981937	-0.58659225697471	0.75572135207143	-0.64484590932018	1.23024565151371	1.00000000000000
+-0.22527529294302	0.94760436784439	-0.04373856293948	-1.59103421270383	0.47775454851869	0.28920695600708	-0.23400589123373	-1.21848778370508	0.18333949920868	1.22485605535152	-1.00000000000000
+-0.74172271359378	0.98345735610583	0.08286268498796	-0.68742392147242	0.08116200769490	-0.15569174153600	0.06641824002104	-0.47765112899766	0.26896958702014	-0.60570634503485	-1.00000000000000
+-0.59104136012998	0.81187165052845	-1.90006942037109	0.54871112046651	-2.15634550830388	-1.78752970085331	0.47213388740199	-1.30655758708333	-0.36813529333079	0.68011562355084	1.00000000000000
+1.11734574590407	-1.06838790405115	-1.17672971534967	1.09087028178650	0.57143745171802	0.38212779124174	-1.12822590545251	-0.16455390225433	1.01645622842648	1.16406450857765	-1.00000000000000
+-0.57223982429366	-2.35049093117784	0.01281869921432	2.90954308152935	-0.99221278317758	0.83272213874072	-0.22774394965433	-1.76618613465610	-0.39956766344412	0.30760636825380	1.00000000000000
+-0.44957482707678	-0.76034270525040	0.95525435554241	0.08259516410706	2.35199767679313	0.58433215295888	-0.48717033046582	2.41807856002922	-1.01634511398066	0.50739524473823	1.00000000000000
+0.28394965973198	-1.07138180704461	0.86383535284186	-1.71867782944605	-1.06274812437326	-0.03002113919519	-1.55275287949497	-0.75180023329207	-0.47282727777864	-0.09646208504982	-1.00000000000000
+0.55818554605455	-1.04232397399798	1.05117578062629	-0.90486542721685	1.00222869602027	1.32359617329670	-0.29243858144674	1.05335673731646	-1.60701949608977	-0.48279343576651	1.00000000000000
+-0.06142203484645	1.08363139128752	-0.16580874800530	0.26892873616878	-1.16185861839614	0.31452517288120	0.87031522808857	0.57290944932808	-0.51321860730634	0.10382336475734	-1.00000000000000
+1.82416383355676	-1.82574864079014	-1.22844625032548	0.44269727975419	0.17890391296439	0.63428853812271	0.41733539919562	-1.42566900235206	0.40679743539171	0.44930233492039	1.00000000000000
+-1.00161428284678	-0.32710889561852	-0.12259744260657	1.63724702087085	-0.12243998851502	-0.89503977415106	-0.37150207297951	0.18920431389661	-0.79834112449112	0.85443458997854	-1.00000000000000
+0.91042256988697	-0.34371385828919	-0.27817631443082	0.19255108816773	-0.50142948064688	-0.60574423625557	-0.68234261772012	0.12131549570050	-1.36298977523281	-1.48148120614517	-1.00000000000000
+-0.86133068536930	0.04979739252376	-2.01976475207710	-2.24950117028892	-0.29980863594946	0.69189707926441	1.60244011329604	1.13195920282204	2.36904147631766	-1.75760504853961	1.00000000000000
+-1.00326637411638	-0.19783584953910	-0.65582323022535	-1.43093649028003	-0.83709240483137	1.51463783183577	1.38461345430487	0.14900819231893	-0.88138864029214	-0.28456705720447	-1.00000000000000
+-1.96504209779043	-0.66083008728966	0.00940404430046	-1.56757152560116	-0.57967176126477	0.83310052898447	0.10563779618169	-0.61259862060183	-0.06000592978253	0.96639493166858	-1.00000000000000
+1.02613862027469	-0.16336911640874	-1.22914274650012	-0.19797342756893	0.91892282732739	-0.16715532109181	1.26170900954879	1.22016147441231	1.47574311867757	1.07537548878496	1.00000000000000
+0.01793886933081	-1.25251632924951	0.35884032523409	0.07336475548213	-1.91934768690885	0.04611737792794	-1.26235423588322	-0.34004741246698	0.77970809909164	-0.86646825156263	-1.00000000000000
+0.81008809693825	-1.29061783327430	1.56416840117264	-1.08329484298837	0.63322923500632	0.16684537753903	-0.18035393711029	0.45935599227354	-0.38192050564987	-0.67227461639375	-1.00000000000000
+1.08639081524778	0.08878375287694	0.18284403937753	-0.80464897443209	-0.49475914055344	-1.54646008727350	0.70518766178172	2.80787363860646	-0.59879129719329	-1.14192933599827	1.00000000000000
+-0.62132529228973	0.28437665375168	0.64273662653578	-1.06348293754190	-0.38743628067102	0.42327053156257	0.25491991698885	0.77058226697703	0.70285898453591	1.15302732456851	-1.00000000000000
+0.20123813980611	0.95962738633645	0.89195439602508	0.76027256178619	-1.90660437310530	-0.70863724750540	0.37010404937117	0.70144450485278	-1.82043538094181	-0.17759424434916	1.00000000000000
+-0.93850119970227	-0.38700915411249	-1.27729388333061	-0.59725349688021	-0.06973303315153	0.73365539266969	-1.94797496664354	0.17274310553703	-1.62960891103105	1.34915847514216	1.00000000000000
+-1.11760382958839	0.65533346682625	-1.62818028470368	0.90207887611947	1.82607994719374	-0.50482641145342	-0.61339455105967	0.82111287637250	1.00840964519717	-0.49874969895223	1.00000000000000
+0.82501071690698	0.04625222634334	1.29516525971914	0.99743988910324	-1.44064780127794	0.81600375120644	-0.41783345803241	-0.86796524112300	0.11019715033261	0.84962258831059	-1.00000000000000
+0.41514833881215	-0.40817789930325	1.40673693476207	-2.18735933714279	1.29842141629553	2.36183479094436	-0.21784057924122	-0.44413246317714	0.46388033056390	0.18178451896499	1.00000000000000
+0.40740227322240	-0.01535196620910	1.51210348942744	0.86122846229630	0.01938733273951	-0.53928010618238	-1.44850806172998	0.27254314960085	-0.78550953853039	-1.39928248718240	-1.00000000000000
+2.00841990649191	0.03222424088567	-0.03623360313957	0.01072984775987	1.39396320368883	-1.04807241070013	-0.45789021717281	-1.24928954786881	1.07817914338312	0.32585173821742	1.00000000000000
+-0.88624653052805	1.03397530324008	0.96879586600622	1.38807347081515	-0.99483928234360	-1.53592190418954	-0.47687697629963	1.43579707406972	-0.53771137398843	-0.93980834843693	1.00000000000000
+-0.22962781141770	0.02324499869202	1.06330033028934	0.13096797593088	-0.06989492518864	0.68879445081103	1.37092406852926	0.31892874443338	1.43106561806186	0.37024442467923	-1.00000000000000
+0.10931265631793	1.39553362679181	1.65256492358385	-0.29459538933321	-0.18491747098123	0.31623841359716	0.82940192556098	-0.73089290928680	-0.76630915399844	0.63719712059190	-1.00000000000000
+0.25918115501495	0.72613872311212	1.33514314786059	1.28361486628441	-0.42545831126600	-1.00789543251901	0.51468861324489	0.80679155128141	0.35400459511146	-1.47703382651177	-1.00000000000000
+0.87261943681825	-0.37194063277977	-1.42632358501678	-0.40762376659508	1.44377962358958	1.98374237830006	0.54766880235033	-1.30821187308511	0.22205255029094	0.70308583483742	1.00000000000000
+0.13129396962656	0.13447452525125	-0.26869638543350	0.17193155441644	-0.40859166437417	-1.76290081636357	0.80247158235227	0.22429093905519	1.32414162503279	1.14673778858568	-1.00000000000000
+0.00429726483407	-1.06516029098972	-0.08790826213770	-0.29373080700926	2.24765406791020	-0.65014452959733	-1.00649726164136	-0.03407150322059	-0.67679487329605	-0.95001056592293	-1.00000000000000
+1.19496860923076	-0.53871453461243	0.84828184309060	1.13397377064813	1.12537217702004	-1.17571426316426	0.43638877382789	1.51324862818372	0.11426551265489	-0.24277712229748	-1.00000000000000
+-0.01911949413830	-1.44911850791456	-1.03602056644570	-1.10513930463631	0.56139860820033	0.41047626578607	-0.68009097380351	-0.43136061308817	-0.67391242584163	1.08895597671230	-1.00000000000000
+-1.51471265729942	1.15964164722783	1.33863992159772	0.58454756766808	-0.80890871336039	-1.26335779378720	1.22212071783733	1.74637582066271	-0.00260552079412	-1.24569225529653	1.00000000000000
+1.04116029159538	1.53902065578308	-1.67071632271735	-1.14792265987243	0.03905114702122	-1.48346322665520	0.99586348625126	-1.74158206466151	-0.74774976083172	-1.44432306265272	1.00000000000000
+0.13592586488637	-0.53280626664579	1.06269493023341	-0.44970885246949	2.06364473539440	-0.05743904741259	-0.79116759948271	-0.23255129555123	0.35606746626976	-3.04884342281751	1.00000000000000
+-0.00442158355614	0.86504064928544	-0.13582159607582	-0.45113294807587	-0.24057302519233	-0.38094449098107	1.07535690387067	-0.16304134350512	1.53540491093101	0.08323351579795	-1.00000000000000
+-1.19966083897756	0.17982070416782	-0.02443957040384	-0.12327760865777	1.49169515580412	0.01462513009880	1.37375323577071	-1.85259267548080	-0.91231169633515	0.78330279910569	1.00000000000000
+-1.59822782160434	0.22006160459291	-1.66476025885727	1.39047788937047	0.40268649815293	1.18377397760048	-0.97622733744469	-0.73073111267526	0.67013862317650	-0.90590556281326	1.00000000000000
+1.06204551382495	0.36924875743245	1.60333062708999	-0.06825337947700	-0.95215014175829	1.28996943964420	-0.30493238562983	-0.76558309393228	-0.76868963989666	0.86848298756331	-1.00000000000000
+-0.66436083284649	1.26686779936939	0.91112734152691	0.73498025139783	0.14775771796382	0.32413786720029	0.14217522386725	-0.81543114443697	0.26690434372209	0.73445383502852	-1.00000000000000
+-0.21922148050869	0.35687575773005	0.48393749091405	1.34247480652366	-0.67109066906093	-1.69215243553686	-1.38528514263045	0.49545966237781	-0.60673027194862	1.16158906099069	1.00000000000000
+0.21947464597944	0.80379171553828	0.14743471409748	-0.33130043380951	0.81337474967798	0.02162088556271	0.11217578266647	0.64159563010574	0.40353717660597	1.68648466123746	-1.00000000000000
+0.26788028247673	0.68731136548966	-1.30232511098361	0.97783026028024	-0.64024220472462	0.60815837562475	1.21954087313295	0.12275117556696	-0.50523977097524	0.12790464218533	-1.00000000000000
+1.03920142247200	-0.13157757494836	-0.25767128038134	0.35491144525217	0.62649852598433	2.25145006812378	0.79559810792502	0.50050421808393	0.73097103499191	0.67530963765444	-1.00000000000000
+1.62711953867883	0.17308034291651	1.65742418407233	0.28958129973334	0.07619639355287	-2.66388040720133	-0.60542764331592	-0.04188566390159	1.07130312282593	1.22085975781931	1.00000000000000
+-1.53528687935482	-0.96523341735485	-0.75915927488629	-0.82428370112142	-0.44479975948189	0.89129323920916	0.85017563249148	-0.03729283721628	0.81421566662099	-1.70872803765854	1.00000000000000
+-0.27421362866268	0.53484164532609	0.61314746676774	-0.09334167503954	1.23903336793403	-0.86774381514418	1.18583926587715	-0.84341072742795	-0.54866734127147	0.89169208229526	-1.00000000000000
+-1.45686562550032	0.94201088555356	-0.87000373533875	-0.32830308324756	0.66781410305973	0.38238587181207	0.71324860371277	-1.38052351461274	0.61665709659080	-0.14079254483471	-1.00000000000000
+0.78881615495885	-0.09374823467625	0.51083525214541	0.74674554375900	0.93626061838051	0.85492291215048	0.11936837773348	-0.02783584429831	-1.75148038247151	0.87498869134939	-1.00000000000000
+0.54657959682230	-0.80848298614093	-0.15373526161089	0.54386130349408	-0.80334071568831	-0.09607748484884	0.89891819583412	-1.03522153653004	-1.39756217507464	-0.26784451158585	-1.00000000000000
+0.67948850418087	-1.03544607851589	0.21217633396676	0.65383946533439	0.39600991614128	-0.96197972826099	0.33097642270164	0.89062778151859	-0.65932254565075	1.02844126874867	-1.00000000000000
+-1.36711493634295	-0.11105316598233	-0.15500538614433	1.93352084570301	-0.85712552375025	-0.33618305218938	-0.38183926704053	-0.93454161042157	0.29321440795638	1.41217406157930	1.00000000000000
+-0.36731392750365	-1.38096996553513	0.55019343057288	-0.63097966853025	-0.20780396836906	0.47277360367732	2.10091064220173	0.53780335076734	-0.98932660939807	-0.62773637422837	-1.00000000000000
+-1.27017220975755	-0.10774827903606	-0.54625894034243	1.46025857632391	-1.53867128982077	-0.57278312196185	-0.00992003185983	-0.68764795949388	0.31568779444171	0.53870625815073	-1.00000000000000
+0.14150748576684	0.40551105203411	0.97761527939722	-0.87696712398962	0.95868039667497	-0.65624702149820	0.90859701761953	0.41848758511801	0.75777060297941	-0.03776607793614	-1.00000000000000
+-0.69487235224031	0.18046239038102	-1.52339863134841	-0.53685381200291	-1.03047292923753	1.67321080173901	-0.12475717952824	-0.97967020791782	-0.60096201419350	0.43981391706115	-1.00000000000000
+-0.98351596399943	-0.09888972861134	-0.38587612792482	-1.96365012752492	-0.15483678900810	0.69299606833616	-0.02124038952524	0.32097061668190	1.64889478290127	0.24915011325263	-1.00000000000000
+0.23292035929792	-0.32174089311472	0.10566757287959	-0.09411638715278	-0.27891595501354	-0.83354615797739	-0.86797608971757	0.41514557953528	0.13202683350506	-0.08070807960726	-1.00000000000000
+-0.28074676096766	0.45252272116474	-0.48070845906735	0.16865395516527	2.03420009022535	1.57008542932249	1.29651471046539	0.22214571137516	1.54635053342557	1.74145033178863	1.00000000000000
+1.81717040479094	-1.56180163734871	0.76631305671979	-0.22520572292732	-1.54136728540333	-1.81425328722650	1.95971775169891	-0.82653305965019	0.33447791677254	0.03342227668296	1.00000000000000
+0.31478465464089	-0.84917516279499	0.67267301506168	0.68530617823080	0.78129939180113	1.11898376350448	1.63903105787224	0.79269826216672	2.32068830938919	0.60149855263441	1.00000000000000
+-0.07310028260511	0.91916598212661	1.53249800236299	0.09717159347201	-1.17588975961303	-0.05537682526660	0.87298497802643	-0.09123439756521	1.32222347248480	-1.85928510994239	1.00000000000000
+-1.41399107678732	-0.94356381269673	1.07603881293498	-0.89590905567518	-1.25925119932449	0.68435440464800	0.82162837158719	-0.95481750433478	-0.07789332589188	2.12827892875230	1.00000000000000
+-0.12933450198132	-0.47153149538987	-0.03969439297682	0.22286223026846	1.03859448304509	-0.37773068782070	-1.50687192156440	0.08522718476623	0.71143383088173	1.00853291487938	-1.00000000000000
+0.68333023483167	-1.03806014295907	0.26754370197555	1.88322050630359	0.23365118720114	0.45680359137393	-0.45017118492348	0.40644878341264	-1.25490952272829	-0.46422958366084	-1.00000000000000
+-0.64212231453396	0.28922043812800	-0.65993523744841	-0.33690485377075	1.22383768860931	0.38198916904832	1.41497175461792	0.59197138494822	1.89923892734414	0.34061918158093	-1.00000000000000
+-0.42663350005927	-0.22219417594656	-0.81823508577998	0.37277228168820	0.45809387559262	1.91813767447782	-1.01293877881713	0.91103641601596	1.58810139886716	-0.95153785046717	1.00000000000000
+0.83330839361488	0.07039053322924	0.87397494382285	-0.07557436790667	-0.57280019571305	-0.83761091482181	0.89249213004764	-1.35027117521829	-0.03389877423751	0.63418120341158	-1.00000000000000
+0.42259196087211	-0.41364300109558	1.31271111511432	-0.76784293848998	0.88203209869908	-1.48589361402611	-0.59451457977133	-0.07953417270912	-0.03340481085811	0.76460606368354	-1.00000000000000
+-0.74073386536351	-0.21106825061778	0.44322111612121	0.77748285874750	-0.51951552045726	-1.20019984319522	-3.45488502543146	1.83304055207603	-0.46645591607594	-0.10239860114893	1.00000000000000
+-0.90207068809556	0.45114752345658	-0.80610210621267	-0.84943725514077	-0.00580369822163	-0.18800584164822	0.65320290736524	-0.07984963360685	-0.10518728712658	0.99301637068198	-1.00000000000000
+0.73081409733183	0.88072111051235	0.26428165978362	-0.61626972378514	-1.31618513028179	-1.71703313585605	-0.71550202687125	0.80982520504435	0.43309455608100	-0.73840643920536	-1.00000000000000
+-1.51703640425325	-0.46540302813833	-0.54147870112177	-1.92807040674332	1.00505075314240	-1.90328848713775	-0.67970669771536	1.46979718884587	-1.01697074876789	0.61390360996521	1.00000000000000
+0.77955252793213	-1.25847440527981	1.33572331352509	0.00344241927511	0.50261052268261	0.82619908435545	0.17036136187277	1.65470366026628	1.69121122169301	-1.12596344445155	1.00000000000000
+1.23781107062772	-1.73609173870979	0.18379594134299	-0.94116452280851	0.64890704920985	-0.34868350060031	-0.03413009603212	-0.06539339656426	-2.16411826637989	-1.06443648342429	1.00000000000000
+0.62688829386479	-1.29288298931900	1.81969860939571	-1.32147296827571	0.08176562069666	0.28289868576020	-0.39419402581925	-0.45908645244334	-0.47865403356020	0.20523971841386	-1.00000000000000
+0.40327194729670	0.24536425031645	-0.30641741431032	0.87460180650524	1.55342494460553	-1.31539287360700	0.23474671139550	-0.04270530655149	-0.95665019605633	-0.79676912715599	-1.00000000000000
+-0.09539419653596	0.53858503898338	0.23148443939496	0.51673469811066	-0.27461291277671	0.79977942811600	-1.20965149990051	0.02980752643385	0.96761722464712	-0.21971013586971	-1.00000000000000
+0.24910858067675	1.31874811411222	-0.26142439671916	-0.25892548429277	-0.72246769656265	-1.88963947482039	0.53597821095947	0.48137902589391	0.27150212262113	0.69704357757976	-1.00000000000000
+0.46744404683524	-0.16130082892250	-0.28499486142926	-0.09169949939179	0.31087737099190	0.19962281195138	0.50816167703286	0.56112924168371	-0.99715070525472	0.81950377331557	-1.00000000000000
+0.77794411015327	0.00753005511318	-2.19815950343132	1.31176966907029	-0.36635901311084	-0.95498816936893	-0.14124083621260	1.18443666961584	-1.18562678326195	1.81938871732707	1.00000000000000
+-1.42578651673441	-0.49238607568230	-0.18233591307715	0.83701016129483	-2.03037105149915	-0.21496698877452	-1.16932817481476	0.20536930932293	-1.33977738030918	-0.80328206227389	1.00000000000000
+-0.28016836782375	0.52811520787354	-0.60800994092626	-0.43960839996615	0.22771512570563	-0.40017030272797	-0.23580289300343	-1.37203179714986	-0.91308571662914	0.67055316084676	-1.00000000000000
+0.55995071160910	0.76261213799435	-0.58548157243630	0.55220260244060	0.09025974312378	0.53901605409000	0.03375404509137	-1.04417054984739	-0.38124248058707	0.48536701827468	-1.00000000000000
+0.45513943980951	0.71169138574728	-1.53117063355372	0.02337967539349	-0.57258380295103	-0.94923692323015	-1.17486850063781	-2.47047711090114	-0.70986749067990	-0.39039809966681	1.00000000000000
+-0.50412228309195	0.95184785625633	0.35436018500715	2.17471776411330	0.65285978558224	-1.29471561940473	-0.78098879123590	0.33331825341744	0.06816283546494	-0.00530939931014	-1.00000000000000
+0.13845784781451	0.25585210516765	-0.49918379339214	-0.81314540653026	0.70791053307224	-1.22073162698190	-0.89261626230245	-0.72480151135842	-1.00883634403250	-0.53202797443610	-1.00000000000000
+-1.37675370993991	-0.26904495157674	0.74548665528332	-1.02988053549166	0.36321044202597	0.53156314558023	-0.39159937997701	-0.77555085408840	0.86430494777052	-0.15892739060432	-1.00000000000000
+-0.69076047431611	-0.40054799953981	1.72212171352685	0.00478596935240	-0.91053764809497	1.02490114341973	-0.02981753721026	0.71616193128851	-1.29012414447135	-1.26276951505466	-1.00000000000000
+-0.62616239934212	1.09296835721688	-0.37442978049450	0.70530664850126	-0.55509523835776	0.65447655244950	0.30759367909216	-0.52025221416735	0.14500419825636	-1.44071530704226	-1.00000000000000
+0.45911958218088	0.48513755390693	0.58159636243661	-1.34890062404134	0.36987360042406	-0.90043007852940	0.40150033959537	2.18355643258484	-0.02022489726294	1.58013412777932	1.00000000000000
+1.77953151718285	0.25484189939712	0.85554409648904	0.09232680620081	-0.56472028524419	-1.92941211188536	-0.61141449778908	0.83864759403523	-0.69586113729980	0.24922011481317	1.00000000000000
+1.22855088706854	-1.15349405246246	0.56179711630108	1.90399166357449	0.07011732917122	0.10115783819227	0.12076186906967	-0.12075637933205	0.36793416026025	0.58513772848717	-1.00000000000000
+0.75247184670832	-0.25236082788604	1.84365355313438	-0.29912740925238	1.52460252270046	0.07187999963518	-0.54574146530310	-0.11105743121652	-1.14634845615733	1.54432729661585	1.00000000000000
+1.29029972812695	2.95438847150563	-0.87692989484368	-1.75124604745096	0.54790489861646	0.06257703630691	-2.11197326579252	0.17793840636193	1.78385049856393	0.63641452261999	1.00000000000000
+0.75809439110390	-0.08317197459682	-0.96804073414272	0.32287448880650	0.42340452666212	1.21673300601965	1.97438119711981	-0.11542513879129	-0.98388887156651	0.18666075051223	-1.00000000000000
+-0.53735649604763	0.04134659163723	0.99984128430601	-1.78946386873896	1.14446379662150	-0.03398054792872	-0.29111154717143	0.20767503230834	-0.25015606639640	0.32224836055228	-1.00000000000000
+-0.07521071727737	0.33191055166754	-0.13108084071456	1.43886009136073	1.24186707649303	-0.41480922507921	0.33684047141005	-0.58711657911156	1.49702208044385	-0.12197460535829	-1.00000000000000
+0.49194884846465	0.02957281854163	-0.48788711400432	-0.30017730228452	1.65996074486308	-0.70328561835395	-0.00977079784393	-2.44954609534126	-2.07483871589730	0.14074375280751	1.00000000000000
+-1.10539123442065	0.53037234950820	-0.36836634955015	-0.50606496595273	0.08936478464734	0.40117957305550	1.49034973761498	0.02072064327398	-0.85315237358629	-0.22984048342513	-1.00000000000000
+0.43757549438044	-1.03378010256096	0.90161972510441	0.37044065023107	-0.02871805306928	1.40111337867357	-0.30157599000107	0.31504208287321	-0.60062282525927	-0.05285471077512	-1.00000000000000
+0.88290444032549	0.77420926723885	-0.05346187084967	-0.85043455472818	0.79264959624509	-0.45358193227509	-1.65389086341378	-1.59797604607673	1.20322581280507	0.01174103832119	1.00000000000000
+-1.72659997589875	0.19087267868894	-0.58157511805721	0.11231691331832	-0.21384914891840	-0.42572138713629	1.12350087417322	0.66811262894913	-0.53280807240703	0.75446032570544	-1.00000000000000
+-1.42331031449665	0.04578608814932	-0.74887832153311	-0.62659953709479	0.30449250381750	0.77129471350894	-0.68655816245099	-0.85798882265455	0.59794221264928	-0.00705333698269	-1.00000000000000
+-1.24671077635776	-1.47039300453204	-0.37020435811897	0.21361344344054	-1.09980867605181	-1.95994186975975	1.40162738649064	-1.20150037083262	1.50050796304892	-0.96091798817620	1.00000000000000
+0.05243494082328	1.14538831220916	0.02994543376802	1.23640742568811	-1.03158961555897	0.84723419938255	-1.41312956292373	-0.44189870704369	0.24654348092745	0.00762806324577	-1.00000000000000
+-0.44407463407736	0.71771191411692	1.75265920095493	0.59017147980151	-0.01174498945175	1.28038333894737	-0.34870309826513	-1.33774012619677	-0.32284490257133	-0.95748370090102	-1.00000000000000
+0.76793181799447	0.04517922700604	1.80126362627290	0.95669597056364	-1.52946764199144	0.84672242339246	-0.05086451059491	-0.07717005253561	0.56846146452416	-0.23780787025287	-1.00000000000000
+-1.04350987832332	-0.10769603628639	1.96330524957438	0.68126890043778	-0.14483225958076	0.75195783665476	-0.50579817243417	1.96186230636857	0.66136515796458	-0.71420923657666	1.00000000000000
+-1.90460689657985	0.03581059533874	0.01059513838753	2.80828995120214	-2.36308505492908	0.24294793027965	-1.71113507646761	0.51937909947358	-0.13139291396427	0.45695269876434	1.00000000000000
+-2.30182354686355	1.46645195105850	-0.98790864874979	-0.26311327545974	-2.45019236620391	1.34188537258962	1.56096029193330	-0.44719917335317	-1.57729933575505	0.75955975701921	1.00000000000000
+0.99439893762199	-0.17140639841987	1.11425174038658	-0.33950683525796	1.47811265619606	-0.26868046349692	-1.41599755462834	-1.73484290404239	1.32603149911960	-1.75034786463969	1.00000000000000
+-0.11178723946168	-3.15291603259297	-0.54856144967370	0.92556732148848	-0.55551898599316	0.17893468304275	0.06034103866517	0.04710971149193	1.60267436754239	-1.32844581810650	1.00000000000000
+-0.64353147723408	-1.60419339970843	-1.71892737862133	-0.29832852578157	0.25309996361413	-0.39959970428499	0.02135796541225	-0.77034273967254	-1.22812841683002	-0.45084332814413	-1.00000000000000
+-0.11626710632757	0.29138675242839	-0.48960739862599	0.42778693992663	-0.07871107860161	-0.56067522353408	0.90044608645562	0.36934959894439	0.63217166416884	1.27778304245189	-1.00000000000000
+0.12452470714926	-0.11373886061558	-1.09346002095123	-1.47842535402544	0.92028536438860	-0.51936048628577	-1.35042917673928	-1.63406183749653	-0.12486204069930	-0.82037828042984	1.00000000000000
+1.18634647252686	1.64570850240744	-0.44556087237823	1.16348962931136	-1.11370466813043	2.34270201745974	-0.29448593397986	-1.26838516518837	0.33167825830697	0.69503388154480	1.00000000000000
+0.69216394491448	0.17033656692374	-0.24403028193351	0.44006068223479	-0.49609939520757	0.90431844288044	-0.45210982888675	-0.87329475860765	-0.22751985991570	-1.18088504008693	-1.00000000000000
+-0.06749396091178	0.96438289507982	-0.48966561761315	-1.38606845368971	1.53719189894452	0.84801952623528	-0.49888950190126	-0.45894870851945	0.74669674494109	1.50449314427450	1.00000000000000
+2.23628736558185	0.51943624017803	0.32297320425509	0.49159781215726	-0.72117118219820	-1.34604688856643	-0.34819594726382	-0.45955195761902	1.17271241185374	0.58038796578757	1.00000000000000
+-0.17327191568920	0.29909936097267	-0.66403694191069	-0.13622149855406	0.73825133400544	0.58912522088297	-1.55273498099701	0.06495108168555	-0.78998304511960	1.85000509544725	-1.00000000000000
+-1.53024973673078	-0.83655485365107	0.59805621267930	0.77246121140969	-0.09779430246488	0.33679265570544	-0.75133360915388	0.32026838511365	0.59365865415803	-0.97597270466602	-1.00000000000000
+0.45509905125608	0.58202450401656	-0.32990989199676	0.58716167897660	0.86958709244158	-0.07965925968162	-0.51750395622557	-0.45084983642197	-1.15982622917540	0.41930685701346	-1.00000000000000
+0.26068338231124	-1.75919588635051	-0.01469851965359	-0.67836974831379	-0.28618292515757	1.73183626288140	-0.93204099924081	1.19975073821896	0.67914251585552	0.54923608287165	1.00000000000000
+0.28794557250995	0.42016985457418	-1.27394191416978	0.07191866016545	-1.03849550375045	0.08251343877782	-1.81668630907278	-0.17410512395002	-0.19398206067587	2.18680544310452	1.00000000000000
+0.64493782441077	-0.42223468982113	2.02701439273823	0.81931944751584	0.07140423169866	1.13993491991061	-1.20934011854352	-1.24204720327329	-0.60231447747235	-0.90420668327947	1.00000000000000
+0.34870908925735	-0.12812682798506	0.30220487739611	0.52731113848519	0.24846111255422	1.19535917585804	-2.12621645751082	-0.92402227945461	0.27391777219670	-1.10635698529294	-1.00000000000000
+-0.52898759797694	-0.68890512489770	-0.48328847370539	-1.17618811591659	-0.29847903660533	-0.96608886651127	-0.50275907669548	-0.75598079077351	0.31846415093919	0.63153884951355	-1.00000000000000
+-0.21709838360297	-0.29379280568184	-0.39909759506170	-1.19193260282884	-0.50212990032273	0.18549988328592	0.49266030215239	0.36392719016653	-1.53897766368747	0.51452984986382	-1.00000000000000
+-0.79526639627100	-1.43267619449181	1.31793509184236	-0.24800251136444	-0.30893096498266	-0.76570880109115	0.39904816198694	-1.22965734856406	1.88962335344150	1.71682428590116	1.00000000000000
+0.41192672023544	0.86520907740132	-0.32875439604013	-0.31977076660817	-0.36312300942361	-1.35350372062022	-0.90270533106839	-0.16658603014303	0.64023287772642	-1.25573034186139	-1.00000000000000
+-0.20989504603574	-1.48792015439703	-0.43687599505848	-0.28732190268901	-0.35352538244406	2.71593496196829	0.19030822818925	0.09792897937512	0.73052461461013	-1.18150300238190	1.00000000000000
+0.34356474304352	1.52863621964012	0.48892838828985	0.63744481217142	0.04133550757847	-0.06266765867694	1.52219225048907	0.60593834596508	-1.65978291172245	-1.53552538101088	1.00000000000000
+-0.35727372623672	0.03134591952748	0.42568531075075	-0.52074852518991	-0.12773550280704	-1.06247838724843	-2.28567038187849	-0.32851761225904	1.34275379918409	0.33059569226449	-1.00000000000000
+-1.61199912037602	-0.88882529454256	-0.61297266462069	-1.20095595219303	1.66181753638809	-0.80722581152015	0.52376595985864	0.16379644632694	-1.16362956514057	0.27576599579430	1.00000000000000
+-0.31347604052935	-0.75890708094569	-0.77872833238028	1.07341492750853	-0.00157086872809	-0.52152728890414	0.75585413102676	-1.08281956356760	0.15428632813539	-1.22444384981760	-1.00000000000000
+0.50036390266531	-0.19463252233518	0.62000710078550	-2.08906758167032	-0.08817525223178	-2.19608330140781	-1.23863549366895	0.95208198368937	-0.39052138214418	-0.76174637207304	1.00000000000000
+-0.35567353252587	0.82543630301428	-0.37957126279072	-0.10203481687302	1.75562420433663	0.31851595713894	0.53966979302769	0.04651932670461	-0.59871616132095	-0.39848224466606	-1.00000000000000
+-1.04095002151748	-1.41342634822203	-0.38759224251724	-0.22110037061635	0.43595481747665	0.23509914943839	0.28257419498766	-1.38643282440217	-1.56211126729787	-0.27260641088111	-1.00000000000000
+-0.10404753310028	1.67186810196834	1.04418172964941	-1.31903733913583	-0.44076205095536	-0.57431199245254	-0.87486774359418	-1.35401178624396	-0.43290636732410	-1.02221932675807	1.00000000000000
+-0.87858686799217	-0.08028005502475	0.45701019095189	0.96766675728023	-0.54850729418455	-0.10669963578565	1.22647294152638	-0.26889516809891	-1.02756508459545	0.49970253870819	-1.00000000000000
+1.23743204795336	1.98841728109750	0.95809833952029	-0.71979496041244	0.20434776126778	-1.31094249209744	0.01515908954937	1.51347958054502	0.42348618388352	-0.13346117998071	1.00000000000000
+-0.94954759310850	1.12185230778537	0.51847859028753	-1.27944443039097	-0.12570585668446	-2.11642027949852	-0.75070125310909	-0.89453167320229	-0.71056515064300	1.27318219897044	1.00000000000000
+1.01420174271232	0.66083651897767	0.39768190965466	1.94761241176629	0.20730879337615	-1.80293191941721	-0.34435460163824	0.42910307513339	-1.54583909884448	1.51404768274065	1.00000000000000
+0.00425548584567	-1.30066652537008	0.22852579896607	0.80167720176953	0.70316352672683	1.06954304356925	1.34484724726282	-0.41307361011815	0.13945751553067	0.33951090155016	-1.00000000000000
+-3.08365917819536	-0.62974063042436	0.18068254477565	-0.40548968959024	0.07922407044935	0.11448134141555	-0.34357833876392	-0.43128931956168	-1.07693731885230	-0.97836434301126	1.00000000000000
+0.67091018124438	0.99913617142888	-0.02277895039083	1.22848916728767	-0.35354747269559	-0.14744231907959	-0.29893715424310	0.99424615777521	0.83218795173154	-1.02327796289501	-1.00000000000000
+-0.12201736139681	1.26105847441693	-1.03900647200404	0.64905161352620	-0.99594931077624	-1.87780033571036	-0.36891549766885	-0.27453900362877	1.76136399942057	-1.11331564595667	1.00000000000000
+-0.30665524952643	-0.60393981868366	0.87365241196964	0.30772599969243	0.58506034732689	0.55949306732509	0.82377414010039	-0.06722969794963	-0.84128979172144	0.91432728205908	-1.00000000000000
+-2.43526137908082	2.16639945287193	0.28467131773061	-0.30295460697673	0.84089666846843	-1.40536893755839	-0.19728888642864	-1.18937117808492	-1.87816126204120	-0.54724897229761	1.00000000000000
+-0.77950134790395	0.26445322527405	0.19392978369002	1.19856455489222	0.29383485543561	0.07074890994827	0.46210155323374	-0.50470959692129	-0.42804427485944	1.58495138361117	-1.00000000000000
+0.03754060128868	-0.78279221805966	2.88156928273582	0.04024573383239	-0.50276989850581	1.13610714026166	-0.86350154770024	1.20010974329014	2.02470702983408	-0.26118016338265	1.00000000000000
+1.01852801286859	-0.45401728540989	1.10106753931553	-0.63089055636648	-0.69027029106009	-1.08909022261648	-1.94191311954190	-1.66944543752955	-0.56013815739608	1.57943546875577	1.00000000000000
+0.99840911707753	-0.31588886928028	-1.24669966580168	0.94505152291751	-1.30722922211890	-0.37101282577622	0.94658156543297	0.80742089867776	-0.49369475740444	0.78862387521744	-1.00000000000000
+0.59139144589701	0.01755046569306	1.52966754021062	-0.68470145028134	-0.32211935613183	1.55317106093619	-0.88588003287919	-0.78945900116468	0.97826380037377	0.05506931509968	-1.00000000000000
+-0.17698933491615	0.63332470155479	-0.35912755333065	-0.56028006084160	-1.17556033699912	-0.35161952965343	-0.34497216974632	0.76932592484019	0.62905539756281	-0.14606180103634	-1.00000000000000
+0.17226012425578	-0.40293932772206	-1.08136988667305	0.86147557144404	-2.50372730105577	1.26935717493158	-0.54572861371355	0.07386831941084	0.22099846021699	-0.11961015722523	1.00000000000000
+1.03819214100274	-2.05819466160578	1.27779977655934	-0.14344308164781	1.53440386461433	0.66967491714583	-1.33062863090740	-1.95566413788554	1.25135227846651	0.03964816679072	1.00000000000000
+1.79729428018391	1.40816394050765	0.16460661172352	-0.35434032110847	0.85725036829398	0.24476350750199	-0.87717840069164	-1.35437521102870	1.88414294646495	0.44561078470171	1.00000000000000
+0.12582402123484	-1.07061804557141	1.53131148870904	2.19844210841927	-1.37649115764130	0.07176939042396	-1.40869827733477	0.20302937123370	0.36079719300401	0.61562918291547	1.00000000000000
+0.49561013624771	-0.38718720687188	-1.74716438969973	-0.35757027443310	-0.77248376367452	0.30371558669452	1.27100689172300	-0.37706112848747	-0.43048432187756	-2.38137951386168	1.00000000000000
+1.06144699545615	1.08642534955035	-0.88577236369240	-0.92059218953817	0.78904490362435	1.78598480720608	-0.92474140621819	-0.03388102781764	-1.21978956116261	-0.43270965298684	1.00000000000000
+0.05897523849144	-0.43720771761353	-1.32281375646780	-0.62679085915793	3.01869492801213	-1.34907402821820	-0.21362366353436	0.54128964721239	0.86055733296365	-0.81755738413730	1.00000000000000
+-0.39752563572757	0.82006097848328	-2.45240174113727	0.91082253862901	0.50642381368254	-1.49203933721506	-1.15559774599349	0.52407220088997	0.66015689337117	0.96032000857261	1.00000000000000
+-2.24021026677508	-0.86011307881479	-0.41369328515274	-1.84816109573801	-0.09067220806154	-0.15119879333426	0.91811556958181	-0.20955010024890	-1.43939950376561	0.61504805999415	1.00000000000000
+-0.09337473016134	0.69052386590736	1.91996785951292	0.35325924774888	1.16329674457909	2.14163328562293	-0.73330605249546	-0.10796840739368	0.14814166775743	0.13568926745844	1.00000000000000
+-2.51298599928556	-0.84415678634890	-0.57253650351640	-2.32834091008656	-0.71044273386084	-0.95367757093188	-0.28805015375310	1.22542760517791	1.28436317402045	0.28161391913513	1.00000000000000
+-0.42266869448353	-0.99144047699957	-0.96570267187190	0.78678979016449	-0.28794752072178	-0.33678315619629	-0.06693523348564	0.18091440325842	-0.54678649304243	0.57122296908856	-1.00000000000000
+1.20629840973171	-0.28951699211415	-0.13613307279793	0.83676560792228	-0.78813940500036	-1.07401022707827	-0.40932873419499	-0.50894503458227	0.19698030754695	1.08981372618490	-1.00000000000000
+-0.55099999874282	-0.59358307974939	-0.18368115306571	-0.52207779640861	0.71707673020576	0.88373062223666	0.34346432682072	0.51392173744595	-0.42363131947093	-0.70779625821293	-1.00000000000000
+-1.56763599639198	-1.14593119404891	0.46482917358457	-1.05628958861949	-0.56006340212689	0.95556428185905	-1.41810865592133	-0.90372916541804	1.92281252459988	-0.90020348958647	1.00000000000000
+-0.16480688630201	0.76324433289121	1.64881991923575	0.24620988029469	0.80770706203099	0.73762721535891	1.46261446516023	-0.20058415208548	0.10278620325813	-1.04752245006862	-1.00000000000000
+-1.80818137658341	0.37178106332005	0.75183093127228	0.71719868472929	-0.73501947238879	2.17261936327593	1.00550642490817	-0.52344245244764	0.20847853312364	0.29192171852882	1.00000000000000
+-0.07545863043153	-0.32136801421664	-0.87750432089576	0.92128566831946	0.20536882010540	0.16818418531692	-0.77173921374428	0.65592032491101	0.55439792776261	1.02939306095786	-1.00000000000000
+-0.55899886559283	0.24075634921229	1.70386608395826	0.45659436659373	-1.41288918897228	2.13321389208629	0.70166110679356	2.08051622079269	-1.11397063172064	0.12326583500243	1.00000000000000
+-1.20439761461187	-2.33273993222856	0.64076051610271	0.29638141563040	1.22575855551337	0.09905370104359	-1.04251030177534	0.89688946142333	1.04841636501564	0.56651672538603	1.00000000000000
+-0.08339343914824	0.93520190758076	3.21926691734017	1.37362985272717	-0.84890972617434	-0.10203842270359	0.05156403788155	0.13987120343437	2.08096746447574	-0.19063856091985	1.00000000000000
+0.41208580235023	0.18614176382281	-0.25166454288880	-0.59208263894357	-0.83593409362599	1.40312463509619	0.64376405657228	-0.20506958009285	0.19268450617243	1.00271170946482	-1.00000000000000
+0.71302421410174	-0.00935072758960	0.11531605986399	0.04844506615061	-1.18039811822918	1.70315200166961	0.19270148494824	0.52938946499406	-0.06480267875353	-0.55232964100716	-1.00000000000000
+0.10447307795211	0.58568103352687	1.19326190021185	0.69939961498208	0.29476183861318	0.78973731317292	0.42692792019617	-0.48326090180294	-0.68475319648178	-1.91234072337841	-1.00000000000000
+-1.32877760690124	-1.88938177577242	0.39482807722559	0.44035460080314	-0.42787194415786	0.16495320484084	-0.18474878137577	0.25347680103251	0.43624463989591	0.96140624792643	-1.00000000000000
+1.28183823258828	-0.09189478267361	0.18762634566021	0.43809817804885	0.10451020561479	-0.81864151825903	1.83427736885905	-1.30797795366359	0.55908666960785	1.02697162968261	-1.00000000000000
+1.13241199646585	-0.55977644827818	1.61995626910030	0.25652066970826	-0.14562601269550	-0.20263044578746	0.05356149468208	0.25500197081730	1.62572232375720	0.05611051764553	-1.00000000000000
+-0.23614033703468	-0.29895580666658	0.30074936397194	-0.68147433183773	0.07114896119009	0.29433175045300	0.23860204486135	-0.12287793275498	0.60498763935107	0.40805591869407	-1.00000000000000
+0.78472929752042	-0.61793773463748	1.03993741353925	-0.28014801369692	1.18698994816227	1.44126217067298	1.56654121265533	0.46606677431643	0.86842296553045	-0.08523816989573	-1.00000000000000
+0.59080440946762	-0.95883662922579	0.80948819966766	-1.25256852147911	0.56501958330894	-0.91844641526493	0.61721845382554	-0.85915009152565	-1.30558878301464	-0.86769612675257	-1.00000000000000
+1.40868784088092	1.31478350667224	-0.90632842626934	-0.19283942026498	-1.99824190893405	-0.58097751676959	1.27881699309657	0.66314755305739	1.18610742746308	1.70842049292869	1.00000000000000
+-0.23115466692583	0.28328053544099	-0.29709792299021	0.51058550340409	1.48771997911221	1.44064413876145	-0.68790199249533	-0.75034256420836	1.33322776447436	-0.58099924727121	-1.00000000000000
+-0.20672603261143	-1.29964708596142	-1.80387688941667	-0.36285492612580	-0.18745272871154	0.03829156683078	0.61255529436699	1.90317879748775	2.16447237114665	-2.00412535072462	1.00000000000000
+0.17199791931738	-0.53653876720702	0.13920031435790	0.52501630856733	-0.58953971531297	0.78469878451229	1.13559249573109	1.23658158274786	0.06466772606057	-1.11248172061413	-1.00000000000000
+1.15263190249327	-0.38556533888616	-0.11989817389571	-0.16534659161603	1.80445897862387	0.07057347870525	-0.72824480226282	-0.84817728826095	-0.25782752574124	-0.01263091264585	-1.00000000000000
+1.07409690627652	-0.61631672900810	0.12393742129188	0.17334681751820	-0.28129624920339	0.25335507123195	1.18874204535363	-0.86764777874572	-1.04931994837103	-0.26668323067022	-1.00000000000000
+-1.38858225938282	0.40595987274755	-0.73097701628683	2.81101329437570	-0.67455457835474	0.05877926198180	0.10956413824380	0.76826508736781	0.55783702518738	1.59895880221797	1.00000000000000
+0.13396814109428	-0.47134512567144	-1.81587140164920	0.11033067097571	0.45051581035025	0.55362490535454	1.60734712471761	-1.37087499696976	1.23601158373232	0.09845569333226	1.00000000000000
+-0.09083878485582	0.42468030777297	-0.38158329218924	0.39446997888525	0.41391232587462	-1.69440803775030	-0.44543249863342	-1.70280612247356	-0.13844286493729	2.65606051253199	1.00000000000000
+0.56767296226145	0.89458306523325	-1.41399490797715	1.49133540513208	1.92889596345573	1.09160776758897	-0.27644289116639	0.46580880877559	0.45627535064401	0.75788791064958	1.00000000000000
+0.38989836627665	-0.48096736993627	-0.42220893068577	1.15956708638840	-0.51238521813510	1.40186502968257	0.27853462429912	0.68114444403898	-0.83855183833666	-0.82053837665621	-1.00000000000000
+-0.71456403844833	-0.13112806023828	-0.60944304286333	0.26662113472763	-0.00442904418651	-1.59288505642326	0.42955032511353	3.17545519691462	-0.75847186899304	0.39398702360898	1.00000000000000
+-0.75583517184269	1.64644026870484	-0.22025828022855	-0.01213440281725	-0.73506203499323	-0.24098008211396	1.25846752674699	0.62144003458730	-0.14927822763086	0.10547192416361	-1.00000000000000
+2.06281707438702	-0.04038275446996	0.63140811514000	-0.67099933519115	-1.77769849988176	-0.71761760302491	0.08585107241665	0.88786278417877	0.66075695267664	-0.81720817348815	1.00000000000000
+-2.43140789521896	0.06185847378343	1.29459812945413	-0.13195191404613	1.96681190779713	-2.41543918662858	1.11282159731375	0.38345489840468	-0.63942747591914	-1.52710249899572	1.00000000000000
+-1.99589543702236	-0.26683555279011	-0.06985774508930	-1.08072919720677	-1.21873818742819	-1.71871062527225	-0.10315375202696	1.54347479821289	-0.29586831431863	1.39009736352674	1.00000000000000
+0.55675611076503	-0.61678857371328	0.43369651985541	2.08775843561212	-0.94863888924686	-0.48978012561242	0.39382641810655	2.68769789591014	-0.64937221018975	0.44472328597624	1.00000000000000
+0.19113198097994	-0.85709496346938	-0.94740472416517	0.51737363372320	1.49269602299747	0.28461329918007	-0.83179615730824	0.02533709563056	1.02184499043102	0.19847657885741	-1.00000000000000
+1.84874795814622	0.02770620000558	-0.24383164474132	-0.73388255169932	-0.43684158643399	-0.49768164901321	0.49648439725206	0.11198115523225	-2.28909371458411	-0.16491640919480	1.00000000000000
+-1.47686622635794	1.57940845896378	0.20446747424789	1.19003823617208	-0.66997146345150	-1.60493908697968	-0.22401424604155	0.18024282019638	-0.16253080804992	1.39844922640427	1.00000000000000
+-0.56965027154390	1.22057328409015	-1.04708185420655	0.01208626104771	0.11233761081492	-0.21095622789978	0.13002464524094	-1.62886045982945	2.26579600630507	0.83914631900587	1.00000000000000
+0.65753422647026	-0.83766027334707	2.22647556571165	0.62587936420459	0.76413404626508	0.88796369470148	-1.43581382430695	0.94072211498469	2.78319565734265	-1.12488673415893	1.00000000000000
+-0.74847538580393	-0.60055620698806	-1.47555757808647	-0.40309385489212	-0.63568127057989	0.72244691115284	-0.50887387047132	0.82912480158098	-0.48551893906917	2.16186991487661	1.00000000000000
+0.79210830791204	-0.44841578498430	-1.47260708412172	0.03363893826193	0.10639918259335	0.23766304109129	0.79494891580196	1.05339684481547	-1.07702124512105	1.44523982078234	-1.00000000000000
+0.37945890160217	-1.41305700306061	-0.56572642005643	-0.42859975344683	0.79111259514376	0.89239978388144	-0.09157127096603	0.05683689184312	-0.77177285439804	1.54766038881085	-1.00000000000000
+-1.29192705318194	-0.47310370805301	0.16223123880172	1.18094484071454	0.35422911935300	1.35425788813881	-0.68270224370468	0.40064530325813	-0.55692107059846	1.32086531944340	-1.00000000000000
+-0.78493013073694	0.46912954503859	0.79230214986666	-0.03544328311805	2.26399909931323	-0.00917422517095	-0.57867738715214	-1.10058746867327	-0.00804686079200	-1.15716417485811	1.00000000000000
+1.08878236503630	-2.78305305955759	0.46071271618147	0.27131408637042	0.20857116235349	0.75471442887168	-1.94121905757751	1.22907055715913	0.86875789316781	-0.24707315915386	1.00000000000000
+-0.31910302483187	-0.08538641483289	-0.60216799991548	-1.23527065439584	2.77027553990097	-0.63661954785606	-1.32488518824404	0.12806753803903	1.62409351148668	0.97920785921913	1.00000000000000
+0.15920519892573	-0.52226725205457	0.04086610716662	-0.68944316632801	-0.76547029880902	0.82325966743637	0.00026073721900	-0.64576403726592	2.31387766643042	1.03722264493986	-1.00000000000000
+0.57851550721766	-1.59763563390859	-1.68469522229434	-0.56384017766731	0.18271654101594	-0.83680730559556	0.27105871407578	0.89081840071116	-0.93499375843655	-0.54250582279484	-1.00000000000000
+-1.36076665188569	-0.92089016419573	0.69929279318538	2.59471684303295	0.40270561198911	1.56045632130554	0.05968605060056	-1.22591794985050	0.99210017189729	-1.22788393493343	1.00000000000000
+1.38152356226643	-0.03834197429355	-0.25088078596933	-0.34522623570851	1.05962855432770	-1.26468675976056	0.21121014912199	0.60556633840738	0.77563092533784	0.92477409622555	-1.00000000000000
+-0.19029431954769	-0.09411418849008	-0.69504875396393	-0.71254409716839	1.37288365677815	0.81992594604669	-1.34487345583956	-1.55111766547038	-0.34185467099770	-2.29375357372521	1.00000000000000
+-0.28150940422134	-0.77991781385577	0.38824745976757	-0.47701832083033	-0.05729671412613	-1.34287197678044	-2.05656716277678	0.33032125721956	-2.42166544520194	1.38872415279534	1.00000000000000
+1.81309594481461	-0.25121890661030	-0.48735877491953	0.85021351683348	-0.67240880168796	-1.12634423778174	1.10416420479473	-0.22411203528453	0.01462909058341	1.08921272985031	-1.00000000000000
+0.00261073276289	0.02914069461049	-1.10598782767811	-0.06219631612265	0.29456717022792	0.44553792599963	-1.08595548272462	-0.41970176502192	-0.07917989961304	0.31927907081400	-1.00000000000000
+0.77019104037695	0.81492163301240	0.94849225664717	0.77914841942239	-0.66821955367147	0.42181035516181	-0.29933808623890	-0.04387625567990	-1.99306906475819	0.90312118406980	-1.00000000000000
+1.13568810027384	1.93643201814851	0.24245221091348	-2.24749272642673	0.35121320682179	1.53704403069846	0.21386178206182	0.84566825444583	0.76094868047274	-0.51971671664285	1.00000000000000
+0.09830599211420	-0.89923473459696	0.60836308755635	0.17235041808445	1.00593480839222	0.71154513761223	-1.60280302685499	0.31195069076133	-0.12740407334348	-1.84182092636004	-1.00000000000000
+-0.24653720750941	-0.11465150903106	0.29582715432742	-1.48628515213157	-0.27609272993339	-0.43316730475488	2.28879354114038	1.02030094839231	-0.72287970984237	2.24677716158021	1.00000000000000
+-0.56682337790421	-0.37759293040586	-0.17275953405995	-0.21934183781335	0.46280529718192	-0.29913268696620	-1.37782196310368	0.47030894161036	-1.99797050706710	0.86395820933683	-1.00000000000000
+0.14071201221615	1.40239419599487	0.96809414128963	0.64624829424005	-1.30104912653987	-0.07165661588970	0.28526329615956	1.93748576705335	0.55817561531197	-1.00943662938662	1.00000000000000
+0.27362562262602	-0.98038736434216	-1.00804879468298	-1.63220426131229	-0.29155854581175	1.83774113756698	-2.48745317048882	1.18054565016975	2.13400166508339	-0.45622264697694	1.00000000000000
+0.99637693075511	0.40056845346054	1.63975293889455	-0.70873778651524	-0.61401899084385	0.21007399270346	-0.58603874126566	0.35701627200763	-0.87088799498149	0.47091288681901	-1.00000000000000
+0.91139298474098	0.18611960452495	0.22954557035161	-0.08086470910067	-1.72012158683162	0.33031700572876	0.63257323408977	1.69570637252631	1.43907993434822	-0.22024996894578	1.00000000000000
+-0.61848767110585	-0.16321454550273	0.55287673027655	-0.63365824654649	-0.14251221430222	1.33509172090379	0.84090062136331	-0.75781142907480	2.01887460989105	-1.38369049418654	1.00000000000000
+0.94576215220269	2.02981241828822	-1.38870846442553	0.67653461731766	0.03266070449812	-0.29010682979561	0.05460784556734	1.17113840425194	-1.68892445251365	-0.88742076603628	1.00000000000000
+-2.12047832140093	-0.39137047092321	-1.55415327244931	0.82791584601546	0.27143809460141	-0.40883726138137	0.87118706595694	0.66519026226783	-0.26778045681206	-0.66015991576419	1.00000000000000
+-1.27702945640953	0.71573375297055	-0.43399774491350	-0.10118675527589	0.48590640872031	-0.09830721376703	-0.17691305567457	0.93934905040801	-0.10715885788231	0.31030163198155	-1.00000000000000
+0.40851003086222	1.16955511991016	-1.64958183765121	-0.00307524678706	2.41542185483717	-0.24579344410999	0.35616423462042	-2.36096186765178	-0.63076855435683	-0.00364042105712	1.00000000000000
+-0.35583590792747	-0.03368659778663	1.35734398205948	-0.44844347163695	0.83494395744234	1.20435098765006	-0.19397921807754	-0.16355837032214	0.14834290976508	-1.37619809553398	-1.00000000000000
+1.21407853024699	0.56622837395814	0.01326809948276	0.11503882824198	-0.17678758129783	-0.45544956512363	0.79324018192057	-0.92729650932129	-0.76731249768637	2.45875359454941	1.00000000000000
+0.29856443203996	1.79587769160356	-1.53899850386784	1.68904023470296	0.46437916119469	-0.94346034514009	0.47793897451733	-0.09198846579433	-0.59676975159007	-0.64140588328335	1.00000000000000
+1.24620116812130	0.65686840701166	0.27724937162698	2.29891184935072	0.69501330661852	0.01642237337050	-0.82458265588632	1.11639389121359	-1.21540922773402	-0.28264688276917	1.00000000000000
+-0.55069091181695	-1.00806622563895	1.79455081446209	0.72143073516727	-0.12881753673947	1.33797952977304	0.43487930887783	0.64124045757529	-0.64700679256083	-0.55758455017019	-1.00000000000000
+-1.22348917206930	-1.61450919758190	0.91999708608599	-0.01405400377871	0.66013864956951	0.92596841688377	1.72771179375786	0.70852789798067	-1.59802381531348	0.43319961006586	1.00000000000000
+-0.87715042660594	-0.16373264985607	-1.39658647960460	1.20046943790618	0.14538154095473	-1.02918130348856	-0.69887276210360	-1.00062060537862	1.77040017576975	0.23489579559330	1.00000000000000
+0.17383211883835	-0.35196324152376	-1.55959478112115	-0.76174599999581	-1.56693214593587	0.26734635847142	-0.72641712595879	0.09811594801412	1.15120642165224	-1.84831152846065	1.00000000000000
+-0.32897138689968	-0.86111475003122	-1.38002313899094	0.57288541266589	-1.10591100745007	-1.08526809024121	1.16610565894936	0.49990572234282	-1.70188595623981	0.04917573450985	1.00000000000000
+-0.70257092485124	1.62087695048683	1.22707597107279	-0.38432481339502	0.03700149033628	0.09404461371359	-0.31026109563807	0.85456427635950	-0.35677863546224	-0.10406770895862	-1.00000000000000
+1.14560856400876	-1.52264515661995	1.36660870906601	1.75663509530603	1.08141622648988	-1.59227965143308	0.82024100487372	-0.99451149665002	1.82155442829582	0.64079982868555	1.00000000000000
+-0.29927217149377	-0.73711041358144	0.47558544704467	0.07057997639463	0.03785658638151	-1.15591738814137	-1.20610538895543	0.52290966183810	-0.35127490809841	-0.53554729252524	-1.00000000000000
+0.59720922492097	0.62383181556534	0.57634346830258	0.50230497305527	1.09811989622283	-0.81594323473713	1.15055034164791	-1.61107195933139	0.55418863171196	0.23543390842812	-1.00000000000000
+0.26615999344704	0.74195152658912	-0.60886663268286	0.83700251004282	1.81738230917668	-0.07073387075577	0.54577764367547	-0.40774022304930	0.02433287545936	1.87917445928377	-1.00000000000000
+0.33378424942302	-0.78516310009896	-0.41341229846578	0.36256164157917	-1.77783368308261	-0.46785860948906	-0.47034359448700	-1.17840747754989	-1.80239417125099	-2.21244045362218	1.00000000000000
+-0.17431610704445	-0.10272246425792	-1.28450336239653	2.32871975361403	-0.66942891539628	0.68964211677802	-1.28676618319645	1.18173733298301	0.43918540647217	-0.20857476070691	1.00000000000000
+1.69502272229324	-0.41477669069052	0.83333456205097	0.98899814555480	1.44525998402969	2.02534484336589	-1.72192503565684	-1.83781807492009	0.27996543904859	0.01839963686334	1.00000000000000
+-1.29880265086015	1.05712209136176	1.15293513004694	1.11000639256601	0.39953866982951	0.80853693082814	0.75898582998345	0.47050665494802	0.94105674460375	-1.16303184173511	-1.00000000000000
+0.61275561925251	-2.62205225024590	-1.13072913254709	0.02634370770679	1.90892933676596	-0.05812981791545	0.84312577458478	-0.09833621747345	-0.76585861862380	-0.32785648200497	1.00000000000000
+-0.22900254411128	0.76108591772434	-1.25468108769107	0.97804229021584	0.09867121633458	0.05910628523298	0.08894231491926	0.21159012147748	0.84650867214312	0.29836509062596	-1.00000000000000
+0.14263921435242	-0.47487105111232	-0.81272498148032	0.44079843543421	-0.13466686717005	-0.37845904752621	-2.90840033841696	-0.05625124097704	-0.58826127621537	1.09389048494664	1.00000000000000
+1.56790364381649	0.07041850106021	-0.07868968215533	-1.22677940684222	-0.59634057294950	-0.01474715577556	0.28760540368137	-0.92639155298851	1.32604883136041	1.28913854236452	-1.00000000000000
+-0.33779475729352	0.70676682716961	-0.70499465766471	-0.60116877303203	-0.49429764159989	-0.47588750508081	-0.33159326964746	-0.26442644350479	0.05276436681948	0.39697529864723	-1.00000000000000
+0.64225548387542	0.41019778699553	0.54300168889982	0.07538010503495	1.12446871767174	-1.54377933963167	-0.76642803695061	-0.28134930287747	-0.57829034064090	0.58447325473168	-1.00000000000000
+0.03454363610987	-0.31238547259591	0.90474223149516	0.61662809550566	0.35526090896967	-0.19388242368497	0.24462216263872	0.24736137545388	-0.77653299620060	1.57059185097397	-1.00000000000000
+0.83927342090739	0.56294664634646	1.34540496331284	-0.80865648893311	-0.55746736460589	-1.63125119857039	-1.89672053045517	-0.70966916720821	0.43553775301352	0.42552209321731	1.00000000000000
+1.25008587977144	-0.29160158840848	-1.43520193484073	-0.79921632231428	-0.67538517731005	0.87126451008109	-0.67520695418949	-0.65770117879397	1.00147640382578	1.75346482853835	1.00000000000000
+0.96087723336694	1.40212640057745	-0.97616546678131	0.15957505576419	1.68880404191045	-0.85510639705687	1.20602511114964	-0.86727286584007	-0.32031984614755	-0.46691203619616	1.00000000000000
+1.67507083815327	0.20714999070697	-0.78925023382363	-0.95482328432734	-1.00491202395108	-0.18969106744665	-0.41372972069690	1.87015375402804	-0.17250749504177	-0.13049350117969	-1.00000000000000
+-1.35594491406621	0.50825813960973	0.81177911581358	0.83441622396685	0.29974302021932	0.14815494550009	-0.43062479175000	-0.85260516384913	0.76117772064331	-0.20922105240965	-1.00000000000000
+-0.19662314930074	-0.46755732165866	0.07009206027907	0.54873181343098	-1.25526432370025	-0.23673409103377	-1.47045784043279	0.66416208785642	-1.87700653292232	-1.04154924569009	1.00000000000000
+2.76645776231742	-0.22388190537932	-0.44599202616607	-0.56442365199076	1.19702951698452	0.24029036278123	1.13358459447130	-0.34774262556659	-0.88875530453987	0.01054276627560	1.00000000000000
+-0.49097226820539	0.82760024262524	0.64733762855603	-0.27531930973720	1.34983703881180	-0.20451805907039	0.17808352774938	-2.03299921737258	-0.13723908926729	-0.50136315481579	-1.00000000000000
+0.72120731044232	1.45807244155401	-1.34007615052836	0.58657566615166	0.48933325793559	-0.46748785658173	0.23815785034146	1.05096188151061	-0.17953332614094	0.36934365048484	-1.00000000000000
+-0.49345170441050	0.28700818914976	0.50729562116628	0.93119705497765	1.78405747625555	0.03383473779238	-1.52083724589954	-0.74117811857364	-0.27370599611218	-0.93136475483916	-1.00000000000000
+1.71226386096176	0.13306421934587	-1.57045259411525	-0.73299528732518	-0.57131089944942	-0.01186394143701	-1.39184836842050	-1.82578845215923	-1.15087027408581	-0.79248397066543	1.00000000000000
+-1.09870446398912	-0.63271052984351	0.12781349175444	-0.84371662528415	-0.15698324883357	0.96375457284135	-0.82271112812228	1.74252753364094	2.84224627968811	-1.42844374676471	1.00000000000000
+0.78074643256649	-0.60577221144701	-0.38619468972856	-0.91698508902112	1.14872146015550	0.91113423264665	-0.43223445845795	0.95596914050267	-3.29781555411891	0.68762674635577	1.00000000000000
+0.71092859076104	1.08765717126392	-0.45426059589320	-0.96095009920293	1.41880715827261	-0.05828765735537	-0.52506481791003	-0.73188618059108	-1.15106348898520	-0.23421837034584	-1.00000000000000
+-0.79014303575637	-0.54839388356701	-1.57556024090072	-0.32696778688527	-0.02008913164866	-0.39172912614067	1.79212006433724	0.43243475031212	-1.65962826210261	-1.29360085345269	1.00000000000000
+0.39176098617813	0.29752239287418	0.20029129510713	0.15807867291268	-0.77684660025497	0.48410679002813	-1.44562714430289	0.06037519769232	1.42822981444411	-0.85434115222409	-1.00000000000000
+-0.83086620104184	-0.43461744987093	-1.25356643716345	-1.77834992846293	-0.16079747705267	-0.03051187842761	-2.79640431507088	-0.99232966771603	0.05590502984945	-0.86342915161962	1.00000000000000
+1.24026225409466	-1.13028807261038	0.00224273967286	2.80733784666818	-1.67534622133008	-0.54374547052305	0.93112875345669	1.65078639641226	-0.70208840949127	0.63667259426059	1.00000000000000
+-0.35624987956363	0.31346514736208	-0.06707065474548	-1.02894224815300	-0.55827151469981	-0.05467625043839	-1.15042712629070	-2.19619189036258	0.27682940184147	1.12859612198240	-1.00000000000000
+0.30958463921313	-0.46471869690613	-1.63144325804368	-1.02626295630860	-1.26649385417547	-0.02559011369835	0.29646303656155	-0.31253885179614	0.19849305755339	0.71118452937964	-1.00000000000000
+-0.65402555980241	-0.08709688814376	0.28402340645489	-2.25715591148040	0.88648920449131	0.05534204804083	-0.39325950775833	-0.26384465647675	-1.54567271330710	-1.85128145216281	1.00000000000000
+2.99136692061785	-2.61274213519761	-0.17919477744521	1.40860947804876	0.46794815904653	1.60627249607103	0.22223383405029	-0.34106088798326	0.78119572126149	0.13853346159075	1.00000000000000
+-0.46628821634500	-1.23748616688143	0.57869643098449	-0.12775011433058	0.08774332578999	1.65148596048122	-0.78343180378629	0.47739945091323	-0.53957514264801	0.52461919045045	-1.00000000000000
+-1.10348380290828	-0.98102027552079	-0.56646148177980	-1.84922369791341	-1.66829172374865	-1.18469725352901	0.10765010470926	0.54690027607524	-0.12818951824059	1.79577144508072	1.00000000000000
+1.31778252098472	-0.55972181700896	-0.21738227372574	0.88192866060506	0.70235081647359	-0.95065010599526	-0.13814623862635	0.99853601342516	-1.51019872837735	-1.79276478098512	1.00000000000000
+-0.78235600062657	1.49334574818353	-0.80541846887170	1.31527717876477	-0.76721087057718	0.21169495033495	0.07546048423501	-1.42618677317207	1.94668851962599	-0.58730552443555	1.00000000000000
+1.44912867218453	0.05917790104058	0.42762510865881	-1.68716235658086	1.42456275743726	-0.68746605055753	0.55636569932183	0.67981582497681	2.19383498592475	0.45704241713262	1.00000000000000
+-1.48579197391344	-0.07670772184984	-1.02516732960057	0.06685283966866	-0.08805524994142	-0.73884991867164	-0.97417649851685	1.39585569595233	1.68548061734086	1.15215378783444	1.00000000000000
+2.09770511868311	-1.00648376381091	-0.36173924440039	0.10543456575541	1.40107331157864	0.89173517059706	0.45672319883867	-0.12740804260571	1.67695401230627	-0.10147032340319	1.00000000000000
+-0.01205373507864	-0.27037955185406	0.53670792584387	-0.56381552946551	0.67204289284713	0.26438338738085	-0.82559259214686	-0.07650095981517	0.79617692713573	1.57888261418627	-1.00000000000000
+-1.58145173039276	-1.84281003888560	1.01915437108579	-0.48470563887290	-0.41247127651464	-0.26017979850209	-0.45900786149955	-1.05867915316364	-2.03814636489855	-1.35335352218146	1.00000000000000
+1.54882555041109	0.53210794711320	-1.22714759698253	-1.29920818937987	0.25297912073177	-1.59126742135759	0.85337655104469	-1.60233923539410	-0.45580711743726	0.30836834914044	1.00000000000000
+0.75819745895817	-0.98457446826031	-0.02805539181826	-1.35064386308557	0.17482308974509	-0.71484742261559	0.25186311264456	-2.48041684707230	0.29595285262593	-0.48710812529472	1.00000000000000
+1.28679084167443	0.37310118316996	0.43742218600154	-0.46540194055258	0.03589300227009	-1.71087271561429	-1.09594077782430	-0.60500089422328	1.07983754819391	1.24169041889817	1.00000000000000
+0.19749575060883	-0.23549568129018	0.25703088684846	0.48073385029750	0.47657189041736	-1.70010503361158	0.51421383250603	0.36749207375196	-0.45363690902524	1.21636208101123	-1.00000000000000
+-0.20791925551456	-1.52590031429735	0.04823490432093	-2.21635158061115	-0.60515532449224	1.26475167274688	-0.43252843472802	-0.88292643317894	1.03396167090194	-0.35525118391348	1.00000000000000
+0.93554314484615	1.30271338385042	-0.47042658964992	1.06408725865969	-1.97728995091029	-0.79521840582518	0.00738502699005	-1.01618157346930	0.54078601086706	-0.36112004903322	1.00000000000000
+1.39315098277637	0.69641593164898	-0.27635995340793	0.95448293108353	0.48858170258153	-1.61011330516246	-0.19165859778407	0.40882638762179	-1.48573861919155	-1.26988992845294	1.00000000000000
+-1.45131633219115	0.74239542311438	1.38015514012078	0.80982663408849	-0.31935332754058	1.02928043177125	-3.44704681923299	-0.60756889021861	1.98429329947402	0.26294490364577	1.00000000000000
+-0.98520640227052	0.81184343615570	-0.39790793134134	-1.10252357921560	0.81451656313372	1.11536635855724	1.03002965334939	-0.46282045748950	-0.21131217121127	3.26114381272549	1.00000000000000
+0.22449191897070	0.15420207516908	1.27614155448406	0.96524972563066	0.52552164719284	0.97062407159762	-1.13292401435862	-0.59686432652548	-0.20137713904853	-1.18041752911270	-1.00000000000000
+0.05331280861646	0.13632819568085	-0.37720144725251	-0.85562151077716	-0.57926669459922	-0.21461360111862	-0.79364152108749	0.02895944570607	-1.33426128026851	0.55949365679918	-1.00000000000000
+1.65605738670529	-0.05182435724257	-1.06823195173875	-0.26645595203089	-0.07448264913790	-1.15986430576414	-1.21495206096780	1.52853438669890	2.60127062441254	-0.50889182742811	1.00000000000000
+0.79747392358680	-1.30896147859365	-0.50234157829912	1.32000518342070	0.63091216481933	0.38215519412059	-0.58689322701732	1.05244241972253	-0.90615582201497	0.24807672735034	-1.00000000000000
+-1.94165584070564	-0.55779089567707	2.34666608002530	0.16574148933572	-0.35966511078817	1.06181256645733	-0.03330302878146	-1.27509654942779	-0.37099730694202	0.49928142993668	1.00000000000000
+0.79093587396131	0.47478800850037	0.92005729130897	-0.06826693728729	0.88987642057571	-0.27213668077334	0.12842454389260	-1.57899117165335	-1.48009453381454	0.69682828810111	-1.00000000000000
+-1.09735403838910	0.17587882764327	0.92911639319076	-1.53182009291413	-0.73394088786152	1.45914006751702	0.07017654523313	-1.67213301335867	-0.51859254559229	-0.21153543069432	1.00000000000000
+0.72156968272825	1.30698220317836	-0.60897796282344	1.32425178331968	-0.30569840674076	-0.23607917150193	-0.16802486490633	-0.40185941641177	-0.21857467246275	-0.91258247704351	-1.00000000000000
+-0.55833560307271	-0.28488725904757	-0.97105148127142	0.91805544160238	0.38786042249658	-1.39372037860222	1.09777256317911	-0.84914299029057	-0.99897429487622	0.40079356404855	-1.00000000000000
+1.12134023376124	-0.83816970800065	0.45207822222989	-0.05334261088432	-1.99531637365900	0.20597088452781	-0.12899529210347	0.28237593423401	-0.47305887770818	-0.19587818778899	-1.00000000000000
+-0.77191089702827	-0.49834529347682	1.84624172886743	-0.03510842081237	-0.74471924094901	1.06959648629813	-2.17468178263903	-1.24894558160516	0.63643461213738	2.04122295237018	1.00000000000000
+1.13259728870383	0.49446113582360	1.80467097142283	0.28761695806860	0.65955257810540	-1.23015977529082	1.08379108875366	-0.17104263720834	1.50782242699840	0.26577358622194	1.00000000000000
+0.01745303865731	0.16959025360464	0.78172213886548	-1.53429320462618	-1.16705722941816	-0.57142597421776	-0.09873363415610	0.10630567412512	0.57294679551656	0.74744604502474	-1.00000000000000
+0.32878198113020	0.52361465094755	1.13739786595832	1.18854671642518	0.87432308880988	0.89197700341043	1.58572640074505	-0.04940018807835	0.77370385154901	0.64009516968157	-1.00000000000000
+-1.61990268187598	1.68296367491244	-0.50510445234254	0.03862618057269	-0.77654182903867	1.15818137088717	-0.03227377700716	1.09095385330042	-1.71359189514426	-1.26272704310434	1.00000000000000
+-0.68698322582295	0.42080522286040	0.68935773674278	-0.98484683336669	-0.17574434310536	0.25526161141607	-1.37064962617937	-0.93927207959988	0.06252775887064	-1.24400340325930	-1.00000000000000
+2.02393853413453	0.05566194853023	-0.39644065345970	0.76973428079990	0.44395551438485	1.04454208449170	-0.12821253178411	1.11827047604531	0.96384881937882	-0.07021447777409	-1.00000000000000
+0.54576110748594	-1.68369679677995	1.56610788714622	-0.43676109929178	-0.17129874452715	-0.80253816171881	1.15298994233423	1.89873025278378	-0.99003387658270	-0.60944638661990	1.00000000000000
+-1.26721673896580	-0.53689932920615	-0.53008822796760	0.20863786961457	-0.36998982825643	0.32701059471793	-0.05182855915915	0.39661161537560	-0.50670772379290	-0.02057289660027	-1.00000000000000
+0.47720005469960	0.14050350458919	1.22394262313418	1.85539660281401	-0.49796479119339	0.76257273182787	-0.64935728647586	0.43729422769859	0.17790781525512	0.80517625293540	-1.00000000000000
+0.42545745346088	-1.08630824563270	0.26639750651951	0.24683379285430	0.22018515146788	-0.27163600472191	0.16788839814741	-0.28552520546832	0.13382686882346	-2.18119223697604	-1.00000000000000
+-1.10268102978175	1.43260935526778	1.62683667661143	0.13696734319695	-0.71417111938641	-0.15404502893227	0.77453614782495	-0.14021393981658	-0.90111222382554	-0.08046377643987	-1.00000000000000
+-0.11808467120022	1.50314219510191	-0.89153613970523	0.08430083884235	0.32774404500415	0.59070990644363	1.68834780183146	0.08606804828684	-0.61904264727214	0.24872894393282	-1.00000000000000
+1.48705633702064	0.45558063533071	2.02018332787895	1.06154624669530	1.21817859795902	-0.10748460718282	-1.04837373027216	0.10522640202242	0.79878983655176	-1.24489708319021	1.00000000000000
+-0.47934000184680	-0.55596323370214	-0.60368828288895	-0.57800140704024	0.46889062419673	-0.06486872801799	-0.70139573408882	-3.36874897080469	1.29772804164127	0.35801910028076	1.00000000000000
+0.02282614587639	0.71624812990151	1.56522501563601	0.86676527930993	-1.09264177368900	-0.53801396738042	-0.71961350866127	0.73910580980329	3.51335034224063	1.82355131754043	1.00000000000000
+1.32883169565751	-0.04222625249078	0.40721528580965	-0.65368856760374	-1.03118298600677	-0.04667465359555	-0.18405211947878	0.49722956673888	-1.01712188329388	1.31292872000243	-1.00000000000000
+-1.28929046090613	-1.45098454287885	0.56066792723099	0.55926340120524	-0.80008293863557	-0.53738704058895	1.37224984753694	0.46083774205471	-0.33652485486781	0.72075752267945	-1.00000000000000
+0.77476879660304	0.32811816262755	-0.99344956254666	1.22805192514212	1.15627197075626	0.81487591173321	1.42441631381871	1.56331677511903	-0.24750391323543	-0.31276132745037	1.00000000000000
+0.73455231642112	0.39440259426870	0.31005674594501	0.02894610787390	0.96900239343227	-0.37247509704780	-0.80279721155570	-0.77562783273439	0.89449746143166	-1.27579659504160	-1.00000000000000
+-1.17899201931888	0.21755818135113	0.34728032893655	0.87422629692332	-1.46667368604641	0.28153919741105	0.08780921572293	0.08744149921593	1.82264475915016	-1.93321276278058	1.00000000000000
+-2.31425939059019	1.34762515619203	-0.64730329951688	0.82628455552835	0.25736468208901	-1.28067204254889	-0.02044559095671	0.52377303484769	-0.45718216655079	-1.13645404064550	1.00000000000000
+-0.18221921533710	-0.28137587965039	-0.97990989561201	-0.49403263032851	-1.87987523164683	-0.75541024878032	0.52478335482297	1.56075242748016	-1.17615330652431	-0.04607797832574	1.00000000000000
+0.44568636682026	-0.71599507927222	0.24711253048880	0.62797218489219	-1.03295601030376	0.52156707220183	-0.75365741457860	-0.47518810060428	0.26707986342862	-0.39805002457208	-1.00000000000000
+0.56798159634074	0.24745750966539	0.02726582214004	0.78832243513364	0.65504616939746	-1.45812117367752	-1.91327685710023	-0.77847365155132	-0.36373687969263	-1.11534130297535	-1.00000000000000
+0.32771702717008	1.33813980972644	1.98347218693615	-0.65860605365785	-1.33326810230326	0.15260389704774	0.74366201204673	0.79804614560690	-0.84321687948823	-0.23672632895472	1.00000000000000
+-0.94244433570475	-0.12524687603982	0.97399844649656	-2.54124644696581	-1.68758917224560	-0.28609434553686	0.11394728480355	1.04925348118032	-1.40024355518975	2.14998088408479	1.00000000000000
+-0.24615190377763	-1.24359635364957	-0.57396349626783	-1.83533816019096	-0.15718011521826	-1.74043567204911	0.23628945796821	1.37148862753813	-0.81314359961810	-0.67553027763498	1.00000000000000
+1.89739941552536	-0.28433728127081	-1.27734272006877	0.47703553258667	1.00724527134130	1.01780383284794	1.02989251186563	-1.71613514288855	-0.01010267435899	-0.91863024499774	1.00000000000000
+0.50667818441116	0.25325304820216	-0.03050747610925	1.04967332875938	-0.37629939681732	-2.88452388399293	-0.41535128723579	1.27739034264720	-0.61816093145723	-1.28246714374798	1.00000000000000
+-0.19661221066131	0.15257840241493	2.60245997418074	-2.07723677520154	0.25177335282817	0.71388424145187	-1.25515477118673	0.01629836022984	1.95586127213435	-1.08569215995179	1.00000000000000
+0.11430581940261	-0.25755556059092	1.11226578085288	1.13408313853170	-0.46336500352827	-1.05096509301261	0.03475442375103	-1.17701801924340	0.22555274304207	0.58967448408457	-1.00000000000000
+-0.78010847861424	-0.31868778940467	0.64861140792273	-0.24805356517331	1.34195726118656	0.52114474471795	-0.01603105913848	-1.79389817979063	0.49010536072381	0.80239161530767	-1.00000000000000
+-0.09249284484309	0.66184531985174	-0.15504967624751	1.15175527401110	0.47950205929870	-0.06773215900997	0.20059538415670	0.18911117172736	0.35188806224104	0.35841455887100	-1.00000000000000
+-0.10372568051469	-0.21676540245214	0.11515738183916	0.13780071246947	1.67742711360315	-1.67430083279370	-1.94207568927893	1.84970625094955	-0.94976883405190	-0.34925593130949	1.00000000000000
+0.65479278214257	0.09841363685108	-1.19257569348437	-0.70503945693957	0.76677734462856	-0.78131996378310	0.87126214027649	1.27343332590310	2.44858285791965	0.94984049397073	1.00000000000000
+-0.24556915458388	-0.90064157546952	0.34711487893341	-0.07197103260375	-1.55772158201456	0.49036908890283	-0.02950371503541	1.47346786637488	0.64477137499852	-1.32124795861386	-1.00000000000000
+-0.34954248146191	0.07366749929491	-0.63576536554364	-1.58929757092482	0.19587038066729	1.52841552021767	0.71921464309661	0.15299085277691	0.79310375814057	-1.80189292040360	1.00000000000000
+0.45935396577677	0.09141828024303	-0.07859183958987	-0.31123103361913	0.76022407404476	0.78911306677423	-0.01269622448576	-1.07559614130252	1.40264143348044	0.20094390062763	-1.00000000000000
+1.51030818115973	0.50147744098192	1.31083805685659	-0.09757659585536	-0.16790962794697	1.44304366177977	-1.12461374837761	-0.23808991775922	-0.05040894732067	-0.55282060176769	-1.00000000000000
+-0.19429218399638	-0.27669993849799	0.48735905997375	0.35050836666213	1.13858717201676	1.59753610438444	1.93200673047890	0.07034230745816	0.85351304094532	1.19756504579006	1.00000000000000
+-0.62309506026468	1.21429530701981	-1.07504267964841	0.30619654182113	0.04877511606769	-0.84652051560774	0.80000204027225	-0.44274206426400	0.15700598067481	0.37595682747957	-1.00000000000000
+1.73235621137932	0.30701099909780	-0.15786251877587	0.75267968378772	-0.36225453802627	0.72477389872746	-1.53173960259961	-0.12350386990540	0.23766672973106	-0.69827010737144	-1.00000000000000
+-0.82514763044516	-0.51049596894671	0.77832542886491	1.05410596056118	1.44922800096348	0.98160549741270	-0.42163704729842	0.85476886282121	-0.00347209450283	-1.39188966892130	-1.00000000000000
+-0.20242072497331	0.22999361304600	-0.54280294838701	-0.20287470960495	-1.18718082315467	-1.40453219420803	0.83302537511423	-1.02996622811641	-0.52827421695204	0.01895142863384	-1.00000000000000
+0.42806920698278	0.42368142255989	-0.46016401093156	-0.48457734300313	-0.56663393713229	-0.43882691139785	0.28179704116680	-0.02972978918523	-0.88870402563535	-1.38595850864010	-1.00000000000000
+1.43047118457625	1.46963246192120	0.24135783071563	-0.76469577221367	-0.47445901217138	-0.54418663239718	-0.80145098408413	-0.17632186000652	0.19112715542475	1.19705370915133	-1.00000000000000
+0.13029420974728	0.67395419992856	-0.02434306608581	1.04173086269713	2.09336206316518	-0.13477111080579	-0.15794501267588	-2.17502314906623	0.49786568914848	-0.45936529410152	1.00000000000000
+0.92302918209684	1.15684256292666	0.09027104057160	-1.10324241587774	0.94848705609108	0.68962178845541	-0.71950121321372	0.05529496364808	-0.31077013287083	2.40929381120114	1.00000000000000
+-0.24234071373329	-1.34353018522149	0.69156634120158	1.29164530465432	0.45932152630368	1.28796248754166	-0.70149020891888	-1.89601564717404	0.25897487996192	1.88441660794886	1.00000000000000
+-1.54605583291397	0.58897151317997	-0.55601405243537	-1.35102625150029	0.52605698114841	0.91960822888724	-2.09931050139167	0.12712560120664	0.18105117054525	0.56014827434539	1.00000000000000
+0.44636618753942	0.14557704937219	-1.58514339363602	0.84400944228511	1.84204957408545	0.67618775571868	-1.50702707365815	-1.05142978894050	2.21195609188138	-1.51275318544008	1.00000000000000
+1.13734012729670	-1.45188540545440	0.57887960515935	1.35840643015804	-2.10692389937215	-0.19730196144619	-1.12461526626770	-1.13410437071538	1.30329084447000	-0.46219223472295	1.00000000000000
+0.23923119906964	-1.04244030974049	1.36113035986552	-0.53943903318013	0.96419777368771	-2.27755870690636	-0.09026109379429	-0.35804408088035	-0.29243381170583	0.14624315793273	1.00000000000000
+-1.70963400278763	0.21897633382917	-0.95834325291586	0.81703237273193	1.76843134755352	-0.32774651618870	-0.98821311360128	0.52953051331844	0.68664102399419	-0.06154737574935	1.00000000000000
+0.18880437010714	1.61449743096318	-0.36490500194201	1.21110935736995	0.79542584299196	-1.14912935496504	1.06217485961436	0.27049661404991	0.71881605098538	-1.11319681389287	-1.00000000000000
+-0.40248353486846	0.26459805083376	0.44029744482793	-0.04307522879089	0.01283273321663	-1.27610410724847	-0.66718124654679	-0.36063436361550	0.66505012121672	1.29599721075119	-1.00000000000000
+-0.53873121173597	-1.24615827487417	-0.14088113335769	2.15515936983701	0.44303036875824	1.96767060435444	-0.43618652749936	0.42038186241550	0.17682758511857	0.42048022205515	1.00000000000000
+0.72079046497944	1.07372817405255	-0.69732578809284	0.67312299750164	-1.29907487276412	0.35720950091256	0.98159175624978	1.16515395053427	1.19615364767206	2.77658835666026	1.00000000000000
+-0.45659125162253	0.04330966610427	-0.44444855006514	-0.97862543862695	1.60811925265435	-0.70692429209811	0.57448516302058	0.04864564985425	-2.12990359489652	-0.32645028923170	1.00000000000000
+0.08489050442912	0.12771969656123	-1.17800140610639	-0.21583967870760	0.60561893837017	-0.05740769718816	-0.53432553115232	-0.16442638719913	-1.24907591872054	-1.25021119003582	-1.00000000000000
+-1.45210859010078	0.45055997878527	-0.27961580307691	-0.44362178808268	1.68093797682058	-1.50672832437239	-0.78757298014325	-1.19171492447007	0.87814029232285	0.52015034980336	1.00000000000000
+0.88877550858950	-1.77133560197426	-0.13502865587084	0.14243215260966	-0.43096486890568	0.92457074566029	-0.31903211983106	-0.40294838792908	-0.01136943167713	1.23292221695203	-1.00000000000000
+0.02932356741036	-0.20665239811746	1.10982449053031	1.62017221363097	-0.74962295656842	-0.09408615981686	-0.16813939813860	0.82126496824897	0.99939781753673	-0.49239532869925	-1.00000000000000
+-0.43197265485078	0.88340414537704	-1.80613617705090	-0.55400604208699	-0.30162684850891	-0.67389535949233	0.24934348844597	-0.78115276165444	0.68795736336698	-0.06396734161607	-1.00000000000000
+-0.78244548228223	-0.31586374512693	-0.33375535349885	0.97216627625430	0.04759702073612	0.49380686917840	-0.47008745452084	-1.08283133913775	0.68239499707865	-1.14868239454319	-1.00000000000000
+-0.23846694580545	-1.30284482733822	-0.19204859698682	-0.70698095479641	0.15712428398382	0.07543409273454	-0.61690331907659	-1.24087263763579	-0.45974812031299	-1.09360787911810	-1.00000000000000
+-0.80704196062973	1.18880102088122	0.01436311660491	0.97028164269282	-0.44216761901431	0.65595608433203	-0.37902643389341	1.42717137039483	0.62050674340923	0.09362399504385	-1.00000000000000
+-1.46371381710943	2.10796889933469	-0.60551632568486	-1.84862958468990	-1.31589188762727	0.95977156403341	-1.95761649750566	-1.46930731578683	1.04830116786235	-0.74408875202217	1.00000000000000
+0.42769210279966	-1.00728680323829	-0.53473350182851	-0.57462888697272	-0.12794639076820	-0.61155691889328	-0.51013487575769	-1.62004240859560	1.13119932283313	-0.49762665270791	-1.00000000000000
+1.37282896886198	-0.16991268027584	0.93393846366398	-0.01791604866203	1.00431773054061	-0.45711964274932	0.85326229441719	-2.16099065708480	0.42570235946633	1.16446406390881	1.00000000000000
+-1.63449967058647	-0.14645594796052	0.62807740793750	0.07879373044468	-0.93938330240110	-0.01633884503547	-0.80122835014167	-1.56320432333775	-1.85274031556848	-0.68095991416717	1.00000000000000
+0.42058497443839	-0.32023297186648	1.51201845849113	0.13816802004138	0.43820777257645	-0.03844649328487	1.52362872469851	-0.60686101428928	0.81405220758320	-0.39220475493926	-1.00000000000000
+1.49641547020543	-0.58573145852755	1.67709150430682	-0.89301295400897	0.69763810268625	-0.02445251076267	-0.45930143873812	0.04008169209856	-0.00227999842960	-0.58952831693361	-1.00000000000000
+-1.60897105009636	0.91015475355323	0.72367110951162	1.66489289543558	0.47616525830022	-0.68025761319424	-0.51066154246387	-1.30193723813126	1.94274583414010	-0.18370868136921	1.00000000000000
+-1.50780257349670	1.25519566748884	-0.11259491507684	0.40923988800227	1.81874401519283	0.81654108927697	-0.48239105335093	1.77412598641285	1.09296319986465	-1.79087659892124	1.00000000000000
+1.17772313925797	-1.07136298711764	0.97176398231394	1.23578357656725	1.37727393353620	-1.43724968509316	-0.50005564218163	0.29117447799307	-0.19328757973086	0.28587500476053	1.00000000000000
+-0.62544463898556	0.53592749224177	-0.25299064476371	0.65736883197185	-0.83693079574431	-1.39355613228759	-0.09334041372406	-0.50280523664530	0.84898997075432	0.75317895368393	-1.00000000000000
+-0.57974500008039	-1.37535234464563	0.50308182557016	-0.57424616804889	-0.47616138901832	0.74262552471407	0.71900009621182	-0.31140971323206	0.55768266721777	-1.07301312918209	-1.00000000000000
+0.18206112097572	1.39502017704205	0.73353652440526	-0.56382419280454	-0.96640941545598	-2.09784703693868	0.42232706183927	-0.49207495991387	-2.48430127895775	2.00762103269685	1.00000000000000
+-0.54933094048728	0.71991626722794	2.20187930403893	0.02497995751054	0.58075135949083	-0.19264271711751	-0.42019845143675	0.74326615178949	0.11371324842023	-0.86835216208964	-1.00000000000000
+-0.69693322192072	-1.32710576680319	-0.46991885197659	-0.80738648256720	1.49841129741232	0.63852726399356	-0.17635178336016	0.97213982436595	-0.55357744063244	-1.27718408574883	-1.00000000000000
+-0.31861055346235	1.27107317205102	0.43890542455020	-1.39501138693165	-0.19058087452044	1.87562603429446	-1.08135920071967	1.56629566808703	0.65422232851685	0.60556183279061	1.00000000000000
+0.25007347399232	-1.68457955062412	-0.70554686656607	0.28857700420723	0.25233702173171	0.56507016831173	-1.49317181714151	-0.85001028580898	0.49540619977795	-1.57262758521842	1.00000000000000
+-0.00121478723396	-2.64257201695952	0.30548293813380	-0.37388107795615	-0.88930303948755	-0.52430586175821	2.36422760774816	-0.32857334298576	-0.35728078653369	1.05841293170593	1.00000000000000
+-0.41210768812125	2.08725000864283	0.91659000715315	0.97744345157202	1.25610762745105	-0.16768671822925	-1.34663409492883	-0.61061448105593	-0.64085803481113	0.70982432610633	1.00000000000000
+1.21593822606288	-0.47605138712808	-0.32742442007152	0.04868519546771	0.83842425296426	0.32329434206095	1.83119267155404	0.61211922057160	-1.05240674909924	-0.10305026696236	-1.00000000000000
+-0.37568992064381	1.63628161970865	0.56037286306671	0.57566900365740	-2.04006429735314	0.53912633106928	-0.09824702014956	-0.76173850123368	0.33022304351770	0.35449126068444	-1.00000000000000
+-1.31937094170889	-0.86680051752664	-0.05732074855323	1.10863528239604	0.88397808179118	0.93695319165069	1.00526176929456	1.33670261892233	-0.36346275431027	-1.14235444145672	1.00000000000000
+-0.49702385579244	-1.51179546908402	-0.07638723596209	1.26952048144518	0.19051615302859	0.43182284956679	0.21025349768414	-0.48475407930814	-0.29072790146497	-1.90345076410601	-1.00000000000000
+-0.28609725690718	0.32461707704678	1.03858611448015	0.80331003069987	-0.06047220768405	0.66561598817102	0.48120577435853	0.27471279109279	-0.58153122368879	-0.15035661560142	-1.00000000000000
+-0.74918487792907	-1.04269598756214	0.38912745858556	-0.63660169916177	0.25635460126995	0.58654324261783	-1.06759777274799	-0.13684414462264	0.38716183776440	1.20786737203275	-1.00000000000000
+-0.29942816321590	1.98834269921101	-1.46412523297667	-0.33178637464599	-0.76808015588018	-0.10636391443929	-0.39277991143701	-0.69820261847210	1.66755722435394	0.90714196940498	1.00000000000000
+1.90472126659355	0.60801969611815	-1.34393224800056	-0.15191967821319	-0.34396271431775	0.09922675346742	0.43664318619861	0.54567325392271	1.33113391213754	-0.75191939273530	-1.00000000000000
+0.72343072685472	-0.88930808754463	2.87001565478376	-0.22698636390056	-0.42387624838156	-0.78643866515283	1.91911553314032	-1.04769120223330	1.90300493401947	-1.11535295176712	1.00000000000000
+-1.75739067399880	0.17802515775434	-0.18348235118383	1.75415496064154	-0.61553122107412	0.24745508291487	-0.31406603978975	-0.36810635079594	-0.10858362640800	-0.51056462592246	-1.00000000000000
+-0.26621892230463	0.44271922422137	-0.28209481255498	0.44773306054402	0.75089648426789	-0.06642000857328	-0.50301101043486	0.25731707601091	1.86299490549512	3.12386123581576	1.00000000000000
+0.51097936358584	0.16992693479484	-0.13303778340502	-1.09675686376999	2.54759643826082	-0.54530841063958	1.67053113517896	1.73427991568662	0.58904845145105	-1.32152885625457	1.00000000000000
+-1.38570696530670	-0.76196746935265	-0.81915261927127	0.52088903512277	0.67633424854555	1.05973449485279	-0.68156557788703	1.47447737200547	-0.27001702984756	-0.93328960769970	-1.00000000000000
+-1.33791354927188	-0.46210855794449	-1.30410626063556	-0.42006799887260	0.01027079901844	-0.53852972994994	3.04954096612453	-0.93096088702946	1.43172176943433	0.13356744742999	1.00000000000000
+-0.05349577369329	0.54065079863060	-1.82809689663779	1.15373666338851	0.00323728844384	-0.34224627785949	0.85966479987766	-0.34729778308124	-0.84557220172167	0.34692112548146	-1.00000000000000
+0.61199243254345	-0.07019281998006	-0.86733832159733	-1.32568624092559	-0.95549436590795	1.09111590879264	0.41820119924101	-0.28206043354589	0.94725386581664	2.01831073815627	1.00000000000000
+2.50166892057969	0.45785677739418	-1.17823696913675	1.22451121362614	-0.95809513095409	0.14925105851627	-0.00905931178899	0.10835638767987	-1.05281626071588	0.69648644583161	1.00000000000000
+-0.08725403629356	0.35760034810926	0.19911970263649	0.92703277427004	-0.60758150762880	-0.42400667039735	0.84499235606998	0.07409641606459	-0.54220510152899	0.65575256146893	-1.00000000000000
+0.42663059334904	-0.47721684279910	0.67747398548392	1.33197275610342	-1.10275291224360	1.29313055017324	1.68207248694114	1.03888189928831	-1.41145140237393	-0.39070307445501	1.00000000000000
+-0.87024984698142	-0.51612828054307	-0.30104397515928	-0.59056126891925	0.03665705480253	-1.72395325242410	-0.28273463329368	0.49551442447856	0.43708576693289	1.22488510197077	-1.00000000000000
+0.20423788417708	0.57605420855867	1.05876582865793	-0.18419069696117	1.34607426372833	1.15065310338788	1.96120529364657	-0.25723019193073	2.44528493467273	-0.49870589670458	1.00000000000000
+-2.92961074380532	0.15135087643597	-0.59256708568767	1.32043333467953	0.00366699127923	0.39380365740938	1.19298966034291	-1.80277273370722	-1.54014966522584	1.20950904544765	1.00000000000000
+-0.66392747350117	-0.43653863106409	1.03224492070360	-0.36066448927229	1.79486821986760	-1.76446945983788	1.01616274937645	-1.40065621173296	-0.93041368614374	0.20361084673224	1.00000000000000
+-1.56399145158077	-0.73993403106115	1.68931903758528	0.27483510698566	0.49073640811541	1.36635727920910	1.30220265256294	0.13137005743719	-1.47804059420563	-0.57660860555398	1.00000000000000
+-0.25230033211194	-0.99009799503760	1.70229531142868	-1.75608096676639	-1.63744366086963	-1.39181535011448	0.39492086598698	-0.03866300352821	-0.97914816792283	-0.56365632435536	1.00000000000000
+-0.16865469522155	1.55545049817715	0.23480652761595	1.16184923871578	0.59976363275415	-0.29031208161220	0.01938925665037	0.86803107458166	-0.75677075278040	-1.75716813420440	-1.00000000000000
+-1.21646399678906	-0.65982159325833	-0.77408892306943	-0.07486202749783	2.33399309297866	-0.37549585671882	-0.33207433540484	1.20269191533875	1.76427409084994	0.17449611546896	1.00000000000000
+0.52860607649299	1.74556621450632	0.42592751296217	-2.73569069568272	-1.40537302358070	-0.47927966397130	0.22813485346328	0.13255279551550	0.84265159506534	-1.95483763046139	1.00000000000000
+-1.59298692939353	1.50533079283356	-0.00903710881419	1.53090732802207	-1.52884166536044	0.61193383215544	0.32091953716421	-0.25907756167049	-0.23724495028213	0.10109086358787	1.00000000000000
+-0.33108472522925	-0.65786321660043	0.24364601396214	-1.53761520103868	0.64380554371384	0.94820866479128	0.73320494162126	0.97085881145900	-0.64840871949507	1.54270225678382	-1.00000000000000
+-1.03841164080922	-0.96800564117011	0.08237431620102	0.10550094149993	-0.09621994808511	-0.22264617809778	1.27021617300707	0.95498073387219	0.14757450250517	-0.51110501793606	-1.00000000000000
+0.13812897695265	3.25929775675340	-1.43658337954607	0.84780032312349	0.38444822944830	-1.25617941958146	1.42859662164571	0.99539566479376	-1.13117348173815	0.61156547647257	1.00000000000000
+-0.41000289390632	-0.32853536772466	0.89267703680974	-0.79402992341564	-0.41464704574380	-0.50487292610850	1.19804085308581	0.79393396053337	0.20529598104348	2.43657889095376	1.00000000000000
+-0.16349448932542	0.68786189094606	-1.42541573348383	-1.08971951049557	-0.68023131304720	-0.48928899037197	-0.73140905570600	-0.92369535813154	-0.47457803767210	-1.39028467765329	-1.00000000000000
+2.31235577361027	-0.63007493437423	1.81271050333251	-3.10810237123378	2.71482031836176	0.04303044525018	0.98351511580443	-2.75772204401778	0.46710853368391	-0.36579534939960	1.00000000000000
+-0.57969770370239	0.21579738069299	1.23865900080387	-0.00169354149290	-0.03790473283644	0.21881733941718	0.50960270131345	0.14623463888534	0.22713460952340	-0.44784005783235	-1.00000000000000
+-1.49848067967321	1.11581060683698	0.24663394230279	0.72207483296920	0.40381872926560	-0.28545283120236	1.57290491458542	-0.55637477205377	1.58619122404402	0.83684227487989	1.00000000000000
+-1.54419706032968	-0.30366213474417	0.77923149891163	-0.84145038641910	-0.13578937371813	-0.07010187847870	-1.54596798372062	0.64337951282251	-0.19051821011086	1.53508373901495	-1.00000000000000
+0.42671885469925	-0.58970255544105	0.03282304115890	-0.26489460569981	0.92626187683841	0.15050082171649	-1.71692949925240	0.28631523522109	-0.27017226242550	-1.52224170330505	-1.00000000000000
+1.11156700015508	0.59410683295907	0.41647490285361	0.64680925146992	-0.46071730030465	-0.53422718191737	-0.08160513471932	2.10189920257436	0.06631769299130	-1.57300847332736	1.00000000000000
+1.56990689781551	-0.03846114704660	-0.92843559539559	-0.67233988827670	-1.45603788030363	0.66617787624030	0.32608377083343	-0.62918833404493	0.26849539594079	1.38082483973791	-1.00000000000000
+-1.68408584878680	-0.59206371600350	-1.57188291399831	-0.32090254515665	-2.54686644363719	-0.47869009602917	-0.60489134213234	0.33356040904953	-1.07833419990522	-0.87626709139487	1.00000000000000
+-0.56029259394532	0.46779666765506	-1.27981507960926	0.18107398995207	1.01119206589932	0.43727583069488	-0.25522841584102	-0.03563137777484	-0.71369157161876	-1.40995807187297	-1.00000000000000
+-0.08960705918003	1.36814256589422	-0.60777706294285	-0.38809518582100	0.40697258744791	-0.23170714403384	1.76775539684417	0.11083826641817	-0.04415726419269	-0.76354736259284	-1.00000000000000
+0.17811915994841	1.79906903990732	0.50782609025017	-0.01093773587781	-1.34631341045827	-0.24875116266096	-1.67390979857781	2.19454026621905	0.12114466534444	-0.08781293752133	1.00000000000000
+2.49056455022572	-0.39640223029061	0.52271925208004	-0.15723597626657	1.08707730559351	0.39752272950394	-1.91160226851128	-0.20598373883539	0.78135872116690	0.67100295589916	1.00000000000000
+-1.98520997823423	-0.58696307784271	-1.35845099759842	-0.82168843898833	-1.98010768289772	0.30698133887360	0.79526452448148	-0.18563852798364	-0.57218562947125	-2.00403156451679	1.00000000000000
+-0.54775362011746	-1.24223300544939	0.29736192812366	-0.15174911740710	-0.79551440185154	-0.67248463251909	1.46921367792904	-0.44799682760748	0.52094268342541	0.76921745963923	-1.00000000000000
+0.46704074627345	-1.26350897394495	-1.08117586876579	-0.77920536594031	-1.02046090406142	1.41265984995538	-0.47292204946217	-0.98012021238511	0.05441890605590	0.20966878947004	-1.00000000000000
+1.79151909897008	-1.01307653153433	-0.61233745599490	0.45423965405244	0.09318312439480	0.84074435098183	-0.15012063021366	0.63849456149968	0.62972235696121	-0.25094901737315	-1.00000000000000
+-0.27013533913128	1.33285172368789	-0.40460601806708	0.54407012309122	0.13413774371661	0.39318111588261	1.12181470441780	-0.62093986120518	2.31592124500080	-1.44147869023942	1.00000000000000
+1.12574983381793	-2.02357257670217	0.58323774272559	-0.62729436456246	-2.14378147686246	-0.36674864682123	-0.91782692889163	0.91761868590666	-0.69914719302836	-0.63248190579440	1.00000000000000
+-1.57097187973097	1.39693012302204	-2.14400437199334	-0.72391174772384	-0.51556740670088	-0.57026179322406	-0.62787521409040	0.37436428674548	1.04055423850273	-0.10581072798066	1.00000000000000
+0.28553283158372	0.60735845411706	-1.78543699485354	-0.54438467938409	0.94446002812736	0.92475999143470	-0.33269515053666	-0.53153247407102	-0.24243589945802	-0.56019048235357	-1.00000000000000
+1.31418295070153	-0.39426245256523	0.01847232557901	1.25108120460559	-0.71628720553213	0.62141338871288	-0.21273771690710	0.93709686142833	-0.68931000840455	0.32347051215267	-1.00000000000000
+0.64482266211886	-1.88734897463832	0.20807136764776	0.01281645432158	-1.30530104457562	1.02197647722663	-1.00871317345157	-1.69588225794701	-1.36715682965252	1.60609724070347	1.00000000000000
+0.55786376437807	0.11412381541129	1.43778394797267	0.00948730770744	-0.84965108738383	0.87444230960211	-1.43377692872365	-0.29124546687848	0.65476423787299	0.77846453306313	-1.00000000000000
+-0.72517861861395	-0.64606400986901	-0.50197259230573	1.45138646516226	1.35723432026452	-0.21998223792649	-0.53626032450934	0.33725162628378	0.96021243519114	-0.04096350495503	-1.00000000000000
+0.34332094879860	-0.16601435306836	-0.24052515727792	1.43570890158545	1.00833531701498	-0.06224967453951	0.83065253964575	-0.65481839762772	-0.62619949666246	-0.70187262259297	-1.00000000000000
+0.93785150730177	-0.04075948328233	2.31977118992441	-0.95992121803263	1.55564890662138	-0.11863921343638	-0.27260487421139	0.91754497744319	0.41661932135897	0.43544368633954	1.00000000000000
+0.52117808996891	-0.71423948763174	1.64625952505649	0.49133064309138	-0.38245982154262	-0.33927268701077	-0.98056417591199	0.50184232342830	-0.58802490308793	-0.17228164785928	-1.00000000000000
+-0.32728622566937	-0.40118832115848	0.47186272157017	0.46775288337009	-1.23063821629236	-0.83781189738860	1.27140799273553	1.48399376544629	0.92898133728722	-0.58254524543246	-1.00000000000000
+1.37148739002755	-1.15068391509877	0.72493796297597	-0.31651933586274	-0.50995509676157	-0.47269763942281	1.42833687843321	-0.15989465843094	0.25210207425377	0.44975623588792	-1.00000000000000
+-0.49400339089849	-2.37947287299165	-0.54583028939548	0.73954948041297	-0.73614148693917	-1.98361672088674	-0.72141775752282	-1.45528704171991	1.44916899740866	-1.51020967103809	1.00000000000000
+-0.26233975176738	1.40679119481201	0.74955154735400	-1.14326011997633	0.06979110203218	1.44094167100431	0.80045888591822	0.25903729001490	0.02720815568704	-0.33970626781195	-1.00000000000000
+0.15067095795642	0.15089508348663	0.46901792100914	-2.16324738233561	1.37868449552736	0.89108959569115	0.47801456111812	-0.83360661347374	0.96434630943444	2.03462195869779	1.00000000000000
+1.13763955668230	-0.88583760157539	-0.01049377815953	0.15988377911299	-1.81593746646994	-1.63383117594105	-1.25696725737821	-0.75652677974502	-0.71559647799097	-0.44584110672615	1.00000000000000
+0.20751897674213	0.29069808682140	0.30928054659261	-0.04310958751253	-0.57888838789233	0.84172960914775	1.84533443888761	-1.24426935049137	0.04941373079094	1.06732571751119	-1.00000000000000
+-0.34231079992797	-1.71994652041225	-0.77413808357246	0.26784195815970	-0.17992319267789	0.36500736534410	1.35816103259579	-1.43118573187718	-0.27057479051577	0.57849934102247	-1.00000000000000
+-0.60777287918441	0.01385530226963	1.72401243633939	-0.57992780924022	-1.20932208051202	-0.44465424311378	-0.60044750988137	0.54265929872140	-0.81837456582370	1.26694189332298	-1.00000000000000
+0.72197986874224	-0.47258685289117	-2.30655017359222	0.82537417025957	1.33126401683050	0.43478967353069	-0.97763895444055	0.97277103965398	-2.32283983691219	-0.28675834574632	1.00000000000000
+-1.97805936962852	-2.41741218311456	1.95905717808283	-0.66595924677096	1.64837785388014	0.22652955364137	0.12637240112265	0.91618645035347	-0.15238338350579	1.45675118386714	1.00000000000000
+-0.00534233296450	-0.74839448631875	1.52077418563862	0.43895107150098	-1.26581186088535	0.89507584592317	-1.75912234464821	0.75517187842528	0.56564351694846	-0.94671218868584	1.00000000000000
+1.49775962002527	-0.73354119198569	-1.54952575189540	-0.62714781609422	-0.41622184815761	0.24603141294533	0.26654140863468	0.61274607132197	-1.11286907098980	0.90186883110910	-1.00000000000000
+0.52289827029254	-0.31008484023949	-0.00374783969166	-0.29729254023489	-0.26011882603597	0.01131548783393	0.28208327094664	-0.87599998052886	-1.45772887308468	0.66424048972147	-1.00000000000000
+0.41897966643946	-0.33640902890135	-1.23539388707777	-1.26087590496543	-0.57832574224408	0.54546103367701	-1.06294187556331	-1.59545988051953	-0.81088625407705	-0.36665678949857	-1.00000000000000
+0.09508419729813	-0.16152120970742	1.76681634614316	-0.76630624800857	1.57661093388040	0.51038973189435	0.71996337136109	-0.77947368755822	1.06421368393346	0.99565033341092	1.00000000000000
+0.85437049844546	1.25992186962197	-0.51001829578102	-1.67292686111012	0.86791465519556	0.98771306478733	0.29490752375426	0.53186536860512	-0.16674289808815	-1.34271679015873	-1.00000000000000
+1.36699105745392	0.60836948467897	-1.87343353258556	-0.17702075707256	-1.02626389631048	-0.96111663978582	1.44168786298614	-1.40087455050300	-0.37262271621070	-0.73308187534447	1.00000000000000
+-0.18534602294776	-1.23491274247173	0.33263956351936	0.36089113170623	0.94226318520968	0.22408467380535	0.71403003409772	-0.50352301605652	1.68832720940540	0.28861633282171	-1.00000000000000
+1.69783861421134	0.03458631095514	0.01398626314742	-0.18089363559316	1.09796311067192	0.32651532856667	1.84029695741055	1.29756362278120	-0.17631870557365	-1.80204189107189	1.00000000000000
+-0.31650239481907	-0.81068437798315	0.16313298380093	-0.36697706274956	1.60349753517673	-0.52424347760028	1.87217441684720	-0.26218490497844	0.64530158562058	1.50182066899881	1.00000000000000
+-0.44173879516094	-1.49312587047855	-0.68034753820997	0.15633085338284	-0.13237550632012	-2.31233506194987	0.27259233414551	-1.07059322183125	1.07209465187787	0.48123891609426	1.00000000000000
+-0.07860975511515	0.85220875737107	0.10895066672043	-0.60165208491317	1.02671384189891	1.33479356438051	-1.30837904431027	-0.04389940373535	-0.50703814437763	-1.74795315577129	-1.00000000000000
+0.72635801377088	1.71542495848120	0.28516536520541	-0.40369261139436	-0.07799056925605	0.73566869419588	0.24699506989711	0.87352054240954	1.35894548408502	2.24003151043566	1.00000000000000
+-0.74379540876930	-0.99737224830284	0.80351702339603	-0.97562615368988	1.35793496349730	0.70651440783087	-0.92997630684167	-0.61473399335398	1.35697245112808	-1.17259820295597	1.00000000000000
+0.09643083142821	0.61508664072445	-0.31749107738398	-1.48744062705448	-1.08423122815115	-0.61340032007338	0.05149204061318	1.04140487765523	1.37960721292270	-2.45932616635144	1.00000000000000
+-0.93989226132262	0.91531836679297	-0.78793422322817	-0.25509506496130	0.65306898124043	1.34275411246403	0.51677787063137	-0.55569312846062	-0.01331698936568	-0.81615055645942	-1.00000000000000
+0.05996504125862	1.10852997165987	-1.85505129417713	1.92012006497540	0.35754770904996	-0.02459753260142	0.49295117029731	0.57262030129716	0.77822246601911	-0.00773990969709	1.00000000000000
+-1.22942277593561	0.99162232103902	0.46571587386058	-0.32374925519242	0.76676969581592	1.50211999129619	0.00184497234424	1.24565420988367	0.13140092152059	-0.99999758113561	-1.00000000000000
+0.89257709457419	-1.64250583663790	1.70220594764815	-0.63973654479193	-1.34378149258626	-0.11814973370793	-0.56258012695622	1.18971903508499	-0.01335731256851	-0.98762303808216	1.00000000000000
+-0.77228898946270	-0.35126931981773	-1.41511402173161	-0.64215275154167	-0.76970717346378	0.68217432187875	-0.31376757619402	-0.44972371779279	-0.92452289314989	0.19366343254423	-1.00000000000000
+-2.21533453240250	-0.73637731624092	0.16990825380216	-0.87174457570138	0.65544847550089	-1.20406376804383	0.61691366714025	0.96488616293130	0.09672381261211	-0.12509237944017	1.00000000000000
+0.72868227527013	-1.00967409664772	-1.58076314445640	0.35549930358338	-1.08222535779966	-0.50105938217085	0.30583005263807	-1.29047210648666	-0.38587201445128	1.18488754360592	-1.00000000000000
+1.14547448112154	-1.38242493757794	0.13796658513164	0.01659714386945	-0.11681833653251	-1.45185746807407	-0.32463565287432	-0.12676295218954	0.59980761205881	-0.57422454933153	-1.00000000000000
+-0.22969694076538	-0.82017521242236	1.07127684531750	0.38018337546178	0.94731697698978	0.78778280349916	-0.25752273572642	-0.00051512315971	0.40489247434129	0.90868645837156	-1.00000000000000
+0.15087043288163	-1.09178496909486	-2.41181132608143	0.01052590039913	0.59635490470477	0.10621988254635	-0.83368539978327	-0.89656199117927	0.44984818105133	-0.36879558468562	-1.00000000000000
+0.59696967231559	0.17912877503278	-0.24033045471103	-1.02576458414632	2.73716449437836	-1.18065771438769	1.15799071824945	-0.86770557319188	-0.69330445424175	1.73427993987492	1.00000000000000
+-0.48180422733013	1.43807427535229	0.84925895537394	-0.35044255278887	-0.98601134920629	-0.23758905884650	0.18788460893374	0.64509157015877	0.07184681651389	-0.82187211892653	-1.00000000000000
+0.34238036515861	-1.14537149212808	-0.94283512100933	0.98363806680425	0.12739887687970	1.83770582446626	0.97843521690845	-0.95801058996143	-0.30465971024849	0.17344364282397	-1.00000000000000
+-0.90953751730456	-0.62704395760672	-0.02577029662943	-0.75971235194794	-0.20351533784564	-0.03733255203995	1.52897358250855	0.55712096104497	-0.87932533661629	0.88515912500184	-1.00000000000000
+-0.04729334953687	-0.22609577981114	-0.14973061474365	-1.70619528905753	1.00241479149070	-0.50978995312291	-0.02847092017759	-0.64381434382248	0.91076682638259	1.00185635701351	-1.00000000000000
+-1.07587701523678	0.53898042293950	0.10526962317919	0.01148725051275	-1.69789968421923	-1.97189515285895	-1.76178665510461	-0.05271364704286	-0.70297285425491	0.91484638377131	1.00000000000000
+1.76457659799373	0.36955372606536	1.01945420438636	1.73558021683352	-0.06707647504965	-0.30590504224275	-0.64507234960025	-0.94743941517278	0.25511962627624	-0.03110272596407	-1.00000000000000
+0.61082593860389	1.35547433590773	0.36612169079844	-0.59780521807712	1.27630060880441	0.71509661534889	-0.06702963590393	0.87355690314757	-0.38582326618625	1.76356420029790	-1.00000000000000
+-0.36287129080900	0.12920720184311	-1.05635671867922	0.10248094556464	0.30758132626174	-1.10636090306899	0.64525607649124	-0.96515542622695	1.35849787218534	0.38225341333599	-1.00000000000000
+-0.49782482176888	0.13115206015102	-0.55295612181229	1.06234863156575	0.88005509190829	0.42124716286816	0.92624444527199	0.86974908711445	0.33333167615149	-0.43515980901244	-1.00000000000000
+-2.13637621752974	0.75901704226539	-0.22730012671678	1.39622123502059	0.77251968185053	-0.54958083953712	-0.69353458831859	0.61280104673117	-0.13278493648904	-0.54599525947790	-1.00000000000000
+0.61131594860975	0.81071580100028	0.14160238593298	-2.06032558113491	-0.81616311786776	0.32372254488341	-0.20231995982850	-1.08044298446337	-1.17900590025864	0.96619420948918	1.00000000000000
+-0.15672167812815	-0.26820517483140	1.59082694091290	-0.01264405450991	-0.22106891009092	-0.63878156666169	0.63465565591058	-1.82730019639598	0.47474868527295	-0.84602074485100	-1.00000000000000
+1.04486373564396	-0.22478793636643	-0.97703860870498	-0.71359480893042	-2.00298737211716	0.28605676707252	0.36998355745559	0.67204728766740	-0.62045231918913	0.14983042879229	-1.00000000000000
+-0.07568749599531	-0.59536588234891	1.02991141208974	-1.29454438147221	-0.47155210632732	0.56431339567280	-1.00627294180332	0.96104914125915	-0.63723338201253	0.08227233540488	-1.00000000000000
+1.25073569576962	-0.36638859072075	-0.55732052711352	-1.06310525889863	1.56378229954144	-0.27288126522950	-1.78980848716473	0.02769484815981	0.37347161528199	0.75508267771079	1.00000000000000
+-0.37928139487886	-0.75298272739125	0.47804962505737	1.70113652235329	0.06776618492699	-0.84914056567560	-1.03176656539265	-0.23621917673627	-0.27633060924513	0.23376987103357	-1.00000000000000
+0.74355993187186	1.04093974063873	0.11239143301911	-0.52929971949580	1.40169759495221	-0.22363768327425	-0.82680096937527	-1.07908569922691	0.27555343243116	2.04299178111245	1.00000000000000
+-0.51154206883809	1.27403780068523	-0.10813258341519	-0.17095243021969	0.36871931020917	-1.38437344873421	0.97420826367006	-2.15497771960222	-1.01255381156576	1.33762648507435	1.00000000000000
+1.45349603145143	-0.13058547373726	-0.22696279842264	-1.27330543377861	1.59552388981648	0.59465870434078	0.02176435378505	0.53813553724231	-0.22569249650068	-1.46531223303781	-1.00000000000000
+0.40828815406424	1.01716903961757	-2.09017581859543	-0.73689265281079	1.49624073352164	0.79349336148971	0.38362577045414	-1.01217661534467	0.44162173192749	0.78890110947831	1.00000000000000
+1.05748741048647	-0.50218715750333	1.13004130193180	-0.06505194300575	-0.72533812002418	-0.03942019770550	-0.99037648911676	2.51561432743498	-0.94182723098738	-0.54535520026145	1.00000000000000
+0.51970512258072	0.38026481977452	-0.46877118991912	0.90211099315721	1.10736861635977	-0.22115266032944	-1.37416143421162	-1.98394691758035	1.02142500893051	0.03014167964410	1.00000000000000
+1.02194411621948	0.21962796865532	0.47376074005030	1.15896964311126	0.30765287170007	0.18635525648376	-1.28657206056298	-0.64482731043659	0.82396577855929	-0.21283808820782	-1.00000000000000
+0.14263134645081	-0.09388562110987	0.98505684433072	-0.99117730988573	1.64047188182494	-2.33998368391360	-0.24121916578372	0.07228261781376	-0.35576130609762	-0.81955494302214	1.00000000000000
+-0.80565063599063	2.07771997922789	-0.03394253149913	0.99817304938529	0.76288100947271	0.17627717466457	-0.64781487030015	0.86351441819334	0.19912431984853	-1.90080990815507	1.00000000000000
+0.49583758284270	1.42440656372043	-0.35761659237610	-0.08018453352768	0.06428726770636	-1.68088223519261	1.54912863963488	-1.12926906903901	-1.03194035687232	-0.07714320851703	1.00000000000000
+0.33746280880822	0.31417108146682	-0.56954128491897	-1.18861711580772	-1.82487245689992	-0.75944459322655	1.92404974618055	0.13322234014007	1.55668025211631	0.62102950572614	1.00000000000000
+-0.69100900870803	-0.30202662450906	-0.98690083850221	-0.37315936308229	-2.06787606199288	-0.09052947911374	0.36285327389030	-0.37207575538653	-1.60018280821285	-1.37513494970303	1.00000000000000
+0.04629020889654	-0.86595656578018	0.92072967909300	0.80227077379949	-0.45945573009096	1.55082534654427	0.07306403608498	-0.67987452228424	-0.95090484291425	-0.47227867444613	-1.00000000000000
+0.20110932122646	0.62225841019576	-1.30342869869629	-1.31341719172832	0.09789697768971	0.38321640952023	-1.39410581276704	0.05297666808195	-0.04683303459027	-1.41448310052162	-1.00000000000000
+0.63583472162169	-0.74368187851134	0.92319344722343	-0.99263521845172	1.39511621984985	1.33903755178806	0.14008639129551	0.83158325933595	-0.42094806895167	0.88621516188920	-1.00000000000000
+-0.32944549621714	0.85061556780189	0.16154974325163	-0.94334344119510	-0.60644185224966	-0.17555525813660	-0.47706642107800	-0.27537520738106	1.07106045207795	-0.99330822580595	-1.00000000000000
+0.31770525251565	0.12106761591460	-1.43640780548557	-0.32170627698083	0.03968392799909	-0.64637791456917	1.69151275372359	-0.42240777394125	0.85042317022998	-0.27468025126083	-1.00000000000000
+0.63517498220622	-0.02216396961956	0.78703242021770	-0.19987197384991	1.69814503625488	-0.52698372177500	0.38573941574420	-0.16776851251533	0.06093967155771	-0.34511061124532	-1.00000000000000
+0.64256235319430	1.12179429230716	1.09174152971352	-0.05100848516858	0.72624254421594	-0.94428151285636	0.53096168974249	0.37793751435275	2.57908782356395	0.68679503113522	1.00000000000000
+-2.09097876228948	0.88247874530230	0.47536185971057	-0.38549896458456	0.80112365782558	1.40714887719288	-0.74811834652588	-1.95480096928914	0.52590314929058	0.14100409185163	1.00000000000000
+1.95529849139352	-0.06351708661967	0.34013780104776	0.44442783329428	-0.46477711716419	0.47703441677328	0.22353823516680	1.10092280569780	-1.04567059705572	0.31328994974834	-1.00000000000000
+1.03379003291372	2.14290751941310	-0.70376617367315	0.76321966992508	-0.13667968734837	-0.67868848200010	0.69715238173913	3.16362964590577	-0.83040683262251	-0.81789525210869	1.00000000000000
+1.00799926038196	0.65759610018956	-2.39898565212401	-0.78154943159583	1.87063260195828	-0.53942722925575	-0.14678695528893	1.09604812042899	-0.90238475252610	1.09493742525091	1.00000000000000
+1.70282807927510	1.34853570543008	0.50094286355254	-0.05618817382003	1.76700459119935	1.79432239809932	-1.04079827032632	0.09307216881028	0.28712766655816	0.56475516232062	1.00000000000000
+0.77820318648256	-0.06463799306851	-0.41735729770480	-0.55569341920568	0.36326355731451	-0.64753499650181	1.66271427265486	0.32549131050406	-1.55024196588129	-1.08467134033195	-1.00000000000000
+1.07245226221709	-1.09558320015749	1.45496735920384	-1.39690845427736	-0.23337878032582	-1.11358207713541	-0.33107352490292	-1.93903496850580	0.22807349949107	0.13446194858231	1.00000000000000
+-0.69194855494246	-0.77954064742895	2.06393852607943	-1.27039296799115	1.39300321606191	-0.20901106245632	0.38706442710834	1.54814314447727	-1.35721763168960	0.38667931571556	1.00000000000000
+-0.10456006597753	-0.13755445617039	1.58796703162633	-0.43376138043584	-1.07302549783645	-0.21507871864563	0.11629805567090	1.43157990492052	0.12636714027560	-1.48933937464692	-1.00000000000000
+1.76277071889139	0.32473901071505	-0.56432818166574	-0.99699045697947	0.21431503904705	0.48740334271267	0.19433223295290	1.80597986627461	0.00008321112722	1.26543830473535	1.00000000000000
+-0.83848710959536	1.06638917454141	0.37663514647687	-1.38803091025897	-0.98339485640320	-1.03919788901962	-1.32480486158695	1.23427841541962	-1.52262091098619	-0.81564366466693	1.00000000000000
+0.88017393237300	0.62940207054513	-0.13773291011796	1.46592084354820	-1.14959385850006	-1.59497995698022	-0.51730969188572	-0.51667786533188	0.10153995900983	0.33694442429274	-1.00000000000000
+0.71181514695751	0.25419163366212	-0.29657956558710	-1.16289679446529	-0.40356161949715	-0.83670679809124	1.10058101530709	-0.08201639692396	0.75776931991427	1.10363181554213	-1.00000000000000
+-0.67416866622548	-0.14469892248538	-0.04785858836703	-0.43753601836619	0.55377791857744	-0.35263549769933	-1.16300630979799	-0.11896058662824	0.40022496957425	-0.68504712758471	-1.00000000000000
+0.00965694676035	1.25477481801708	0.50513491318377	0.72222695983982	1.22287050295335	-1.02803461594050	0.11306637662345	-0.31096409014264	0.82007067620316	0.74588850743751	-1.00000000000000
+0.40800687905390	0.06580655077694	1.20116605171558	0.17117597773333	0.11459267588565	-1.13858840790353	0.11461751251905	0.67673735932489	0.22731041448673	-0.95126736633729	-1.00000000000000
+1.18686827490610	1.52902919900652	-0.29208265843127	-0.23699762470647	-0.66192606955626	1.43750366236287	1.10375578986935	0.22183750792309	0.30104133252135	0.24792140956526	-1.00000000000000
+0.35099334178403	-0.79618389708291	0.40116324903488	-1.70255057821818	-0.45816860320740	0.70856353922839	1.71811356275881	0.78438032823418	1.15763106071650	1.22711715176321	1.00000000000000
+1.58926799297991	-1.44018016722083	2.29738997920090	2.06384642551044	0.35492791865319	0.40717763973362	0.88049925578601	1.06163304257523	-1.54432115649944	0.37632229640535	1.00000000000000
+0.26091297819776	-1.37154307338238	-0.15252645534185	0.52181369645157	0.36567989732322	-0.05098614380791	1.17656127163222	0.39365542817654	-0.47919840152758	-0.96310220756355	-1.00000000000000
+-0.58846491524032	-1.49010937787146	0.01592602468424	0.17348795522625	0.32958938325300	0.00383083609679	-0.15393953102669	0.37062678331957	0.42091294138643	0.91187160538802	-1.00000000000000
+-0.06246304907396	0.82524115047146	0.62857112834749	1.08726942179881	1.94942382863775	-0.44839852668004	-0.22414607284650	-0.48233313995583	0.25286991288879	1.93437853038606	1.00000000000000
+0.04529558636005	0.07840087739762	0.32420646060375	0.49128771781199	-0.30235000131132	0.30862895368811	-1.28595902660284	0.39723728561957	-0.63625925873417	0.27635377360218	-1.00000000000000
+0.89100845722474	0.41749277632055	0.79595298213389	-1.05171733602462	1.60132366373387	-1.41309188510146	1.10543278959326	0.57365747358619	1.09081676992125	0.48537370620792	1.00000000000000
+-1.06960787082880	-1.09215685863803	0.59865767301246	1.35142321300152	0.53525430341131	-0.65879778900754	0.65088356052390	0.87620095531435	-0.34447527697700	-0.44260241188389	-1.00000000000000
+-0.30789435382447	0.15183207481524	0.96190522619357	1.74557041377229	-2.54893022483997	0.67405458667033	0.69669579650885	0.86930860227698	-0.20851790644635	0.21441253905468	1.00000000000000
+0.26980620728312	0.61330931331813	0.53949836638459	1.78816489352191	-1.00777356950648	-0.54366882603582	-0.25909159333084	-0.95693612348803	-0.10094597844756	-0.98846773931399	-1.00000000000000
+-0.18503810531241	0.36865453105630	-0.75660612109482	-0.42707623525381	0.07202026627590	0.09601246891582	-0.67974230594591	0.00493408584480	-0.98678072527277	1.39881389212149	-1.00000000000000
+-0.50346844792209	-0.32081049148168	0.63556566489834	-0.21368104528175	1.07784822293499	0.60880069721179	1.11502112424296	0.95616449189240	-0.61717308350545	0.50992064376797	-1.00000000000000
+0.11509777957750	0.63736374047440	1.08694316979679	0.39881166479983	0.77638947937654	-0.65725997949444	0.18919905067300	-1.90351943360990	-0.22426114277768	-0.43124107621083	-1.00000000000000
+-0.31310609134500	-1.03793588260857	0.10338160482359	-0.90921297424550	0.83955202943026	0.31408500073500	0.28754948874830	-0.78150298762857	0.89788235198990	-0.88346464387182	-1.00000000000000
+0.31961023950436	-0.59723014459954	-1.25709497866153	-1.05123334022263	-0.10980301284968	0.05535974937180	0.11785008146139	0.12955542283251	-0.89990030838919	1.23355886461169	-1.00000000000000
+-1.54430934152470	-0.59654503135904	-1.70355016400659	0.37136240269398	1.29055346154510	2.00069396402022	-0.89468626621467	-0.55645407522228	0.81004060667328	-1.61486192724829	1.00000000000000
+0.18144897583107	-0.16668474289325	0.38544406128270	-0.83558212467921	-1.08793574325912	0.38509391083798	0.45159582993815	1.88000070697785	0.23588076331340	0.99858509412263	-1.00000000000000
+0.86967908162176	-1.46594695450667	0.61044431324843	1.74828627693240	-0.71544539643413	0.42492961185093	0.62419907671668	-0.15457955430261	1.59916595837569	-0.60103287927927	1.00000000000000
+-0.27548251425127	0.94176792359749	-0.42545937532244	0.70243802137471	-1.85780964802993	-0.62903440331359	-0.53695997608090	-0.70620418145775	1.23257953264911	2.23655753430347	1.00000000000000
+0.25801945255509	1.10957005947555	-0.87970078236317	-1.12588444206062	-0.12284164740331	0.57078438273222	-0.87222191672980	0.92484515072040	0.32166248328333	-0.41080077060432	-1.00000000000000
+-1.73728240937143	-0.67511442026043	-0.78225442574412	2.21370008228673	-0.37254266723497	-0.01575966851916	0.54299968255910	-0.06203512030169	1.48834219969074	-0.34096500222566	1.00000000000000
+-0.39294954451766	0.98145751679055	0.08965732021522	-0.57507891453813	1.00173926536697	-0.17765463892992	-0.83226224998601	-1.75934363919804	-1.24214790570451	-0.28315904237638	-1.00000000000000
+-1.26132997743787	-0.34870109693955	0.59468883434694	2.33209805220831	-0.71119481439307	-0.46833915589669	0.04446708365190	0.56050228709013	2.48741593733302	-2.84748602247157	1.00000000000000
+0.53500935297242	-0.15478396473484	-1.14784808806387	1.09934393796014	-0.17865273297451	-0.04984495299440	0.93992399899117	0.70869429520326	1.07558980710570	1.31622465599011	-1.00000000000000
+-0.43392164996800	-0.46966370060814	1.07290635513853	0.48753173742073	-1.34077559085592	-0.28972722110776	-0.75676292976483	-0.03772118852226	0.33885093138606	0.92757813222736	-1.00000000000000
+-0.94213766716338	-0.05963737406212	-0.66288756395547	0.93379931343184	-0.47152274354571	-0.03320477120858	2.33346637541410	1.25872244706617	1.20488807808711	1.94701653754531	1.00000000000000
+-0.47252213654290	0.49941887668047	0.60882131897018	0.80555378148370	0.67089641930104	0.79727884063965	-0.38283568345895	-1.35506449872625	0.81548731598472	2.14278077359663	1.00000000000000
+-0.66226113909026	0.30573072079940	-0.21424959538543	1.39091778530083	-1.16258274401057	-0.51627537610897	1.01015520088971	0.46172017029495	-2.20924482184836	0.86428469136922	1.00000000000000
+-1.29560316596870	-0.00342555671247	-0.58155154904430	-1.18617441789533	-0.52387454544961	1.74097116462641	0.16544974041096	-0.07451629446840	-0.96178518703150	2.61949172802154	1.00000000000000
+1.77919421032712	0.52174296749238	2.29551882299900	-0.02553430341224	0.22988391964701	0.43827190555606	-0.00027152581507	-0.58341653789585	-1.88055882001410	-1.05482043019169	1.00000000000000
+0.67454488918495	0.66229196001337	0.02800275822447	-0.04006331011160	1.26344240899846	1.56009461671698	0.34636254658089	-0.93488041493135	-1.05296594909134	-0.36400259773423	-1.00000000000000
+0.36568729214926	-0.38967753921352	0.55631676483280	0.96701310040092	0.69697572483255	0.06840495666307	-0.68501851107625	0.38686198377194	-1.84911414754090	-0.23459949676394	-1.00000000000000
+-0.17251970845460	0.21619692881566	-1.49072517215247	0.27978395186091	0.50390498539166	-0.00753287297221	-0.30711242069114	0.19387419263484	-1.30137172623285	-0.58157292277884	-1.00000000000000
+0.83778230179310	-0.99628671796117	0.00816675352243	0.21787407851269	0.26965444792125	0.64184329935229	0.80853531700633	0.97681652993743	0.61726377198660	-0.82085024246000	-1.00000000000000
+0.44183497489689	-0.25756176903054	1.76502378307240	1.53282011033070	-0.32467688956482	0.28373654614267	0.32435847921662	1.33490334957168	-1.10540461677109	0.32386843020331	-1.00000000000000
+-3.07358896217277	0.93768033802543	-2.14392843443697	-0.06484144961574	0.10612958038275	0.50183174723195	1.53719280721766	0.13352889472965	-2.63064318593912	0.46889162670042	1.00000000000000
+-1.18771919477288	-1.67295341928624	1.84097500268959	-0.63166944358760	0.62748087657726	-0.63547597406256	-0.45619254676885	1.36772474478450	-1.34931967491241	0.56059012870619	1.00000000000000
+0.16389772538163	0.54261158759427	-1.92411517792542	0.77859451989663	0.65431009573616	0.46051911770527	0.87021137703940	1.14660297777263	-1.08498820879645	-0.24314172736205	-1.00000000000000
+-0.29952464977903	-1.42006544989164	-0.30074211002769	0.22173276265782	-2.40481148540423	1.90217938943485	0.88421242301163	-0.66808916141498	-0.83658080833714	0.26245746189266	1.00000000000000
+-1.55122881808108	0.85212394206151	-1.21825402344477	-0.64562077677973	-2.28583266854585	-0.67559507357910	-0.69572868862064	0.10856937010009	-0.65711917611002	-0.70360830793447	1.00000000000000
+1.58502820724643	-0.82510960942020	0.56231267825828	1.40070305847967	0.32685451961250	0.02876459220653	0.40054538795082	-0.30176596125511	0.16360307613652	0.68495325197479	-1.00000000000000
+0.89556904931033	-0.39277346845052	0.16178005647312	-0.86514686466797	-0.33617506222119	-0.43161872700068	2.09632779123823	0.93191179646918	-0.68622373890292	2.10909187499443	1.00000000000000
+0.03336892603850	-0.42752719742357	1.24615686313616	1.27241969466633	-0.82185818249934	0.12489464636843	-0.74311081529358	0.11644814084888	-0.51149841044828	0.32647295295375	-1.00000000000000
+-1.29287880478732	0.36526688639539	-0.89077587395557	0.58376632212329	0.77135617596563	0.30765667123928	-0.52961619283005	0.44205459190390	1.47814552179283	-1.86755728761690	1.00000000000000
+-1.96851808198291	0.06890983234165	-0.41844517040110	0.87425150013020	-0.13945928767599	0.48514691545200	1.78798883650296	-0.12881661527064	1.91442229854908	-0.36385785311900	1.00000000000000
+0.39631462758827	-0.32478273605051	-0.27754172039480	-0.25975555884834	1.30290995276140	-1.23698403940358	-2.96837286164616	-0.28327382759403	-0.74056013564136	-1.09024581363625	1.00000000000000
+-1.72507162005472	-0.16197299592795	0.05902809789484	0.10770584420601	1.98483024501382	-2.32795125911559	-1.15333835184897	1.10615930651564	-0.53130736894414	0.44516873456787	1.00000000000000
+1.27434673386773	-1.55654211246742	-1.24481097096489	2.06748382439237	0.66857825827836	-0.60233234715710	-0.15671663984353	-1.53647359358626	0.80627111595492	0.65776998986025	1.00000000000000
+1.28652759584649	-0.03071040920633	0.01881038647034	-0.31612620547434	0.77745974675939	0.93949578949453	0.57177925049941	0.70771279199840	-0.52502439920186	0.45869525967276	-1.00000000000000
+0.14760641798404	-1.27327751543246	0.30180394562598	0.40665895510476	-0.34704926042187	0.44609658518241	-0.30273408389663	-0.30388777032061	0.81537492299293	0.86509519626841	-1.00000000000000
+-0.61296158325886	0.46314044147305	-1.02757840331535	2.32373821483679	0.00186128845369	-1.61546118514529	-0.80641001301333	1.09417796015920	-0.33189072386483	0.17613147824128	1.00000000000000
+-2.09948915757487	1.23345265876120	0.57864241854616	0.62620434861773	0.30888391720939	0.01876403701968	0.78345408984202	0.77196563103950	0.02882734360247	0.23938410339238	-1.00000000000000
+-3.01839037245608	0.74319009510284	-1.07873304594285	-0.80487701958109	1.71432222220277	-0.08624562328952	0.61343096469752	0.44578158242460	0.34280139969554	-0.59076610795213	1.00000000000000
+-1.92838397411555	-1.87676741790074	0.91006628394181	1.01642396809404	-0.05703524000010	-0.09461330812170	-0.46276360246007	-1.06427450192582	0.19048844170447	-1.03176761253030	1.00000000000000
+0.04113727213462	0.76736312817244	-0.60835504771356	-0.28280577338607	1.06030352695026	0.40429934156686	-0.32925324556513	-0.20770847643712	0.32295148164987	-1.28140530967027	-1.00000000000000
+-0.15333022889621	-0.67310595079640	-0.49983625459288	1.19303777797483	1.72681362367305	0.10154627703306	-0.17685878897716	-0.28890535452241	0.97437941259479	0.30740436302066	-1.00000000000000
+-0.26890950510723	1.58007865127802	-0.06124623107083	0.62679908793092	-0.79753436592687	0.83415060258310	-0.63651408300400	0.37010911719994	0.40801839624123	-0.70599893868917	-1.00000000000000
+1.02487303466082	-0.60402042855537	1.70856424223477	0.35848492289316	1.84895948933334	-0.63618879692188	0.52929777057848	-1.06434612860662	1.14550426799617	-0.69243156695921	1.00000000000000
+-0.21442237007118	-0.42061296812270	0.45322478412793	-1.00511701603643	1.50384827519798	-0.74028569517075	-0.24322077054828	1.03931443725992	-0.30223876749686	-1.53149076462993	-1.00000000000000
+-0.38437130398203	1.48659052476249	0.84686278132680	0.19727259209788	-1.57696347133785	0.12140267409970	-1.04603869417201	-1.43026700151879	-1.39714412269320	0.77334193337921	1.00000000000000
+0.67752013337615	1.80110599982275	-0.79454144513848	-0.52547916296222	-0.55442343579382	-0.04013876204767	-0.36015722108494	-0.58200573810441	1.07257752578051	-0.08145928726344	-1.00000000000000
+-0.70019527978410	-2.70108264223406	-0.22649991796813	-0.67728508635633	0.91612379800581	0.92678186739648	-0.29614207896651	0.17521695822208	0.08212319760492	-1.40611114692473	1.00000000000000
+-1.36174863960965	0.65663340409601	-0.27907430597085	0.56864792416055	-2.01659400703776	-1.44527654449989	-0.77542535312077	0.96683033610351	1.27756640583500	0.08444071236454	1.00000000000000
+-0.01530629283686	-0.02581335860446	1.70420450342734	0.39934107445016	0.23997043150061	0.03862397960680	-0.94872278871591	-0.29291307747349	0.82458641914401	0.38472766219701	-1.00000000000000
+1.33870792930687	-0.75092932578214	-0.52789331494913	0.58589035776374	2.09517035208228	1.39579921154005	-1.81203342585002	-0.22254499911114	-0.90485089769089	-0.47185906600432	1.00000000000000
+0.17326100260433	0.14524485251587	-1.25866665087908	-2.09565771157246	-0.64090106719777	1.10659302863527	-0.37428862130307	-0.85413091138846	1.78479140604842	0.99131442940072	1.00000000000000
+0.96924202089622	-1.11204159589168	1.24722488794021	-0.43849338677667	-2.39972522407654	0.55663791668686	-0.73912703481196	-1.32198698269140	-0.12152273489284	-0.08014576085064	1.00000000000000
+-0.63763372417621	0.23949272569772	-0.45447723911596	0.07472572211780	0.17823283246346	-0.75180206795191	0.36553182551977	1.16658936346109	0.47295094158537	-1.21035760690365	-1.00000000000000
+-0.68650819737483	0.06528283410550	-0.40311060902609	0.41953200429730	-0.45779172682894	-1.87198743119269	0.72723820154504	0.23853292165854	-1.05463585600389	-1.09508444610943	-1.00000000000000
+1.02752146058976	-1.00926539031882	0.09012862840985	0.34958394955423	0.65070569522335	1.65534076680260	-1.77556117227099	-0.05675151598518	-0.20852057199823	-0.66995550633489	-1.00000000000000
+0.83448389942971	-1.39790220255533	0.31420893461786	-2.29947010567638	-0.70933573132040	1.16270893052037	-0.25839803624623	-1.02630851515212	0.90765461828020	-0.05146728356702	1.00000000000000
+-0.36378598544548	-1.65062989168043	0.39836554710602	-0.19652153804076	-0.96694643006976	-0.19212392844252	-0.33078538273884	-1.46042838587672	0.52344427532047	-0.32155833563904	-1.00000000000000
+-0.33312003157332	-2.58912080701696	0.27864300352015	-1.09682644835161	-0.22653257120813	-1.12393348934243	1.61375684985633	1.73295370792600	-0.12868533910587	1.69098795450328	1.00000000000000
+-0.70459100066188	0.41328440381710	0.28272594189624	0.09469626734292	0.68261513646864	0.15190810987120	0.41477188876977	-0.42967955698063	0.43580954809667	0.07311561268079	-1.00000000000000
+1.05690319452035	-0.34604084760787	0.70400691295762	0.46357692953489	-0.91846856084946	1.32896801467313	0.23114953513313	-1.85620053537933	-0.48157267470001	0.18521658049061	-1.00000000000000
+-1.28459658656793	0.36271264179094	-0.85845376612957	-0.54056968062901	0.49254730469635	0.53360046711201	2.04235337792534	-0.24273030398230	0.92773808009132	-0.13860356243237	-1.00000000000000
+-0.80408274574238	-1.17865447154130	1.05925716260574	0.46629284986109	-1.16244681534921	0.43939744843022	-0.45081980770033	1.50582920686414	-0.67582764033150	0.64034461924838	-1.00000000000000
+0.37600831964690	-0.63925490075987	0.10884694063924	0.18994470358214	0.09232325459767	-1.72854463240900	-1.77197137054689	0.95401995274620	-1.56366355236436	-0.51636658457933	1.00000000000000
+-0.94174012824327	0.84672872165297	-0.38387493611595	-0.29325535098702	-0.38749266805476	-0.44675635278094	0.37265409046094	-0.04227511531710	-0.15356602425624	-1.23016255500538	-1.00000000000000
+-0.14755177350713	0.91020315190040	-0.36423845753626	0.55123007447777	-0.29236731084374	1.27132635226482	-1.05910037128875	0.72151851267717	0.02522223433766	-0.98371500749538	-1.00000000000000
+-1.09665479675407	-0.08060768829262	-0.83918567434599	0.17107879626257	1.03827737803578	-0.01134708645647	0.61226684016962	0.40679807389414	2.08198432479880	-1.34334365206871	1.00000000000000
+-1.06953175073615	1.01258999038473	-1.42258565515517	1.65299320819513	0.80653382721071	-0.61644349244424	0.80032966262422	0.50529761668934	1.14913857789905	0.82616008095801	1.00000000000000
+-0.04477538924148	0.14477416088976	-0.34648637532879	-0.23693911982197	-1.08673466478203	0.67779855562442	0.00798904773075	-0.83070588611717	0.09209771094408	1.14329499326746	-1.00000000000000
+0.63797235937780	1.43130822964840	0.65364338009618	0.00994610583540	-0.52694170730816	0.68450849008441	-1.14115052538299	0.06540697081916	1.55739463008641	-0.00085501590999	-1.00000000000000
+-0.04547894588321	-0.24458960976890	0.17930598129796	-2.85732885697411	1.36300557302417	-0.49058816099287	0.91636208436865	0.11681067881785	0.42253754853698	-0.92831005585389	1.00000000000000
+-0.58612359617596	0.58222744040345	0.47579811739210	0.69927815307728	0.14551561722108	1.26331453124246	1.02767069319391	-1.46533427370203	-0.86447795428021	-0.70303628078318	-1.00000000000000
+-1.26126677555116	1.34176579277336	-1.03931729126647	-0.09478643150930	-0.81040171483509	-1.60115746893657	1.05390040366831	-1.02314112474742	-0.37163384646899	0.07401669369327	1.00000000000000
+-0.72831363722771	0.46334065711678	-0.26954067097130	-0.82276582901480	-0.48999377927320	0.50242920368906	1.36777677863893	0.33372104142040	0.20185243411179	0.91621655288327	-1.00000000000000
+-0.73025724973364	0.90654793829235	0.66948377465592	-0.00449603917174	0.78478468629178	0.93453947278418	-0.46761034927432	-0.45410767083783	-1.11648928149892	-0.57363274095146	-1.00000000000000
+-0.38775478434962	-0.14261918728667	0.01849439077602	1.77189561720461	-0.29431601118300	-1.09192651708727	-0.92429157728676	0.44284645117776	0.02635279572965	-0.04248141767219	-1.00000000000000
+-0.74026299010900	0.24906664358909	-0.69647664173789	-0.76804616104271	-1.70066423263366	0.77772633229903	0.44850176252412	0.59381165693278	-2.15377092462029	-0.24465924230990	1.00000000000000
+0.27019408286571	-0.96931542957304	-0.44184858744212	0.37752589095042	1.11164872147804	-1.78402470243490	1.46405920948978	2.63952908520015	-1.91103561001516	-1.24444163065471	1.00000000000000
+0.39837187819216	1.29067594191853	-0.41090377014655	-0.14746269987465	1.13734807651886	1.29297808113968	-2.52458826182993	-0.15677897006057	0.69256366890956	-1.02811946348577	1.00000000000000
+0.10254965205530	0.55268649764084	-0.66211225833679	1.45690237521625	-0.34630832422020	-0.15722035791182	1.89347307649874	0.52198830576950	-0.68853887223515	0.69904091068295	-1.00000000000000
+0.65693087843442	0.86658307837473	1.33452571566659	0.87837616159234	1.37162150950614	-0.25480955813111	-0.67658194839128	-0.88029472245653	0.71931884895695	-0.98939820351040	-1.00000000000000
+1.36239546041598	0.45031202257598	1.13646849730080	0.09612485209739	0.59396975591605	-0.34295070231874	-1.55466398299910	0.26450953204593	0.55436535109461	-1.47638487420712	-1.00000000000000
+1.02177296147113	0.85778757753995	-1.88777191868830	-1.46341521717048	-0.39459432079628	-0.66667132045120	-0.47334595370152	0.56345934563221	1.10235132786816	-2.04258458751691	1.00000000000000
+-2.15198423731734	0.94983071699290	0.02793721419579	-0.77761852536889	-0.75362711431620	1.41074439643103	0.11812182787703	0.02062548936347	-0.05725036782653	0.99177202902920	1.00000000000000
+0.57640493505872	-1.52759819184262	1.03283116864511	0.74262086366282	1.11157767236268	0.72419668594470	-0.12490395093598	-0.24804615185455	-0.07515805719920	0.53684271593116	-1.00000000000000
+0.30373821281514	0.54750521915563	0.28630882565455	-0.05445588883953	1.08685850276954	-0.88737291271375	0.63995891818715	-0.49514412037369	1.42160643329575	-0.58138970943948	-1.00000000000000
+-0.04128209033889	0.46676005832396	-0.59080656504082	-1.22232601151673	0.02756853543716	-0.76017049824833	-0.46000751980950	1.82868552138759	0.22553789226716	0.08818104181377	-1.00000000000000
+-0.18591993928141	-1.06377745961196	0.39411320637514	-0.92018734333940	0.99628714433918	-0.60289909614820	-0.95603398745129	-1.83839687284778	-0.36718804003387	0.62492429166610	-1.00000000000000
+-1.06478582635604	0.54816755556316	0.41587276742190	-1.44117220626274	0.01388308978423	0.92624482857936	0.89504950966374	0.26360332183947	-0.73395804724429	0.29153512894544	-1.00000000000000
+0.36876284854729	0.53424386859093	-0.75801953952503	-2.71380857490256	-1.11303995342061	-0.05899573470172	0.59133822062588	0.58345845334039	-1.34488748533054	-0.73028754460737	1.00000000000000
+0.04630426550286	1.42857529756655	-0.45495277684970	0.56171843882927	-1.00032089826103	-1.83069923570602	-0.27014186948916	-1.98314421739817	0.58419247016077	-0.84985029076339	1.00000000000000
+-2.03185708459518	-0.27072716164741	1.03879543286179	-0.50043048006216	-0.81738592806757	0.93178661289805	0.94667619225311	-1.00102059984887	-1.10395844118076	-2.00357774715689	1.00000000000000
+1.17869309644164	-0.05123560170715	1.39670759117094	-0.31276392192374	0.19954526964328	-0.97768139574312	-0.06698032291008	0.81080988015870	1.67057553993973	0.63533055207720	-1.00000000000000
+0.36142924348558	1.91576758981820	-0.45485855923061	0.17504521315412	0.22763117218639	-0.79915928302675	-0.62169068040796	-1.85028602722203	0.15346231922313	-1.38277016797364	1.00000000000000
+1.40493213891400	-0.29784259310116	-0.25931408555728	-0.12636435668254	-0.95564258696661	-1.49965435630396	-0.26497771764526	0.17842825773965	-0.79592036406327	-2.40345171456733	1.00000000000000
+0.82802660357086	-1.43427017487161	-1.41750973324149	0.08209901336970	-1.50226987824085	-1.25346650881624	1.48408353080565	1.57580203797262	0.58619640157702	-1.34077737622234	1.00000000000000
+-1.07374235995113	-1.97774181475525	-0.04852710235127	0.57580349691662	-0.70478621446504	0.61268649497988	1.24706755887525	-1.65836478889915	0.10707222850577	-0.57888450116298	1.00000000000000
+1.25337631485941	1.71177125188804	0.25036625567239	-2.56512506477195	-2.17333983225645	-0.14340753432783	1.11548256758602	0.33324111239279	0.48217462186939	0.57972148501274	1.00000000000000
+-0.20765406251679	-1.32831973958401	-0.43102798844803	-0.43245483959682	0.03042149259661	0.46167530721892	-0.06012316173109	-0.86829232636815	-0.91360193852874	-0.24972046673164	-1.00000000000000
+0.43237445699478	0.44663767530577	-0.12619286199976	1.31996360114715	-0.18030211026898	0.27224421303266	1.27086579286598	0.93648592476043	0.51515588253086	-0.80550128948328	-1.00000000000000
+1.44030995860855	-0.04997896649473	1.34205680113424	0.54054662479759	0.33613279733203	-0.44461513994402	1.31679191106006	0.22054359810428	0.19994473286860	0.67140881728146	-1.00000000000000
+0.22908274064265	0.15690059273794	0.41149947256620	-0.75841598734875	0.87443961615454	0.36143386694149	3.18034641406501	-0.46979270656829	1.02760410567782	-0.39823878263131	1.00000000000000
+-0.75115538462667	-0.86508734462720	0.37335463608986	-1.14721683157570	-1.13250774863537	0.19960050607963	-0.02430417412243	0.66022342015517	1.17146253361473	-1.09761665782703	-1.00000000000000
+-0.83472179777848	-1.21425858538120	0.09324355324044	0.51144647476999	2.27973040233133	-0.15616207977590	1.32129912840130	0.98843502676178	0.41779330808885	-1.39534918632592	1.00000000000000
+0.11881127010041	0.13622758845550	1.65108156860166	0.70319407513663	0.16319769276583	-0.22441147510087	-0.52263803057748	0.52841384837490	-0.30443127929108	-0.52684051022610	-1.00000000000000
+0.66026080419753	1.86723130019078	1.04439759671236	0.72011407811981	1.24730525440404	-0.80950768511168	-0.38537792341325	-0.12009482959938	1.11608961847589	0.28917380986807	-1.00000000000000
+0.94290215549675	1.76004394005643	-0.62190289096517	0.21321044742616	-0.01333567162205	0.10735273438070	-0.23560305252790	1.47749753110757	0.70710556475437	0.16417084970783	-1.00000000000000
+-1.18735580351081	-0.07910002558434	0.18256979584808	0.31489004115736	-1.42892083021335	-0.07045816521275	-0.60836131083273	-0.18594164219951	0.64429371593668	-1.21098938077933	-1.00000000000000
+0.95825154551929	-0.43901178724681	-0.68747342819844	-0.18995845615815	-0.08181475624911	0.34674683796445	-1.71156825917717	-0.62443803584668	-1.35036150430551	1.15285047189981	-1.00000000000000
+-0.08495329911657	-0.33067303889887	-1.77427845317003	-1.58285539902396	1.70344954795258	-0.78829412180811	-0.62021861023335	0.09545425775428	-1.64514361110749	0.74127387703772	1.00000000000000
+-1.41941764161767	1.19790673810567	0.78596054606967	0.27497655133216	-0.11322597399798	0.64256302999562	0.00260638993246	1.94643127296680	-0.59849761153265	-0.96223089531749	1.00000000000000
+-0.40594422611243	1.54846509232466	0.09776112550973	-1.24496356530163	0.09090224826438	1.97647463246438	0.78655642394992	0.03728334677726	-1.35335748614627	-1.28069231184614	1.00000000000000
+-0.20875072576797	1.12476856054907	-0.06456450303328	-1.01260368366419	-0.20442407697194	-0.49609208052619	-0.46680133988679	-0.14607464616780	0.10534185782670	0.17716192175323	-1.00000000000000
+1.49215945909266	-0.59504960765328	1.09031833258705	1.06709760481093	-0.01772953460797	0.07414826062468	-0.16018406272947	0.92042948493795	-0.31329342561959	-0.00076636856570	-1.00000000000000
+0.51596705740396	-1.11757467181013	-0.11212122457741	0.33532502031195	1.91220468822457	0.35617499860499	1.31971442179377	0.15900981189174	0.62114716464453	1.21983982212429	-1.00000000000000
+-0.41984276630116	0.54786601892732	0.22598437705964	1.12800474269032	-0.18592306463287	0.56156197479597	-0.26136548032755	-0.26862106938700	1.18861882895069	-1.34561833798853	-1.00000000000000
+0.77393083832937	-0.38690944033321	0.91834855499534	1.47888778061190	1.02584892322318	-1.08603954097903	-1.28772064087040	0.60208062775432	-0.25079156944870	1.12390290431626	1.00000000000000
+0.29414692581595	0.87254105819384	-0.14083078424012	0.30774815735101	-0.09220818595447	-1.72209712441596	0.77203621181366	0.40599526904632	-1.70882291053732	-0.34986217442022	-1.00000000000000
+-1.13549051290227	0.95362348686987	0.76992948921845	-1.65877580719525	0.38534277513606	0.90882320718174	0.07965494486338	-0.05134811977230	0.03534367325495	-0.35841424351198	-1.00000000000000
+0.34235912283195	0.30001977267292	-0.03920493048905	1.06471720445245	-0.89588458279802	0.52905387888565	-0.29107381165253	0.51703738539124	-0.71378622025835	-0.55772762626524	-1.00000000000000
+0.20395271083994	0.10598210651023	-0.96965831332328	-0.49405391563174	-0.48892932055988	1.50231661104295	-0.18227899306909	-0.79569539269721	0.47555819750744	1.72009028117816	-1.00000000000000
+-0.42961092506519	0.56225761835868	1.54905242320686	1.53541379337679	-0.33772481117253	-0.00307789726483	-0.39711510110952	-1.04266465345385	-0.68931575128165	0.13111554594626	-1.00000000000000
+1.01382535432156	1.53569164183947	-0.17462183495299	1.07843971326810	-0.67336261083926	0.78430019969893	1.02137024660769	0.02435946410016	-2.91671029117063	-1.73301411552820	1.00000000000000
+-0.47340860990585	-0.65808629155554	-0.52361276981260	-0.83273719892750	-1.05734064216465	0.60981194953076	-0.09912993617246	-0.63093080485744	1.71071889283844	-0.96590325269968	-1.00000000000000
+-0.66746766792620	-0.26954453849871	-0.67361036348823	-0.88456352779779	0.55583288142555	-0.06348123223323	-0.87189489068104	-0.89324222227318	1.25489656122599	-0.33217794253290	-1.00000000000000
+2.50836295294152	-0.70084042015304	0.50406239357021	1.20722487688354	0.02638173578353	0.72229470945134	0.39546807082892	1.05867787145338	-1.12859301828117	0.50787590550455	1.00000000000000
+-0.59137473491537	-1.54341959782946	1.09541835785855	0.39471621235427	2.10549303898458	-0.45675938912664	0.28114563699918	0.91829970321462	-1.00484099812181	-0.80592902885475	1.00000000000000
+-1.38651423014060	-0.98002092178631	-0.46660011382146	1.02008221561186	-0.50488929647284	0.73795164574652	-0.63519918328314	0.65445788646186	0.86298156410512	-0.23796584591965	-1.00000000000000
+1.07933344946433	-0.53090864981403	0.32729210609559	-1.24185700029583	0.70310447423268	-1.31790315640396	0.69423344122843	-2.12211471122979	-1.05681381932732	0.95511610970491	1.00000000000000
+1.02217965242121	0.80123279832412	0.38902079322313	0.40282308240025	0.65629859845881	0.39883865095798	0.30205796742311	-0.38281587529931	0.26577374234283	-0.56538420048382	-1.00000000000000
+-0.67753590630949	-1.01245780140459	-1.24607927436121	0.44306401537546	0.90554536320143	0.22983984354235	-0.09077091593043	0.96868791814403	-0.81283207243970	-0.24747284601553	-1.00000000000000
+0.22943559246589	-0.88230354500496	-1.01068150799278	0.07835259511982	0.69767228827532	-0.42712796509884	-0.05625639431169	0.35850167491621	1.76887985092274	-1.43294772644671	-1.00000000000000
+-0.80064714472792	-1.16351448698822	0.14422957206522	0.38618306543737	-0.38456046149107	-0.47826027108051	0.67672492892151	1.43801010453566	0.77957009417001	-0.79379364414003	-1.00000000000000
+0.45931439765051	-0.86857484941915	-1.15032168215518	0.28383368668630	0.77908713465630	-0.15531071411727	-1.55214297546974	-0.18336026900285	-0.75157044347848	0.13895489429170	-1.00000000000000
+0.01880640345146	-0.16773472402661	-1.16456507489548	1.80362744319003	0.82197552918825	0.35725052634771	-0.08768309760554	-1.01647323115319	0.01061964022501	1.66387764357052	-1.00000000000000
+-0.36308845737738	0.55876455076278	-0.53313206999432	0.85444138124983	-1.16211083635374	0.11346533829937	-1.03481137389588	0.48102368430345	-0.59912731625217	0.60549143142293	-1.00000000000000
+0.55988371212035	-0.04828165919189	0.18581458424739	-0.48160971921970	1.50848282455469	0.75438991438003	-1.80146552793936	-1.15075034366416	0.70640789759791	-0.67971218357671	-1.00000000000000
+-0.63557070546561	0.82621087418644	0.13926878248537	0.10488784634814	-0.45505224237665	-0.73093438095420	1.35423069967784	0.66414321115571	0.77545828945416	0.88000234724531	-1.00000000000000
+-1.31482567062919	-0.93555048734312	-0.14160316716925	-0.43074059636802	1.16701838554238	-1.54242516984769	0.33710945889829	-0.38740992434690	0.35425291610839	-1.12868336659907	-1.00000000000000
+0.18588944944148	-1.15988840765091	1.19675253611995	-0.84812825160172	0.44008079892758	-0.06328556232607	0.86032897729520	-0.81136579265997	0.59871565614721	-0.10047715498675	-1.00000000000000
+-2.01078494900836	-1.14189848644712	0.76183668322617	-2.07919060290486	-0.04055156321363	-0.37595086062734	-1.48898249857403	-2.15087261741335	0.60443136594379	-0.09680151833776	1.00000000000000
+-0.87481547772153	-0.94830079593509	-1.03999470333766	0.38660600632477	0.57824101340964	-0.62262345447083	-1.31170124965416	0.44318373647154	1.67668822498216	-0.78082662558580	-1.00000000000000
+0.06129944888030	-0.22526535615758	0.18315993797323	-0.28471057961737	-1.41576930776284	-0.60844595244352	1.49192949968097	-0.00531464263710	-0.67991055941587	0.32786314375128	-1.00000000000000
+1.08871242349393	-0.57004534056858	1.91778311571979	0.24725772711036	2.17057753523279	-0.50170640922260	0.71140711109940	1.93482694146732	-0.05534353838862	-0.18504807603327	1.00000000000000
+-1.66861175652492	-0.77113031898549	-0.48905568750710	-1.78782318678897	0.37993530868083	-0.36220249745198	1.28167922652755	0.23595354005443	-2.38388002986851	0.65666532755604	1.00000000000000
+1.13120624523799	1.86136982984435	1.30559127766857	0.04526757647744	-0.07364070020843	-0.55734861443318	-1.13236611926425	0.33469445647792	1.87272839763047	-0.26958952732258	1.00000000000000
+-0.78107122138767	0.52363302694689	-1.27728043181392	0.66840565322648	-0.45141617786711	-0.25897547944665	2.06459541120687	0.78043842278981	1.30722109495139	0.40652480529082	1.00000000000000
+2.80014792392879	-0.37411279982539	0.44490522236847	-0.44369813180447	-1.67599379721341	0.02418636599852	-0.16271546139467	-0.46335534358770	0.36874051472281	-0.82512531582361	1.00000000000000
+0.34077285167122	0.81813918792433	1.42562815439234	0.08415593767038	0.77253675312782	-0.07598754958489	0.87136068738469	-0.89581809047028	-0.51089450914393	-1.58899961619004	-1.00000000000000
+1.33140268650337	0.47074719242900	0.47822952048610	0.88221934838113	1.38800288954555	-1.42380813878274	0.46443799828747	-0.05050269990108	0.08515874989671	-0.14098274630903	-1.00000000000000
+0.46051198664245	0.74268480511014	-0.79749691659997	-0.40869818194021	-1.06932189543211	1.01934456966628	-0.24939638104940	-1.14723792758947	0.24311397570286	-0.11401728793094	-1.00000000000000
+-0.01594558812160	-1.65971465063786	-0.43799929237650	-0.51113359562530	0.43090356535189	0.91175379180060	-1.98324681167696	-1.17784134230935	1.13728408224301	-1.43174446729835	1.00000000000000
+-0.47811428948022	0.12358978647410	-0.96561427319702	-1.26649795038361	0.22488106327145	-2.25629267870181	0.19543355604455	-0.91163105827521	0.98806359193749	-1.18819609068276	1.00000000000000
+0.29722899584870	-1.80930389414046	-1.47409579165534	-0.96021606012002	0.79727976301895	-0.90629734427450	-1.01433673036517	-0.21947073787700	1.26814442725643	-1.97014702760756	1.00000000000000
+-0.57547935502561	0.76375637598023	-0.70052604536362	-1.41118437168466	0.13655877790097	-0.52544986176346	-1.05385028582869	0.08960149270826	-0.43357343232642	1.24299776736447	-1.00000000000000
+0.68555549512782	-0.66548634693584	-1.35524232842984	-1.27334923618270	0.96578867749204	1.20173026878274	1.43170345572414	0.58518955238410	0.50359097066310	-0.53909134885732	1.00000000000000
+0.93295067859552	-0.43892904767948	-0.63703131798725	-0.25050155299151	-1.74959291485009	-0.78107269373467	-1.07965015831201	-0.04898294724826	-1.04860365193572	0.25928955136256	-1.00000000000000
+0.01233807560569	0.26351923396594	1.35428170734753	0.94169891875082	-1.28775668260133	-1.48768192236050	-0.60440475593402	-0.65018283218857	-0.74529169929371	0.15445488147430	-1.00000000000000
+-0.66975852759557	0.76158885484220	-0.29284960191032	-1.69495171282081	0.12653827888126	-1.00333774274524	1.60691080623193	3.25080507589946	-0.45878248378552	0.59100414741961	1.00000000000000
+0.25347308140728	0.41069563280094	0.02340299502685	-0.97533079311736	0.03208163657848	-2.04242008313336	1.98778536329473	1.21229306627835	-0.19483775249417	-1.37810173712489	1.00000000000000
+-1.71119244707220	1.50772879912739	0.86063243389922	-0.98726037815811	1.06288501721552	-1.37008293235945	0.41204337599517	-0.11362627566570	-2.51505164219303	-0.87428869054606	1.00000000000000
+-0.43142376685734	0.66901129347188	0.19982220293048	-2.04504416667704	1.11673634753203	0.08715181265233	1.23765027003652	0.06379763397417	-0.18438163399920	0.82715492945910	-1.00000000000000
+-0.11096417593507	-0.13533579394725	1.88619362791006	0.54639128414199	1.04462878974002	0.26763663857083	0.35183514532572	-0.68505482061803	0.37627441366123	-0.49978723148648	-1.00000000000000
+1.44397826460845	0.76542672740629	-0.53809018656669	-0.87826062151238	-0.60297638783935	1.28576681188429	-0.40719211369432	-1.60448055529373	-0.40020248813079	-0.68277015333975	-1.00000000000000
+-1.86294013743656	-0.87409646181287	-0.33421180593565	1.24002025043968	1.44193303652954	-0.83447864602143	-1.50963507260460	0.09856163127657	1.37143317320175	-0.46319060415625	1.00000000000000
+0.91896824694706	2.14777720012635	-0.78852494685014	-0.32043771286794	-0.97608639302186	1.71523019842976	-0.39928082397610	0.45455343215061	0.76354611592807	1.67233275739132	1.00000000000000
+0.69881724934464	0.27339008392146	-0.04078044527721	0.35557741712959	-1.58609220001203	-1.27188012981188	0.96525128702552	-0.01721126191422	0.09120768222260	-0.64649401099310	-1.00000000000000
+2.10655497584099	0.60952870920971	0.14501191189311	0.05572023393028	0.20413712212648	-0.19627294121138	-0.58790206750222	-0.62002126664600	-0.20306127469266	0.07212770703166	-1.00000000000000
+-0.36125503700819	0.13531617197755	0.29851916406869	0.15481525727731	-0.14883229995917	-0.09960120347004	1.92707224384530	-1.55856369375965	-0.37517625652715	-1.04695065682262	-1.00000000000000
+0.55689861943870	0.59708512565131	0.45010224943413	-0.55092120510978	-0.61277106425604	3.07782555750245	-0.38778994684773	-0.17779202116559	2.28808616763956	0.06351613713787	1.00000000000000
+-1.11824993977108	-0.63718836646358	-0.76756613233936	-0.84909904942144	0.78269737207668	0.58084511013654	1.33794278453992	0.12630183223354	-2.02991390501767	0.81444316522422	1.00000000000000
+-0.39106500574722	-0.00818652248557	0.86143146709953	-0.20018675468479	1.31083194337044	-0.53364416122374	-0.88455003425335	-0.66814648298511	-0.24886743698144	0.69965609699780	-1.00000000000000
+0.12568296365739	-0.53733125021926	0.53270658921224	-0.84827105320581	-1.03032591611487	-0.52800202054392	1.16867788612200	-0.76754179266396	-0.18834592144989	-0.71928016315032	-1.00000000000000
+1.00124133047833	-0.30448861408861	-0.97504308773026	-0.25819466549239	-0.02885625816514	-0.36012184329640	0.45569766121917	0.34385551086641	-0.82793594831208	-1.61392237361211	-1.00000000000000
+-0.45936792470120	1.59946933954683	-0.33770157151115	-1.12697348797393	1.50736736946344	-0.50982131944069	1.80143040309017	0.23293962835954	0.91160531462062	2.01959150000554	1.00000000000000
+0.05714585118570	-1.76413716194403	-1.54919162961018	-0.25836633006204	-1.14865243905737	-0.10897039942352	0.97497783646252	-0.40595868509594	-0.73053687412078	0.73466519401163	-1.00000000000000
+1.63329265541854	1.52617241889911	-0.69239834077758	-1.72233008224873	0.80225377041237	1.80586005865003	-0.97687442512483	1.20670228173710	-0.78025802541769	-1.15020157962198	1.00000000000000
+0.83038608154021	-1.28774789917573	0.04202664307326	0.80206695377991	-0.70730855138611	-0.54663069879077	-0.80107079631562	0.44807238205087	0.60883513313325	0.04339412081291	-1.00000000000000
+1.33607449233296	0.03320821454629	-0.53651250089627	-1.66997115170819	0.55064890157906	1.49003958032967	-0.12370486088280	1.37123504757825	1.25555458255806	1.25124518049382	1.00000000000000
+0.87444342808327	0.04594332137523	-2.40602464446320	-0.83659740279483	-0.46252796032793	-0.42963736948830	1.46904763004614	-1.06984688494591	0.27867026048596	1.53773492142120	1.00000000000000
+0.67773353175759	0.20999992814795	-0.05647769115309	0.56452885094150	-1.28859866743423	-0.72581164185862	-1.13545107669755	-2.01878688147297	1.81699615188520	-0.64055052756448	1.00000000000000
+0.94311134838205	0.30415353713370	-0.15474778498116	-1.47422248849463	0.86000917665201	-1.52641883984781	0.04957840326439	0.72751779168929	0.32821892645833	-0.50423762183263	-1.00000000000000
+0.28509326023858	1.28411942376052	-0.89925809820484	1.83356086147472	-0.10929618879856	0.27288521919457	-0.31591614445177	-0.35054093308548	-0.62736029238810	0.65074739602074	-1.00000000000000
+-1.05949333614979	-0.20044358680876	-0.55194784362631	0.09009593179186	-0.65899645258684	1.32778928813327	0.14187616160951	0.18925333554905	-1.67232361638759	-0.95309768322332	-1.00000000000000
+-0.15568544726937	-0.56221748724069	0.33692120088954	-0.71832387774907	-1.03364301736514	1.02459343029746	0.82506683511865	-1.34101397923229	-0.53790496101114	-1.24430292088174	-1.00000000000000
+-0.28689370964153	-0.84662059498313	-0.72374879837356	-0.92719622292769	-1.88229087513770	-0.37736093477678	1.15579746076909	-0.70824534003654	0.53970328064283	-0.40473271541190	-1.00000000000000
+-0.27983636913626	-0.41530701019723	0.39663845266365	-0.72882232437894	-1.81435293574478	0.18699203341433	0.27116754751724	-2.44644331008168	0.84620204526386	-0.44351209487652	1.00000000000000
+-2.73526489715467	-0.33882376465223	2.20868128979979	-1.05019466421530	1.11027783031846	-0.61829275040960	-0.74019206518061	-0.15711459181071	-0.65363370981080	-0.10367548356543	1.00000000000000
+1.57756532612449	-0.33348618870303	1.08966871595728	1.79209908992556	0.08190409402373	0.79958558189820	0.34262057085479	-1.13076618162107	0.83816518140659	-1.25563482613372	1.00000000000000
+-1.14516490656221	-0.38195493729108	-0.04979059047614	1.49572488737139	-1.90045444440629	0.98413308555857	0.78283048606416	-1.96489111210211	0.56508336233890	-0.32501081984584	1.00000000000000
+-1.75048559558106	-0.67141829244244	-0.87718589344262	-1.59673422472446	0.72637129277630	-0.11908413911848	-1.83583182810681	-0.84214810603114	-0.45732557180364	0.22684935452695	1.00000000000000
+0.18552515097010	-1.98469977078708	-2.04500251136555	-1.13153533351161	2.64442805605474	1.75065403320498	0.60926063243711	0.44663772019650	-0.88177396187167	-0.19539451658592	1.00000000000000
+-0.49855956981147	0.34590092966155	1.94536220867468	-0.89046287647538	0.28299787370118	0.43504574779771	-0.26262293459933	1.51181736546113	1.10623586268367	-1.64577651542306	1.00000000000000
+0.63846412017329	-1.36536599525264	0.66843118280777	-0.73925898985770	1.01033281671764	1.22616026013344	-0.31059245985400	0.15389556578885	0.23523433425740	-0.32961831706351	-1.00000000000000
+1.22622085307228	-0.19169614529534	-1.29215318216447	0.24682126190997	-0.11260844537718	-0.13522051487901	0.44235672227510	1.49240545393477	-0.12962913518116	-1.18108659463793	-1.00000000000000
+-0.14595587665492	-1.85903457008746	0.61841394741770	-0.76004562984296	1.54317015719138	0.38468392950753	1.17864961267016	-0.42780841388766	1.71897830065397	0.85135012224930	1.00000000000000
+-0.84678438642838	0.25900060321131	-0.82059248609927	0.60337415354479	-1.77544607342206	0.25012183390987	0.00934505094395	0.53795065239368	-0.16114911284700	-0.19175755275181	-1.00000000000000
+0.50320695358965	1.23904052611507	0.45308582566842	-0.93512595395005	-0.59841939296925	-1.19908304174045	0.09324712406850	-0.62959727764652	-0.72511666500165	-1.82526061443294	-1.00000000000000
+-1.35495050293712	-0.72620054697922	0.55339354774367	-0.56489416972219	-0.51109255667083	0.70428225547209	0.26595425759693	1.23785274828861	-2.18702979190737	0.21035567973146	1.00000000000000
+0.75842929254129	0.59393184259496	-1.38901060852006	0.26453137608327	0.67175236085255	1.51230588280856	0.78606999980989	0.99186197403050	-1.31210489522670	-0.05321356914724	-1.00000000000000
+-1.73145635822073	0.12599682728149	1.32966673783492	0.55778365460550	0.92842123916952	-0.18546730647599	-1.05899944703851	-0.20033002837522	-0.09986487680530	0.78838965427699	-1.00000000000000
+0.04956882899333	1.92123966125420	0.72764543593393	0.87581583925301	-1.31208211134343	-0.18621192012640	-0.38848664646967	-0.22156453624862	-0.21793736097581	1.47229127200874	-1.00000000000000
+0.28430091449460	0.10940044964730	1.44963708687502	0.01847625802834	-0.09436228878196	0.61858332670157	-0.69495636346899	-0.34856694249874	-0.64491591662263	-0.03949229357842	-1.00000000000000
+-1.04830630135296	0.54603335974575	-0.84806708000563	0.93243513823442	-0.00412906670329	0.28752072362221	-0.68251565139747	-1.68805721175412	0.97642368769331	-1.14417524844266	-1.00000000000000
+0.53001673018885	-0.33486811492867	0.08152313853998	0.55479604875499	0.19052978756516	1.23403228710192	0.46674437371471	-0.15049824116760	-0.65345101683432	-0.27425495468701	-1.00000000000000
+-1.39033156142490	-0.69295120325881	1.23286126668856	1.40200096603258	1.21606424987635	-0.12438778019248	-0.06604364563299	0.58887288101759	0.73991826387844	-0.49065197596480	-1.00000000000000
+-1.33497272058823	-1.63265436433708	-0.71528146533824	-0.80943288039183	1.26093411053777	-0.52192126950031	0.43345906713905	0.74727089827079	-1.39875965107530	-0.80236178787519	1.00000000000000
+-0.17593895772810	-1.84573305195284	-1.39095742203071	1.45064365348612	0.32856848498705	0.46994747169841	-0.54711052250838	-0.23702364175727	0.98943416362572	1.29787498498046	1.00000000000000
+-1.92901170218021	-0.50089168082463	1.04898240069592	-0.52433971027915	-1.00654016959849	-0.79819603288065	1.66532481265614	0.07650634623141	1.01775471379823	-0.71554661083058	1.00000000000000
+0.00295327801217	-0.50574932576705	1.18748895946641	-0.50007414701673	-0.89128375269196	1.49207049081372	-1.68155811911185	-0.12659194540282	-0.25568055632340	-1.58456285637341	1.00000000000000
+-0.06161779296892	-0.35727107063190	0.47907842353633	0.46279510310385	-1.18006913977011	-0.62629540162840	0.22459980167650	-0.60175862193136	0.55398484560291	-0.37433707301838	-1.00000000000000
+2.12142142647197	-0.99570054627611	0.63267362206984	1.13286312110776	1.12811711625518	2.65594571119814	-0.58221889296090	1.27807065409846	0.25064959220190	0.50816257040223	1.00000000000000
+-0.37808856406609	1.28734735681399	0.13515133760160	-0.42718780445922	-0.81806477885758	-0.52613727641753	-0.06260186925279	-0.00424070248065	-2.37324037272431	0.05136668251636	-1.00000000000000
+0.80057319560921	1.80978783182431	-0.22470737361728	-0.76617383199087	-0.63042869940824	-0.13958018833198	1.33495152070318	-0.54338865788791	0.85748775166940	0.54267903246467	-1.00000000000000
+-1.12820783069583	2.93686963125255	0.94024785873966	-0.97574763580685	0.48491558070798	0.26696007663412	-0.89549013956159	-1.33622557100403	-0.59932014779105	-0.15473738685461	1.00000000000000
+-0.98346783668385	0.92894130562792	0.21101894226008	0.12341531783055	0.16866273882168	0.35952833642553	0.95305046385804	0.14491999461736	-0.41117657053794	-0.29819567066949	-1.00000000000000
+-0.34797546547648	-0.12177357727062	-1.33803218911290	1.51359254348735	1.92319415568663	0.17969976800070	-2.18084248519133	0.67612857077546	-0.05103677846449	0.69559733958022	1.00000000000000
+0.55365172210540	-0.74580567716206	-0.26463649666598	0.06183713454188	2.00830030849553	-1.75594770536945	-0.27183914711232	-0.26815163116784	0.81672536614430	0.87946569678217	1.00000000000000
+0.68279558063615	-0.66210486580696	-0.18617745973776	-1.29726313169696	0.99017881930013	-0.10705119320310	-0.17141932823258	-2.35673786082844	-0.74378446115692	-0.67491968510332	1.00000000000000
+-0.21029354978345	-0.58147593682883	0.69414564362536	-0.52174469574314	-1.45371441659008	0.36499163543944	-0.27692808022101	1.74804251362074	-0.97950220418949	-2.30495726496684	1.00000000000000
+0.62468522340393	0.15556138133781	1.54658931309047	-0.28596281495756	-0.56457778584624	0.15177740704948	-0.60579524811385	1.60268552732687	0.80545666805904	1.08133153010435	-1.00000000000000
+-0.49541255528774	1.24615648396033	-0.42185677532060	0.31536273452722	-0.53791624869933	-2.46996098644080	0.45785400131447	0.45737377439582	0.34258652042617	-1.78241266918941	1.00000000000000
+-0.76820689203589	0.14491855203399	0.56651543735015	1.34603016646275	0.62761084592942	0.04414345527618	-0.88869965618081	-0.60074027073027	1.29589601689983	-1.90828683066046	1.00000000000000
+0.42211997059037	0.47498262608697	-1.85387842071410	-0.79478074376564	-0.13533458911256	1.03187370366577	-0.12437888970154	-1.42912739375655	-0.08345884610800	0.28283755196987	-1.00000000000000
+-0.20404293450661	-0.12007650084583	-0.03702473587033	-0.48232574111110	1.68489751539074	0.53741916430995	-0.15474756112089	0.05805501170518	0.92889435916921	-1.22796281078284	-1.00000000000000
+-0.69256605529136	2.55911163789049	0.51434319312596	-1.50149481028098	1.43665796087702	0.45909761017124	0.53602097576622	1.05655287263952	0.72064460001141	0.81263773538573	1.00000000000000
+-0.00400639304809	1.20968251056849	-0.01150846286453	0.50660417014254	-0.89236320351073	-0.67799661125739	-0.87252484258057	-0.99382461797303	1.10685768784890	-0.69520806841183	-1.00000000000000
+-0.98643042268683	-0.36973539710896	-1.15911386861058	1.19723620557207	-0.57348747726543	0.59975577480297	-1.51454372837621	0.07962701991368	0.81799019963291	0.30146933185067	-1.00000000000000
+-0.16526345938905	-0.16071878350489	-1.05465574087414	-0.60320718503612	0.65021336521415	0.98494116996137	-0.71219576780818	1.36162711162886	-0.58798447922197	0.13580892334311	-1.00000000000000
+-0.01383704070528	1.18873719628084	-0.20324263844058	-1.13281872607523	-0.79568632266243	-0.64187716651918	0.05878068594433	-0.49900275988220	-0.86705857608967	-0.09339278465960	-1.00000000000000
+-1.43799798473322	1.06407793014963	1.31234711115789	0.44767502081644	-0.28992597207013	-2.09796155824456	-1.66543640943949	1.86225444872119	1.39073463528839	-0.36266931731019	1.00000000000000
+2.45223586734184	-0.42811107087979	-0.72772265144611	0.33865727180085	-0.56959557520670	-0.73371723140801	-1.26975931814753	0.95767283210781	0.52176001639444	0.35652174066665	1.00000000000000
+-1.05445015564191	0.76715460554401	0.69198461382155	0.74725869888084	-0.67280261941925	0.95521556336734	-0.50263042440600	-0.21178744684202	0.95909871652541	0.51199562997706	-1.00000000000000
+0.40437162724927	0.51197816059360	-1.09192399248157	1.79396135178939	-0.33945246030173	0.08634333456101	1.38211779209775	-1.82714103938774	2.58333997695718	0.39180495966212	1.00000000000000
+0.05844457921615	1.26173709368206	-1.07450925289212	0.11710097222425	0.04776614445447	1.84145900180721	0.78646913898325	-1.10784390347787	0.39378244207777	0.17572000097261	-1.00000000000000
+-1.11046069043934	-1.85575041023320	-0.34077780557031	-2.80894975132920	0.28600702205271	-0.79162479922023	0.59215265826276	-0.53280405440499	-0.72311718998424	-0.49304153640304	1.00000000000000
+0.65512004327702	-0.66205381858734	-0.67338358572416	-0.36803220738335	0.35795159572447	-2.66912175235992	-0.49469269394600	1.06218765414984	0.83387387418429	-0.41026849424933	1.00000000000000
+0.66101386581621	2.86902312135446	1.52968534275781	0.42798244120046	-0.26096329970098	0.21634737814487	0.83281153394416	1.64949253238279	0.30634223455830	-1.03345074638293	1.00000000000000
+-0.41082575117818	-1.61351169801393	-0.53764996555581	0.74672341614627	-0.58310434510656	0.92059746426216	-1.74230956202129	1.43043551098840	0.48740105110660	0.90441371543372	1.00000000000000
+-1.25646367466041	2.50272889060153	-0.98759644752138	-1.95225397807542	-0.94951041146985	-1.71089084241427	0.86281221253730	1.57425735903868	0.06112565483442	1.14561361669805	1.00000000000000
+0.79773875089064	-2.37318008526266	-0.82284055144621	-0.54643392433010	0.81166657648399	0.86575451261738	0.50527279325678	1.74391132831469	0.82961948922714	-1.43924747730755	1.00000000000000
+-1.27597122592329	-0.22297964016036	1.26020043389520	1.65974534991558	-0.61496024180876	0.14559066301484	-0.69166287115754	-0.07801979998192	0.85640331890992	0.98897718996213	-1.00000000000000
+-1.13968339029271	-0.49555791545548	1.75737023015192	0.79411582531452	0.70364049833459	-1.90242526794650	1.71798391386959	1.26965016432985	-1.40197756543807	-0.64150622984009	1.00000000000000
+1.05371442066788	-0.73329872273688	1.62734783071038	-2.08192908961837	0.58754844327454	-0.25252284298914	0.53851139418865	0.44448608034751	-0.58048142362457	-0.93973530976686	1.00000000000000
+1.79398295737114	0.76461744226408	0.46462165661394	-1.95907951101588	0.14142179618312	-1.69793095843114	0.26091969633078	1.07889000669113	0.50228361757483	-0.67031111601432	1.00000000000000
+-0.52016063226850	0.89421550729380	2.06121755059137	0.78256152292966	0.12656542347223	-0.70229232644680	-0.11074426947113	1.19093488389683	0.54399590029902	-0.23760960452186	-1.00000000000000
+1.40814830040166	-1.09434503069820	-1.39355024215159	-0.45101163090975	-0.14851058812492	0.84523855112795	1.45873861088509	-0.61208574561466	-0.74048052404461	-1.45174905477800	1.00000000000000
+0.28882238104114	0.81219023829094	0.45725007992035	-0.50069206910817	0.25905759320440	0.46247355181686	1.74927063086501	-0.17558276701829	0.39835444889729	-0.70317412899473	-1.00000000000000
+0.36639677572118	1.07697693937648	0.67597738130803	0.88751398201835	1.60207577567072	2.18664460990514	0.03508059634612	0.54403563376519	1.23281064103598	-0.34578292888798	1.00000000000000
+0.89768076104097	1.48094813278746	-1.17194825438822	1.73296948848058	2.13980762012587	-1.27723105693150	0.45823397322580	1.31176402890505	-0.50831978076739	-0.81795401289512	1.00000000000000
+-1.06656757814084	0.67228391782623	-1.19526634109811	1.85342711141672	-0.92821655952827	-0.66092464555317	-0.78205227405826	1.25106233907933	-2.00589657798348	-1.91842098930787	1.00000000000000
+-1.38255563514607	-0.99323292380269	-0.13876979040397	-0.74503963388827	1.14899115077398	1.05666924626695	0.69444800985689	1.25161935799146	-2.17357673512072	3.50516997860709	1.00000000000000
+0.17486058888737	-3.34484551530296	0.15913492046675	1.13399250436253	-1.60684552948123	-0.97878406168550	2.74589604335722	0.17545237908293	-1.00889619790354	-0.37615315131686	1.00000000000000
+1.28545680167874	-0.98120423163118	-0.53861535146910	1.23111967239052	1.71574355328618	-0.01549207646205	2.65442651200591	-0.16372818440784	0.32144306515415	1.38904008559960	1.00000000000000
+1.64229084435862	1.95482708531681	-0.08192243047777	-0.25219774913537	1.02548024800458	-0.20666481323907	1.40351598188979	-1.04307918343377	-1.20181078658999	0.80694483316024	1.00000000000000
+1.16426831224094	-0.24947158854748	-0.25266980535863	-0.84059401167738	-1.21915363670649	0.32552617777029	-0.12632235187711	-1.08019348100499	-1.34472228005464	1.03324523611812	-1.00000000000000
+-0.83780126685348	-1.88106509362943	-0.25384301377067	2.00469008885268	0.40714310576671	1.45470807253289	-0.46812568777675	-1.21720765140165	1.42109425309377	-1.08374785610485	1.00000000000000
+-0.09240528290811	1.27708333467768	-0.13458825233343	0.89788580122151	0.58738613072136	0.77284421028202	-0.09570612149303	-0.56726324103081	1.51220672786650	-0.60859941335039	-1.00000000000000
+-1.13927788304911	0.41551736290651	-1.11717319283324	-0.91015850425297	0.49680211597700	0.78409004990710	-1.27369914656372	1.81065603081038	2.48972522127471	0.46880199717806	1.00000000000000
+0.49900958438795	0.16111647101504	-1.60782096642281	-1.87613330481231	-1.08769576213938	-1.53299795232306	-0.16114285250944	-0.67145814240165	-0.33559574783992	0.54853939934250	1.00000000000000
+0.32491342211528	1.08350490044927	-0.37189839244392	0.36903311907727	-1.41964940790757	0.39618375093949	-1.16888178256975	0.99890182999195	-0.96320364562971	0.52650555804730	-1.00000000000000
+0.33598535262639	-0.03472740748882	0.58023750002950	-0.24470575797946	0.06675700750358	-0.70733572325433	-1.08578291777849	-0.13699983363745	-0.33610505112500	0.88617103555720	-1.00000000000000
+0.49314878772417	-1.19079648667135	-0.54815360695708	2.13613160989402	0.77956960348541	0.69957307613889	0.95137840947180	0.45656940445852	-0.27740835446657	-0.75310703107312	1.00000000000000
+0.06253883526206	-0.21451095229287	-1.60100583961485	0.25441238841513	0.56672516337568	-0.47638596091578	0.75803772386977	-0.95410502085534	-0.03478446897621	0.90167185150461	-1.00000000000000
+1.19435944971100	2.46402589083626	0.03461782144853	0.19870577192411	-0.67212175277494	2.41476517554738	-0.51300779164729	-0.43135168560920	1.00965706381061	0.00222677040966	1.00000000000000
+-0.46564098253196	-0.77864572822406	-0.04149812702153	0.65345547933513	0.29604222119533	-0.68777099863648	0.07272334674276	-0.16439639946800	0.65837057946124	0.52509648898997	-1.00000000000000
+-1.05655923035947	0.39778048853498	0.14928522313357	3.02068292634752	-1.01273523707585	1.30845788239533	-0.59973071533999	-1.21188068881783	1.82427666846433	-0.75359314211292	1.00000000000000
+-0.99046456640248	1.29760730754366	-0.02356083308317	-0.62995322208857	0.40138434291222	-0.46039153064144	-0.28151086280123	0.16117713283227	-1.31504744656979	0.95813365674522	-1.00000000000000
+-1.46081552924594	-0.56877209499737	-0.70572541871725	0.57078376894065	-0.38557018170756	0.34991370312392	-1.44534427488942	1.88341355350115	-0.65666672715982	0.12129907481914	1.00000000000000
+0.77274072233586	0.65307359933614	1.42624954558173	-0.67147955905731	-0.52137837233496	-1.47522103677550	0.26574316198576	0.01281153566586	-1.33587862975985	-0.62684160830236	-1.00000000000000
+-0.16917520431538	1.39561788869118	-1.20729458822032	0.30090671325532	0.10298983606220	0.33580928048232	-0.08846408434073	1.73912892818151	-0.08485241757587	-0.44810235309185	-1.00000000000000
+-0.47307307809324	0.29546241728005	-2.00219508906377	0.02531058379117	0.31127267261998	0.38748792577730	1.44469545342138	-0.79050402838949	0.20037764230961	0.12381938988393	-1.00000000000000
+0.21598454185103	1.22255166564677	-1.83476248966205	1.89765841338987	0.25115835580621	-0.12506582325017	0.43382528837256	1.58430109897415	0.44424843723184	-1.16893513649058	1.00000000000000
+-1.58500200518140	-1.47715611941329	-1.07651822134113	-0.86621905124447	-0.64951631678851	0.18312835672655	1.23752259864663	-0.18674893434354	1.11437474794349	0.60106642744031	1.00000000000000
+0.43934157323163	-1.21889214545024	0.50364750455877	-1.51430530576378	1.07137866996813	-0.15423901964197	0.98656891319017	-0.10855880466837	-0.14617846739689	-1.05362699453186	-1.00000000000000
+-0.19904232997372	1.42316799539908	1.19594860925809	1.77692117982592	-0.73878767960287	-0.19942139303091	0.55274086868870	-0.56307358304392	0.03159088015037	-2.40871696854584	1.00000000000000
+-1.41598228899429	1.83298892640604	-0.40492936690282	0.40562759537874	0.29331666742965	-0.20066009991106	-0.23079502127492	2.02535197656626	0.43213315321664	1.76711808311397	1.00000000000000
+2.03324815413954	0.81466960817624	-0.75595315321899	-0.00680742470319	-0.79887313795050	0.68668958066549	-0.27469994720740	0.67615469918693	-0.07294810577705	1.07307645592595	-1.00000000000000
+0.43476274950067	0.84909700355624	0.03085670389749	0.46971635200905	1.18143746369774	-0.76986675806264	-0.21970430483718	1.01137287221969	0.02841495532698	2.26889347055841	-1.00000000000000
+2.01062749401234	-0.01008936832836	0.04961799712892	1.46081209281777	0.10568652555580	-0.47704965981392	-0.72671189052129	1.15175740843976	-1.61343652680121	0.24005341281975	1.00000000000000
+2.02910770273905	1.58047572304712	1.22144171449077	-0.72153732906370	-0.10416058103698	0.57817767382918	0.07192548793852	-0.61720964500444	-1.08471718070079	0.58512568800170	1.00000000000000
+1.29588931554678	0.07828274074886	1.20156114864763	0.35434339610205	-1.22672284430219	0.33100133566596	0.60707307431044	0.27425754860032	-1.58238228189593	-2.54145328235810	1.00000000000000
+0.04001427768461	-1.14250843989821	-1.29929683604428	-1.07849931598305	-0.31908815488121	0.49401777889915	-1.53196204942780	-1.65994512609891	-1.19249681739599	-2.35353145708920	1.00000000000000
+0.97570894954029	-0.30296322656246	0.69507448963494	-0.41938655668368	0.03537748495961	-0.15975328263094	0.15126215232033	1.10990206813207	0.34123464247240	2.10184884218281	-1.00000000000000
+-1.53469038216219	1.92935275780545	1.91494457890386	1.30114916640055	1.22568427629565	0.65550303473783	-0.75369854867959	0.23100406498003	0.07901523245838	1.50773700916807	1.00000000000000
+0.80327842305136	-0.94885975177107	-0.03187322082336	0.01641127844777	0.82819692481018	0.83276246730950	-0.96315242652824	-1.01737394113641	-0.07357043246064	2.22621675511353	1.00000000000000
+-1.34547099609972	-1.44882217997114	0.59637425803726	0.68242108496587	-0.90543660233104	1.39319660030214	0.36034460683386	1.80007057809081	-0.13503608344142	-0.54918225847893	1.00000000000000
+0.06196010537288	-0.49784061535832	0.54014883858062	-0.85956856977272	0.92789901742425	-1.36594635835672	0.99635239096329	-1.32362501527410	-0.86330134222070	-1.46447502177824	1.00000000000000
+0.62106791357133	-0.37586426923958	-0.93732039185935	0.60394877347550	-2.28939312315188	0.19618707420306	-1.33430771973476	1.05421662240489	1.30789524454775	0.13979530949660	1.00000000000000
+0.15721780985894	-0.32178521526518	-1.23688966516228	0.88341158507251	0.37681435533426	1.14041905089193	1.67965748493834	-0.75732468299997	-0.08404823646157	-0.14424592753437	-1.00000000000000
+-0.08913160266719	-0.23530843013746	0.50881235301972	0.19705228061579	0.01499668084130	0.78654716749442	-1.47058554706001	0.40729201724848	-1.49100343849729	-0.29534241491237	-1.00000000000000
+-0.39247806213429	-2.07490598999546	-0.31544455566591	0.62624299054332	-0.42155301383665	-0.93835567789699	-0.62012818353339	-1.86141077678267	1.41034569577124	-0.90822971953212	1.00000000000000
+0.78138371663522	0.62939883445206	-0.63179677387552	-0.35395925668432	-0.47139476889818	-0.66808054123069	0.15309662525986	0.64422919803399	-1.73076935417833	0.34173494055517	-1.00000000000000
+0.14860412347675	-1.85850552414215	0.11672397751753	-2.30542355290536	0.77074472462230	0.40837902077690	-0.25777837692180	0.02836102876570	1.06928084726798	0.06164500332404	1.00000000000000
+-1.97781617480559	0.56798781847872	-1.23951165543644	0.10389547456485	0.08871645145279	0.36496191262334	0.14686361888249	1.25209373697416	0.68932285573664	-0.11996615913907	-1.00000000000000
+0.22487962491329	-1.94642447214163	1.79814647486781	0.04888139410011	-0.20105939103907	-1.27276861575834	0.08352051046158	-0.52936899307873	-2.88413846207029	-0.43037654272823	1.00000000000000
+-1.15699926745731	0.28443625352965	0.22653122154850	0.00801570417441	-1.42699007001311	-0.04506569164478	-1.44656181814510	0.51765362402528	0.01364629403060	-1.28620190298270	-1.00000000000000
+-0.82098781987027	0.33708383614479	0.52087745288586	-0.49865448782486	-0.12234990130477	-0.30174942394926	-0.43477337466427	-0.69088696896856	1.52039222577953	-0.15637562082898	-1.00000000000000
+-0.87846488612369	0.41003269534152	-1.52915117548652	1.48085227957721	0.75717307087371	1.62660133954716	-1.35880198442796	-0.78965504278504	0.72417750100088	1.70386180839501	1.00000000000000
+-2.21944122291682	0.32946242296569	2.96110020143281	0.98510722678406	0.59348606403140	0.37949023343191	0.18148863206114	0.23661192945902	-0.11733912021225	0.72635401132106	1.00000000000000
+-0.52796961802821	-0.20786775210243	-0.33287240156310	1.30169574211432	1.37448029654814	0.03550676469724	0.62137564533249	-0.16538302951839	0.47417161920582	-0.81020320088825	-1.00000000000000
+-0.76063444664784	1.48390802315000	-0.53670380502177	-0.52055246752102	-1.03904777741900	-0.26636842543281	-1.42052313880202	1.26464305479628	2.02753330629199	0.91717826917441	1.00000000000000
+1.79634224607749	-0.07181200289564	-0.18387476902885	0.62863954505751	-1.57391256274984	-1.12903077284434	1.52148095792367	0.69243970382608	-0.26750870697610	-0.08714043768471	1.00000000000000
+-1.83963279757341	0.09352845540071	0.62377642876794	-0.29264656863528	1.28527145039023	0.75143066621439	-1.37086980714158	1.52987635512943	-0.28492660883004	0.52337902626823	1.00000000000000
+0.27141987370194	-1.31739756786793	-0.85867290702128	-0.23784307416523	-0.70126603168369	-0.06458286277678	-0.57061890090170	-0.06098883770619	-1.45816401998958	-0.74574415886394	-1.00000000000000
+2.10107560426300	0.51479895127001	0.80114125563000	-1.10277686524050	0.14607649272638	1.58532287998020	-0.07971179102712	2.28483516239551	-0.48706539072861	0.46012487050540	1.00000000000000
+-0.05465599588981	0.50844036835026	-0.33995428099696	1.24095682882703	0.15777293208813	-1.31559859337459	0.45621673638916	0.01002183335975	0.94521560348902	0.04383279093066	-1.00000000000000
+-0.45665053632032	0.01120660549569	1.15027977691685	0.37830728866996	0.85989533956887	-0.35876145506592	1.65412703392911	-1.28700010679198	-1.14732678989370	-1.01149829248278	-1.00000000000000
+-0.88594708610011	0.19715470039004	0.99096493286856	1.10272161767635	-0.99143799231750	-1.54805993458541	-0.06621717218720	0.16884052938629	-1.14582258163634	0.71014004050928	-1.00000000000000
+0.20708113662657	-0.37289819284609	-0.83871078019503	-0.57211462889817	2.08256680215091	-1.36305592504944	-0.65946974908271	-1.35463545750874	0.67631420309660	0.90146390257605	1.00000000000000
+-0.17855307574224	0.30472226489429	0.03706870785859	-2.48748018248308	0.88460763056210	0.02249941062789	-0.65298011721145	0.52977698569052	-1.69164236115160	-0.69084341768937	1.00000000000000
+0.63722547241570	-0.78286040786349	0.20799745837131	1.33606173962591	0.08274091964133	0.83356209642580	1.20294805321592	0.00599454869821	-1.46667969432024	-0.52452032896805	-1.00000000000000
+0.55009652723009	0.19264681669078	-2.49571855071111	0.25821713766632	-0.32437764164042	1.22627051413158	-0.29583412666072	0.63398819114632	0.57103141549491	-0.58730604000948	1.00000000000000
+-0.95789928193075	-0.05131767244360	0.47938572372191	-0.36288778850413	-0.61550217867447	-1.83921364623925	0.02605278592895	-0.15067896294576	0.30285615900911	0.29251074538401	-1.00000000000000
+0.88938451675247	0.53919712415597	-0.35629347127221	-1.18865793766258	1.02227649413505	0.56576492100359	-0.06298421405583	-0.54532510770733	0.90301130080363	-1.00081266706425	-1.00000000000000
+-0.41861916180358	0.67915627690407	-0.20958803592138	0.45199574691392	-1.14070018115093	1.44164203854866	0.26482538224048	0.05512532188273	-0.29600229238425	0.00057177585246	-1.00000000000000
+1.88476534706251	-1.14950177121215	-0.40199711840548	0.91063171105837	0.32943577227736	-0.00629771284446	-0.10160379598167	-0.07521029828648	0.04302535405982	-0.12607170586163	-1.00000000000000
+-1.27326912933537	0.26828938020331	0.66975471253397	0.46890099349238	0.86944493333976	-0.88672117730402	0.21210256877723	-1.00609456104497	1.08891156713894	0.23318110399779	-1.00000000000000
+0.64634424608024	-1.04874227591984	-0.39464016657925	0.75199835121877	0.55599578325942	1.60341713221847	-0.82510600286792	-0.23347876030233	0.40250278849831	0.26240523519397	-1.00000000000000
+1.59422518501438	1.09244344591362	-0.02188980944379	-1.41671455250386	0.61930926098564	-1.29423120600610	1.22825549849516	2.25961907069491	-0.42883948293298	-1.71006927519959	1.00000000000000
+0.39379489285932	-1.21440493071248	-0.99678389638065	0.06170779789097	0.18458383233159	-0.41440424903803	-2.71191684591676	0.06401963261361	-0.08798590395267	-0.90499349871471	1.00000000000000
+-1.29370743087231	-0.52111757456958	-0.41405649736489	-0.32584250539526	0.83478119297991	-0.01174030072331	0.07511415142933	1.49060114303798	0.56080167517787	-1.13177251193195	-1.00000000000000
+1.52055922808836	0.04004023058517	-1.23911130178568	0.28442019975951	0.84298250898405	-0.66176567219282	2.63615829774546	-1.20071309943123	-0.24986929808746	0.13441509256968	1.00000000000000
+0.66919182518686	-0.52645549641961	-0.37312490432577	-1.18208106397560	0.22189322601260	1.37712082533613	1.37753730006921	-0.81972823997803	1.14572733162526	-0.40989333187100	-1.00000000000000
+-0.13610700819811	0.61442503271511	-0.02789542059905	1.29616155811369	-0.00125412968607	-0.70832756677755	0.98233799798616	1.52462626205275	-0.58803698260677	-1.28959837635197	-1.00000000000000
+-1.16951498035203	0.19657433986633	-0.10979254032128	1.10682954888578	0.07991152789144	-0.90939651785029	-1.77646095488335	-1.21604565443307	-1.49130303615959	-0.23379956331211	1.00000000000000
+0.97925408608939	2.05277944537229	-0.50933294477892	1.41843210838833	-1.61052643092069	-1.35334952602942	1.46667336282332	-0.08013609089895	-0.63816615089371	0.37461617942513	1.00000000000000
+-0.82985348951229	0.71956486789046	-0.59459658412441	-0.59640650745166	3.52661236889010	-1.38401510521204	-0.62630011274569	-0.44979542471441	-0.85137569526032	-0.42862678399494	1.00000000000000
+-0.80977864785454	1.60608794024549	1.26315354567591	0.90640158698701	1.08235217166354	-2.00638142387764	-0.17619840970648	-0.00460612091182	1.12179069775795	1.16764222592988	1.00000000000000
+0.58974180055367	-1.52445572684490	0.65892095473789	-0.55431918263869	1.09377834622100	1.10722066562349	1.36316503832411	1.22708345944044	0.49639763780488	-0.00291293023585	1.00000000000000
+-0.39304229472078	0.60949776223356	-1.08429134099665	-0.45243150787781	-0.35123114679470	2.11130469119315	-0.60540362895116	1.60089869600599	-2.13751786819374	0.14230608765035	1.00000000000000
+-0.00239784919035	-1.11650530202627	-0.57028980685375	-1.61018541249056	0.39802215168359	-0.11592727280267	-0.28802159712810	-0.70898967769564	0.18101392689377	-0.74006194258644	-1.00000000000000
+-0.23492344255814	0.18433151583439	0.68749299807449	1.32148663178557	-0.96282298428208	-0.32548099455480	-1.73876376152322	0.18565048410041	0.02657711283747	-1.10942248772601	-1.00000000000000
+-0.30269056592952	-0.43055258491482	1.32638940881159	0.20028074884890	-2.20913795835790	0.45916900631836	0.68387118023446	1.13542197867731	-0.08522091028025	1.07184017860579	1.00000000000000
+0.52249998650138	1.79119129669778	0.81358549164078	-0.37629922126050	-1.43750490413334	0.76029435396652	-0.76337973063091	0.13334316596141	0.48767996818012	0.43605944925125	-1.00000000000000
+-0.37391815968302	-0.05948295518663	0.61115552909167	1.47341572172854	-0.64688696979469	0.97288659309645	0.91125712549878	-1.33513922054003	-0.64160555006318	1.04536269862423	-1.00000000000000
+0.86916784851646	-0.49916288677020	0.33284949630020	-0.00226396758531	-0.35988782258268	0.02666055442710	0.06803709559798	1.42838554061706	-0.38323017278295	0.59181925839024	-1.00000000000000
+-0.09099534344294	0.58016526577888	0.86755144068151	3.41603534945928	-0.04731740365991	-0.29263371712279	0.17798826079794	0.62355699161708	0.50666103803035	-0.29834111094665	1.00000000000000
+0.34019232180159	0.56614357646410	-0.11246488686051	-1.06353070689007	-2.20003123160212	-0.05279936140634	0.13139743177420	0.91940917710600	0.21636948723846	0.31312567412081	-1.00000000000000
+-0.57493122544216	0.15865047222298	-0.29832615913995	-1.10833515155711	-0.73773359285739	1.55603476352102	-0.21426597037204	0.14920515337714	-0.77043546709309	0.63354176896934	-1.00000000000000
+0.12343414676075	-0.31557442903736	-1.26921669868663	0.12022568616812	-0.10162983485102	-0.48811411196852	1.43528453320976	-2.30998435776384	-1.40368600271408	-0.76794160079424	1.00000000000000
+-1.03773851686528	-2.55339986302546	-0.20662969956998	0.38917668796117	-0.00271919581689	-0.20639878838472	-0.77240725188127	0.38795712189719	0.75613335428179	-1.10585638370826	1.00000000000000
+0.21275725312048	-0.42364929442024	0.65150932081545	-0.65665314119982	-0.60066590667465	-0.74379389687858	-0.02465990344118	0.26271539845602	1.14925244649231	-1.62617690978469	-1.00000000000000
+-0.58296452662833	0.40576824516696	0.15866794096718	-0.65706104442511	-0.05601613162955	-1.10431462377205	-0.12969190495694	0.87571155443645	1.31329866886390	0.82722919398403	-1.00000000000000
+-0.98881274838188	1.08864883514143	1.75392818704525	1.03366647173547	1.79339163758060	-2.25954445788613	0.77926960256535	0.48129887902370	0.66334848429184	-1.68952931512924	1.00000000000000
+-0.47580018344413	-1.34534139343365	-0.66993005504778	0.80487892965087	1.36781567350370	1.11403142496649	0.44698535952056	-1.32880853083613	0.13184272774971	1.30164170781649	1.00000000000000
+-0.67953437566610	0.36217952279820	0.36959829792330	1.32928841072461	1.00947821567776	0.14330172340423	0.49750950301765	0.90126785776408	-0.26475725340748	-0.08682677338967	-1.00000000000000
+1.44013454454637	0.06667899183791	-0.11080161343744	-0.18657798426876	1.83608357722539	1.32061092718254	-0.26955773135514	-0.58830026438662	-1.87401172380802	1.76733946297084	1.00000000000000
+0.55333793656168	0.84987247103886	0.65118177847481	-0.26847592473446	-0.21480455753911	0.29456618614185	0.09941170433532	-0.98152632630927	-0.49454470091468	0.10909110512742	-1.00000000000000
+-0.70168398252706	-0.93147785453987	-0.09186702460922	1.38055565949826	-1.14940706134410	0.49880728981300	0.42492545474576	-1.76411212454648	0.64989016590092	1.16692373313351	1.00000000000000
+0.91277613535641	1.16187236344755	0.33576161380894	1.03217985061574	-0.61780389941762	0.55945137900140	0.67132068369460	-2.01217241155747	0.21615379038627	-2.36316255999033	1.00000000000000
+-0.06450308787343	-1.34096319763059	-0.33430768297976	1.78217065246336	0.07917843932518	1.18992415552864	1.03575502437657	0.20928957178041	-0.07370078633750	-0.39113560758969	-1.00000000000000
+0.49563039453667	-0.56011157145073	-0.25443519468510	-0.66383265320728	1.29254187783943	-0.47287679755285	0.07083538773901	0.15396372631610	1.06585473517298	-0.97296606401014	-1.00000000000000
+2.05554369942713	-0.37416982203430	-0.16434262144068	-0.45056025060473	-0.02101361714794	1.56224048256867	0.92052005119728	-1.00399124157901	1.24504835876804	0.05880203542558	1.00000000000000
+0.70285062111813	0.50436270714025	0.15773936759600	2.16106719040717	0.94552039801720	1.02633594033046	-0.83585798664490	1.77083325608849	-0.82878532894880	1.17372709368470	1.00000000000000
+-0.69764244933366	-0.94595750328774	0.23048737014345	1.44603865763337	-0.70836722393968	0.55253344819027	-0.40496303728262	-0.33709067270495	0.24528175146947	-0.95141279624101	-1.00000000000000
+0.08434669806903	-1.03617179379061	-0.91700795698467	-1.26668305029002	-0.05559753987791	1.66030080212575	-0.55006526235177	-1.25338441211079	-0.24902704937329	-0.72436916678578	-1.00000000000000
+-0.76032371825587	-0.65049732779313	-0.94045375213723	-1.08573610054296	-1.95400263990100	0.28830182471332	-0.23242038306576	1.70253999506431	-1.34175840589714	-1.37624511538437	1.00000000000000
+-0.20234529793148	1.61369798163992	0.21797963403750	-0.48206702270985	1.80532127105921	-1.19077557708415	-1.37557655936653	-0.91537509995854	-0.91482158092947	-0.43775042072689	1.00000000000000
+0.84810053714852	-0.13215543839962	-0.09417926510374	-0.58154759952227	-0.72744831779924	0.30060766406797	-0.38976316929204	-0.51586181317596	0.53832054277334	-1.98333630636686	-1.00000000000000
+0.34846588176026	-0.35785527462697	0.45173975412392	0.07932531557916	-0.93370614555160	-0.01260565039210	1.33979756727611	0.59555250438890	0.10445726533345	-0.20369468016917	-1.00000000000000
+-0.54954636448997	-0.33673436600237	-0.41768603112717	1.01821711449086	1.29486739543626	-0.79515430328719	-1.23155675373460	1.95825021632595	1.81311979210836	0.13499063137054	1.00000000000000
+0.96273575633507	-0.25744163013338	1.58151864137475	-1.50442703163151	-0.75649132075689	-0.69095551471883	-0.21888765498243	-0.62305890429674	-0.22715265066915	0.76587517357978	-1.00000000000000
+0.73802643364688	-2.85359436337189	-0.38092131120588	0.48707063108304	1.87728418627923	0.61018879705646	-2.31643119908930	1.66840129534969	-1.11502326218707	1.76651735743855	1.00000000000000
+-0.19612808124977	0.59835544991307	-1.44750178366906	-0.25093859545040	0.47321647491537	-0.74337551745318	-1.58749176930747	0.78420434839216	0.77251369007786	-0.29346013021703	-1.00000000000000
+-0.72986941271281	-0.62577406465990	-0.56761500714321	-0.68911335636133	0.63249988478785	0.96969951499828	0.23394551717335	2.05276836352080	-0.49298340072537	-0.47920032088661	-1.00000000000000
+1.45211164509421	-1.12087784041035	1.45930766501496	1.36436754199342	1.80531552232975	0.22564195070620	1.48471780279165	0.63557092835766	-0.69753039103322	-1.17818232491216	1.00000000000000
+-0.00935033696310	0.45069378801924	0.01962449309380	-0.10786915559377	0.78395102118618	0.89079049044917	0.66689614372850	1.00078697053449	0.01774361012952	-1.29069266536652	-1.00000000000000
+-0.84579691058737	0.79131557278050	0.26326215481991	-0.08517136292274	1.22274972170527	-1.02233787289936	-0.60388939949949	-0.08088887002631	1.78289204412962	1.27238092959137	-1.00000000000000
+-0.29267888431605	1.08576762901732	1.16639501671634	-1.40308279889810	0.55243674418366	0.17277952437931	-0.17751548480689	-1.49785956789699	0.45760615158978	-0.28033174031127	-1.00000000000000
+-0.54125738669055	0.29048793830565	0.20597219037864	0.25973629816824	-0.19599274595626	-1.73381525581189	0.52982153010582	-0.78939506282194	0.57882985859883	0.58815521438392	-1.00000000000000
+-1.30713747259723	-1.18341593804192	0.72661351583390	-1.82231988788208	0.93665624596788	0.51598911925579	0.04074123038413	-1.44186178420932	1.41366199810442	-0.21391054704198	1.00000000000000
+0.38452544043708	0.28293904245976	0.92064688367895	0.14753832574640	-0.37766838217128	0.83467537969392	-1.48485620513395	-0.15917689321671	-0.29362383661905	-0.46708711854112	-1.00000000000000
+0.42339862518199	0.39617689678618	0.26132732183752	1.35668504873535	0.50505357635945	0.95629994899033	0.91492530809192	0.71758317546009	-0.54543844236279	-0.00292618699622	-1.00000000000000
+-0.88451370772132	-0.48726243222985	-1.50417750532448	-0.31794858961027	-1.26396215996141	0.86920460635114	0.53233818973710	1.22966495498390	1.04791476783717	0.20893284179391	-1.00000000000000
+0.10433401204121	-0.93994991395218	-0.36515988204134	-0.36246656856890	-0.16788857690519	-0.15133339730402	0.52094039692496	0.77990120238804	-0.05510457240392	0.14073981433163	-1.00000000000000
+0.35730741249798	1.44256707042684	-0.67855840394591	-0.20337703514298	-0.92983718067059	1.54344702344050	-0.85228329333799	-1.02495876378505	0.50877162807636	-0.43609614566730	-1.00000000000000
+0.11074917481319	0.41543114664053	-0.65256013928515	-0.07756178325441	-0.14849007582627	-0.60469525935615	-0.50542599585099	0.27887077054687	2.25882203793944	1.51269478750563	-1.00000000000000
+-0.65337223650271	0.00977229955586	0.45154561795462	0.24722005079490	0.52622220240978	-0.76447909551384	0.46593338290860	-0.50725950280752	-0.47958704785194	0.14586738775089	-1.00000000000000
+0.02121898238737	-0.89141665001158	1.53862164340607	-1.19859343610494	0.97437493652213	-0.52363421181916	1.03509815432156	-0.20649836717360	-1.13037787626214	0.54870751291399	-1.00000000000000
+0.49398855514905	0.31626045212447	0.97570462958128	-1.24832063167661	-0.83392970519800	-1.21364876457061	0.48020324226994	0.96758298982676	1.52102612428173	-0.21565528510522	-1.00000000000000
+-0.79137378495247	-1.69094863129142	-0.14223926199625	0.06315228516266	0.91920908870933	1.95813831852219	1.42596012552728	1.33614746386458	-1.24433668855811	0.62600945735500	1.00000000000000
+-0.21154237894774	-1.91258033055708	-0.84821861708897	0.39222930419414	0.19712890362060	-0.21626046869799	-0.73485416806275	1.02315092208192	-0.27287374895513	2.02759055253365	1.00000000000000
+0.46309151517751	0.44297228404033	0.32100403004534	1.23838865660551	-0.91443361430551	-1.16603842858608	-1.67421922393737	0.50102112463600	-0.79607212626591	0.15583996983502	-1.00000000000000
+1.73561154468134	-0.89427748198713	-0.28828958550239	0.55983482691273	0.29861035083583	-1.31212960207040	-0.30921337336610	-0.64318807888184	1.55471719653857	-0.66254341526928	1.00000000000000
+2.66670866603500	-0.20723879957092	1.55934650865206	0.51449207989760	0.84025528997891	-0.67542772519875	-1.71945165735215	0.42319210638053	0.52428825608441	0.80056893259938	1.00000000000000
+-0.24276705509442	0.15245270473895	1.05624222514739	1.91558569611058	-1.66273274533065	1.70079113907071	0.39780202234803	1.67460206774137	-0.52187637686790	0.62716238907026	1.00000000000000
+-0.60445951306964	0.17070436502166	0.00130989491520	-0.95564457733708	-0.95291084876676	-0.43847032762270	-1.92003952058554	-0.63987206571552	-1.82918686233309	0.25251332104389	1.00000000000000
+0.21364251286220	0.89854958441672	0.77516680751319	-0.19940871531179	-1.57448926425908	0.43640188221359	-0.65100781268397	0.09650757918468	0.50282129447953	0.33676745034466	-1.00000000000000
+-0.45534777227692	0.18209003715775	0.58788619431169	-0.03838507455027	-1.98467682011181	0.02883363959803	-1.31440315906247	-0.33215601225135	0.99678595833740	1.34085732015861	-1.00000000000000
+-0.54471678320333	0.04708046761910	-0.59756032297049	1.57428200700947	1.23954451178917	-0.38781737894874	1.02795191233386	1.84406258959145	-1.05070055585410	-1.35902434927463	1.00000000000000
+0.00922582470582	1.30148555656802	1.27763544442619	-0.02067444374068	-0.63023861577114	-2.25860441940682	-2.56185002451838	0.42492486762347	1.72165600431729	0.33580600995788	1.00000000000000
+-0.41262857440887	0.94766498722693	-0.79433598686442	-0.14129422370932	-1.01356778970357	3.07536304472658	-2.29505083590946	0.45839224403599	-0.22159829541662	-1.69903422571550	1.00000000000000
+-0.65095446413617	1.31515748529688	1.10735877490982	-0.84305590808136	-0.50314395409676	1.16277516977452	-1.72234513716081	-0.09543950452779	1.37024964696395	-1.12198918406805	1.00000000000000
+0.81000202099861	-0.46974339727724	1.19333043031643	1.23292485094915	0.73760195299748	0.21071842346146	-1.35215201918426	0.32794720471085	-0.52110581158766	-0.89521227865302	-1.00000000000000
+-0.87424716056744	1.71810909440116	-0.57662443450029	-1.09239801812609	-0.13707491610451	0.66576024232617	1.43462199718427	-0.62356779512612	0.38886189853736	-1.36420623730132	1.00000000000000
+-0.06860589921370	-1.46896133405655	0.21556461444606	1.20426986485779	-0.68751472908733	0.29417784644703	1.01671645028984	-0.71521070401812	-0.25649831214688	0.79376879362242	-1.00000000000000
+0.77835956492141	-0.12735084355578	-0.53038158862415	-1.47762683768037	0.95266451736426	-0.04809340282287	0.31820540409473	-1.17387201191553	0.66838733893847	0.80780033557960	-1.00000000000000
+1.54500835118392	-1.25345449481954	0.01377065024916	1.63068499658736	-0.48437049243497	0.52088008688011	-1.34084109802672	-1.25680305211226	0.42069933282671	2.15498943195548	1.00000000000000
+1.15929555749920	2.18779839016718	0.31583749999200	0.89574092084743	-3.02187607869622	0.17373911106691	1.09631211206463	-1.00073074695660	0.27970985135921	0.81626294235966	1.00000000000000
+1.36994774245064	-0.04325415783600	0.61827848799909	1.26622686685779	0.22428350818566	1.10998376932725	-0.03754610577734	0.12955390826319	0.01233971429459	-0.44821912360129	-1.00000000000000
+0.13489620247357	-0.08980493503790	-0.37446509716562	0.41231666232621	-0.92932154618321	0.63294935061043	-1.27167621985694	0.37693139493826	0.31991632899905	0.64098352108625	-1.00000000000000
+-0.55874553032450	-0.29895408279208	1.45649055418885	1.40738293473149	-0.72369918669143	1.17498619222820	-0.29833359517883	0.80550944323622	0.59986796586333	0.17691375219299	-1.00000000000000
+-0.99011118480597	-1.50757093396243	-0.32286871884365	0.60966295433097	-0.84610574308969	-0.55433021674150	-0.13372507291445	-1.96072382580052	-0.45692253247041	0.77072898683947	1.00000000000000
+0.11207979734144	2.29032411632658	0.22016249082541	0.06995420786853	1.39991080700199	-0.36491811203761	-1.57227069108697	-0.05648274703893	-1.34567167478792	-0.04542986303569	1.00000000000000
+-1.98607562627933	-0.01500793492110	-1.18378389150841	-0.03134731543887	2.42503689188090	-2.05397548400320	-0.10500022402127	-0.64921915288715	2.12225367663343	0.33390595255640	1.00000000000000
+0.12492103672203	1.72534033695702	0.22182450980162	-0.12737826314833	0.76656474357755	1.26383036780055	1.44826651473415	-1.64224741562485	0.76254910502604	-0.30760812058017	1.00000000000000
+-0.40618531964913	0.89373588826158	-0.39193801306740	-0.11444732996954	-0.33732180315813	-0.05655882479288	1.06729842059241	-1.47615219143257	-0.07140098387956	0.02415815753121	-1.00000000000000
+0.55715531140613	-0.35171531008331	-0.39212604418678	-1.65734351121312	1.67702153604652	0.17063393643700	-0.07825938560893	1.64517964150043	1.06594586827001	0.98308720158489	1.00000000000000
+1.36621191488582	1.49013283317462	0.50454815255975	1.38733033686713	1.80865844036515	-1.03243283415624	-0.32225715783527	-0.09386680664040	0.00050338138549	-1.55309542568564	1.00000000000000
+-1.32474149064862	0.33840972514709	-0.28885189620470	-0.02977600621813	-0.71183979732378	1.55416358268904	-0.33553025366782	0.77718651238650	-0.04199064281896	-0.66653407751025	-1.00000000000000
+-0.87782408759609	0.56620537030393	-0.20580942184676	0.38121370441567	2.58732114187647	-0.21236028144804	-1.96102886210123	-0.20684064275886	-0.81453447418942	-0.14997770714723	1.00000000000000
+0.11690287414237	0.24760539670413	0.49318398588950	-1.44735276707276	-0.55246054125927	1.62969127659931	2.13322221124071	-0.71905656825660	2.10359124985479	1.77121917434807	1.00000000000000
+0.22075666396612	0.49681580782037	-0.64619475682487	-0.71812815216553	0.95872557689960	0.61153968275268	-0.86734786355230	1.52813582165324	-2.08357469601348	1.61429814733078	1.00000000000000
+-0.11510205742591	1.51096759841262	1.05439652186354	0.05673062409674	-0.28770923136971	-1.08463099355582	-0.47666958852231	-1.18046448251444	-1.57086315570581	-0.17021461976738	-1.00000000000000
+-0.48268535489000	-1.81053343004450	0.94178343152405	0.58828997772607	0.41814561020936	-0.99268946596224	2.25997775968305	1.30639525868543	0.07000034013417	-1.45139463583630	1.00000000000000
+0.11837094591037	0.36285205902707	0.72517173576980	-0.91550541847536	0.29022095246318	0.56662814435360	1.31444927075543	-1.28649393235261	1.62237481264629	-0.84945008082729	-1.00000000000000
+-0.01529823709078	-1.22762393842909	-2.30345940591924	-0.36591080347694	-0.96965365754831	0.87122971898117	-0.94507845358502	0.32937614684468	0.73503866966251	-0.67440701605647	1.00000000000000
+-0.84679916836794	-0.47507032349776	-0.61618613366281	0.24739086558488	0.45237762829573	-0.47422329440853	0.30898746602770	0.63071171264306	-2.47090688890475	-2.01951370056471	1.00000000000000
+-0.37755128336810	-0.93857347851250	-1.55400406155056	-0.05236866645640	-0.28886118337180	0.83334138911298	0.67873721772402	-2.27110221653188	-0.41166591292271	-0.19335037667913	1.00000000000000
+-0.21094254802840	0.04745862286336	-1.31378069247038	0.77833265604303	-0.63904320718702	0.10127150188224	-0.50157216213058	-1.60527805867274	1.43215291553135	0.10852543890548	-1.00000000000000
+2.23498121454424	0.76792716555782	1.55567955128417	0.22639533394502	2.00021541839375	0.18410104678801	-0.91703498999119	-0.78393993516247	-0.89271376957572	-0.31345970527452	1.00000000000000
+-0.60882255943246	-1.31540539307307	-0.00693661994465	0.13173296994031	-0.85644436611137	0.36559191276369	1.06375295875669	1.17571796492467	-1.48329061073467	0.41406182747571	-1.00000000000000
+1.09900084520202	-0.13395090801511	-2.42630430609154	-0.05771589798440	-0.08537197555942	-0.69617383644481	0.95898012171451	-0.36945701658887	-0.06572552058195	0.71130480242304	-1.00000000000000
+-0.58175122356155	1.63189611728883	-0.88563945821645	0.40828243101411	-1.57303580340432	-0.85271007106186	1.15134157158753	1.40819208248309	0.86620995309156	0.60075478733923	1.00000000000000
+-0.00091154946861	-1.29388051123390	0.94784173935304	-0.83127711010975	-0.99463175727467	-0.87768963714511	-0.80555926575442	-0.42888699054830	1.50540360083899	-0.76194127814166	-1.00000000000000
+-1.10372435235906	0.35606701385512	1.15526250830194	0.79214008980743	-0.21495244860639	0.62213750301972	-0.74815426481874	0.62878759708173	0.52981373734500	-1.25061352432189	-1.00000000000000
+-2.29671641815330	1.31099996035356	-1.25117217168580	0.44771801965829	0.17311302196193	0.52552656259811	-0.60769102582453	0.11577546096737	0.45355319946553	1.43812747163732	1.00000000000000
+-0.92238551722742	-0.89337734468612	0.43560331031165	1.49089278251508	-0.61240683045854	-0.35010848281261	0.25236567805206	2.32484735239849	0.34269781420542	-1.84644989670543	1.00000000000000
+-0.45845189420923	0.75994581800973	-0.40576847101318	0.76626545117989	-0.27588473251306	0.09057185665177	0.72677875907906	1.62211963389001	0.00653595261867	-0.47799928072399	-1.00000000000000
+0.13959433404768	-0.39651551109054	-0.60553517390715	1.44044083496190	0.18494381917226	0.10530661770417	-1.18588846347444	-0.14638251922080	-0.38365466523010	2.36971706811474	1.00000000000000
+-0.67303045731284	1.81349990412549	0.18606576875420	-1.17718493489741	0.37030715726800	0.20966226146210	-1.29027422311790	-0.96997477837967	-0.56925906553500	-0.39988413542957	-1.00000000000000
+-1.19994276920094	-1.87160990680814	0.30464140321632	0.57775083038750	0.59764096535366	-0.97410449940143	-0.36535017124564	-2.90901395158010	-0.53373977180158	-0.89082954408340	1.00000000000000
+2.56467871701190	2.19593117364974	0.61626057411463	-0.34007059732665	-0.45609055770939	-1.25197618520645	0.21797367752770	0.87134114829366	0.69087749782405	-2.11816569713540	1.00000000000000
+-0.04774110525068	0.54440588492722	-0.79180796134111	-0.77918760292881	0.80921144591213	1.19372307926654	0.91818677145979	2.53225644113051	-0.44268336151445	-0.61677063844315	1.00000000000000
+-1.19497007196643	0.07550315345556	1.06676389358550	0.37190258856125	-0.78674300368916	-0.43178921977250	-1.40324271236708	0.38470798309268	1.45600829005833	-1.31500730237775	1.00000000000000
+1.81279491470342	-0.29611132715657	0.49990757448384	0.27249421529603	-0.20654307683813	-0.54283080840257	-0.09936710598995	-0.40899777814248	0.60809043270825	0.04714256635766	-1.00000000000000
+-0.86828775008202	0.28923150597062	0.75178034696461	-1.02246727591867	-0.38368069278702	0.93218249421690	0.92219116821795	-0.78819893541771	1.47041086795896	-0.28513817482470	-1.00000000000000
+-0.48678483295380	-0.68656052006859	-0.85498310416780	0.33570422877088	0.82525631404837	0.73642626669383	0.34178267472469	-0.08226398185809	0.43066475599856	-0.73995390837240	-1.00000000000000
+-0.36794835274452	-0.36203623846402	0.60865903110207	0.13211437771435	0.46743836138092	-1.85192594281782	-0.06151832215294	0.78426861119376	0.91498581612904	0.07177038492447	-1.00000000000000
+-0.51840384259448	0.18262022359198	1.01993886167052	0.77711500261055	-1.06817758602284	-0.05333795532773	-0.31686573366191	0.08072811870021	-0.13489376255213	-1.83941009480609	-1.00000000000000
+-0.34714665472376	0.60457640258195	-0.04935085115039	0.29375416136902	-0.01047449383212	-0.29463230566267	-0.19720574099606	0.18027922142452	1.27086669956305	0.07364665753219	-1.00000000000000
+-0.35309105702694	-0.20373261124022	-0.63483899271852	-1.26774714439099	-0.14978507040916	0.75406367642997	0.42485110761455	1.14588944422280	0.74636462202085	-1.39832418951009	-1.00000000000000
+-0.68186956461981	1.26823282414301	1.75529250126005	0.68685543194256	-0.34731763419426	-1.37668294336705	-0.37886211903067	0.68579375715924	0.60227470272230	-1.18772799332444	1.00000000000000
+-0.75276288957225	1.14154485196212	-1.82114637594107	1.15918478318606	-0.32108215309635	-0.87532403926166	0.31830154013471	-1.44694935814721	0.63480003512039	-0.94361554223840	1.00000000000000
+-0.49037556370780	-0.57902599690255	-1.75126232584935	1.40662725342018	0.53029974944317	0.27188561450365	-1.00833482839131	-0.43783919868792	0.95355637770581	-0.12037379132028	-1.00000000000000
+0.22774866219652	-0.90653277019283	-0.95805906366647	1.08244621875536	-0.96283770674339	-0.71862247095531	-1.78361391723938	-0.63596562929673	-0.35724357398511	-0.85122606717306	-1.00000000000000
+-1.35331189883244	1.12336309568944	0.37799061979498	0.12625354449796	-0.97651606810481	0.27045403821942	-0.99336357519934	-0.02494719259631	0.30698963083126	0.51718945850600	-1.00000000000000
+-1.38794715426159	-0.08376014990195	0.29426957618731	-1.95204527245595	-0.48456862621863	-0.25895907114574	-1.86509902690730	1.23691770526229	2.16359081321932	-1.80627166970955	1.00000000000000
+-1.58844185427832	-1.01018276239799	0.03963947866451	-0.81361284454057	-0.73182813526945	1.29760661825095	-0.40416893987937	0.74870985007799	-1.32623378998646	1.78392288269334	1.00000000000000
+-0.70457258422305	0.80418158947830	-0.43786965861459	0.21136454571090	-1.66247442090482	0.94412632181779	-0.42047869396180	0.16951786674212	1.28511852422704	-1.74795674728097	1.00000000000000
+0.06533960978899	-1.04764264312953	-0.25365989074353	1.91413374010138	1.37537209181278	-0.79197102409366	2.81921299479522	-0.33989652600378	-0.68041857284454	-1.58930361287602	1.00000000000000
+0.05327572204523	0.02686496883566	-0.84575383624774	1.54118969110992	1.63799024692916	-0.18084250298106	0.18056430916494	-0.18690507489988	-0.73111213618411	0.78572204596508	-1.00000000000000
+-1.75689542472569	1.23698384410422	-0.01570817258886	0.03733852390682	0.19633776722253	-0.34404099368466	0.66335747195525	0.27852202409079	1.61601830584305	1.16174630354409	-1.00000000000000
+-0.08168552436141	-0.51126206592977	-0.01047402788844	-0.23560368445809	-1.11084305153028	-0.26562601275808	1.04665053373139	-1.38308386890053	1.03394651170310	0.54490042514527	-1.00000000000000
+0.01558055609148	0.77084192193174	-0.21266591938074	0.45254055329614	0.33597773636633	0.99065623655691	1.21997948478712	-0.89146957195548	0.26592273941345	0.18702641380074	-1.00000000000000
+0.86923153122094	0.01534043655411	1.86144191484522	0.10131113535626	0.56989247560900	0.99416376239953	-0.15108584119714	0.57298708788313	0.31180220029501	1.61799397206336	-1.00000000000000
+1.22898875704410	-0.30507726296186	0.47911882045101	3.63815629334651	-1.08704489355450	0.46017511158815	-0.14921531276249	0.46622886989817	1.23431763364014	-0.72374045758079	1.00000000000000
+-1.52021693076723	0.79067447985736	-0.84043351911048	-0.19956905949806	2.38724698099490	-0.01655348801399	0.74311440520834	0.20931693133907	-0.68040062746593	-0.12246493599703	1.00000000000000
+-0.46965480431594	0.69670699242515	0.86197317273292	0.05200790522966	-0.23612256903370	-0.11657665317687	-1.36809961690758	-1.36803671097306	0.78198267651785	1.14044274475692	-1.00000000000000
+0.14660786357296	0.53558211413620	1.18328798711749	-0.00217847376328	-0.77618433450380	0.05807571692645	0.24523566199773	0.47231318277379	-2.28186485566914	-0.50057170368673	-1.00000000000000
+0.85122055559542	0.79069834357049	0.06890936016989	0.89589689077379	1.60392815732252	-0.91755522781378	1.37813417715905	0.09683769842924	-0.60018425416224	-0.08120421624997	-1.00000000000000
+1.03365054478193	-1.98941711607874	2.03570957526234	0.16190254491555	1.76737076079767	1.36148881968497	1.32859441342628	0.60237953583517	0.27009377844579	-0.94345154446341	1.00000000000000
+-0.61433318503338	0.27887991645426	0.39786004139611	-0.86549767315613	-1.65485281232259	-1.10262419415103	-1.20420849244872	-1.00638200196017	-0.17555721125636	-1.16206867779431	-1.00000000000000
+-0.21088774879689	-0.44895708560348	0.60325459843654	1.13362906374741	-0.02674740068951	0.41042614447976	1.24624786067634	2.09722011917032	0.27467039229792	1.05989082686430	-1.00000000000000
+0.03426960087077	0.09269044246367	-1.35278447207202	1.94198125630523	-0.53462053107836	-0.21954293065410	-0.53999627768615	-1.64930765516890	0.00959334674938	-0.12902257871474	-1.00000000000000
+0.90213456261407	-1.30288205482917	0.68930078406398	0.36088672174920	0.61326758280836	-1.27943189513116	-0.73802230954638	0.63088008749908	0.15985875457302	1.00080023604486	-1.00000000000000
+-0.92209392993995	-1.46557653952737	-0.42171180149170	-0.86930132068305	0.46389909966319	-0.93516836268549	0.07019493009982	-0.30661017376374	0.23757199731077	0.40035066033148	-1.00000000000000
+0.70917055540604	1.21715388578619	-0.77317116364758	-0.31161479916453	0.66637855231477	0.11300784749493	1.15878850881284	-1.61588426985582	1.21186765314008	0.72241432192971	-1.00000000000000
+0.39575913003562	1.82984215846077	0.88054360461101	-0.56102421278760	2.49848190073775	-0.57490837258247	-1.21617945683699	0.60053698309827	-1.77151775101496	0.75512109485380	1.00000000000000
+0.86278223793630	-0.06201952220540	-0.14448328089701	0.32529325572394	0.34926085979070	-0.40802487536743	0.07170919633421	0.73554856089279	0.46347739482761	-0.16394587698045	-1.00000000000000
+-0.41482536304562	0.47775394674397	0.58921780510031	-1.43930485552684	-0.13013601304804	0.33215573904104	-0.18755436272924	2.31002430212479	0.76652047832999	-0.01267851868144	-1.00000000000000
+-0.21780194169978	0.70292041906584	-0.33658432755495	-0.72333390782664	-0.07801298275660	-0.19203192557978	0.03377850546703	0.63842771383234	0.53635849490164	-2.81766991954342	1.00000000000000
+-0.57568959031234	0.52105454685010	1.08226162659008	0.18210607993460	0.23418766977202	0.46897342000974	-0.65938935091434	0.45692388330605	-0.33379348623515	-0.36223116974877	-1.00000000000000
+-1.61455009531572	1.95980422715065	1.43212034997469	0.98314626440444	0.35092931848580	0.24238838952816	-0.47317076327009	-1.06263064184619	0.00190224762504	1.78847907581212	1.00000000000000
+0.75516935589171	0.73754395769547	0.77482442198938	-0.91167036009212	1.03014072416348	-0.51539017884745	-1.75670448866704	0.07889982752268	1.21584158876281	1.76213228397348	1.00000000000000
+0.35046672097358	-0.66223786513945	-1.35062743303957	-0.30655133380551	-0.76529293779855	-0.32197407076193	-0.68942361360910	-0.51988263760825	0.41899487596036	-0.26887368673213	-1.00000000000000
+1.06266545371859	-1.21264718914922	-0.09166334211667	2.47608452954696	-0.68314810676711	-1.30251181759432	-0.75789521224480	0.57323921939673	0.17477351077523	-0.43045075679418	1.00000000000000
+0.46924402763207	-0.42578685353453	-1.75084627152494	1.04527492702998	-1.79373721604508	1.22335952947465	1.34663912486566	-0.23174138658684	-0.72797091200697	0.20837141966627	1.00000000000000
+-1.59105904569649	0.36038727347500	-0.24220182592066	0.98760245339890	-0.79973109866493	-0.40576225207988	0.56916559499141	-1.43333023530035	0.54963986625110	-1.21228589806681	-1.00000000000000
+0.76116597155450	1.20518490350610	2.30125323293947	0.70940423233503	0.91036982589308	-1.82314168689290	0.78521625318935	-1.09820869186621	-0.40353792329155	1.08157576421948	1.00000000000000
+0.05465949682540	0.18727249590235	0.09175025291971	1.32950314792830	0.05774125530963	0.48204352780157	0.49764780968962	-0.59545256231787	-2.09200688615597	-1.34821739007620	-1.00000000000000
+-0.80351841153549	0.62792413007092	0.26017935591674	0.84773778580985	1.13389794579324	1.06499444428755	-1.19479539110478	0.59746415671477	0.05911723684111	0.86738278405432	-1.00000000000000
+1.29505736220461	1.85827181332565	1.07990383527390	-1.38515705822889	-0.76674539612000	-0.24874783426815	0.46749528799921	0.48935743274627	0.87201525588029	-0.84089635417217	1.00000000000000
+-0.11283446069091	0.49510583468160	-0.71696395062798	0.09465304615633	0.39333897981572	0.21823113718796	0.00761748494651	-0.49814734171135	-0.25449152192757	0.14155481862212	-1.00000000000000
+-2.50100393549551	0.30104788414046	1.29929430575290	-0.89424006322201	0.18368980409976	0.16393100842353	-1.37105722910438	1.89652912570970	-0.19562428335152	0.07662028481075	1.00000000000000
+-0.23010164770427	-0.14672896851844	0.64049820595243	-0.22834114569101	-1.94106263066274	0.75398238831109	0.00197058799478	-0.92568501845963	0.96520279092995	0.60581927056010	-1.00000000000000
+1.34948346017177	0.61495503441041	-0.81194579897134	-1.26947888297581	0.56453980535711	-0.01808996529235	-0.61752487589421	0.60229722612566	0.35445455221224	-0.59636923561740	-1.00000000000000
+0.14500799425722	-0.62100815522523	-0.27886136006482	-0.12440355763756	-2.03875218664921	-0.50698453533805	1.73769390421140	-1.21566593727392	0.56831087309359	-0.60192371741396	1.00000000000000
+0.61536667261629	1.12651764183733	0.22281488221235	0.56990086417364	-0.02492603594335	0.29719385926384	0.56907405388961	-0.84817693860237	-0.11391530198753	-1.03145608155723	-1.00000000000000
+-0.70592785846580	-1.88030041757907	-1.14626459651767	0.53809093876025	-1.64085134206894	-0.77986896371600	-0.41462698741886	0.94043739473899	0.04281155763167	0.69611768440587	1.00000000000000
+2.24191928027733	2.23249073548527	-1.29226094873555	-0.22432417068633	-0.53464443646996	-2.19981168680257	0.63047618371001	-0.99807256850267	1.66419752967918	0.27110429557945	1.00000000000000
+0.08125523917022	0.64990823741675	0.94893334290268	0.90174562012799	-0.02772212716162	0.10153025148100	0.52137369475321	-0.48529666838033	-0.03887904731364	-1.11716218537907	-1.00000000000000
+-0.14663699466678	-1.16250360278182	-0.40707896170715	-0.15509474283772	0.11685950675480	2.24638949629028	0.94507327617995	0.09565677617454	-0.28552154589066	-0.48674109249786	-1.00000000000000
+-0.27963310065276	1.54776965019933	0.71005451328050	-0.82823615780166	0.47983984721674	-0.91306393524388	0.46135789160138	-0.21781003835587	0.53947356337274	0.63666310399905	-1.00000000000000
+-0.79502454166021	-0.46377483073010	0.20548692046577	-0.40042969464321	1.07963569061869	0.45138206524183	0.71587024107839	-0.18532483796622	1.26884386975396	0.32724771290907	-1.00000000000000
+-0.86326451659141	-0.70635632360008	0.22625480047186	0.02614648977117	-0.53912037600182	0.60794599352776	2.96222369611519	0.18476730119882	0.43585717216955	0.50306562733748	1.00000000000000
+1.28530631538969	-0.79613842942012	1.17681036284291	0.94381553225542	0.82573171400678	-0.85685968853845	-0.85593617118063	0.47393719985958	0.52728458235348	0.06928011092708	-1.00000000000000
+-1.11807389417614	0.18370109027940	1.44647599565809	-0.30059902760629	-1.28250688962725	-0.26651371919371	0.69893665275108	0.49648841345302	0.47822425689527	1.07497476720816	-1.00000000000000
+-1.58254450840632	-0.37055769708806	-0.23557676442327	0.53442630763463	-1.95658335364465	-0.17416161243267	-1.52866829608439	0.47338376177436	1.70581351242105	-0.44216220802952	1.00000000000000
+2.01300751360117	1.18179156781052	-0.84426865044240	1.24222649045522	1.60019348141999	0.90587898998711	0.93181483918551	1.10841957963732	0.10935400465468	1.06652381254779	1.00000000000000
+0.57438588749897	-0.17060320858572	-0.11290416888516	-1.52594114450782	1.97842517034951	-0.83215800209885	-0.39219661372371	0.79209518938093	-0.58865073238310	-0.81351160070357	-1.00000000000000
+-0.94394216731770	-0.20887459896191	0.77211096675687	1.21075176563178	-0.42450019123411	-1.27537524897664	1.48277032744152	-1.12456575092724	-0.20159258982705	-2.55824690763549	1.00000000000000
+1.01889387355089	-1.07640386480347	-0.12574240099684	-1.39804405813021	0.52122696943856	-0.59781207676958	-0.96887569723918	-1.15073535915126	-0.68102993034744	0.20518794962814	-1.00000000000000
+-0.90002504797683	0.08249098443267	0.36351616508019	0.68946628454378	0.34690502991400	0.26862126914084	-0.18358696019526	-0.01612594241782	-0.01183895568057	0.17187751629889	-1.00000000000000
+0.54069331943628	0.90247352628835	-0.95498878208445	0.81568066482035	-0.03936809294178	0.35596741756074	0.36341866611421	-0.09612386034324	0.24257494278975	-0.72839943952617	-1.00000000000000
+0.03437200642801	1.03397439253338	0.21309348707926	1.44901312052047	0.71673877087655	1.58547645921360	1.68477517904728	2.03539496258383	-0.08835327017531	0.53540290775816	1.00000000000000
+-0.76417756797737	-2.87139285746838	0.35814863386090	0.48539096304163	-1.07643382928577	0.28288895214863	-0.80594131494785	1.25390027998721	0.30391622920720	0.23924250355863	1.00000000000000
+1.95154617335915	0.62925908226722	0.21156416768294	0.20327558417522	0.40846296574943	-0.82434953710988	1.08383015861469	-0.67993647606105	-0.36905045037676	0.38602418193470	-1.00000000000000
+0.56155802148513	-1.53352667868501	0.62399755714056	0.43337373935139	-0.62070519414194	-0.38578200122595	-1.00111209751243	-0.10942990930385	0.60302532662848	-0.55907726347294	-1.00000000000000
+-0.64964107942902	0.56764944203711	-1.28737977280477	-0.15330885974521	0.24764926411173	-1.16910808672778	-0.68429046849062	-0.82734862687487	0.52875469205308	0.72053207589560	-1.00000000000000
+-0.78002640199382	-0.06180178893696	0.00072673488419	-0.91886929052452	0.65844789187092	0.67014757333133	0.16609311498748	1.10381911118543	1.11289925075644	0.73804305319783	-1.00000000000000
+-0.46498764220138	1.25145220155025	1.09229711373875	0.72410095297205	0.57213551774629	2.32839851746253	1.24765776093316	0.63558785652220	0.52154981821219	1.32857817880781	1.00000000000000
+1.17832624191931	0.90588387458531	-1.62655043713814	-1.42400234337362	1.64975227446983	2.73534471801919	-0.75101730556520	0.23424182474977	0.90258090714956	-1.55852462844855	1.00000000000000
+1.00402838484893	-0.07038802953769	-0.45324618374638	1.77909156563430	0.12075792374885	0.25356258760101	-1.04251795655876	-1.31085621475429	0.97037695021441	-0.22689624976898	-1.00000000000000
+0.19934240032543	0.62363057417277	0.61146288152842	1.25662876398169	-0.36153388042223	-0.67330980299805	-0.90402369291001	0.06543219018216	-0.95823569678903	0.78594073938369	-1.00000000000000
+-1.48535469486253	0.75984306091911	0.86554809324225	0.59949495603175	0.14992133306735	-0.99620542473255	0.77296127119406	-0.53184068697201	0.27997134625968	0.31503148362760	-1.00000000000000
+1.79953164949988	-0.58502310963658	-1.33269550327363	0.02967263734256	0.23322509511616	-0.93048534317887	1.59335488101556	1.02949761045597	-0.42906016381420	-0.11784058639761	1.00000000000000
+-0.47318002502456	-0.35022664586282	1.11384212256220	-0.07342827916233	-0.71533475779792	-0.93916906755829	0.67074585862485	-0.12203711363715	0.66887457802850	-0.83741705913957	-1.00000000000000
+0.97341445547162	-0.43569366606676	-2.06025721400661	0.75207922705706	-0.92617217849475	-0.63345708525743	-2.09150411284159	2.19347018993869	-1.58007117929147	0.79742464525144	1.00000000000000
+0.21922429575696	-0.03226542515839	-0.13817156620016	-1.65279939903139	-0.84535537275873	-1.69272230371845	0.19721200815342	0.65500505468230	-0.38326723721479	-1.04536869861520	-1.00000000000000
+-0.24540200157273	-1.30278897821725	0.11744338855981	-0.69903334546249	2.00463496165294	-0.14926369012830	0.46052411740840	-0.20837076068846	0.95594034175862	-2.32128955868747	1.00000000000000
+-0.50429124756396	-0.24264059829647	-0.33106152850666	0.56445870650366	0.24073335021945	0.99275211170645	0.07084060017878	-0.13232242430922	1.52600774622720	-0.95481502694889	-1.00000000000000
+0.18026565058324	4.50908989071347	-0.89953716758432	-0.98470147273702	0.00822635318235	0.79270208983778	0.03006774543178	-1.19397651514570	1.47236687401554	1.64423549447182	1.00000000000000
+0.11317014609610	0.13554239655328	-0.92340918641631	0.56955836327560	1.18567894088928	0.04040051907117	1.32750953663120	1.21031466733262	0.09110685366109	1.47519819886935	-1.00000000000000
+1.43873673960894	-1.39136934696961	0.42616702255472	-1.17027127598811	1.32353944132009	0.15022683223790	-1.29371214434657	-1.40228304092639	0.46383721461552	-0.16704434662326	1.00000000000000
+1.10850058146415	1.04828138151397	-1.79529928144437	-0.00479100111889	-1.10176284871634	-0.74131476053590	0.90060621526424	-0.74338659095914	1.11459355257458	2.05241504024957	1.00000000000000
+-1.38180864315157	-0.26659301114272	-1.02037853300847	-0.35796937995705	0.31388132040000	-0.15463609265683	-0.94387334668370	-1.12070390795864	0.33220916202359	0.16438022497000	-1.00000000000000
+0.55984469227209	0.08882808887074	0.38180350718514	0.88137036143923	-0.60012108809000	-0.31858837368345	-0.30309691318849	-1.23637369254736	0.77181760047665	-0.63952102962656	-1.00000000000000
+1.34957933011260	0.46721935245804	-0.03956456066476	0.67497554890725	2.32029813954796	0.06546003345336	1.34759846953503	-1.55624100256342	1.18309219452886	-0.40128989303152	1.00000000000000
+1.21206430310128	-1.40980567185706	-1.75268335475962	0.69283348510201	0.56661067282468	0.13811721438245	-2.11083343790197	0.87185115232547	0.44788887809446	1.30281390601916	1.00000000000000
+-0.40312835107827	-0.62428771457132	-0.95256157987455	0.07473864071443	-0.38487778753235	-0.03968246850560	0.16775163360653	0.63651824478651	-0.31579223690379	-0.14664666061320	-1.00000000000000
+0.74967951076081	-1.32569146182638	1.07113220015388	0.06040249332675	1.73907672936711	-0.73963414491924	0.05491439110110	0.62147431427817	0.27443094363039	-0.90809173207003	-1.00000000000000
+-1.75105338101273	-1.47221294496590	-1.83635588325476	-0.64912345853004	-1.31271348567575	-1.29213199398225	-1.51019822020790	1.17629479228659	-1.18655159087588	0.77659591969174	1.00000000000000
+1.46016792115024	0.80530741955907	0.70485722567222	1.01576184458043	0.44017119224945	1.79687156125075	1.41424423339622	0.12337006521012	-1.97072657947721	-0.42864779687632	1.00000000000000
+-0.30864328826411	0.11747556998415	0.29377515061826	-1.29705883486314	-1.00180712603523	-1.70520549311341	1.12321348056901	1.14304384166171	0.37250158538210	1.41264219061799	1.00000000000000
+-0.93078068309444	-1.75159872047111	-0.60067785711844	-1.05128646720747	-0.78347068939109	0.33558366422416	0.09055462740332	-0.99376657754104	-1.27226695874970	-0.93003845052522	1.00000000000000
+-1.02845783813115	-0.34758942339328	-2.08645740596854	-1.52961399769028	-0.48561127656765	1.34840986901314	0.09846393061702	0.49237547690771	0.55467743984651	-0.78251978530707	1.00000000000000
+0.17265012664442	-1.17613515178807	-0.06502775564945	-0.21579872439717	-1.37242798248175	0.06638205452592	-0.84152116714507	-1.04824799378149	-1.06104197523675	1.60214529837752	-1.00000000000000
+0.47395791512492	-0.45628026294349	-0.05283079913523	-1.72439844472999	-0.57500736638555	-0.63460186544186	0.11293686319790	-0.03241053985610	0.36506606949585	0.99444529391010	-1.00000000000000
+0.55976723666131	1.04851815031615	0.26928271305040	1.06210834464503	-0.42367224856125	0.32370619717044	-0.70358388450642	-1.15770268851186	-0.60836641860139	0.55192759951735	-1.00000000000000
+-0.89405995061186	0.37742905981181	-1.20077297774468	1.42247929684158	-0.22553125878577	-0.36607537930492	-1.84456135225302	-0.14658364814435	-0.35404200242741	-1.10215754513003	1.00000000000000
+-1.54192156727160	0.55629562044389	-0.59582538881139	-0.46103619828867	0.30477381757049	-0.95652994499142	1.28467380997469	-0.63012733161382	-1.10824479052586	-1.32256457603593	-1.00000000000000
+-0.31085334434636	-0.72327357628141	1.41586049160550	0.93274553436177	-0.17978521494283	-0.13758356928320	-0.57626482092015	-0.29594267033726	0.98581359332648	-1.65456302555497	-1.00000000000000
+-1.26231774598103	-0.03542813629175	-0.05858814910792	1.54502376335077	-0.36598581861179	-0.29885526778090	-0.77516518161283	0.92140745452704	0.08321699681826	-1.34627221315750	-1.00000000000000
+-0.46044877351000	-1.48408133489161	-1.42271546044601	-0.59479866647921	1.17832878374113	-0.16870525065574	-0.66609102096531	1.99844904503566	-1.21264112769255	-0.02495072455756	1.00000000000000
+0.51834430414040	1.02579376366893	0.74890521391581	-0.46771058453436	-1.57475040078133	-0.35488957672562	0.53516071236826	-0.73583178410268	-0.25548641672425	0.22073021883375	-1.00000000000000
+0.98050191620350	1.07915221166908	-0.52015918423039	0.04961512010568	-0.68826042626463	-0.06097144340439	0.66655096444011	-0.98771069052769	-0.89412785648417	0.58535398830078	-1.00000000000000
+-0.25398305481077	1.08508782590122	-0.06873336796689	0.04325125123748	1.13528245994238	1.36233576052645	-0.67184320505777	0.89062596068787	0.84530041497192	1.28452662861239	-1.00000000000000
+-0.87817193303187	1.25908497791416	-0.83357428189710	1.88909472401298	-0.76187443110983	-1.19940057587436	-0.53575445600260	-0.51830500433529	-0.21586354022066	-0.66722073281638	1.00000000000000
+-1.28541274035166	-1.49152116996282	-0.71378296337229	0.38645055955165	0.86332252773449	-0.02811000189206	0.40367506720031	-1.60832640025736	1.39518918338450	-1.57840572605319	1.00000000000000
+-1.68967445299847	-0.07266409843482	0.84853584454908	0.23070496848545	0.57516132807047	0.37624381825151	0.40454134954935	1.01008848179030	-0.63633576189897	-0.05281586655005	-1.00000000000000
+-0.46695489722261	1.99280151451885	-1.25128651622484	0.74893961369087	-1.39340617709671	-1.07723968624625	0.80824458761288	-0.19281486943611	0.60477444376172	1.57644876129136	1.00000000000000
+-1.29722193864137	-1.25572177102599	0.16668644358658	1.17086609963911	-1.08829104447050	-1.24611670922635	-0.77147203230210	-0.96904960325329	-1.14174168535386	-1.46423920977002	1.00000000000000
+-0.67531561969898	1.47427718074792	-0.68008453814953	0.65164100903228	-0.39265616436366	1.18544789872036	1.44681001483426	1.52288350256793	1.02134248305684	0.23517561140309	1.00000000000000
+0.00660871837808	-1.22486976189779	-0.95018328759295	0.48151927053056	-0.06064997766902	0.00592976132240	0.37338419393282	-0.87390160060543	1.13173412725342	-0.47684829898157	-1.00000000000000
+-1.06422989065089	-0.44237816366256	0.04215578840560	-0.08336781681319	1.21610942123483	-1.33167290364983	-0.40009261513398	-0.28844290553577	-0.28575181520236	0.92090837098379	-1.00000000000000
+-0.01522525388107	1.07886861954869	0.02523859073035	-0.56720993296617	-1.29718324340982	1.84710508654284	-0.74014188866741	-0.68455832701269	-0.61194952761603	1.02528292959212	-1.00000000000000
+-1.84816408389717	-0.28711448788871	-0.36927249146557	-0.46504304553397	0.30753950483892	-0.52899906758476	0.65404622813265	-1.28542638794767	0.01140361586412	-0.00571001753837	-1.00000000000000
+-0.16385948337741	-1.37874546437377	0.19103758153517	1.96141199381889	0.83142895413388	0.37599066194499	0.44047997976413	0.26212314244865	-0.29115037845693	-1.04538075069400	-1.00000000000000
+0.15161730762353	-0.55661162213112	1.34528689727904	0.19698021407725	0.47597199767178	1.03582715047529	0.95717973980900	-2.07638181026975	-0.40652758735516	1.21403869734128	1.00000000000000
+-0.76318760251045	-1.28055998445839	-1.87231977998706	-0.09846617602266	0.92291489524115	0.46043193820194	-1.78194994925584	0.90805028445734	0.90448953811413	1.50832925748088	1.00000000000000
+0.85174074164957	0.51990575402728	-0.45430110963964	-1.62959066881344	-0.31768820498668	0.96095513287130	1.60998273700729	-0.24944981929347	-0.28484845507775	0.92446180758167	-1.00000000000000
+2.06357947326107	0.21361105547618	1.78430986987757	-0.85916003822238	-2.09198059567042	0.13910260849140	-0.08114114762157	-0.78482714761500	-1.00803420170758	0.16060232836112	1.00000000000000
+0.14258268154544	0.09231782294101	1.39248467341586	-0.31002989745750	0.62561535731473	-0.26660917616580	-2.19852139654729	1.24212682162694	0.18971318788987	0.45618497726747	-1.00000000000000
+-0.36197393225452	-1.43001394121686	2.45738519675213	-0.13847541148508	0.58079632629834	2.18252872237208	1.81094063723190	2.11214038121543	-0.09751365002001	1.19831786420000	1.00000000000000
+0.20351536401053	1.70158069544401	1.16275934833544	-0.02793482655707	-0.22862041530346	1.90742905280919	2.38553287651529	-0.14274145196940	0.05326022257522	1.60601572052147	1.00000000000000
+0.01852923173248	-0.59979805588059	2.03467623668695	-1.36139793828259	0.03267250363237	1.94981614429266	-0.32861482961525	0.03114266191051	-2.23229519976710	1.36419374554127	1.00000000000000
+-0.61014839747720	0.93828893283218	-0.39048720043219	-1.09171225250553	-0.04212281158366	1.70959321965232	-0.12758286429345	0.41739618710445	0.49892906452434	-1.61384093865698	-1.00000000000000
+0.17922245379839	-0.38698839211987	-0.88415021156572	0.65224460658882	-1.14399838159848	-0.81313555296107	0.68604583239774	-0.93293994487450	-0.63785469388583	1.33584036968418	-1.00000000000000
+0.42176506504040	1.02847882102027	-0.03844063669996	0.13844030984023	2.08040182084907	-0.26978570104066	0.14621363509409	0.03454411937038	0.27231358314661	-0.13870373134836	-1.00000000000000
+-0.20728151227195	0.64378667022162	-0.47156829799562	0.39310892286472	-0.70344674487190	1.31260451934624	0.60930584822014	0.25913289598378	-0.53246212832382	-0.58114356354242	-1.00000000000000
+-1.55734829537968	1.76126092014261	-1.69006506124579	-0.74947773358262	1.73457925605227	-0.34500329794315	0.09274372869681	1.61387165280007	-0.31353313435132	-1.37047570163351	1.00000000000000
+-0.49193416273276	0.42080161888642	-0.69411339293413	0.53640468393712	-1.19230480368102	-0.19531128091894	-0.47029356276735	-0.54149126732303	0.15357491315911	0.61088253234713	-1.00000000000000
+-0.68859957661631	-0.48000326256807	-1.42002241600686	-0.29626829437155	-1.74779222203871	-1.28486277184669	-2.86344184230735	-0.82292877957694	-0.64996644124953	0.70934993897493	1.00000000000000
+0.87346461492167	1.15071363243353	-0.32952031401445	-1.09043545522920	-1.74381412354482	1.59105589044991	0.29480140354810	0.30115989533973	1.64497450332143	0.05616580809348	1.00000000000000
+-0.72565256610064	-0.59994291429752	-0.27607933408916	-1.78244949183980	-0.44172083996253	-1.33858360629086	-0.14851320690364	0.47513464690707	-0.73802558040628	2.37371405419351	1.00000000000000
+-1.42190450286455	-0.19925142911605	0.54965748409524	-0.28112568353807	-0.52292729150988	-0.06374017577936	-1.09220319851109	0.22768468713664	0.65577008250763	-0.23604744766068	-1.00000000000000
+-0.20730053414271	-1.20207547231914	0.57303008771666	-1.08051840348694	-0.11759220566315	-0.95700710170047	1.45955500302330	-2.02365807172279	-0.72896594917940	-0.09962604834992	1.00000000000000
+-0.16988587940060	-1.61455156385822	-3.29474092257529	0.12437959504634	0.13879154902165	-0.29434618823882	0.79494744111592	1.28856575112029	-1.05993722982725	0.58322066705849	1.00000000000000
+0.75954214386901	-0.29391948840326	1.20142358041079	0.74223923774658	-0.89063038112132	-0.71104009053020	0.54546313555257	1.11713890862376	-0.28633318260799	-0.59648813173662	-1.00000000000000
+0.39421756974558	-0.00063658228382	-1.31737937903939	0.73721334510139	-2.18391042047434	-0.19667628215937	-1.51407610195541	1.24512555933084	1.57175762591126	-1.60038863767588	1.00000000000000
+0.91646602713679	1.49561063945452	0.15638502151921	-0.33022995421270	0.14699380636408	0.86189181580506	-0.39720404822575	-1.21803620457085	-0.05061068964824	1.55357259962084	-1.00000000000000
+1.19665328582502	0.07477031110167	0.95160719096339	1.04075507199290	-1.23407360054349	-1.36560418162498	0.36356563282547	1.32131984370604	0.38923248900062	0.83423601523262	1.00000000000000
+-0.36844862342527	0.73047964492631	1.43815917741568	-0.50357533948606	0.44196297489266	-0.52584634103753	-0.63898891502803	1.45805009998451	-1.01089835376648	-0.43774039203258	-1.00000000000000
+-0.95586777987877	-2.06942280915122	-1.30327700568574	1.25135863059615	-0.27320533176134	0.05940145770169	2.43178499691706	1.58521388233860	1.15430119059435	-0.63043485729331	1.00000000000000
+0.38882670377221	0.01858847993347	-1.55626080549500	0.49884945624709	0.09301504363615	1.41141311108072	0.77476675883610	-0.40260591288661	0.94250232733700	0.22385611659150	-1.00000000000000
+0.09744506448524	0.62187772699600	0.10244644893684	0.14729251761010	-1.03188372779540	0.64974346457048	-1.35598175013234	1.27225460884734	0.84975500347925	1.30702824817162	-1.00000000000000
+0.12266612414477	0.74334628127589	0.23879664143675	-0.84082783984420	-0.70753229159403	-0.31569108301921	0.79534840905308	0.01998417372690	-0.75261273597726	-0.62499807789646	-1.00000000000000
+-1.51636827691219	-0.64391553565287	-1.54542441563517	1.15501034105271	-0.25750079096043	0.10712331941787	0.00791365165927	-1.15049841055519	-0.91034304937373	-0.13975822309920	-1.00000000000000
+-0.95339967629324	0.49140444257566	-0.75158792811013	1.40584354054029	0.57364403273789	1.22496724168533	-0.58220802204007	0.10125596079210	-0.96390075260492	1.02764786669739	-1.00000000000000
+0.87738548263446	-0.69352187236000	2.34867169849060	0.41151270671801	-0.33538463977530	0.58392885745063	-2.13857176723361	-0.74409137446157	1.07713221141932	1.04473608898219	1.00000000000000
+-1.20585523259018	-0.12156465808239	1.88718963414671	-0.32068537176860	1.03519019859877	-0.21856475699371	-1.62865755016063	-0.59619212695911	0.60941152042013	1.07791359873344	1.00000000000000
+-0.13949391233105	-2.17454752088201	2.65840177046249	0.85941055869925	0.42423444250194	-0.28535929353506	-0.43969051515603	1.07582012343877	-0.72643920152464	-0.04281141071907	1.00000000000000
+-0.48452301631899	-0.31200625535120	-0.47401232651926	0.21576499792869	0.28801831064268	-0.21142290803410	-0.49605242522319	-0.84263519326043	0.03128159660017	0.80946905945712	-1.00000000000000
+-0.27491959579575	0.15414920200554	-0.73267771808773	1.02161065845551	-0.09368191789245	1.76591029825534	-1.69708733781116	-1.24689784785974	-0.83231052882058	0.08441611688925	1.00000000000000
+1.23094889772305	-2.01593511936580	-1.37681316095715	-1.16368860854415	0.35981528810473	-0.11657794436391	1.01634586262109	-1.26565692999907	-0.15021935917598	-0.36083343621050	1.00000000000000
+-1.17671903645512	0.66771170769398	0.91569708647803	-0.03838624693593	-1.85642775409571	0.47718458552263	-0.46562638567209	1.08340149964964	-0.70155137289463	0.46307594234175	-1.00000000000000
+-0.27048865189637	-1.94912477503464	-0.07076988998328	-0.79828939931667	-0.01708155560633	-0.44195146510008	0.69927405264022	0.56479799441810	0.46778529606060	-2.80706747628436	1.00000000000000
+-1.60072213357717	-0.19974042073677	-1.83890018330178	-1.48087022294300	2.92051338294182	-1.28513369659549	0.64407062686659	0.68807027491383	0.65639407328364	0.10802606665342	1.00000000000000
+-0.54511258236018	1.06366031285742	-0.52894202183146	0.29752374902325	-1.25892585527185	-0.13024113366254	-0.69164203056719	-0.08701455253919	0.04513809767729	0.99613084625936	-1.00000000000000
+1.71906920428662	-1.52633450669564	1.12158138876460	0.84629602716440	1.17035439746140	-0.27785163807756	0.36830068914632	1.60794097717734	-0.14574792036699	-0.19902241011690	1.00000000000000
+-0.65861157841609	1.44552984347508	1.40381163561293	-0.28564381543925	0.38156199284533	0.21587704074950	1.33724351083619	1.50291141769854	1.77553811446392	-1.28717594119724	1.00000000000000
+-1.40247530610449	0.38771398769317	0.93790170023968	0.19152686007704	0.28953013915610	-0.46374560777170	1.34189764716123	1.61422177724648	1.11410783145246	1.15051896954163	1.00000000000000
+-0.23664162955235	-0.27525771692274	-1.09056545523853	0.08453358221945	-0.06297508442035	-0.68794347180830	-0.27230341784818	1.08398677784499	-0.86660275943679	0.61314853194571	-1.00000000000000
+-1.07572712558148	0.27686671102710	-0.87082536520933	-0.86474945700714	-0.90509104267595	-2.20958326418271	1.22694184011887	1.05565605405164	1.40128975565511	0.10233012897705	1.00000000000000
+-0.35155931905661	0.45057893925132	-0.23834719993260	0.65664194214252	0.19778704548755	0.55621716090376	1.95415701889570	0.08038517390663	-1.45647379544039	0.25399007178563	-1.00000000000000
+1.53972201610973	-0.11581012020653	1.46352635490286	-1.57687583578915	0.85372807348620	0.10004697891829	0.01802918902285	-1.90181216156146	0.32517117536754	1.07506964685455	1.00000000000000
+-0.49118510759934	1.40401040452284	-1.05431116735630	-0.09518507601663	-0.08977725639094	0.57863675573611	-0.93251801068960	-0.10901603176079	-0.36691298071121	0.16309860396629	-1.00000000000000
+-0.06016168949864	0.41938703354532	-0.24362250792362	0.62860442369339	-0.02116309981943	-0.49661419009335	-1.36740451113052	-0.30948172975664	-0.83738611236754	0.64405561235612	-1.00000000000000
+-0.58774178823417	0.82729127362241	0.72255663912088	1.00149353846821	-0.37789532831348	-1.27292023614060	0.84520353059943	0.07148666037438	-0.81023050028161	-0.46707042960488	-1.00000000000000
+0.92886354957139	-1.35234693523651	-0.26834394171159	0.42269812660542	0.59889009799172	-0.78569533313963	-0.51535432738817	-0.41244220064264	-1.03263036828079	1.06196118163524	-1.00000000000000
+1.02211584245995	1.09238159095583	0.04216957152050	-0.58548892681814	-0.32808561796483	-1.95927226377261	1.09161422064975	1.87069258645918	-1.50490037342317	-0.11433121914685	1.00000000000000
+1.32925468604724	1.15578625432360	-0.09338943829369	-1.07667919335688	-0.43305423519360	-0.07091256880237	-1.49137947793856	0.28582430906314	-0.20823419099377	1.39453435161112	-1.00000000000000
+-0.54257926663653	-0.01884385673095	0.14799859545289	1.22627049165494	1.11452507765414	0.36232383138133	0.08411127160051	-0.16278596698144	-0.14402403500788	0.61313640078612	-1.00000000000000
+1.68693072721595	-0.75411560193097	-2.46129270075337	-0.31494831395400	-0.22425771960284	0.05001124839484	-0.03348785112530	0.57129011677815	-1.18014709938823	-0.40208485602495	1.00000000000000
+0.07965923118376	-0.19936420255544	-1.01954512824631	0.28044963613367	-1.92542696209260	1.20202321407817	1.61321609667357	1.02782084082423	-1.53529898809569	-0.25574525004225	1.00000000000000
+-0.49474720793759	-1.01345416645041	-1.43063509414773	-0.08533308874405	0.26397045184336	1.05368187380328	1.47111485260713	2.15797245168560	-1.05576090416073	-1.42087576379559	1.00000000000000
+0.60518375576836	-0.18664132157212	0.39297785663676	-0.92452897135505	1.09457915417702	0.35079272806448	0.94611139669961	-0.57543804672809	0.17714886330491	-2.57888937671824	1.00000000000000
+0.27892897335976	0.29693192758431	0.98352719777256	0.92393703492960	0.42079146847817	-1.04966129461992	-1.28524793300553	0.70426826826145	1.19541309040297	0.44438938317524	-1.00000000000000
+-0.12017041933253	-0.77832766015110	0.34480607335308	-0.07056455224763	1.09665389382387	-1.06544065561964	0.48240667059890	-1.20242933288484	0.84272506421254	0.86780523680930	-1.00000000000000
+0.68241821081499	0.66072423074290	0.34787012444489	-0.83860371054962	-1.76387225876349	-1.39770189758610	0.89742500911429	-0.34296540488076	-0.68290072777472	0.39436304803607	-1.00000000000000
+1.85428088362729	0.03312753937400	0.85660606998771	-0.19252176740086	0.34349821827209	-0.36172656465450	1.08450639991709	-0.02047773643221	-0.44058608229013	-0.69896414275091	-1.00000000000000
+0.49442744922920	-0.47700981187819	-0.74191274622155	-0.35394319271727	-0.42141162243620	0.18078346797407	0.83002117720475	0.32879150614600	-0.36836505303733	-0.51167248286671	-1.00000000000000
+-1.53661298092273	0.91118974295324	-1.00120014726504	-0.41318917086656	0.78483244344212	-0.71156479262032	-0.52004270280408	1.08597156841178	0.14304526048863	0.94567558009016	-1.00000000000000
+-1.32207641135533	0.25286349488761	0.08343223462558	-0.03794393986951	-2.02665151523951	-0.20854036273018	-0.65969323019161	1.06764623749409	2.86443849911214	-0.58404588502074	1.00000000000000
+-1.12351525138793	-0.80955524571579	-0.78471027708524	0.23882214144633	0.70163402266588	0.05040547783024	-1.18457501214935	0.10822997499789	-1.47860410390366	-0.70585078353055	-1.00000000000000
+-0.79793651582664	1.10502139923937	-0.38814695211857	-1.55646068542697	-1.13180519683553	-0.51563827430846	0.19123608414552	0.29825755835041	-0.99833449831913	-0.42955439638601	-1.00000000000000
+-0.85437742046744	1.52520602583455	0.88956968695894	-0.94388394484609	-0.26720309480005	0.39325954161465	1.74627539066493	-0.34010262230226	-0.69158513144026	-0.72797305658561	-1.00000000000000
+-2.72492549489439	-0.90050262099893	2.11124996054293	-0.44810954443105	0.66896141699100	-1.20398649702316	-0.21246556739931	1.26220872500536	1.20446198429682	0.73201620367984	1.00000000000000
+1.27755085069932	1.19120293190374	0.36149267458953	-1.03687689081070	1.44250554573222	-0.33581470308162	-0.35075400956051	1.34213742653542	-1.47134088023570	-0.47205748218063	1.00000000000000
+-0.16538790914917	0.40907073198835	0.12802772705109	-0.66257189137864	-0.70624296004684	-0.38414823918393	0.49501580921273	-1.57876094047040	0.79401139166626	1.07290104650374	-1.00000000000000
+0.20932954210271	-0.70188882447291	-0.36886686099003	-0.35309113221068	-0.15908835296428	0.89259593771476	0.41420459419965	0.65343436603062	-0.89696362184422	-0.23917686844772	-1.00000000000000
+0.66450976403372	0.63923294249635	-0.28587632596190	-0.50186511052116	-0.63852514298972	1.05590066059185	1.00084738641564	0.33294768254249	-0.71043945915934	-0.33654656515594	-1.00000000000000
+-0.79294382406149	0.49679380817226	0.31469257756754	-0.93769249630418	1.34915198833021	-0.74915571897096	-0.42319784506623	-0.70525426480789	0.05092998129383	-1.19438404139106	-1.00000000000000
+1.21736494497074	-1.32329517023102	-0.05938443593417	-0.04505234476173	0.27751866907328	1.03229604378341	0.78226459905736	1.02349680730731	0.84234502778448	2.14605696893048	1.00000000000000
+0.02354796649481	1.19592026447121	0.77461960427326	1.57756404791204	-0.23551375476022	0.27624093168434	1.05120215580855	1.19642657517682	-0.61846252309384	0.74720097647825	-1.00000000000000
+1.00101862482614	-1.15238574725705	-1.25380269196425	0.76480041845227	-1.20233686857608	-0.62513345411555	0.47381398661707	1.08087225158121	0.27747102860182	0.67020475783710	-1.00000000000000
+-0.59607481911392	-2.38501463103861	-0.05932638476120	-0.34483842011686	-1.07996781519696	-1.03134455423373	0.08742203506920	0.40926469026587	0.01681774791076	0.69246195827682	-1.00000000000000
+0.05444791049673	0.43007691041650	-0.53682501085759	1.35279249942707	0.81278901308993	0.31327714887897	-0.35543844361084	2.14255921593831	-0.30733996172443	-0.31727758606566	-1.00000000000000
+-0.02136538553663	-1.82990732311349	-1.37420328156813	0.91274941664296	-1.10221776623190	-1.25227641988358	-1.09228271576379	-0.54441634866108	-0.52852769698179	-0.49230792214204	1.00000000000000
+0.92385030751781	0.52934755004901	-0.65263546305098	1.03673877388671	0.18773063322630	-2.57091307988940	-1.45399784324240	-0.49215666321436	0.30089163401439	0.14529089033442	1.00000000000000
+-0.17321554803916	0.18512005668853	1.71708025493755	-0.44028782918731	-0.97842447812733	-0.49964435196132	-1.21273148434456	-0.84226290898636	-1.01063826978158	0.46844127916297	-1.00000000000000
+1.12296582264349	-0.85767835929676	0.60975335379266	0.80865061349665	1.38177644107751	-0.09784484671797	0.41036036375838	-0.91294902619846	0.19782197484503	0.82745512251709	-1.00000000000000
+0.03838908411031	0.92737763187233	1.33909914383650	-0.54424929338105	-0.21466047344029	0.62023811267233	-0.53824750199364	1.75720121619485	-0.55358672697769	-0.25212210291145	-1.00000000000000
+1.35575337684252	-0.41233163436146	-0.92639943983601	0.41459328381162	0.97120484727171	0.17965501504038	1.46996437049913	0.39589083928092	0.20503894366066	1.38746903417017	-1.00000000000000
+1.19713209708033	0.78208813368733	-0.07114791491073	0.50921723455744	0.46181194178122	0.28985338096377	-1.01439462745610	-0.54339699977013	-1.35690723325607	-0.36365256293782	-1.00000000000000
+1.40876109611538	-0.88262687264023	-0.16207015933646	-0.62263393368628	-0.71260345647792	-0.52557995472900	0.12019348895377	1.36555220810793	1.42603309213450	1.50371176934176	1.00000000000000
+-0.30154025355436	1.52282416824434	-0.64309573613523	0.56421679004338	0.57314661257005	-0.67051182805915	1.07486319780384	0.40145275509072	-0.25095880034635	0.23805615942334	-1.00000000000000
+-0.82119870063432	-1.56154806606780	-1.11169995126677	0.54964918953087	-1.54759579789804	-0.19431622635350	1.54645611230220	1.42988257957880	0.13926287962386	0.64146597113411	1.00000000000000
+-1.33177932489315	1.94418929277298	1.04073026555392	0.95670536049418	0.52645330751997	1.76210090968982	-0.60500181567509	-0.61503247957459	0.78794004229510	0.18948551088695	1.00000000000000
+-0.93908911580590	0.05658625941404	-0.82900018044346	0.87686692365064	-1.49503344603214	1.12722378198003	-0.79841758627771	1.25011597749126	0.86771998282008	0.11990850553481	-1.00000000000000
+0.33825277449146	0.14646629488995	0.79504412428248	-0.93407004253099	-1.94430517016966	-0.06127642637602	0.21675506247502	0.26708372698138	1.02981094066210	-0.01909939015294	-1.00000000000000
+-2.52092879709177	-0.39368380601175	-1.01913005232986	-0.80579816705727	1.48895274268351	0.94796648355278	-0.01678864537989	-0.05910792037178	0.66044296713075	0.10446668419721	1.00000000000000
+-1.28176025728241	-0.62348951356730	0.41786308582342	-0.19512809820029	1.02270502782711	0.97891805092951	0.66426943763972	-0.27958825797291	-0.23695289139509	-1.23673791934401	-1.00000000000000
+1.27066829240872	0.79751814735355	0.47072556499065	0.88034315649551	-0.23426395757420	0.07264433243182	0.76736705012813	-1.67792435882421	2.35873948127795	-0.45526593136063	1.00000000000000
+0.33802035310336	1.42659348264590	0.93781865627170	1.42193685803329	-0.64865247720583	2.45087055818307	0.06207073091551	1.30168462587423	1.20497415472172	-0.17587443393134	1.00000000000000
+-0.91906360816880	-0.78684410863102	-0.21812245494305	-0.70970313197382	-1.32253502561661	-1.29784681465619	-0.72132450244545	1.18007406060771	0.56737774280011	0.81998451624353	-1.00000000000000
+1.98802261754144	-0.84668826225887	0.72382746889389	1.01009355583951	1.38603282021838	-0.31075260788853	-0.14512879401907	0.79162103764693	1.26782049521902	2.06884364342282	1.00000000000000
+-0.95596488321447	1.03323807756177	-0.01241254739135	0.86008101850313	-0.69384454034774	0.36246787638218	-0.52921242091251	-2.14578804996613	0.14659081278874	1.20663979991290	1.00000000000000
+-1.17609478740345	0.39084453524646	1.27928177032422	-1.17782273711706	2.02327052901333	-0.80237607429585	-1.50629017453423	1.18867472118585	0.40936976029613	-1.46263633878137	1.00000000000000
+0.93851046350201	0.74492433344750	1.45796088512840	-0.12053216987101	0.04970236112764	-0.38804375537374	-0.41820688575533	0.46791942819487	0.33110165844756	1.38811718784957	-1.00000000000000
+-0.02212587629348	0.59342149235326	1.68828613684625	-0.52312535014341	-0.69303807273120	-1.55601094215345	0.21358344181310	0.02297961034497	0.60457039918236	0.10733956572685	-1.00000000000000
+0.90337389370173	0.30249262449824	1.71046409987056	0.16613133505909	0.47750963840091	0.67598188937394	-0.02889861923802	0.31303260451923	1.25262487797571	-0.82508440628816	-1.00000000000000
+1.90930253163110	1.28073160825122	-0.71892473962993	-1.13541357582078	0.30002225773851	-0.58772608725041	-0.95525683828804	1.44344401573902	1.89205419437125	-0.44086370118994	1.00000000000000
+1.30577705858606	-0.32945243354913	-0.07048713656738	-1.55343394123225	1.29273999471352	-2.01873460890858	0.32201976433468	0.88735776266503	-0.35718088079843	-0.03564049288954	1.00000000000000
+0.65433147691416	-0.76725613945966	0.45279385210647	-1.20279406099448	-0.17466749919218	0.65048386203812	0.57593922902518	-0.54682065005520	-2.27646301055178	1.13981041090996	1.00000000000000
+-1.27873501521711	-0.08655560196631	1.17280003204577	2.08325032915855	0.11650209991262	0.14632911917199	0.51897478448585	-0.85430281910763	-1.14102325364080	0.23897600011457	1.00000000000000
+0.88308283215477	0.61168830642758	-0.64861164073767	0.57553176937825	0.55599872083314	-1.65542472777923	1.08201511659155	0.64780453138674	-0.17035404081104	0.56259548295592	-1.00000000000000
+2.10057190139504	0.53128334997195	-0.86654596958467	-0.17694905984143	-1.95032632731530	0.26400972787615	1.60029132083674	-0.69212834183893	-0.85532140771870	-0.40498766389644	1.00000000000000
+0.26949941160316	0.24958603425404	-0.04053981356095	-0.43649656275847	0.01377660213465	-1.59506385268870	-0.95902924638392	-0.11366491564415	0.02111948163296	0.82225187750581	-1.00000000000000
+-0.85572450444450	-0.87300545921028	1.84454266336197	-2.03532352723825	-0.30843776396667	0.25934915910923	-0.60158537665332	-0.91791581586344	-2.15636876271845	-0.71604038139894	1.00000000000000
+-1.01760110106560	-0.03300851734682	0.00863642023641	0.67943624120320	0.73199398762586	0.46123558495521	-2.10889702729965	-0.67007605822602	-0.75744789404696	1.08097652904632	-1.00000000000000
+0.42401851344251	-0.69059165546456	-0.66363146743479	-0.89704866189855	-0.87646917588972	-1.54498371979177	-0.09311964041449	-0.02601193738851	-1.02360423328684	-0.58172888582471	-1.00000000000000
+-0.90083760434313	-0.90098436449728	1.63509430123779	-0.22099359684121	-1.00458242602435	-1.23477954664435	-0.06010252048813	-0.34703739602857	0.00518614468619	1.00974887466200	-1.00000000000000
+-0.31826934534670	0.14433453777916	-1.41934867257899	-0.69716369221366	0.02501905567337	1.38449954706405	0.58102767874738	-1.96957610881662	0.25144725440418	0.32372508081824	-1.00000000000000
+0.24066813728995	-0.78738674255252	-0.23461299596655	0.52446369138831	1.42992150725133	-0.54386510252356	1.09138051828637	0.37746175620826	-0.22067039076276	-0.38865214214537	-1.00000000000000
+0.17084100935656	-2.09120320572778	0.01062610265776	-2.26964259102200	0.65499784497132	0.36864249686309	-0.64669239830109	0.00985978205491	0.62275968945497	-1.34783428433496	1.00000000000000
+-0.84746617494345	0.64981008510101	0.80487557322124	0.99538502609719	2.58957701316774	-0.67132648054774	-2.20458810554437	1.06619243088462	0.61210000335718	0.92186280498782	1.00000000000000
+-0.32279111933989	-0.20196271893624	1.82128934440068	1.38443526220305	-0.94798261820793	-1.17560216486214	0.96699262117177	-0.25092963618017	-0.74397462840600	-0.63674601112656	1.00000000000000
+1.46702407096605	-1.12063907790612	-0.22586143895584	0.45058942171738	0.57520260163185	0.23338536770035	-2.10285328815660	-1.66013329966171	-0.18620851312226	-0.74690838904320	1.00000000000000
+-1.69831021760227	0.92839019344937	-2.22883581346474	-1.22099046996771	1.77514054468043	-0.65980436476425	1.39204741862442	-1.62736024558375	-1.12545938132914	0.36098190924071	1.00000000000000
+1.57760062076421	0.38443093939983	0.21008574178520	0.33935248891694	-0.40071790776421	-1.23500010212589	-0.06861804917408	-0.31797868425323	-0.27556411939384	-0.09025750429582	-1.00000000000000
+-0.18767537420958	1.06366158887720	1.25415042698059	-0.82554192036321	-0.16960395155460	1.04317748363141	-1.86541402961418	2.10823017187134	0.34457115480453	0.42928794909968	1.00000000000000
+-0.23817458385524	0.22087646722723	0.86110721971315	-1.98388380520576	0.21083949408964	-0.11460475601899	-0.83355570586390	0.85711089203082	-0.19162489342408	-0.06045770815417	-1.00000000000000
+1.34553923464024	1.63725586819109	-0.59118509369816	0.31945124400626	-0.24238495677076	0.20683319288811	-0.51969704507037	1.00347277300462	0.59442391417747	-0.55299453571879	-1.00000000000000
+-1.05363184878788	0.51658902335479	1.20336752164063	-1.53158854982730	0.74562137571634	-1.99703807846938	0.86534984509667	-0.65628512281551	1.19019725393745	-0.74304458021543	1.00000000000000
+-0.49850064309890	-0.34693390850041	-0.53114643533258	-1.12342253236559	-1.54722221151768	-0.55679701476412	0.75442035684581	-0.05185807302052	1.20397794591464	0.74035437197281	-1.00000000000000
+-0.28666282341823	-0.70561130104091	0.31148263658690	-0.74802513535586	1.83808499212138	0.53589405102891	0.89482086663225	2.06564912926775	1.05575904591868	0.85821392513529	1.00000000000000
+-0.77945370364391	-0.36894468180982	1.17772414561823	0.61945579303148	0.56793920995750	-1.13568198526582	0.96827177749968	0.57418197495130	-0.11369364529066	-0.13604308596449	-1.00000000000000
+-1.40897415909310	1.25758691063721	-0.57074216387882	-0.15776511077475	2.76678313451214	0.43123806960277	-0.38420228649401	-0.97264233501308	0.20523999927896	-2.22880516005674	1.00000000000000
+-0.60400828604424	-0.94216654308659	1.52325166298658	-0.29148079653161	0.31189895722589	-1.51328706826144	1.24830070540953	-0.83037955152805	-0.46976524705562	-0.14350173650044	-1.00000000000000
+-0.40525662319664	0.77151916401132	-0.73255818847526	-0.88179117986906	0.02581243222029	0.12493848775790	-1.23350060237471	1.45188782255697	1.98363041353323	0.00854054829464	1.00000000000000
+-0.46533626619951	-1.61909950762561	-0.94848321045322	1.41745273821524	-1.31230970810489	-0.92212940540037	-0.31642542469698	0.37889131237169	0.68105558318497	-0.95452490305031	1.00000000000000
+0.74493770441732	0.05158861065340	1.22672526977569	-0.48529877991459	-0.39141795203759	-0.40708907309936	-0.20437048774741	-1.33503433593154	-1.08622678801573	-1.13128720150249	-1.00000000000000
+0.69042796888173	-0.87443059906315	0.09766609277757	0.77562496915846	-1.48608392499815	0.45929708993010	0.73331380331296	-2.16516231715675	-0.87106875026058	0.48223334840879	1.00000000000000
+2.06218190928161	-0.24831550054293	-0.76827521352365	0.63239671454589	-1.56622195177784	0.65283319966827	-0.25233780233727	-0.91412970786248	2.44211279151820	-0.89728047173891	1.00000000000000
+0.25447702700276	-0.86038438468214	0.59913925482849	0.87066568065378	-0.52427799030843	1.02090635528431	1.12994610944472	-1.29497428769410	-0.91402084168349	0.73752363611643	-1.00000000000000
+0.15075181500507	0.01194500830699	0.52862565680975	-0.27227733802625	0.98246264886016	-0.79593113095599	-0.22622164886501	-1.10099572921981	-1.50789977328632	-1.09117776925751	-1.00000000000000
+-0.69788151027956	1.57454264401621	1.75127968846184	-1.09678959276194	-0.94456775863474	-0.04866268790013	0.28068431159350	1.42700612700439	-2.07529266115128	0.19604121686875	1.00000000000000
+-2.17604689716188	0.15034970440413	-1.27855675457838	1.38528252578702	-0.26145131863543	1.00879679675739	1.01021042190077	0.86415229268299	0.61228065341223	0.52995966079455	1.00000000000000
+1.56006955479606	1.01525496043092	-0.40563431731186	-1.12248489548122	-1.31803996564822	-0.03182302232551	1.29624593325179	-1.10563358030302	0.61015668465593	-1.12201954035918	1.00000000000000
+-2.25688987388274	-0.65331050707804	2.31148174726271	-0.07939654979499	1.30581945652700	-0.55155937594525	2.74901278588526	-0.18520824870939	1.03970882148117	-0.67246207612183	1.00000000000000
+0.22152109122217	-0.61517282454843	0.30440877951777	2.78325397526841	-0.62409190626526	-1.12384416000027	-0.03027569160365	-0.67035776018471	1.43216468872175	0.04772651739387	1.00000000000000
+0.49790451349309	0.07195647175473	-1.74996036833931	-0.12695125396045	-2.13500103815977	0.23291113429598	0.30753546626669	0.19828736107601	0.08476960062787	-0.56632471277226	-1.00000000000000
+-0.90022138547699	-0.19863656741641	-0.61049183232540	0.38832866153294	-0.91285295508061	-1.59646442214493	-0.36229331129383	0.45403099300974	0.64505383519486	-0.05021556074369	-1.00000000000000
+-0.31248241751642	-0.06837718396085	-0.15216864074989	-1.14135461897116	1.35365070321517	-0.21118032761138	0.66470983862205	-0.86915368826759	-0.44681148528013	0.49522675076916	-1.00000000000000
+0.39299601291977	-1.03101541169830	1.66141317559315	-0.46566122757676	1.48207618568989	-0.72475025159769	0.87292135289060	0.03368536664403	-0.76936900301190	-0.25476219206740	-1.00000000000000
+-2.21082562624445	0.70705845067191	-0.45044607237539	-0.24038101242769	0.41576475687462	-2.14401300290916	0.59331731720033	-0.04144947377945	-0.13978847673808	0.13526936034485	1.00000000000000
+1.79615654733627	-0.56629640104088	-0.03052128413456	-1.18700459992614	-0.92663259485111	1.06252748152380	-0.74103678356285	1.40746611659688	-0.61068259702978	-0.80393762408100	1.00000000000000
+-0.53927029358095	0.42487549966319	-0.05477234217901	-0.15948053700206	0.30848602090022	-0.86023216770642	-0.02295534879855	0.22579261063381	0.52456494921485	0.96640401767651	-1.00000000000000
+0.87278935180071	1.07485849452715	1.01021272817606	-0.55881603249693	-0.10211827521201	0.53182190478208	0.65199297239041	-1.04613916548586	-1.25640220993841	-0.83363915062486	-1.00000000000000
+-1.35448951216128	2.59645232147021	-0.08690346803842	0.81102705885817	0.95498586451747	-1.13188100703452	-0.53444066271454	-0.37483295414774	0.76551498809299	-1.45418880135703	1.00000000000000
+0.09868519086748	-0.78147370091939	0.13093055361661	0.03187276200106	-1.10867513792718	-0.42853326222796	-0.06142409925766	1.19919322630339	-0.05573077566534	-0.76874036223023	-1.00000000000000
+0.29199665799603	-0.46219506933309	-1.68918781556557	-1.58843469857516	-1.58523737175649	0.23132411559402	-1.82396414251637	-0.19594265592252	0.93151048852093	0.82214740724485	1.00000000000000
+-0.69703976742179	-0.43894685129780	0.20163406512868	0.08528706298850	-0.29112672614221	-0.86915024468550	0.76831024017129	-0.71633556890964	0.38192551695849	1.21371722707219	-1.00000000000000
+-0.71918403521179	0.42459963327443	0.75834158073551	-0.48455855685489	-0.31140361854742	0.37232245751981	0.44402677142713	-0.12580670192890	-0.67121385063757	1.76098234970700	-1.00000000000000
+-0.75437334249146	-0.97596716030163	-0.39010229124564	-1.40216151906824	0.35332574145914	-2.87771109399294	-1.11063626014693	0.72561588308898	-1.22028167507437	1.46627320202603	1.00000000000000
+0.07948729987387	0.60308324333286	2.62221019528378	-0.02202632364941	1.00276042596252	1.10073198108417	-0.24080383604269	1.01894738215763	-0.54834560534111	0.65683808032430	1.00000000000000
+-0.74297471451531	1.85715985575027	1.06469662391650	-1.59340689333639	-0.60051263931497	-0.12827290109919	1.12700202757349	0.53342644220584	0.16277977585851	0.59692371310792	1.00000000000000
+0.17007225804526	0.74964436321123	0.13112654022569	0.24715881981764	-0.75228573734594	0.01157314416413	0.80944758541824	1.08455519737710	1.55358252215216	1.02769390701549	-1.00000000000000
+-0.18794871674068	0.32904887763466	1.73956171552660	-0.98281655142255	0.28513674581836	-0.36491557973263	0.09237382700875	-0.73803479287971	-0.66971569165000	1.75043820629833	-1.00000000000000
+0.15894916205116	-0.08009410470150	1.09883245216155	0.15699392023711	1.76861100992392	1.34792768424954	0.33221277880519	0.87218713970856	0.55924062650499	0.06582082991021	-1.00000000000000
+1.05459710397342	-0.36111228607540	-1.63575095898941	1.31782102670408	-0.93274157056018	-0.84849488204057	0.42981590677334	-0.46625155074967	0.10823796691478	-0.26566316099839	-1.00000000000000
+0.60854400135079	0.16059471211383	-1.43748393022998	0.78105378010138	2.22217826031608	0.15711426735509	0.96687823682137	-0.92051868475062	1.85576259311333	1.74906890106526	1.00000000000000
+2.23457569805528	0.54836866538433	-0.50106607763896	0.42085992772761	1.09086526700586	1.14772165845149	-0.55715802513349	0.83246547107485	0.05162349828776	-2.19611512995680	1.00000000000000
+-0.01286681839189	2.04549697780948	-1.08840114654809	-0.68971654334782	0.09740480015390	0.09627407826962	-0.33423061125276	-0.53215062566876	-0.91256368953220	0.31825395541157	-1.00000000000000
+-0.55757782725697	-0.22587848697135	0.37219234459304	-0.33827610389338	0.21362657689408	-0.51162593649270	0.40965359690258	0.70937453897417	1.06056440399393	0.52889711494766	-1.00000000000000
+-1.39516117143890	-1.04592896327848	-0.29862779582007	-1.82938933287901	-1.57584025074877	-1.42363424690092	-0.49526250152115	-0.15353397949153	1.97996343284045	-0.49187316678833	1.00000000000000
+-0.57657328847054	0.78966205213372	0.64205654435366	0.74496237248304	2.21330438147292	1.03728021113806	-0.15877574910575	0.07869659944706	-1.59001125432314	2.67703947722824	1.00000000000000
+0.67008222273672	-0.42379903379253	0.82728971444368	-0.25577143094518	-1.22919256243868	0.79644718550729	1.45001944617386	1.16257935576977	0.20022298309763	-1.70743169628604	1.00000000000000
+0.25346894786768	-1.23387394514339	0.84630575896555	0.02738547654329	1.12366891773250	0.83121434905439	2.04878944597593	-0.93975868221529	0.30052936194954	-0.78515003241373	1.00000000000000
+-2.18852998343301	-0.51472050149048	0.34588240122727	1.69437254313009	-0.60361128185730	1.23220109537470	-2.06290962030981	0.34477188502355	1.03992496414349	0.62946984335902	1.00000000000000
+-0.09863003954379	-0.68334841910725	-0.77094932223568	-0.86830737636167	-0.20434062355900	-0.57338911972142	0.50555219777134	-1.30075590382640	-1.19936387111936	1.06938932374465	-1.00000000000000
+-1.73417196573757	2.23406188667154	0.21571839723162	0.61532746740597	-1.13540923378572	-0.68150628999495	-0.21437151774752	0.59678903859414	-0.25925567185586	0.26536091111777	1.00000000000000
+2.59489747227293	0.84283488007967	0.12762191955137	-1.67936579804621	-1.10636079119066	0.17490374201114	-1.30875067637639	1.03892171830494	-0.21108356794614	0.01235611194142	1.00000000000000
+0.53852058649843	0.78503793936857	1.60578524154121	0.47352684851748	1.59240487179509	0.82002404185799	1.16347213980214	1.08793964332900	-1.29143993322733	0.28228919888362	1.00000000000000
+0.60555745892010	-0.96371741114219	0.03584825830687	-2.29194346572493	1.25931606648186	-1.19666387253107	1.02788943544527	0.73174598222348	1.38852498424193	0.39221468818742	1.00000000000000
+-0.23516922606399	1.21593184991858	-0.83770402602830	0.00184543816808	-0.97044364085715	-0.11700892639622	-1.77744285589418	0.33017217427708	0.96707403519506	0.75960005881533	-1.00000000000000
+-0.72775242171122	-0.74831912112459	0.62619985154675	0.75547447326109	0.33769704124510	0.01576225290694	0.97394301518480	-0.74676033364134	-0.93357927077665	-2.29847114250376	1.00000000000000
+0.66410605070405	0.05423464972015	-0.91312386118172	-0.18630792496808	0.02278027827428	0.83111663301443	-0.21094688538846	2.47539183686688	2.24345625694389	-0.99535890938840	1.00000000000000
+0.75635835048342	0.19965131708704	-1.43820961983946	-1.13873758206782	1.08732853461713	-0.81233753841696	0.59412102648266	0.65644728725774	0.39376489786756	-0.23740113065422	-1.00000000000000
+2.07938286621163	0.27144925376866	-1.66897225173205	-0.86334140414660	0.19741663907209	0.92503315514557	-0.15575359820193	-0.33517990407165	0.31874238669414	0.12321730124423	-1.00000000000000
+0.38737582320518	0.49288482754720	-0.92874011461077	-0.68986544798391	-0.58431307835990	0.93806554416365	-1.23980320343482	0.09803344905138	2.30286559115875	-0.24359565665668	1.00000000000000
+0.05124390057477	-0.55302801996010	-2.03858486959712	-0.03456893633119	0.43087110382921	-0.00723361035625	-0.73441220958286	0.47787238888532	-0.76598264157594	-0.44824265978745	-1.00000000000000
+-0.62941665086201	-1.33871288177923	1.76277789688753	-0.12176513458682	0.06168734358785	0.43059614483958	-1.48346561107553	0.66200716163215	-1.43790478477997	0.74053500499832	1.00000000000000
+0.74248348397899	0.54808614649275	1.25510365080080	0.85526588108293	0.64117319031121	0.76690738719975	-0.91031413343158	0.51244655259201	-0.60728985162533	-0.80516356203765	-1.00000000000000
+0.11328843828597	0.16540021529821	-1.48303973239250	-0.62407053861326	0.91396191395969	0.92569744775010	-0.04656276169756	-0.50005692565288	-0.27575957200320	0.34990908049755	-1.00000000000000
+0.52529829524585	-0.23363396218673	0.60123312892184	1.19522314126676	-1.41144398882241	1.59037597309621	-0.27109362682356	0.11525785922158	1.13029040681494	-0.40785293955030	-1.00000000000000
+-0.47662967565746	-0.31716014923862	-1.61419703013669	0.46734670392653	0.65927722177838	0.13065244905253	0.50711826773514	0.99889224596448	1.03061984910959	0.11620263637181	-1.00000000000000
+-0.97149388987039	-0.10445698884286	-0.17499181701713	1.09764797181364	-1.74990578413624	-1.15670678188469	0.28659761915501	0.99903683153210	0.24400861483181	0.61994778189255	-1.00000000000000
+1.67044679723766	-0.15984753754177	1.15334997691663	-0.18322573402499	-0.46480521968570	-0.72184491611248	-0.08056116128885	0.24114601198286	0.94869732026681	0.86660936289376	-1.00000000000000
+-0.68633846348525	0.55582299726906	-0.48061976989882	1.16180394670849	-1.66769687764040	-0.11430976580527	2.75838927414666	-0.66427249459796	-0.47054134373823	2.10392703692085	1.00000000000000
+-0.17180462288764	1.20796949185140	2.33704499233139	0.02911988738625	-0.15133260600967	-0.16997352002222	0.67671147282515	1.12237706219366	-0.45098054622494	-0.19132249193166	-1.00000000000000
+-0.15758313669301	-0.79583714943349	-0.48816806818665	1.29655794367281	0.76713723337713	0.45405575778011	0.40061910489763	-1.13062952308955	0.27132601069997	0.09267523330686	-1.00000000000000
+-0.90216273472136	-1.06147285665390	-1.15669973653517	-1.36105351221859	-0.29056976714883	0.64683810524776	-0.20090979554917	0.26082412650836	0.20916579750663	-0.47530588151175	-1.00000000000000
+-2.34816866906216	0.14441062389955	-0.03440738656309	-2.70188030126629	-0.09382984870616	1.10005678620711	0.00912191399217	0.54926949551128	-0.63761905723544	0.05925432998249	1.00000000000000
+1.83574047494230	0.32092336508838	-1.11959919877995	1.59764230016480	1.67657773511387	1.12671013291592	-0.43413865230486	-0.19208401480453	1.36849172789024	0.53252820634556	1.00000000000000
+-0.42314564223296	-0.10956234367923	1.37645855416905	-0.25623757983719	-0.68726690591131	-1.12624345989393	-1.47192078914678	-0.55429640727139	1.05444987977774	-0.07568312616283	-1.00000000000000
+-0.98687805821843	0.29492214590658	-0.41456161435269	0.62308016147855	-0.86006277841968	-1.09626942813312	0.08679511067260	-0.51607525158221	0.61726096199087	-0.63720825538815	-1.00000000000000
+0.49397103543538	-1.54700805856816	1.27381113133127	0.31618916357663	-1.02194523559436	-0.37666598880969	-0.31221161774030	-0.69471110090950	1.87102987264216	0.26835423706419	1.00000000000000
+-0.07188456348087	-1.43525990725817	0.77742246752680	-0.05446468630058	-0.76797130389778	-0.94376448967388	-0.88660491510307	0.04336416422857	1.00651245402809	-0.37963535722980	-1.00000000000000
+0.57714143203279	0.47483154287719	1.51250283166839	-0.29849145440596	1.24426401283750	0.44193877316589	-0.77327556298117	-1.10014307288424	0.86352796277838	-0.77699724375405	-1.00000000000000
+0.62277830426704	-0.31329729456658	1.56473458543042	1.79891361435958	1.16531902884541	-0.03070913949382	-0.27354959680397	-0.12591642814008	-0.05068325346508	-0.29607978106622	-1.00000000000000
+0.15250924658843	-0.70916177825424	-0.33547286160262	0.05274322327018	-0.34825757163170	0.22493612268439	-0.77026776168498	-0.45484674663548	0.91020478083141	0.51083195645513	-1.00000000000000
+1.58214782520934	-0.41660711054520	0.10745520233571	0.35020947940961	-0.11046760597572	0.29907825589265	-2.47060357331668	-0.67083998101377	0.72588446489628	0.28958326109157	1.00000000000000
+1.12102357927369	-1.14109070671250	-0.75871424839042	-0.91520786074987	-1.03042173377663	-0.09223865056367	-0.43827660793538	-0.39135016560553	0.46939031585887	-0.40900715596659	-1.00000000000000
+-1.15232337631731	-2.37271713199824	-0.31647125348716	-1.02349051472405	-1.11771943660189	-1.45334492995683	1.61643977292278	-1.29015217421321	-0.09214322322972	0.72775534884372	1.00000000000000
+-0.16540472980487	1.14408195893877	0.55102465571529	1.20712818028927	0.45499309680736	0.55522043430739	-0.04098435621835	-0.67933945089645	-0.16394994932628	1.01559514841232	-1.00000000000000
+0.10342359971862	-1.67295447327185	1.09440849372053	1.27666356709030	-0.30247289072020	-0.31625378973839	-2.03290852523212	-0.89373823343798	1.19373558378387	-0.28233277417106	1.00000000000000
+-1.54258856266690	0.81620593130845	-0.05415477899190	0.85210239997386	0.13666607669156	-1.32635212061224	-0.06089823056014	0.36942346438287	-0.88979836348644	-1.61890789919767	-1.00000000000000
+2.06276142374827	0.91976372774974	0.40962562532019	0.61395177130308	0.10709687323683	-0.55251144315522	0.27514790179021	-0.02744115155748	-1.32846000723903	0.93787781462458	-1.00000000000000
+-0.43208488516479	-1.09089320621532	-0.61884852452361	1.75653578081936	0.16669047947111	0.06249903112800	0.03156914280503	0.42113745862644	1.00518935667464	-0.98901304087795	-1.00000000000000
+1.07135945670889	-0.40236638561380	1.49279996403370	0.37911229965800	0.91870062476619	0.50120828545587	-0.36166876518117	-1.03190987405678	0.35904237468096	0.12402584975534	-1.00000000000000
+-2.39892869019295	1.12421324146612	0.20938768997773	1.55835139341112	-0.06976285355958	-0.94173362122728	0.04373174240640	0.39351911102679	1.58168764252594	-2.54079933454802	1.00000000000000
+-1.08773014216455	0.31383629902216	-0.01440242977604	0.34180403646194	0.76016873671677	-0.16278180618986	-0.10308311202805	-1.52526561281402	1.66640114530772	0.85600433438612	-1.00000000000000
+-0.52857019896340	-0.62723389865565	-0.40189600573999	-0.50342271442699	1.62477886401674	0.11946701562234	0.11027653242601	1.12462136521188	1.11157069711811	1.25808264826686	-1.00000000000000
+0.60832897822310	-1.60548257911029	0.49647085585142	1.50519991075973	0.98301574723160	-1.84876134468187	-0.01045286583359	-0.58855207558053	-0.26473941503325	-0.50831684294470	1.00000000000000
+-2.49627308828781	0.57227396531928	0.35782836111229	-0.65187225200961	0.67731268631187	0.21984895452920	0.83110737143657	-0.27879303276727	-1.73423675475192	-1.13892413328079	1.00000000000000
+0.64145938994098	0.03761322745608	0.59494030900837	-2.42833493002038	0.28058040180517	-1.01033316168961	1.00782004098443	-0.27022554032211	-0.87626234891991	-0.96624039501494	1.00000000000000
+0.73005796571279	-1.32300256808334	1.00204694292720	-0.12082670714795	-0.74831427218378	0.29575374468277	-0.88883922043503	0.24639821475784	-1.41884906131938	-2.00279172925951	1.00000000000000
+-0.47200384676172	-0.56408473290545	0.10426813806136	0.94165222653618	-0.69644322837635	-0.22095946025833	-0.92759205730540	-0.55561628748350	-0.26450280621498	0.13709307294102	-1.00000000000000
+-0.43463481765574	-1.59707690769005	-0.32243996252530	-0.31233070844015	-0.57994696190988	-1.76826165618467	-0.72383453608884	1.61573382644197	0.61496234168544	2.02478799137199	1.00000000000000
+0.13436942326196	-0.65387763002751	0.97617798330389	-0.79055007888284	-0.62743366447332	0.03801442110121	0.61171522069037	0.78512921862150	0.74761112966479	0.44550206510817	-1.00000000000000
+0.98534945471855	-0.15157004132974	-1.16569735807861	0.06244438092613	0.23728092429824	0.49710503091717	-0.02954976423377	0.91186840775446	0.46211315146091	-1.08921716575303	-1.00000000000000
+0.48715108323689	1.03790518051678	-0.25079381692437	0.60270226981275	-0.74965711549676	0.20184048999345	0.89987526711100	-0.35380406361155	0.47969989200285	2.03028396848480	-1.00000000000000
+-0.51346497342830	-1.47610390519445	-0.21475953825281	-0.35118176046652	-0.18526031698573	-1.22402951092722	0.59527628348664	-0.61987730971705	1.46759185300146	-1.30521745133037	-1.00000000000000
+-1.43288178669095	-0.49903444323945	0.67469493920547	0.89584598011090	1.93341181867811	0.44238015568148	0.59750439034566	-1.04244092786125	0.68834250861854	1.51756928833644	1.00000000000000
+-0.44578777464873	0.88450274150858	1.83093233337972	0.75438559514443	1.86455716515165	-1.25883963143910	0.29159635672194	0.70477935289210	-0.38329124240613	-0.24292550227483	1.00000000000000
+1.24295849162216	0.73204018521966	-0.89423670885683	-0.09384541198559	0.35525610013853	2.10905752749257	1.03378483432233	2.19501110282633	1.12787824534131	2.14426439372037	1.00000000000000
+1.18388324457630	0.30928776136312	1.83228183418505	0.57647987007140	-1.76861092185959	0.09582834302609	-0.31561125769312	-1.04143784001447	-0.63811559029350	-0.44004716203630	1.00000000000000
+0.84601194173086	0.36092355954788	-0.34592248465404	0.63461517838401	1.82593354804588	-1.65671903070235	0.79263997200067	-0.23302829090315	0.63347817378384	-0.57211033271442	-1.00000000000000
+-0.61898070409578	-0.27135025493828	0.77398306665301	0.22837278615124	-0.64067256331308	0.19205811227558	0.95690187463181	-0.21946061292467	0.99654249099409	1.91674856290550	-1.00000000000000
+1.49139236021602	0.09691443016579	0.46723028091321	-0.80361885339194	2.71622760792469	0.12527424109726	-1.38081293974524	1.10837458229966	0.16122968348857	-0.16599483929999	1.00000000000000
+-0.19092515984522	0.68354729652975	1.22732341608511	-2.27733414180942	0.19319020448802	-0.60307572499439	-0.85764256096845	-0.94553020570720	-0.20090968603789	-0.86849456855783	1.00000000000000
+-1.18600153625447	0.69471346449930	-0.30765569248478	-0.46309798077975	0.38883934961851	0.91420554523120	1.63815465110269	-1.02658305284565	-1.78619458107301	1.27394392692058	1.00000000000000
+0.98086839805424	-2.15038950173981	0.46651516243905	0.27984216034568	0.19540418063874	-0.63369433412779	0.04144432542112	-0.30061144622498	-0.07780586457723	0.51132488275355	-1.00000000000000
+0.15344656976709	-1.35597327501130	0.91354639898288	-0.13265946659882	0.30714011855239	0.35137724729549	0.06919924859966	-1.06196967928650	-0.34307738279151	0.68970548796183	-1.00000000000000
+0.44478203128064	-0.14430280259341	-1.11899529979442	0.05891026269007	-0.49707271215292	-0.38056653136872	-1.70275032102429	1.65171710863340	-0.63756112926583	-0.39805228419537	-1.00000000000000
+1.22002263447713	-0.80953806040738	-0.10369283369214	2.34208392575226	-1.47923844003196	0.86813566683061	0.52210379927103	0.34064601066039	0.81348144176781	-1.40965002684822	1.00000000000000
+0.09322928833659	2.03413261917687	1.23253735337991	0.76153855237415	0.92428959512767	0.10162822920891	-0.12665697053126	-2.11498504603863	0.56120259381017	1.47899435884037	1.00000000000000
+-0.53680418615918	0.31704043348028	-0.07140326616610	-0.30566622410640	1.80955944045264	-0.28676005734121	1.15945159126639	-0.24554707207560	-0.05494219795618	-0.41785051470245	-1.00000000000000
+0.54524277519846	2.40958855071767	-0.19740360875265	0.49107379150445	-0.18911464874277	1.95091029109867	1.22830501385524	0.85218379114438	-0.78784533894016	1.15334108703667	1.00000000000000
+-0.59796932304087	1.10777058909143	-1.20854514153093	-1.39536270762520	1.16143715873955	0.42124564718504	-0.37618194826738	2.41763474554293	-1.31305029235890	1.55724704764118	1.00000000000000
+1.07379374336294	-1.27600250908633	-0.08284157887378	-0.29253488581390	1.27121719057078	1.13467323180814	-0.77491114810255	0.33640263035101	0.08255384982802	1.67168036334457	-1.00000000000000
+0.16536650927689	-0.19946790453036	0.26879231514909	-0.44871559895743	-1.59508703482738	-0.11876385519136	0.26647407731550	0.15812516482042	-0.74506498958061	-0.83146489778887	-1.00000000000000
+-0.27391839329935	-0.43828730317466	-1.32219658891781	-0.06542049207299	0.01215241530725	1.86543436900775	-1.19753168080249	-0.07433338209676	0.89359731908090	-0.65831048278428	-1.00000000000000
+-0.63428928269360	1.09579733968005	2.59600417365010	1.74006054543522	0.06384575925072	-0.16895276210954	-0.40582370656979	0.26043441562518	-0.47366291871096	-0.67953792683277	1.00000000000000
+-0.30740279950769	-0.20269387761801	-0.12516478988913	-0.01507453354639	-0.10697527793897	-0.56035363932754	1.73560199462430	0.88569109486496	0.49617880700771	-0.85087285842702	-1.00000000000000
+-0.67611840066471	0.17230525957867	1.05597485226761	0.12883085349276	-1.44204866516309	0.98059484655876	0.74207450606407	-1.44176525080481	0.84985557196253	-0.49981404048288	-1.00000000000000
+1.05159733472614	0.90932737212452	1.33749427336346	-0.84968738148440	0.64789524220156	-0.17409663713354	0.93860234175656	2.56258600536915	-0.07308751383291	-0.12590590396360	1.00000000000000
+0.40862247704529	-0.39844841738143	-2.72767719582294	1.10928444670248	-1.13329515120934	0.50767466724317	-0.17212030790946	-0.57198896683753	0.40966379589372	-0.41795618215896	1.00000000000000
+-2.09145249222750	-0.14235419194111	-0.78502955757694	-0.57264451927709	-0.66521435188194	-0.66129368964207	-0.98213771751519	0.28180612609801	-0.31693470179572	-0.92578950099023	-1.00000000000000
+-0.51143535374816	-0.56820809084320	-0.10091955107143	-1.63999252902369	1.05658456785943	-0.05740544118005	0.14316358539402	-0.44416523726488	1.00076221476275	-0.12019169121609	-1.00000000000000
+0.14397051710756	-1.04696024988710	0.77528110628555	-0.11983317785519	-0.51750981416676	-0.32691830656884	0.35646866883645	1.62880558685767	-0.43000951428700	-0.72327711091969	-1.00000000000000
+-0.11799016450203	-0.37855614701976	0.93144118218832	0.96791223487773	0.00357671426676	-0.36233357022258	1.63089439244903	0.28716297564452	0.74361369670664	-0.18538066480434	-1.00000000000000
+-0.34300918959037	-0.79317365856110	1.14920551457860	-0.06023082384232	-0.03374691345993	0.75867746582089	-0.12713497024816	1.02144392798138	-1.71310515685058	-0.54126293677993	-1.00000000000000
+0.03653118789349	0.75040697268432	-0.18933225086768	-1.37820736903033	-1.63149476670880	-0.82817862761126	-0.78810238280806	-0.46452056470231	-0.09212497049159	-0.27345475539346	-1.00000000000000
+0.22685223882822	-0.89211549148681	-0.08431454462106	0.02679894771495	-1.05222136782885	0.15263696251249	1.59784614001857	-1.86995704551553	0.08745372988032	1.07252014129295	-1.00000000000000
+0.53893523331105	-1.20510503425814	-0.73941966341723	0.48077833948538	1.41629674605390	-0.07203247834601	-0.87096436038485	1.94554348361434	-1.76178777788193	-1.23460177763010	1.00000000000000
+-0.48294082128241	0.42906896240719	-0.03104366410915	0.07126243980095	0.32555664366883	-1.85950819776927	-0.06604126052917	-0.29410036935389	0.38979403394561	-1.08238975995933	-1.00000000000000
+-1.77536814139513	0.79679109073106	-1.58930388816408	0.82533590976550	-0.10385453730049	-0.97777151410613	0.74466062969204	-0.19022336793989	0.42768894783296	-1.95777620521547	1.00000000000000
+1.49432449540256	0.43685098451274	0.13062286954612	0.48874723393058	2.04682557851735	1.90380908028039	0.84208428515375	-0.90084683030381	-0.20355425542266	-0.46166068376397	1.00000000000000
+1.36090071615326	-0.67848887962929	-1.41196763592565	0.58444866337485	0.07973021957465	-1.62052785984411	-1.34931735398372	1.49203811243141	-0.92060694875196	-0.62803812650212	1.00000000000000
+0.43527110136210	1.50730811615339	-1.70252650797122	-0.93461113347344	-0.19794060324820	-1.48647739504054	-1.08515949831735	0.45936558149728	0.28936726678636	-0.57235152993329	1.00000000000000
+-0.00487994586050	-1.42579473491101	-0.32225220520512	0.38072652618636	1.53128707031448	-1.23269190523502	0.07094194112101	0.28577338571374	1.49129629941090	0.20528796809606	-1.00000000000000
+1.04837546647528	-0.96437773114307	0.23885970001528	-0.11477767517318	-0.12102304189860	1.41296136402306	0.09707687438021	0.10253744994709	-1.51568784979341	-0.04967947282271	-1.00000000000000
+0.40842459437924	1.06338770747684	0.30349472346106	-0.43508471802498	-0.54507456826291	-0.12543067591091	-0.63717862649242	0.47119274849501	-0.27249570302224	0.31947749505380	-1.00000000000000
+-0.64054345085767	-0.10068582625473	0.53084057141895	2.33399807221908	-0.29800381028369	-0.75688433854805	0.62757161525840	-0.27254816090290	-0.67123960639855	-0.33944268911050	-1.00000000000000
+1.69987566399485	-0.36110668954182	-1.18816407329765	-1.55345413741088	-0.49903050103657	-0.77637401071906	-0.35107343235275	0.16414115515999	0.83646992050111	-0.83310491580396	-1.00000000000000
+0.14223496319392	-0.75579351158715	0.31642607278357	-1.28138299460772	2.03304420057266	-1.25080329242988	1.47001869578094	0.90227186806923	-0.59888534474740	-0.80845912104754	1.00000000000000
+-0.30734683716452	1.04381415521142	-0.53789852790976	-0.47093766160240	0.50752249258605	-1.14037705171303	-0.58156844107799	-0.91163988931251	0.63047853480752	-0.19027743859502	-1.00000000000000
+-0.51496383567096	-0.97337888399672	-0.11291519029594	-0.64729279598324	1.43262948285834	2.19760974110095	0.81403970376775	0.30402506139199	0.16657091266444	-1.98517169862473	1.00000000000000
+0.71085624584510	0.02662697909795	1.19286829247003	-1.17427986660091	0.92890336742828	1.02606321578609	-0.18956028701445	-0.80188041638510	0.83037499226688	0.62770923781997	-1.00000000000000
+-0.59331226536085	-0.02891936530378	1.88037893635581	1.70895481738532	1.07628722727253	0.03161621912619	-0.02535442879399	1.12408952185220	-1.09658677591356	-0.00290295173095	1.00000000000000
+-0.85303229726151	1.56581290351134	1.36653305285575	-0.37689759860697	-0.58783258375902	-0.43270929976588	0.47767316418186	-0.61983686197588	-0.08229830400988	1.86377486733588	1.00000000000000
+-0.44359695236882	-0.73535685258652	-0.51234708656446	-0.50516765149819	-1.49116957271377	-0.80976659203888	0.20130435374592	-1.86665960365674	0.85140013077015	-0.56634399466028	-1.00000000000000
+-0.34823835107084	0.31954222059420	0.16413057747720	-0.19731339774302	-0.33758915394923	0.06650267902965	0.56444123138391	-0.49994689817900	1.06727351298913	1.25424685516039	-1.00000000000000
+0.44918058349633	0.73131134701379	1.88803819763950	0.15814594785072	0.08831354262718	-0.76321840372695	1.09175469435801	-0.23171482848944	0.62093024666492	1.86406543684983	1.00000000000000
+-1.46699615916167	1.43979255523591	1.16254107865212	0.91379127545285	0.33867142071691	0.48954339193483	-0.52804711203935	0.43360914854086	-1.76578845128572	0.25281726403062	1.00000000000000
+-0.25457769259836	-0.24776818153591	0.06409520180731	-1.72922563531501	0.01167381629805	-0.59180505934516	1.84651032606321	-0.64549918297377	0.24749723920831	0.56252713688975	-1.00000000000000
+-0.40888788739152	1.14765083045425	-0.48828896964912	0.58035427249076	-1.48177199225403	-1.02142966386788	-0.73827313760393	-0.08075313048565	0.29053867220402	1.16286792015983	-1.00000000000000
+-0.24279770670191	-0.34509041503881	-0.98789145379788	0.39932573665896	-0.08723605168028	-1.24535953779094	1.04911650175257	-0.30043904237476	-2.20602822009271	0.96730389504408	1.00000000000000
+0.32493828583707	1.32307006168625	1.65534390139334	0.08796841955844	0.51526832544002	-2.51464236857283	-1.10720515947955	-0.66949216884522	0.31170583360369	1.93458297743106	1.00000000000000
+-0.85600504317262	-0.19808460873689	-0.27297022375800	0.12033528784368	0.95984325504761	1.66069285193259	-0.41651688353530	-0.01064921152083	-0.54422314232557	-0.73122918589663	-1.00000000000000
+0.30845469776401	1.22739983912566	1.06355326220881	-0.02147091796181	-1.15423049841267	-1.45191161127474	0.16638305730242	1.34763242845597	-0.37927873466155	0.23128477863834	-1.00000000000000
+-1.47623587497727	-0.07288010419990	0.27429008631986	1.03985281478820	1.78339456990740	1.77599818252030	1.53538686717818	-0.05394598785697	-1.94490656711277	0.40499214690580	1.00000000000000
+-0.92774559527792	-1.70784512889380	0.06927199349457	1.19284541172388	-0.95659795211805	0.92366578804130	-0.14785523368672	-0.97848373501085	0.37051525284447	-0.63638541710467	-1.00000000000000
+-0.29193764500266	0.46019680983237	1.62534620192200	-0.11746241071718	0.56053118945088	0.89102799048182	0.02849108697681	-0.18300827387505	0.05594453031823	-0.54802687889346	-1.00000000000000
+0.26960264799840	-0.79301831388313	0.35164162365374	0.16365300863944	0.30958308416857	0.98884444836335	0.21539877745755	-1.68164006662116	-0.05784761283896	-0.40666191410512	-1.00000000000000
+-0.13467426549424	-0.86313095369718	0.23551498365608	1.40482961762895	0.30466191973501	-0.35075332716065	-0.25158534593198	0.46880007802319	0.86145990870832	0.98680418103233	-1.00000000000000
+0.40126903029754	0.72130384942174	-0.77072423491202	1.58917482505079	0.13763820303361	-0.60177374505749	0.92852992240038	1.84919088614627	-0.91851449868279	-1.71268167809315	1.00000000000000
+2.60971294185444	-1.49317770130798	0.25179531430171	0.50225035653387	0.17029244166914	0.32810989373963	0.72481054716916	-1.90947956837081	0.97259583866105	1.02502308272980	1.00000000000000
+0.35501225497298	1.93854785944312	-2.18965309778642	-0.37502876170800	-1.24255542291258	-0.99232404040896	1.61522614950539	0.62348763081335	0.90963384731373	0.20657324360701	1.00000000000000
+-1.12786314981704	-0.52559517654617	-0.93248426779462	0.09232447522295	-1.00222811720707	0.53644552745017	0.07860731006408	-0.15480153296917	-1.22303435667003	1.41176391210775	-1.00000000000000
+-0.52638368598707	0.38343462992295	-1.98622646599541	1.50546323031428	-0.24275588635592	0.79509918978419	0.12576038064976	0.41273028969008	-0.53517025042788	-1.28746851178516	1.00000000000000
+0.18689486387087	0.29358842589521	0.65370058794781	0.12110609367673	-0.10511472879736	0.07388919438398	0.46215109130249	-0.24126278823653	1.10020666369846	1.43353573158196	-1.00000000000000
+-0.42218725219055	-0.27070026367232	-0.53299835148486	-1.34538372650884	0.09465518897689	1.11314987812209	1.10516435140449	0.81183499964761	-0.74899050379787	1.73823457564252	-1.00000000000000
+-0.01941247361757	-0.41874764735414	-2.58272811379767	-1.45237629823313	0.89203220864536	1.54845729544927	-0.75457222242735	-0.36400236883654	0.32909446022764	-0.17954108289873	1.00000000000000
+0.42831030741876	0.21835271355027	-1.18049208413901	-0.72117450290218	-1.10311241123643	-0.44370473439908	-2.13824974916386	-1.22547297745234	-0.04655634686975	0.66239052514834	1.00000000000000
+-0.20614148230948	0.10039128735234	-0.64834459477514	-0.54255171972988	0.86606607364477	-0.27250766081625	0.89098294943034	0.29244243974439	1.26303712838028	-2.27680108752214	-1.00000000000000
+0.23147830020420	1.54238855217352	-1.21239818416823	-1.27358345262185	-1.01055152008834	-0.56572511818427	-1.98923558138311	0.97205852146905	-0.81519453148077	-0.44348824962219	1.00000000000000
+-1.13301508866047	-0.06500161695990	-0.66347165759434	-0.21938266216091	1.11645067301128	-0.73048583277925	0.04093682778937	-1.50343260257750	0.51805744311089	-1.27597114719669	-1.00000000000000
+-0.20450047961796	-1.72738235042978	-0.66624561600233	1.75023523151652	-1.39835464005042	0.02643973565351	-1.53977092505352	-0.81427272413566	0.64896243153852	1.07557293448079	1.00000000000000
+1.45147924573402	0.89105433733313	-0.10903171795964	-0.27435349118942	-1.19053334967874	0.00906872160947	1.27566195779892	-0.71060925832517	0.16203151023941	-1.66592759747004	-1.00000000000000
+0.75093052602044	-1.29887823467246	0.82937113435534	-0.84340896482446	-0.34030395442036	-0.48915002746158	1.50471272972030	0.19851537905766	-1.70994807012701	-0.33087589479361	1.00000000000000
+0.66753411682528	-1.16823465038670	-0.91216048975312	0.80547924214689	-0.44401191952445	1.07780683920192	0.00751756258196	-0.76284554461421	1.04708785277582	0.44861378899519	-1.00000000000000
+1.05199486208798	-1.23389742352527	-0.68727654138808	-2.27206166244973	-0.45684633265182	-0.42368513332947	-0.15776923213004	-0.04805937441855	-2.03302362854060	-1.11854817827247	1.00000000000000
+-0.63470042155979	0.58610270236021	1.64189966376676	0.61727929162835	0.51727873575916	0.01266053571104	-0.58032567606333	0.85983954230376	-0.34282112026681	0.68935979327487	-1.00000000000000
+-1.72544209431880	-1.60062751948068	1.01986069751666	0.00149146339966	0.74406904518432	-0.24815903300642	-0.77774632559393	-2.10936170385850	0.21580199471531	-1.20875444887851	1.00000000000000
+-0.00616847476766	-0.67664914914745	-1.13790496707508	-0.32096192672691	0.48497803888741	1.57650872630893	0.00554039027962	0.52332500843792	0.06671321630073	-0.88265272301444	-1.00000000000000
+0.98417892487049	-0.86219465113096	0.40252403480847	-0.24205408809703	-0.93088904627142	-0.10129027988522	-1.13667090351730	-1.54528594370576	-1.50814670635319	0.62039555580287	-1.00000000000000
+1.02577525254847	-0.71434182022836	0.16810449778570	-0.20878715441565	0.65869896182828	-1.41007955228856	-0.98518381132203	-0.14795177999528	-0.44262709121512	1.26760271357670	-1.00000000000000
+-0.37527119028246	-0.71693905925604	-0.93835609364170	1.51839498552341	1.34737508768426	0.41380921506355	0.30058066904394	-0.08033304675994	0.39231802886545	-0.44288371551297	-1.00000000000000
+-1.04809513839165	-0.24017645236639	-1.07949434222740	1.08299216635873	-0.79451222304710	-0.53769658162537	-1.31446396803346	-0.31586585259789	0.32005312055920	-2.09273160448257	1.00000000000000
+-1.18869177736715	-0.56793599573013	0.95018523806566	-1.20643480477080	0.57522740433988	1.80605883620554	0.07207797404804	-0.05768447117412	0.74089713400706	0.39626908148539	-1.00000000000000
+-1.54583870182440	-0.98368865523205	0.15132985641476	-0.23154421293262	-0.03065389761950	-1.13282553460029	0.59913760962943	-1.11328527552040	0.10496075138668	0.02560646791131	-1.00000000000000
+0.85431524301072	0.85730003070556	0.20675122047077	1.03510236375274	0.92633692745907	1.15951300808860	-1.64654790753349	0.69642602904641	0.31977710776003	-1.68907692267268	1.00000000000000
+-1.90974449346933	-0.58355750229991	-1.22985469453294	0.66212730357302	0.59812648100994	0.91871391012520	1.03781189900889	0.84125051312366	0.74516385184665	0.59860279281301	1.00000000000000
+-1.22805641066398	0.45887475656126	0.83004493913159	0.25860994474412	-0.56130416513965	0.29942031240001	0.07035000275647	-0.21433593815949	-0.03802183032394	-0.76778889563768	-1.00000000000000
+-0.69949179055976	0.50307377001188	-0.36964550585847	0.82776536814759	-2.24689470306176	0.35781588333989	1.66715934645198	0.10930187073163	-0.00566794033735	-0.71214572218140	1.00000000000000
+-1.53622372981911	1.93487835718271	-0.34641242368559	0.55724482848830	0.51434102900991	1.88770676059105	-1.44155822226568	-0.80991315458203	-0.07240402976661	0.12921153840326	1.00000000000000
+1.83423724570317	1.28796751571099	-0.11493248885023	-0.03878644278558	3.27483781346489	0.89864578986199	-1.17253995916701	-0.24795684430857	0.99968422420672	0.35361601389685	1.00000000000000
+-2.10109540314643	0.22571087571431	1.17740922393711	1.66656056273029	0.98041161815568	1.08124597794579	-0.01149424844226	0.69715429525950	-1.20421515881644	-1.09920008616288	1.00000000000000
+1.40793364460502	0.24151836909346	0.45706245527443	-0.92805896476201	-0.96045125816728	1.51074564166659	-1.22481341374207	-0.68369196763497	-1.20572763097058	-0.60626649314032	1.00000000000000
+-0.33309305488401	0.39495409876460	0.47609720174048	0.85635679761420	-1.69031390956347	-0.35934729596038	-0.10756759667829	0.49025140469972	2.89642275519280	1.37431915009913	1.00000000000000
+-0.71840630587089	-1.43724808958356	-0.38496532133778	-0.97711459275434	-0.75402274028888	-1.67155929192133	-1.11378586280961	0.16398821495069	-0.26586152860785	1.91825320706051	1.00000000000000
+-0.27325637949236	0.11591554505929	0.82607405626523	-1.43797538998469	0.69620958636104	0.46180067558830	-0.14305265108111	0.58684819042199	-1.10480390205262	-1.93580390130892	-1.00000000000000
+-0.82706550700845	1.07601368317211	-0.28470091208579	-0.00153766911299	1.43597597141243	0.34508360017385	-0.62929270741639	0.84720162940723	0.54685927641953	-0.49763794096077	-1.00000000000000
+-0.39231388739060	2.33960126034967	-1.01370112585059	-0.61783806369841	-1.40615240671442	1.45084580280551	0.87101278912681	0.50716542527558	0.66805135631609	-1.59888489399627	1.00000000000000
+0.40605463756894	1.01748953955614	0.24881103427943	1.94403216971822	-0.13612925980695	-0.75738885085686	-0.46241322656867	0.63889814925874	0.13220035854880	-0.15292383699591	-1.00000000000000
+0.91638049650384	0.11343594697836	0.27733259752366	-0.82319495090854	0.38813029519529	0.93609620227697	0.84805232416530	-0.13687080401441	-0.53538254969256	0.04312739415440	-1.00000000000000
+-0.14461363415971	-0.59180087102146	-0.64106823117590	0.48410825254239	0.57658704989572	-0.74571373863796	-0.10822209459007	-1.01695091461964	0.36387418924603	-2.17518726058949	-1.00000000000000
+0.39880045397200	-0.01871238009539	-0.12072728269250	-0.80513368312267	-0.34831566693577	-0.35748880531219	-1.16258642674456	-0.19959461331579	2.50238500263589	1.39014699443470	1.00000000000000
+0.00019300144471	0.44143279494109	-1.94866899973053	-0.38066493372447	-1.13730828099293	0.57799016126101	0.30351123345914	-0.75758481811605	2.02263617704487	0.36485604319244	1.00000000000000
+1.28275019295315	-0.31600553846570	1.63636735085331	-0.44785094635973	-0.16506482188341	1.06330860036282	-0.91545934616930	0.56021073475301	0.43846985145098	0.80523143571277	-1.00000000000000
+1.08461603306113	-0.45532353122333	0.95315774674933	-0.36083582424187	1.90738845256732	1.23968266525179	-0.46371465515615	0.05480136528841	-0.49691202685886	1.55623179050788	1.00000000000000
+0.08004131438491	0.33275075513928	-0.25123786874878	-1.08423671146247	-1.14124915467015	2.35927074688126	-0.15409195201169	0.22890483539928	1.49349839904672	0.25233136781837	1.00000000000000
+-1.02612835925416	-0.53006698933918	1.97922189530981	-0.85295850259708	0.01397587831411	0.98771793034403	0.80783978207628	0.71887281881178	0.56883207058223	1.11574701714297	1.00000000000000
+0.67014654856289	0.29954549504972	-0.77305756821864	-0.44285235932016	0.77250116535128	0.01856218283242	0.41745656887781	0.67629535457450	0.29912376634005	-2.93408272331600	1.00000000000000
+-0.48469812523611	0.40791222766941	-0.71109373381310	-1.93261691065068	0.54545316587291	0.34084790544282	-0.04225402063654	-0.89530079910139	0.60458112764884	-1.19618178206234	-1.00000000000000
+0.66551006094591	1.80743043917196	-0.03657595368883	0.70614493779530	0.68680824498215	0.07590666197783	0.38466464199154	1.39775719137151	-0.04309643763928	-0.04060897979004	-1.00000000000000
+0.29897833205537	-0.89826703237206	0.94306501092947	-0.12793729012617	0.40670919111362	-0.50095731096754	0.02817038971424	-0.57788972862725	0.60788988731761	-0.26054896278453	-1.00000000000000
+-0.63203937036314	0.52680403735561	-0.44501552838101	-1.10306372366517	-1.11663296714164	-0.53894432439665	-0.96226868476565	-1.64066585164169	0.90463733248034	-1.01997143612182	-1.00000000000000
+1.02908387238482	-1.42392178581194	-0.04828457421663	-1.59202909622343	0.31176922249191	0.58066253211688	-2.24064194939736	-0.80733522230640	1.07820858787631	-0.19516902251834	1.00000000000000
+0.76014087850070	-0.62189341583834	-0.27017427211970	0.29266041363912	-0.79472990260331	-0.25926931864355	-2.06442581501816	-0.15365362006578	0.34513737237558	-0.85263478236791	-1.00000000000000
+-0.67269714518947	-2.75307737505541	0.16728973973534	-0.91305984249671	0.64543659644809	-0.60530810279688	0.35264232729847	0.06675348922355	0.08553597240127	0.21757074933094	1.00000000000000
+1.70890385221022	1.23327695649690	1.75021654608754	0.20496865342420	0.20303458483069	0.25396578852035	2.15223472275646	0.64253531176566	-0.42655796465224	-0.74486434761459	1.00000000000000
+0.24195192665418	0.69379073988558	1.29409361795439	0.51519461873731	0.87335160286689	0.12972080465478	-2.18629158652816	-0.91836964860257	0.34418727699674	0.07328851711136	-1.00000000000000
+-0.90245284996362	0.52528343244933	-0.81469182075728	0.63391486309472	1.20019907347428	-0.22672251326428	-0.67242987628850	0.35718130930034	1.00427445583765	-0.55769527318568	-1.00000000000000
+-1.31877001595700	-0.38919079511122	-0.24688136154953	-0.25776956428294	0.94850912485256	1.18558088248943	2.36345656595402	0.62775899940177	-0.15051848449100	-1.86883276611939	1.00000000000000
+0.16298472658373	0.65880628892525	-0.74474001612349	0.10257759039586	-0.60101562235504	-0.48959451657196	0.30123645433195	0.05626424377742	1.07608403058803	0.36019689330773	-1.00000000000000
+1.31758336416373	0.60785018581160	0.03218740400714	0.12844966753059	0.54230105479055	-0.36528410441477	-0.33345291944527	-1.10776761094543	-0.24868468569985	-0.96256092435992	-1.00000000000000
+-0.65549714424923	-0.19424528107464	1.46757601079946	-0.94837515837142	0.46763450196828	-1.99863040908133	-0.56217306093072	-1.49156409231466	-1.95532048192773	0.29639558185061	1.00000000000000
+0.42642730667906	-1.03925300355938	-0.75078451383896	2.49137522441090	0.68519264011865	-0.20138789782790	0.00528443990363	0.63620140539927	0.43361479000994	0.25235011094788	-1.00000000000000
+1.48072610185990	0.40363018611557	0.85694502542485	-0.28123614444609	-0.37440615128738	-0.52310285527762	1.43530084071813	0.81966411084113	-2.04676490881840	-0.74617798265256	1.00000000000000
+0.54791253722587	-0.36529892660817	0.45506108831958	2.90702549428096	0.27290486232766	-0.25889187480362	0.12469512300260	0.21889001189368	-0.30450931226425	-1.10783608149089	1.00000000000000
+0.64704583711890	-1.15301122509434	0.74229300452780	0.12347043698755	0.42598314255445	1.26531793694681	0.21462628507653	0.47538902388481	-0.14832073561260	-0.22952239706919	-1.00000000000000
+-0.12608745040105	0.13151446553273	-0.10246166965616	-2.25991547196781	1.20521012924617	-1.84644348905384	-0.32957266112640	-0.74695275132668	1.73303574977692	2.32497323313107	1.00000000000000
+-0.06476661431502	1.25756501566883	0.85248529861167	-0.82282503785921	0.54600661237029	0.86296300731942	-0.33051509145930	1.00970818541941	0.03700557271775	0.03712619397445	-1.00000000000000
+-0.31787551572306	-0.12216899504328	0.90261733008076	-1.15876798364062	-0.03598861022150	-0.45011054075766	0.26851025618619	-0.36253664916731	-0.85796062721554	-1.43304197525290	-1.00000000000000
+-0.76357501337102	0.97106243583992	1.41046950676483	-0.51164445568051	1.19075839663176	0.96445561360265	-1.03547252368512	-0.22488245883004	-0.24773529815159	-1.14223265567187	-1.00000000000000
+-0.58333777901611	-2.89638852696757	0.87053324163898	-0.38574383656603	1.53053538524533	-2.30551435702243	1.17277378165289	-0.53826619198540	-0.12946533285628	-0.13974203542305	1.00000000000000
+1.15645762545082	1.83249726205623	-1.41414938629441	0.41371179978473	1.78612562090130	0.41721934815822	-2.68914338573523	1.19449802997736	0.06833240797214	1.22407654546720	1.00000000000000
+-0.42708654252733	0.18822303008835	-0.22687694252022	0.43034252525748	1.23822794840524	-0.44578503153210	-0.99041078142782	0.91692159574215	-0.06894374926253	-0.04669183833591	-1.00000000000000
+0.95457552733055	-0.70723004373809	0.49130390862255	-0.69512339724087	-0.76962327555864	0.42363079300944	-0.58315451061163	1.66388102116810	-1.55763401474192	0.95531764032125	1.00000000000000
+1.33107965665103	0.48399406275342	0.45952372810705	0.95544102118608	0.61069985310346	0.12271182511727	2.25057819690836	-0.78785304404687	-0.91350092069299	-0.24756933686318	1.00000000000000
+0.32936211818509	0.26507910933116	-1.85883064058872	-0.01471238590992	0.16525349861725	-0.07040255630548	-1.82529376633881	-0.99666979548207	1.27101022100217	0.31993077237252	1.00000000000000
+2.51271961067051	-0.53526129595521	-1.39227325608780	-1.36685508669869	0.63331403090858	-1.50827889859709	0.48945780059642	-0.06879447514762	0.18491322364906	-2.13574459919331	1.00000000000000
+-1.11829378682109	0.15776222723594	0.27670885552529	0.02569106690113	-1.03800658647118	-0.00475103863672	0.54461342326129	0.33095153559129	0.52982587688550	0.55270560600221	-1.00000000000000
+-0.03183087475767	0.16678616480034	0.53864983056018	-0.55380010498966	-0.98164542943275	0.99115279453185	1.92882733845317	-0.56848994970910	0.43087117821571	-0.45111213636333	-1.00000000000000
+0.95827247026798	-0.70554583629712	1.64008979601840	1.12533934162214	-1.64959671465603	-0.90958728240603	2.13279292993417	0.54284971903462	-0.27191881808952	-0.81231512738586	1.00000000000000
+-1.09060558804351	0.26570735366541	1.32149654738721	-0.86538443069777	-1.20684219347092	-0.19181525616226	-0.68021637109658	0.36767052199174	-2.42138604877539	-1.11818090318729	1.00000000000000
+-0.46197697904013	1.10314298546092	0.16483624542164	0.28760290465154	1.22768262764896	0.15692859179730	1.19714029350685	-0.68351762932278	-0.92094171366911	0.65435404451169	-1.00000000000000
+2.88848912873148	0.47845435486099	1.25716971622067	-1.61713174492516	-0.67139399512486	-1.02891786173411	0.75827653644615	-0.07436246644226	0.21888954287702	-0.61111403315361	1.00000000000000
+-0.28361110396877	0.39276682061565	0.62414496287704	1.70549338864790	0.50622904281825	-1.31429779088482	0.99470981375296	-0.22528887810345	-0.40319055076748	0.10266762792278	-1.00000000000000
+0.24449312975637	-0.02710493642790	-0.16628488822113	-0.10715350962897	-1.36032132154808	-0.02499732593812	1.10056359595483	-0.47953291550773	-0.73082174736447	1.04317076371172	-1.00000000000000
+-0.00568221591196	0.14354596687859	-0.87232304969830	-0.43793337455270	0.51738979571883	0.05726850847797	1.05838469880791	0.37899686930102	-0.59224822215170	0.14866645414942	-1.00000000000000
+1.17599851120385	-1.70453676943881	1.69551010684289	1.07399784265223	0.11294250336270	1.05689363932173	0.66685140542120	0.56733081171289	0.73251455775645	1.30869861486023	1.00000000000000
+1.06006139487192	-1.04137535770240	0.97183716915547	0.59586399147237	0.16411475132720	-0.03734141199889	-0.67460060708854	0.51269816468970	0.18456813231577	-0.49813909601515	-1.00000000000000
+1.36616476967855	0.36378760789698	-2.65644174784694	-0.11653827288554	0.51054735989227	1.26408012597447	-1.65944435604969	2.43141057975246	0.82046342617217	-1.12059568893837	1.00000000000000
+1.03930109161515	0.71069831988638	1.71298639324473	0.16339089384262	0.09360106229980	1.07623237969104	-1.49754038542095	-1.79946883361548	-1.16853982727475	-0.65867866225203	1.00000000000000
+1.45093174785258	1.44439305530703	1.00291272926079	0.72163436310783	2.10524157234489	-0.65058330203447	0.17894504982426	-2.63848829574275	-0.34880592508876	-1.05043496884853	1.00000000000000
+0.26644233441370	-0.96081877732543	0.30535304171452	0.95869182706302	0.09206243194078	-0.33989996296997	1.70957587902759	-0.88356349792463	-0.32918637078982	-0.42034844462169	-1.00000000000000
+1.32590846343968	-1.68337867883251	-0.71660095546517	0.33418073698952	-0.11049468744992	0.18354335621656	0.91113170728415	-0.43252153120440	1.52601346921569	-0.44936906137081	-1.00000000000000
+0.22954779900317	1.58739447559760	-0.26318714267508	0.49112989769364	0.18585043815686	-0.51313048548525	-0.90136088487178	-0.51017761974067	-0.05957889550350	1.58281675321769	-1.00000000000000
+-0.12414479766756	1.13882028775226	0.80077717521995	0.61917668963032	-0.09281194057298	-0.51339965143238	1.12416581779485	0.05252153171060	1.12975827391909	-0.01849359026256	-1.00000000000000
+-0.04887356915252	-0.30728821989395	-0.03605028147816	3.07086067260021	-0.10802942493490	1.13580914994683	0.20903905730762	-0.16837475389785	-1.38468512987431	-2.24055266329668	1.00000000000000
+-0.64497969667341	-0.03070428217386	0.16078658765247	-0.40299622985951	-1.25037984498999	0.52920052233134	-0.29162616696134	-1.16654606452304	-0.26609589640824	-0.42876709597865	-1.00000000000000
+-0.50491982941126	-0.74321026914032	0.47053288517363	-0.94457768118848	-0.05834291228316	-0.76275226582562	0.01272695344351	-0.39851166739311	2.12498672581568	-0.99739585483741	-1.00000000000000
+-0.70921912987402	2.80383331686939	0.69444864338970	1.17061899624061	0.42203838855110	-1.11500546772135	1.05429763577016	-0.15249847677781	0.93423445080477	1.12309959929845	1.00000000000000
+-0.18791446316876	-0.18968052881973	-1.14607685586151	-1.88629705848472	0.06025413194425	1.45030353630073	1.38018652613527	1.46105039253042	-0.85805760066955	-0.28121016437121	1.00000000000000
+-0.47633759938150	-0.12860967642269	-1.61655862076723	0.87315588876973	-0.36918602232858	-1.66113567183044	-1.42029377078264	-0.00704104617884	-0.60485059345632	-0.43607845507353	-1.00000000000000
+0.37315962809172	-0.68103626165178	0.83237058280388	0.68242471125244	-1.07099824415004	-0.28171885115808	-0.77396112845095	0.22812502370031	1.06201816886500	-0.14388818579680	-1.00000000000000
+0.94305350658831	0.87129067908751	0.14163940813904	-0.04711064504129	-0.64239626000196	-0.00371281127849	-0.24346757268256	-0.57404828920646	-1.80524836763295	-0.78740494995559	-1.00000000000000
+-1.03266640311534	1.21434013684005	-0.59997611600094	2.56510410118074	0.25850464257776	1.49007811556944	-1.50820765943777	-0.58023394091228	0.25762709186691	0.90542213281640	1.00000000000000
+1.49265819493183	1.12437133087955	2.82112516973783	-0.68303159105685	-0.39367648429475	0.92890945222178	0.46909934193538	-1.18318886095144	-0.60280876727720	0.26910709583327	1.00000000000000
+1.03628144462411	0.27248646502968	0.40731719182016	1.05005631735476	0.49096744353851	-0.32136351083871	-0.26317818475824	1.25533512121273	-0.18869776954599	-1.19221255935718	-1.00000000000000
+0.59105390526299	-0.44881622453842	-1.28118247500722	0.93114865676504	-1.01306168480799	-0.41496485374670	0.09909537454844	-0.21322855429910	-0.32872993078629	1.60347060978407	-1.00000000000000
+-1.52201585152864	1.23724671430179	0.14924287473044	1.92551178861477	-0.25017322909000	-0.67428221531281	-0.60348641688626	-1.54390367295110	-0.84840854310465	-0.89322219180851	1.00000000000000
+-0.71386169390353	1.05611855862754	0.82089097573111	-0.40325050043877	-0.91596851035994	-0.74922583880782	0.98849374915657	-1.00883875084094	1.46836008669074	-0.49397342085918	-1.00000000000000
+0.15405143713800	2.21127365599758	2.52932990873405	0.07959411265228	-0.53116521820766	-1.47518507423455	1.56633112482265	-0.47354740610659	-0.23474455484674	-0.92097554921841	1.00000000000000
+-1.01479020354049	2.11596980886093	0.03729943111412	0.85964089643916	0.21387617439105	2.01187467965821	1.85547432752009	-1.54982296205973	-0.33558794973220	0.93932380834861	1.00000000000000
+0.69790554035807	1.97352091077625	1.10266027355069	0.34042921853634	-0.18307308654147	-0.97663228100958	0.19191434998418	0.27017435303946	-1.50258682793897	0.11174174822711	-1.00000000000000
+-0.70659820283149	1.57209632641368	-0.11928751553834	-0.73597435890040	0.62806476765324	0.57738592599783	0.78935822163705	0.94011729105018	1.48831730153346	-0.12649833263573	-1.00000000000000
+0.53927844037519	0.04194601662773	-1.17533801783777	-0.59616738804019	0.79859961690622	1.20309959642012	-1.00783809047650	0.85067961031047	0.85762991982299	0.66549801852622	-1.00000000000000
+0.31105310200547	-0.17540628743322	0.53950244858736	0.09838882081255	-0.57124591774923	0.51291103234213	-0.40683930476658	0.12796498950283	-0.35951143686137	-0.16448520140146	-1.00000000000000
+0.68349489164812	-1.04218426732281	-1.29925723011062	0.09488872779951	-0.88188531936920	0.53513152533314	-1.32442853034843	0.14594575930403	0.33131007050021	-0.94844848189453	-1.00000000000000
+-0.49467797602019	1.41090097286892	-0.14000203716790	0.13526539859824	-0.01010000588387	-0.27883215980962	-1.18963963567806	-1.16569426490805	0.69802593922204	0.60397161054809	-1.00000000000000
+1.52533778858837	0.20702726122269	-0.86111140906973	-1.06374365187187	0.45753848528110	-1.09278841327881	0.43100681661708	-1.18645442745017	1.75391771599450	-0.18439844557850	1.00000000000000
+0.51817567809125	-0.52299014158473	-0.58789193731327	0.63292668269555	1.66338534657554	0.70510274332477	-0.04394223036340	-0.98108041252446	-0.12420892489826	1.52881009666934	-1.00000000000000
+0.29813528239051	-0.18661539449115	0.32713544629311	1.85291535945987	-1.30205910139689	-0.06429936241744	0.78300021665834	0.15452197328464	-1.36136360760717	0.67985916557582	-1.00000000000000
+0.56690401122390	-0.46170136713046	-1.03051766462413	-0.91357776355857	1.05214549675882	-0.22929832814142	-1.52224274154112	0.30937802411692	-1.89275587865153	1.21492271015197	1.00000000000000
+-1.60737740174848	0.16838167794722	-0.56923248725287	-1.60874275107137	-0.51627461403175	-0.40137757498824	1.61740632104334	0.50664123130271	0.60739778023158	0.59168490475461	1.00000000000000
+1.41967144985875	-0.33406115257745	-0.53926830743444	0.47332421374087	1.40383687483578	0.72962548974406	-0.78913722487417	-1.72947165128152	0.25798224533543	0.46619002611086	-1.00000000000000
+-1.16705493249697	2.89904449380150	-0.30945426337458	0.72825959451369	0.51281562597389	-0.15583349778153	-1.68450781059698	-0.45153171611957	0.20755392141151	0.41702733566741	1.00000000000000
+0.66745905681949	1.71268423537097	-0.89323638305465	-1.17699449748110	-0.54392458019011	0.65344521802295	-0.34154741791656	-0.02876499234843	0.26302400971024	0.13845644665304	-1.00000000000000
+1.04568524882830	-0.42222647607560	0.65505219924777	-1.34419443893671	0.51156389242523	0.09908404563856	-0.54616255301128	0.88741729502341	-0.90101451801654	-1.80854835934561	-1.00000000000000
+-0.99097742402150	-0.56200387577087	1.89174978601130	0.26850013516259	-1.87590415572210	0.40118408189235	-0.10593596977871	-1.39821238827567	-0.66382437996121	-1.08568063328316	1.00000000000000
+0.38661690796996	0.70561653255028	0.26050009148252	0.83271263623048	-0.42608937931407	-0.94988871661293	0.27698587649091	-0.68308445826086	-0.41463744987434	0.06537328721234	-1.00000000000000
+0.17270296629556	-0.23621341830952	-1.57960085659431	1.42479239511226	-2.15764043701617	-0.57000683521478	-1.18964646200055	-2.19636112646628	-0.67107190539324	-0.19466516261521	1.00000000000000
+-1.03712759037698	-0.64868167018699	1.30449528599891	0.46638775326748	2.36874823708571	-1.69588215059070	-0.16682179687419	-0.01918715837948	1.09038712512710	-0.75850051048805	1.00000000000000
+-1.37769658453826	-0.40288654258097	-0.55255386185922	-0.38213930863414	1.39924200600009	-1.35214771254110	-0.07191605527474	-0.46453736450171	1.38353565027454	0.47772917903394	-1.00000000000000
+1.84954097262223	0.65323916352640	-0.25171997020093	-0.62094520327358	0.04828342264040	-1.05337957513992	-1.25643708479931	0.66341561390251	-0.00260866180438	1.29543592928174	-1.00000000000000
+0.85896381259247	-0.94838348255376	-0.38035639789165	0.09953463035226	1.11183242296366	-0.57287041443847	-0.59512285844871	-2.00119556820190	-0.40538334653977	2.09508587702414	1.00000000000000
+1.58968202464248	-1.00740911675934	-0.31679620255475	0.10091310730182	-1.11894840693236	0.68232240835542	-0.02102480639514	-0.27067794918890	-0.54697376190339	2.69092463194487	1.00000000000000
+-0.80807071327321	2.60240463709696	1.15204821528380	0.83430713125395	-0.81213383920630	0.26755810117906	1.75089091033549	-0.21147914932844	0.02519832668862	-0.40594030852337	1.00000000000000
+-0.53759219526147	0.52086195810628	-0.91363638838556	0.77213226514178	-0.51375966110661	0.10692869846541	0.05119779064145	-0.96657115378144	-0.37710001970018	-0.34514064402581	-1.00000000000000
+-0.89410897508315	-1.08676329273347	-0.00101241135293	1.24161054061743	1.37570040808952	-0.44162474213031	0.08329695259875	-0.02570942716290	-1.51942200709823	-1.33559628290894	1.00000000000000
+-0.46006820650983	-0.50740537029037	-0.40806265639411	0.45691608123910	-3.48254641953595	0.61197611685566	0.53758007097356	1.60604350984314	-0.09530615348183	0.71186357468796	1.00000000000000
+0.36128587891218	1.58644514445200	0.08082581478594	-0.08314266057517	0.57381371933229	-1.59021591999572	-0.14295093092774	-0.75818374310881	0.31294963709548	0.84094640668855	-1.00000000000000
+0.91003206362138	0.44246091155286	-0.52082408624738	1.70026547091179	-0.59897384650026	0.37882277562843	0.49503438220005	0.84856261838872	-0.59149441054844	-0.01752481142126	-1.00000000000000
+-0.82476493958893	-0.62301351995616	-1.29484805380249	-1.15820929911124	0.37946949416661	-0.53224031975958	-0.41533337278985	-1.84241217833837	-0.51604993957989	-0.52016030623428	-1.00000000000000
+-0.21071773855864	1.04144056490424	-0.03271028985602	1.59131976554836	-0.45656370589802	-2.07399373086252	-0.11868686152066	-2.37481900660536	-0.13490561957637	-0.06545864909312	1.00000000000000
+0.57859877147233	-0.43854379485859	-0.96923307499672	-0.70541462855452	0.53050099301093	-0.54628653140819	0.50576341388728	-0.08231825410047	-1.53188025190102	-1.29516358034988	-1.00000000000000
+0.46404282286003	-1.00768767466084	1.71576496609680	0.86231353004020	-3.07538238508495	-1.03903903280449	-1.19592239768502	1.45079310862169	-0.01943703396290	0.29130893839292	1.00000000000000
+1.67032523402351	-0.14095205420973	-0.54520617320780	0.85441537884659	-1.43000272805974	0.41751618033876	0.80237128758319	-0.88958044368889	0.73380155136587	0.64181111476385	-1.00000000000000
+1.19391945431205	-1.06688667444809	-0.18209308607792	-0.71673284706108	1.05079488111796	0.68200973309108	1.82089767808788	0.77268534026338	-0.36472384278546	-0.35465526579056	-1.00000000000000
+-0.05945281704347	-1.17919263822815	0.36814719556632	0.92072005396644	0.87921804891982	0.42622800501717	1.00570488095626	-0.03381944905272	1.00283982711420	0.05785814734818	-1.00000000000000
+0.11536014403520	0.35909699150656	-1.12880537825726	-0.03458855980556	1.44260783231164	2.65606170083572	1.19731075828983	-1.08592159765327	0.35999455049875	0.73733915236299	1.00000000000000
+0.85270556594798	-1.19306030735903	0.00141521219606	-1.62445055836586	-0.70587919019664	0.10065452552862	0.04465373001957	1.54892708697926	-1.80911469309582	0.48259646061714	1.00000000000000
+-0.41230609239872	1.43144516547362	0.06901230687011	-0.68193433831939	0.56519355626811	0.58486535300386	-0.70744935989434	-1.45160660766224	-0.50751716109920	0.14703266382061	-1.00000000000000
+0.26748063519242	-0.84328692992425	0.10190884950939	-0.05757253326436	-0.42511096525069	-0.70472307322377	-1.39326904107363	-0.18816388951353	0.51566667299433	-0.26625277868536	-1.00000000000000
+0.08982462747483	0.31321148246754	0.32692252403822	2.68192946641356	1.12938230964827	1.75780736344969	0.38290294229986	1.68094319289758	-0.26548443860780	-0.06378355161329	1.00000000000000
+1.22218530804667	1.54939655894952	-0.37395042535069	-0.20308948278515	-2.37611705833880	0.37470785363674	-1.00568830568670	0.54631395300042	-0.08544366293754	0.13852376418138	1.00000000000000
+-0.51108161144115	0.76897201670415	-1.61376800893338	-2.87375846560160	1.00193810243695	0.96446617180347	-0.21892729438820	-0.38985429859005	-0.79855412481087	-0.57894592971510	1.00000000000000
+0.18659943436051	0.44132613557276	-1.70737815199111	0.20117051214094	1.85684895129628	-1.58108931225546	1.27990769494169	-1.40459104701995	-0.24132091447933	-0.90049255333920	1.00000000000000
+-1.68302291596094	-1.14957746527302	1.84630511439683	-1.05596655400427	0.52027648738551	-0.18296563972664	-1.96004057194886	-0.77734400039276	-2.01727310735658	0.82417551513875	1.00000000000000
+0.75253192783255	-1.10986628308794	-0.68776307799167	2.13027376057211	-0.44500824244537	-0.82023954431805	-0.16483802630403	-1.87945791594202	1.44998290169142	-0.41734456506032	1.00000000000000
+0.40632808818316	-1.06757348320210	-0.80390404519001	0.10778959033054	0.15937106185133	0.93581530778666	0.20076254915137	-1.73203350564238	1.74457856141397	0.87756234392985	1.00000000000000
+0.71161943781276	0.30382966517600	0.07643638319697	1.35167997107355	1.15929517337464	0.06961921533285	-1.44328450327887	-0.44468156991770	-0.15357126832615	-0.36366145331060	-1.00000000000000
+-0.02560865384449	1.20350791021642	0.39462228167763	0.05596833341837	0.06539815400502	1.08076432253334	2.13906150021164	0.59659655529027	-0.35256008574011	0.57401417455459	-1.00000000000000
+2.01129878427099	-1.88838424745750	2.23649676148220	0.31352969722807	1.45540693437910	0.88413972505002	-0.73900855221398	0.35541671918511	1.42848931863451	-0.82010615596660	1.00000000000000
+0.75738587594580	0.16039423775030	-0.48435099230174	-0.71948221405578	-2.02364293557889	1.24461049220127	-0.54764548414752	-1.24997229227168	-0.12796627704539	0.47756353923858	-1.00000000000000
+-0.08099716185881	0.98226392408917	-0.92237657648785	0.69995143062749	-1.05580686456734	-1.63004651669025	0.56551674545929	1.32378188278152	2.04834033940786	-0.25182084655491	1.00000000000000
+-0.02181745484579	1.26453761613877	-0.66084613964687	-0.40612869249044	-0.91348392623845	0.09001080590134	0.00229867388634	0.63458411778175	0.38853750030142	-0.95722327746067	-1.00000000000000
+0.27773073208946	0.87275596687454	-0.22077599821157	-0.61697672991634	-1.35408408454189	0.11463407782142	-1.40387638842403	-0.64303794919852	0.18111128616535	0.05789244320717	-1.00000000000000
+0.48295525920599	0.73773451889793	-0.60567635656386	-0.79419246221492	-0.22666708561595	-0.36442991553271	0.32797525144598	0.64585181860600	0.50836473426505	-2.09122244425437	-1.00000000000000
+-1.21727706562851	0.55185246820441	0.24838109630703	-0.61423465673824	0.06021458603911	-0.15378477282589	-0.19300993921779	0.06886790147823	0.34158880158879	0.83528455960262	-1.00000000000000
+-0.34193922715794	0.41720491961576	-0.09350718951467	-0.83694478253087	1.33263172623783	0.39786207745177	0.11616659452067	-0.40998508392750	0.17890009512606	-0.64513505563646	-1.00000000000000
+-0.61546467886826	-1.46313558013955	-0.47909203742826	-0.19734691436512	0.36718020336142	-0.99139454259717	-0.45237824033094	-0.86554760441734	1.26369757012681	-1.22376297901085	-1.00000000000000
+-0.60014707342830	-1.39329862734735	1.16124927541738	-0.38897553903276	-0.36292375485894	-1.58623686165499	-0.70644558641613	-0.35238215466761	-0.52885729397830	0.47226261823922	-1.00000000000000
+1.38718824384193	-0.16110897199487	-1.32154721797454	1.02229048357762	0.25418237852781	-0.88514505355021	0.18405884191312	-1.47569351343234	-0.52845987192138	0.22508189324159	-1.00000000000000
+0.60936099614306	1.06113630444825	0.26268439237929	0.00045976691137	-0.77021732680061	0.49156424653377	1.77621216090141	-0.33052109876497	-1.43441958237377	-0.59930374472240	-1.00000000000000
+-0.29462883077432	0.22150985849486	-1.13329617163616	0.58548754646575	0.14509507786733	-0.39697047713568	0.45406020670578	-1.40935948474498	0.31990486515460	0.65491864507635	-1.00000000000000
+0.07448368540304	-0.28393305622306	0.70776399477295	1.63869868952983	-0.49910040350653	1.20566475032182	-2.37811299669163	0.48621754158934	0.05598632097221	0.48715007666975	1.00000000000000
+-0.21760315059106	-0.33956077685520	-0.81513343733825	0.24845174236891	0.31211229924776	0.28718817965885	1.86754062682569	0.28530573586612	0.11997396301963	-0.69786811488783	-1.00000000000000
+-1.44586827451362	0.03942556061363	2.22288486061521	-0.58883053047413	0.98097292212656	-0.70141097979805	1.60215706843401	-1.87719705134925	0.05264913012139	1.13466837144982	1.00000000000000
+-1.70168881307219	0.80527329076746	0.27405334624081	-0.16473410416386	1.52346840785493	-0.30159402771910	-0.32985261211641	-1.89409750868517	-0.25609967943622	0.21290328183101	1.00000000000000
+-1.11456016087983	-0.07888907465351	-0.69913149673090	1.84936521514920	-0.01487121737757	0.05194721261157	0.64674267277118	-0.60434037077611	-0.14594148688907	0.60233579666280	-1.00000000000000
+0.25291608749457	-1.34427669110564	1.01142000861695	-1.34115799768040	-0.44945872008868	-0.01659856969517	-1.10134014780381	0.73086395369235	-0.69236617220288	0.41419073722870	-1.00000000000000
+1.37498514950018	-0.81670733141906	0.07766937249006	-2.04561867624928	-0.02568469546225	0.50836947667089	-0.90156393356600	1.04378953844655	-0.42070374310165	-0.61522692457673	1.00000000000000
+1.18798743015717	-0.66370749560988	-0.57593281607298	-1.02589284273503	1.09266261322471	-0.23204789695745	0.61166114237162	-0.37584495586132	0.69548084921890	-0.96118547185258	-1.00000000000000
+0.44928587487777	1.64666968000352	0.56749129203341	-1.58303879342077	-0.79062938092956	0.63658433113892	2.67290464808790	0.48998677506379	-1.37043311326386	-2.16845076910128	1.00000000000000
+-1.52487339321369	-1.17477156587265	-0.24687524773560	-0.97674132134455	-0.80357925960058	1.44672288178910	0.03619565455755	0.16628836228112	0.59480060641714	-0.33464436892368	-1.00000000000000
+2.25526945369752	1.17792437535067	0.48045535132333	1.48906469749504	-1.27349072927796	-0.95874580361980	-0.35834632118245	1.13757148514334	-2.07855384161184	0.37370939888301	1.00000000000000
+0.56701168464937	-0.05821340276237	0.09192469210482	-0.15194206327689	1.12099849780059	-2.11643646427031	0.15331097123115	0.27474726393142	-0.78874189351593	-0.52047710236915	-1.00000000000000
+-0.14070645105848	-1.29248263983156	-0.30620520954460	-0.14464930112515	1.69215981223338	1.24813402518725	-0.41331286917197	-1.69542630851315	0.54535079503159	-0.27641442156051	1.00000000000000
+0.07908864359803	-0.64453583811224	0.47876916362046	-0.12520781411682	1.11778435905860	0.04134986830335	1.90497328483888	1.54967309633575	-2.04591807352051	-0.07869790349229	1.00000000000000
+0.68490196246877	-0.34527026021284	-0.98851594988012	-0.67793928009092	0.62239741846148	-0.11884943871275	0.46412652632226	-1.54574951000843	-1.67300909651458	-1.49894247999784	1.00000000000000
+-0.04282240781854	-0.00953376517893	-0.50392736132741	-0.81773651716027	-1.49009429120094	-0.26267551892973	-0.59137100571170	0.42202401147314	0.18594050391499	1.43941507071473	-1.00000000000000
+-1.76340200372947	1.50066233628561	1.86985370434228	-0.59540450842051	-0.82140243427693	-0.08335791354233	-0.39013207668743	1.80113326374538	-1.45980555900078	0.29694603725599	1.00000000000000
+0.15266499819585	-0.05145058305291	1.06863019374540	-0.54620512437705	0.60109979049773	-0.82931344419086	-0.72393926303084	-0.13952556095217	0.24056223686672	1.06699377734880	-1.00000000000000
+0.42224366946182	-0.93531299198591	-0.28459877441458	-0.59001820661329	-0.16476319850285	-0.56085769437735	0.07069497700199	-0.58105257994100	0.02234514010985	0.50410114056234	-1.00000000000000
+-1.61776707888927	-0.84352385812370	-0.69936945301599	1.98690372005102	-0.67840995839441	0.71325406744500	1.34114393505408	0.06142415876687	1.80495727175163	-1.00100237366054	1.00000000000000
+0.79754808588277	0.90138180703874	0.22125304581403	0.02305018583163	0.71505108967408	-0.53030393015019	-1.13840352981611	-1.24461690631155	0.96485349559533	0.30853308837294	-1.00000000000000
+-1.47125797441292	0.39226300040489	0.75128501619430	-1.78179797310607	1.20380177566557	0.66760202237036	1.38488418272800	1.07916111750934	-0.06069485314826	0.32089458879490	1.00000000000000
+-1.48845303983506	0.23656731914927	0.74254276961392	-1.40832064634241	1.60208937863556	-0.11363188504428	0.23323168877233	-0.42357328414806	0.88365136006692	0.37115204347683	-1.00000000000000
+1.39514977230897	0.81374249408646	-0.56546353687788	0.70154025489016	-1.83962587889927	0.50150997095334	-0.74818672919571	-0.97229138707213	-0.17058672284383	0.15408862882382	-1.00000000000000
+0.82593433555736	-1.13690675142186	-1.14385844635320	0.55762589280761	1.70931488636751	0.25544392464753	-0.96605851144653	0.09074008566089	-2.51387811344545	-0.34186635724387	1.00000000000000
+0.92907392947836	1.63349608368517	-1.06431604348605	-1.37738945277017	0.87407460479982	0.52759644671914	0.33257242566434	0.04644092011372	1.14448082781320	0.08134067328351	-1.00000000000000
+-0.25649220168923	0.21917792995940	-1.93208410699019	0.25766405893443	-0.52162468941012	-0.29872845038807	-0.23925416266694	-0.49004442250716	-2.01827964479969	0.35336256737084	-1.00000000000000
+-0.19942667963139	-0.81979780752599	0.31247924801444	-0.95308176637981	-0.87338577822661	-1.10182595533453	0.29469849198486	-0.08514634605818	0.39640271348603	-1.73400498402535	-1.00000000000000
+-0.55032012139401	0.34671952132107	1.56495559524310	0.42819090046060	-0.67680980578730	0.36178362077930	-0.89685032736073	1.20385134474796	0.05390899453781	-0.87680539658208	-1.00000000000000
+-0.67959307924699	0.85604956641100	-0.04971573117418	-0.86712030311404	-1.10343447885545	0.11058323373590	-0.17244810892486	1.45712534499796	1.03831947856473	-0.65806011346422	-1.00000000000000
+0.36101163810669	-0.77806100831342	-0.56308142685879	0.72721058036814	0.25997449943063	-0.70843284764776	1.16899424048382	-0.83240271721991	-1.63453505764742	-0.52783654307935	-1.00000000000000
+-1.09165647839224	-0.40032695768957	1.88715053948821	0.25322729908618	-0.80834614591677	-0.20002455118439	1.02820299814684	-1.84042877859887	0.59818720061416	-0.03948869271527	1.00000000000000
+1.32581869447494	-0.89436233166118	1.18071047902155	-0.29370164987227	0.59663276836991	-1.09312220037263	0.38412996918390	0.39519942303252	1.90709117727616	-0.11068985472647	1.00000000000000
+-0.46303727835153	-0.10106086280070	1.94279233658302	-0.20147170227760	0.03688550958910	0.10258156840576	-1.59519999106471	1.10643653168799	1.07264196930290	0.40019674065035	-1.00000000000000
+-0.74355342574941	-1.40703094431863	0.78300161630471	-1.22006270078266	-0.76823162562858	1.05828132901240	0.90670102370917	-1.71959664526101	-0.42360740097482	0.66180981069333	1.00000000000000
+-0.59206192797452	-0.76428979617498	-0.73330352404402	0.17555078191710	1.44141509351121	-3.06126416903652	0.63392593975716	0.53856264458583	1.20896138535465	-1.26704350238905	1.00000000000000
+0.70256876966604	-0.59836157685707	-0.15333251319673	-0.22851728582854	2.28603477157787	-0.03171380211118	-0.57307814187629	-0.77501739306374	1.70746198755375	0.58869909216011	1.00000000000000
+-1.63979951203535	-0.21288276307294	-0.63693142565729	-0.06926959521793	-1.53409619039553	-0.18506887095530	0.32550956269871	0.10481070250510	-0.39161108168897	1.46872734445968	-1.00000000000000
+-0.20347042668885	-0.18703761915213	-1.35055257526308	0.92231335135654	1.26778284554922	0.44638177743105	0.45982682265812	-1.93866508204777	0.51488907293537	-0.22418323582059	-1.00000000000000
+0.86434545819176	2.46842514044867	-2.79703090783851	1.19239763836837	-0.37274915338073	-1.33521004919761	-1.17381817786296	2.14587330891668	-0.05622337301291	-1.42278400361007	1.00000000000000
+1.92410991288146	0.35424821793759	0.90113138928561	2.42926757983063	-1.36071873594338	1.00466845364556	-1.53240670068130	0.51865313002811	-0.32855472529206	-0.01098375938196	1.00000000000000
+-0.11102546096590	0.59375263413769	-1.79516992170398	0.04195024861045	0.95410456508303	-0.67027793321254	-1.24161233507936	0.23751343768240	-0.46018224473332	0.31270998092443	-1.00000000000000
+0.08233005815514	-0.04630960454791	0.24404585747459	-0.36675950894204	-0.43738369118586	0.32568605923022	-0.08201066047725	-1.06512178065591	0.47512113060270	0.75454028725081	-1.00000000000000
+-1.77896084977513	-1.41260183480399	0.60841561437983	-1.11427111063247	0.19482603784106	-0.52687838077757	-0.52274929161458	-0.13903883757432	-0.44760379093203	-2.15821741342543	1.00000000000000
+-1.08997726034305	0.06052941080225	1.65501273966590	0.06778823339527	-0.10068100977560	0.39370322825430	0.12209203073907	-0.01944261655067	-0.09262671031343	0.45020018788627	-1.00000000000000
+0.49973412486472	-0.16612801139583	-0.50314857647510	-0.56148381955052	-0.31771477584793	1.14484267937910	-0.25289655703358	0.13322646354493	-1.29162100990025	1.13301092391816	-1.00000000000000
+1.41822310993040	-0.77544555771229	0.23712923860649	-0.17794226394528	0.83621788730934	-1.15805948943860	-0.34944472186848	-0.36470482387121	0.51563637602760	-0.85406850064052	-1.00000000000000
+0.58841042107754	-0.77429594467960	-0.64278442195777	0.20728086462998	-1.46206498139559	-1.38522633810492	-0.67197759376902	0.46876569434567	-1.33704748848427	1.41114655197584	1.00000000000000
+-1.08809780113875	-1.37733856172455	0.94078547194983	-0.36008866915955	0.42058128772810	-0.67382550742163	-0.03062206950026	-1.49610690339092	0.00802011670657	-1.20343269025546	-1.00000000000000
+0.08277944786287	-1.32148124267171	2.37221302602879	1.21261055701958	2.26384784871227	2.50600701360780	0.60659369618214	-0.44816001558663	-0.60089125538498	1.00794717899999	1.00000000000000
+0.17965952193390	0.81504572377235	-0.89312530161923	0.64191599150558	1.01908980255312	0.47672199159972	0.02373019188688	-0.31337478729494	0.38359384105587	-0.24050432018761	-1.00000000000000
+0.37834062982293	-0.70722088281443	0.01584479033027	1.23812340114987	-0.84584900800266	1.00165874673069	0.91915518085398	-0.48613413104693	-0.96555980022425	0.96861586156392	-1.00000000000000
+0.76021156325285	0.09126023653891	0.15894909219823	1.23005474787715	-0.70079676908383	-0.42303645559804	-1.12632124200241	1.89848234597009	0.24438919179310	-1.37040518895640	1.00000000000000
+-1.11888783580829	0.09384991925531	0.85038131147052	1.79956630233306	0.91435180199515	-2.10489306811017	1.99540973473791	-0.24582761503337	-0.50423009798852	2.28169673811093	1.00000000000000
+0.20382407588296	-2.29343840609184	-0.39809646194754	-0.25461604687101	-0.27253713889868	0.23733378088625	2.54544698940377	0.51103634738191	-0.14806474745814	-1.84173644564994	1.00000000000000
+-0.20803700909274	0.80552399086336	-0.05564739006719	0.61512333700396	-0.54212977544457	-1.05256907865427	-0.08828906687121	-0.26683491224161	-0.87647939346314	1.22139859653215	-1.00000000000000
+1.49078459175305	0.19586167243278	0.43257926186613	-0.22246828292052	-1.21834960788478	-1.71845175185240	0.18389065529684	0.50563609667820	-0.53721082107461	-0.84338540658254	-1.00000000000000
+-0.11767609827027	-0.69452001902466	0.41572218766416	0.14280710847165	-0.32682520851753	0.08821723292599	0.42488511357546	-0.31921713005636	-1.90875690464472	-0.36836106692834	-1.00000000000000
+-0.35472584694652	-1.11625125918186	0.36055450455741	0.99906566126298	0.58931244000308	-0.92248844155633	-1.54636546688800	1.07939099278805	0.42098956918094	0.21923776398471	-1.00000000000000
+-1.50414803748936	-0.03865275155003	1.17072242518985	1.50869799135585	0.85669938437020	-0.45588541576310	-0.22239234004304	-0.52826605938541	0.20864212763560	0.14962953339803	-1.00000000000000
+0.14197421613544	-0.23698852913820	0.62322519938426	-0.99195870349941	1.81577476749506	1.18538419042284	0.83851052626194	0.87712478000970	-0.70708041204114	0.50441172620994	-1.00000000000000
+0.10176672069285	-0.25803868509999	1.10336770222887	-0.22501118850385	-1.02077590421002	-1.57759138590047	-0.73405330498912	-0.27113417108810	0.38828926258863	0.05329346459666	-1.00000000000000
+-0.17877732125990	-0.14799410061626	0.23499422082661	0.24065017111031	-2.92820819230418	-0.83044503000119	0.03821068437698	-0.31961048401074	0.73086918936494	0.81130652402355	1.00000000000000
+-0.77413242558318	0.26162654525257	1.05665933806805	0.64849216420186	0.35058507783996	0.86666920142900	0.77458056282870	0.45340611382743	0.95121134324821	-0.91576749539394	-1.00000000000000
+-2.08681786163220	1.20919195193126	-0.87238617494394	-0.60944642071159	-0.01831279645925	1.75888804908699	-0.48495921262177	0.48784909884116	0.22354279624944	0.95458893979014	1.00000000000000
+-0.75514037536477	-1.62889897580694	-0.23086410883469	1.13237181651320	-1.72177102430106	1.59070353382691	1.03086394587365	-0.35087868762048	0.12576932138993	-0.60844276210155	1.00000000000000
+-0.07412352378603	-0.62602300370823	0.55811402319906	0.29816090471740	1.18999137570850	1.46427576806797	0.82529677839244	-1.35585551140744	-0.06015862707327	0.26633206589160	-1.00000000000000
+0.52426926285973	0.36468841355737	0.76134108686862	-0.68487346979030	0.10978003063255	0.71337511304021	-0.97413272163544	0.13128241446492	1.43595829394891	1.14292047092921	-1.00000000000000
+0.29729817983192	-0.74451471007559	-0.87570916748418	0.59111812509958	-1.02469608803928	-1.69751197284454	-0.49869985339138	-0.17780828865392	0.15326920828066	1.24057878789709	-1.00000000000000
+-0.51288302018873	-0.45952091925904	0.97541999598407	-0.51474459386034	-0.59632427273531	1.00928148090512	0.43948730297873	-0.25218863092011	0.56602150562764	0.77516675306618	-1.00000000000000
+-1.39617131599336	0.35417704803175	-0.26305063556997	-0.00445508267956	-0.05142336266653	1.98368597700452	0.57162436270943	0.15520057970239	-0.51081849204708	-0.10782144373985	-1.00000000000000
+0.32001386518995	0.24553893847321	-0.85988269837364	-0.89849610503088	1.71002576971229	-0.41256392852161	-1.52340452553555	-1.06721272685758	1.72775768176104	1.57760366120919	1.00000000000000
+1.58546384650827	0.53031866281228	-1.33428335762370	-1.88071084970394	-0.59053580845161	-1.60906242444454	-0.60219368531067	-0.32242785212682	0.28186967183136	-0.32797025302069	1.00000000000000
+0.56411987587873	0.48550084409123	-0.97436054713868	-0.81427876518651	0.87402440103345	-0.58716166059872	1.10801637544597	1.17990330739264	0.32821275524648	-1.13419279239143	-1.00000000000000
+1.58275235528003	-1.58249603030526	0.05425754639696	-0.80452892293931	-1.70762167673012	2.89588151045056	-0.19552130392605	1.43949855187659	-0.41062697500927	1.23042168024859	1.00000000000000
+-0.29176367458211	-0.00955758724319	-0.30562162166945	-0.43254612455811	-0.35268425085163	0.29392266676499	0.68394006044965	0.61894070801339	-0.79148267989939	0.34403246787386	-1.00000000000000
+0.13086205603008	-1.68177160427511	-1.01469905983649	0.85668448699486	0.77244130919889	-0.79818040551710	-0.83069445273874	-0.12721726386567	-0.68761264269945	1.60334180917882	1.00000000000000
+-0.61436349981583	0.36530352102821	0.49283334290162	-0.41308176251148	-0.18794818433071	0.99333812404145	0.38695808893341	-1.70120604958976	-0.36294322649160	0.97263651827550	-1.00000000000000
+-0.07630132145917	-0.46373102169836	0.10268749428244	0.44428791111642	-1.31201183444443	0.85481698143847	-1.76183205599813	-1.55158984660602	1.51444127764334	0.28176582507070	1.00000000000000
+2.33287196578732	-0.63310736429605	-0.23737190800094	-0.14127406755018	-1.27760860115431	2.01161876770408	-1.09717963345316	-1.20387409735774	0.50113754051476	0.96201964300577	1.00000000000000
+-1.66532580442128	0.05248300949952	-0.38653615668059	-0.54456501124973	-1.51375532982241	0.67508697529938	0.74397993219987	0.54278452173003	0.74539034145678	-0.69510982686828	-1.00000000000000
+-0.75088671379941	-0.93841760654557	0.42602345227505	1.06460282223762	2.07023075124894	2.49454777776186	0.27758124351916	0.14215706691441	0.54846453506578	-1.05618851819110	1.00000000000000
+-0.62371042018885	0.95663893659797	-0.62435679133420	1.49177632191127	-1.42200858758394	-0.32272664876512	0.99934828444499	0.35793506628232	-0.24913628486475	-1.05970025188088	-1.00000000000000
+0.40857070521760	0.13331171893872	-1.18097382185971	-0.67677802158478	-0.30249930506848	-0.68024770968444	-0.97827465598659	0.01077932081149	0.49599234013668	0.32764443572512	-1.00000000000000
+1.52411357286220	-1.87907099104902	-1.27284545806238	-0.88797048894026	-0.10658910295644	-1.12746382701354	-1.52307034246053	-0.00151941144912	0.74232148878384	0.57404824488966	1.00000000000000
+0.76148519681519	-0.67204616267551	-1.24868198640631	0.82068603830164	0.66887368154439	0.94785354000499	0.86500027440975	-1.01313740911175	-0.48405174030700	0.51366208019246	-1.00000000000000
+0.20686838018119	0.46900734401411	0.84647849899946	-0.40013502153261	0.27983330982085	-0.90097943551562	0.69213292252357	-0.65910586214166	-1.20035903731024	-1.79447012451977	-1.00000000000000
+2.18845521910826	-0.85785355370787	1.10911597750952	0.41079241438969	1.52797383163034	0.31603770458797	-1.45042913761859	-0.61468252879621	0.62355945961945	-0.00802465929532	1.00000000000000
+1.09629837231665	0.79211593952089	-0.40299712053712	1.31790366225572	0.29659519524954	1.27051163770286	-0.42232068095834	0.71359718199291	-0.16005408022997	1.34274735506825	-1.00000000000000
+2.37044134989559	-0.11723076561164	-0.31440896591232	-1.14530078203584	0.84925025903439	0.16299475500426	-1.29202898072567	0.68107354126882	0.20022673170633	-1.23467659596533	1.00000000000000
+-0.35044920148452	0.25707060280721	-0.67512679705933	-0.37060514285695	-0.61769392952914	-0.02633575299476	1.51598183849095	-1.25105040320938	0.47466684588638	0.41780511241932	-1.00000000000000
+1.46523148905616	-0.74353677525965	0.12007646193297	0.18507212090086	0.24646430566291	-1.10490112684047	-0.07897567693830	-0.44356332685322	-0.46575892904035	-1.09663785998333	-1.00000000000000
+-0.07600496023172	2.18176713659776	-0.39845956915607	0.39003440893746	-0.10901168184901	-0.74659478052593	-1.58621647369074	-0.87742900614666	1.33814004563795	1.40754473239951	1.00000000000000
+0.22633377836393	-0.34040634106900	0.19376613614877	0.24656135437344	0.61327106308276	0.19106094067340	-1.53999815170077	-0.67418020954317	0.51600795595748	-0.48854573404895	-1.00000000000000
+0.28465778874183	0.86369930444999	-3.31392592477326	0.90906697763836	-3.33955620625589	-0.25524038990207	-0.89675857405388	0.41983371984151	-0.64144788596442	-0.67859711020729	1.00000000000000
+0.94212195332448	-0.74602138012938	-0.80963627939190	-0.47491985061650	-1.15972493151641	0.55387809613513	0.78399241257071	-0.52938898215068	-0.21855528942021	-1.33183001492342	-1.00000000000000
+-0.98565948894799	-0.42448807682819	-1.57651584235119	0.34670841674758	0.85689829140147	-0.66720775724836	0.57015752934892	-2.93834041204130	-1.18982073771580	-0.66543484539530	1.00000000000000
+-0.38540595111395	0.35189402003391	-0.09754615246970	-0.59225188192915	-0.12142044915329	0.61231874656547	-1.16786527298179	1.00002813356796	0.14442855013121	1.98808609587852	-1.00000000000000
+0.71983135463290	-1.61537298690411	0.00682974522014	1.18670048504660	-1.25852755990632	-0.45765893682998	-0.22630004142429	1.10392593587129	-1.33974674213209	-1.49497895721733	1.00000000000000
+-0.34787464914282	0.66780970665182	0.62929598220318	0.37592661336373	-0.79489438026299	0.50574751470572	-1.68620130899438	0.76295272826407	-0.51647367240981	-1.08620573694279	-1.00000000000000
+1.07877493414486	0.36120093306478	-0.85427718028927	1.20936759435070	1.00938201300403	0.62619450948736	0.25310878913161	0.44494904138669	-1.86535652374298	-1.52604661925877	1.00000000000000
+0.56146033370772	1.71737041148603	0.62578309418859	-1.37079783766478	1.61834114943024	-0.24799828995723	-0.46086601212585	-0.08907094616761	-0.92569653437269	0.40422454107356	1.00000000000000
+-0.73195968442499	-0.39367675229759	0.44462903237664	0.76064281789850	0.21161029698681	-0.12384043287890	-0.38920544619080	-0.80280339220857	0.27717302065807	-2.03257798624122	-1.00000000000000
+-1.41190687252735	0.91489320936430	-0.75275477476780	-0.02600781271760	-1.90629969000921	-1.94784303000352	0.94349595929276	-1.06191635116554	-0.54216677256447	0.95717801275805	1.00000000000000
+0.05750768625105	0.07601438300039	-0.65970129293058	-0.65171790665048	-0.32945761500980	-0.18978745883629	2.02681120760537	0.17150793700592	-0.21570385925989	-0.59369593086942	-1.00000000000000
+-1.05139911856704	0.17057212188760	-0.09815634642309	0.30504028856599	0.58700527177571	-0.24450809412851	0.43870783434197	-0.05556709614412	1.70558691436946	1.14399411296185	-1.00000000000000
+0.50125993961745	-0.64551074482588	0.40861887564043	0.71384310141928	0.14175688312604	-1.86392571193339	1.52580024021643	0.79895004313345	-2.23570444625538	0.58765977274408	1.00000000000000
+1.95106725965559	0.50835204337390	-0.48513804645140	-2.45252956165907	-0.38620401761769	-0.44256505898804	-0.23195983134212	0.40918288511763	0.00398347464714	1.16031677016274	1.00000000000000
+-0.18470770658900	0.75514845274547	-0.59807887310868	-0.91443586762051	-0.82775430535122	0.65206769535752	-0.90557398705209	0.06657150265465	-0.06972461902907	0.28749805328967	-1.00000000000000
+1.25508363266246	-0.01213180494006	-0.01670730657719	0.89486801283069	0.39037098974758	0.92939139282702	0.80120800088404	-1.38432617441531	-0.05098670315605	0.93455753526108	-1.00000000000000
+0.17418531045949	-0.37393050074275	0.75379069279994	-0.16983982221069	-0.23894336540759	-0.84513165318915	0.59407558656782	-1.99482075778732	-3.25853203250438	0.67368480861587	1.00000000000000
+-0.41109003283526	0.67903368763418	0.61354554161182	-0.79133464643352	-0.30188309776690	0.86408279559274	0.62637459589072	-0.35232148103562	1.28370023298603	-1.13528542089991	-1.00000000000000
+1.45948406082972	-1.07201373275572	0.74611017117699	-1.22377937467359	-0.82331432149792	-0.86762393684989	-1.11176399115138	1.20772456773225	-0.85422630081051	-0.40630095687303	1.00000000000000
+0.69512162971713	-0.70882222498692	0.51310255904964	0.04439000713207	0.08111608229312	0.32152212977906	-1.21740920012387	0.77864663257577	-0.46245834030103	2.06285587617730	-1.00000000000000
+-1.15732691483027	1.95350576994264	0.17420129621954	0.71187780623405	0.66170601148395	-1.62794690284438	1.68136238185945	1.05413727956126	0.31208129945548	-1.20708690676625	1.00000000000000
+-0.63482991208977	-1.19350335654157	1.02547020958247	-0.56197739790390	2.81550559177705	0.40187152860371	0.77606046102033	1.26078598701952	-1.12355642675539	-1.80649460103966	1.00000000000000
+-0.01371213042047	-0.42914019225092	-2.12242597724488	-1.42773558050068	-1.04056850571756	-1.70012784301777	-1.44834541943541	1.45212874945137	0.16724380118699	0.78085756339585	1.00000000000000
+1.45058932601103	0.70452790446135	-0.02986963085116	-0.70585537182626	-0.39601204684229	0.17146593557590	-1.50480951491530	-0.37252047850644	0.16544800110451	0.58099290582642	-1.00000000000000
+0.88259961094089	-0.37385178324319	0.68762997994582	2.56446664311261	-1.28848003213794	0.66247390479477	1.60697627536847	-0.98517677487619	-0.98300524559878	-1.70910033720237	1.00000000000000
+-0.07729627879268	-2.30299586627847	-0.41882989360857	1.16382163783512	-1.52197843107326	1.30128476227070	-0.78315939784007	-0.42511079404958	1.71945892366481	1.46486582916376	1.00000000000000
+0.58489055693991	-1.46409119301151	0.19214657118293	-1.38854453914204	0.72865624396126	0.71970372574208	-0.33473157459029	0.50474614220530	0.35143296725619	-0.64205703504417	-1.00000000000000
+-0.76079102232753	0.49697186799659	-1.06387948637788	2.33120420094657	1.10108748685378	-0.70168258511763	-0.44907766150258	-2.92627213373681	-0.50191317838603	0.08150138305625	1.00000000000000
+-0.38951774328453	0.11699156523658	0.22626076947095	-0.03727256634264	-0.10369182978834	0.00368193178291	0.88986921748703	-0.31761564749968	-2.15804389876282	-0.56100878074109	-1.00000000000000
+-0.53427686820027	0.39445771690461	0.30744185430113	0.22235818177330	-1.43398840909111	-1.04010854778239	0.73182787878975	0.54421031929719	-0.70174557342390	-0.71799626185400	-1.00000000000000
+0.84774205880364	0.97852457869430	-0.90346064535175	0.29897685078305	1.31828700637068	0.40388600818669	-1.31419890009079	-0.37152408614156	-0.25838540823141	-0.88765826833977	-1.00000000000000
+0.46648631652472	-1.01801006036335	0.48549664572471	-0.80367927668238	-0.50876616823972	1.41495192143156	-0.89837464788792	1.40753299415596	1.25718438424243	0.28589932558869	-1.00000000000000
+0.62404928080896	-1.31557601902888	0.65768440251718	-0.30872462317603	-0.27965918024195	0.37183709202720	0.17808359157121	-0.50699220230706	-0.14461530541541	-0.38339847253477	-1.00000000000000
+1.26796179991381	-1.04343896638986	0.48382746910221	1.22854039271104	0.56942650048689	0.83138356980528	0.55000162668672	-2.19502017175207	-0.74595630470825	-0.55893714795197	1.00000000000000
+-0.12733474197533	-1.58521328770232	1.25059007554623	-0.58166367298849	-1.60133550831595	-0.46793316846960	1.32220651001892	0.19600636039589	0.01761403580475	0.02476131857832	-1.00000000000000
+0.22041714260444	0.54766920034418	-0.58489958417164	-1.96256336385596	-0.56994782513010	0.38200685783481	-0.53396979179459	-1.81414561872739	-0.27764817764891	0.11582728882335	-1.00000000000000
+0.89427322374064	-0.33057409605016	-0.10648831501233	-1.21869686445232	-0.86703372608063	1.00678864629346	-0.94281130855919	0.38474191718376	1.29608150100463	0.89783610082434	-1.00000000000000
+-0.50485711255571	0.02846987565542	-0.70759224133421	-0.78509042324596	0.51483172705758	0.15763031008871	0.74398510217928	-0.97528246390460	-0.74153335801459	-0.29330336794722	-1.00000000000000
+0.03273976610073	-1.03037335381844	-2.33453135689192	0.88672002308702	-0.47933184020653	-0.36797540492577	0.64628255789086	0.56429355989705	0.75974509165222	-1.04302492817251	1.00000000000000
+-0.80422322059761	0.03100229370652	3.14579813090127	3.20043166759245	-0.44064902780475	1.68858889859800	-1.59716876147954	0.48480261451769	0.28896256693893	-1.72301021936213	1.00000000000000
+-0.28703449773478	0.11122241387971	-0.87853070497398	0.56678009008905	-1.18404343740985	-0.91386502140144	-0.39225179777339	-0.03542681017058	1.14372990424182	0.44166477065878	-1.00000000000000
+-0.24643826292722	-0.36889121582053	-0.48099036765265	-1.73212363324820	0.78358106455541	0.12746246311925	1.42121944239261	-0.06684670510559	1.67557587543226	1.40684131713614	1.00000000000000
+-1.46621802701045	0.50650066708576	-0.41946382257851	-0.34790020126182	1.50607880209169	0.60679757358009	0.83221930171204	-0.44080425167138	1.96559394606958	0.10431626202869	1.00000000000000
+0.50047973940015	0.64386631936587	-2.33316727110372	-0.81305617770155	-0.91927789851459	0.64330088745623	-0.95404714200166	0.96433714016320	-0.14716802032071	-1.29694075526254	1.00000000000000
+-0.15729461223171	-0.10656952115044	-0.04926445389123	-0.16851990803706	0.52804434594268	0.29457354252655	-1.56928091103751	-1.10260431837968	-0.60499927457587	-0.00625416268550	-1.00000000000000
+0.54155939982059	0.95522905675584	0.96260357400361	1.01937846235219	0.56197556760327	0.85203484537865	-0.52470929608120	0.26151902681010	-1.01288628062410	-0.23958379929085	-1.00000000000000
+0.08872450077891	-1.80787897355292	-1.48021616188376	0.85970704780147	-1.65345343410156	0.68590162622581	0.65513326047394	0.32538324402646	1.58596033268554	-0.78354411449875	1.00000000000000
+0.97668840812823	-0.09879974119796	-0.80509392520125	2.10958112680998	-1.31984128245828	0.46574242059822	-1.61422732342901	1.96264915232475	1.23778731717007	0.83910979393030	1.00000000000000
+-0.91671790337767	-0.36668529716076	-0.98482419084819	0.37666257433677	0.32694961511637	1.59254777598755	0.68309125334336	-0.84752138092403	-0.88145976641046	0.69046083563351	-1.00000000000000
+-1.21899909198711	-0.13510498359527	0.03272766578647	-1.10201014728090	-1.01992949982019	-1.05100726839238	-0.33690215249940	0.83268722676223	1.28594027674598	0.31652269935539	-1.00000000000000
+-0.29441830861524	-1.24351789514190	0.80067453331482	-0.35740897730779	0.44785783718860	0.04627716061308	0.42175200952584	-0.90260931998742	-0.06567142863724	1.57414044919779	-1.00000000000000
+-2.00033786493320	-0.24288217865992	0.09074509832282	0.98495932818030	-0.30971199368538	1.72686573093987	1.82064060553470	-1.34657070734679	0.60423904163067	0.75569524036756	1.00000000000000
+1.25185515233096	0.59253194923552	0.20148676364920	-0.10522622104150	0.39009735787260	0.58276593931609	0.77251226123477	-0.74061750350355	-0.46341777341580	-0.75498389759663	-1.00000000000000
+0.72574923643167	1.10892533131046	0.76854547466868	-0.98678362579589	-0.34972085412433	0.10636004954870	-0.02860051786640	-2.68315342184046	0.41888826999344	0.49423765058452	1.00000000000000
+0.56739885375917	2.03738415172427	-0.20311369965989	-0.74262045956609	-0.14630098774404	-0.32637430374375	1.77742941227379	-2.20003074506682	-0.93885267813659	-0.47389577713078	1.00000000000000
+0.07787296545015	-1.58744437919689	-0.51071332150656	-0.17677752440220	-1.56750476156816	-0.01322830746846	-1.33259251028915	-0.66344820990104	-1.19400883448517	0.41734157662726	-1.00000000000000
+0.04122225753472	0.85070589899748	0.10978140673211	-0.95603862975774	-0.66926873156702	-0.18388265573531	0.00009977550226	-0.13029876036235	1.36161616828009	1.62037695491117	-1.00000000000000
+1.22272059592466	-0.74484644339681	-1.00501841461397	1.42248703660671	2.29634758825129	0.42086744225838	-0.73453383035306	-0.34933313410162	0.67483378862845	0.04033179327076	1.00000000000000
+0.46126691075850	1.18238352921523	0.46660287665119	-0.23600562489627	0.70143968894890	-0.86784332096406	1.44756047265396	2.05023150294070	0.15783687039143	1.23164425887927	1.00000000000000
+-0.18480091073567	-0.81740013378711	1.66907004281883	0.92735790364585	0.53728021997131	-0.12995688091707	0.50081445999977	0.71348855955362	0.61826050116669	0.79323119012011	-1.00000000000000
+-1.43007128378004	0.35340085179738	-1.09112584315801	0.11131972734783	-1.59823404551810	-1.29138100649614	-0.66903822818346	-1.31515722022587	1.50121281014503	0.47414720459517	1.00000000000000
+0.92130663402160	-0.56540952694436	0.27778384938825	0.64184199144187	-0.04064781047052	-0.70757024611915	0.80392150105648	-1.27093730478738	-0.33373667966874	-0.29166671359755	-1.00000000000000
+0.96257652748660	-1.86728290347120	0.63543129666788	-0.45291242681424	0.37409541883566	-0.20994909729394	-1.62037493887047	0.14817597662395	-0.22047257962000	0.07535839629602	-1.00000000000000
+0.07237671279987	-0.88057305552795	0.10205495568309	-0.20639749621692	-0.18501779234165	0.62979154897125	2.05638647081389	-0.34361840494075	0.52501760782450	-1.32136936842697	-1.00000000000000
+-0.10478507429031	-2.50192878999414	1.47642640004539	0.16655195580905	0.84898927371101	-0.50964170490119	1.22829000957308	0.45688125160543	0.23791117904172	-0.04983271551617	1.00000000000000
+0.33368327080666	-0.03877690229717	-1.30122746066884	0.85766266732862	1.09351327028950	1.20590677478957	-0.00110876453719	-0.60025331932053	-0.25850352058925	0.87901021486261	-1.00000000000000
+0.71454488151913	-0.24300561673710	0.26708464721966	0.43284839820741	0.03154364591788	-1.51672575728244	-0.46407353685747	0.01447846009251	0.99677794798170	0.48336586380552	-1.00000000000000
+1.16951692171398	-0.09486123659222	1.00805639042246	-1.40264057906309	-0.44489594149271	0.53678779873317	0.55312391022317	1.85912838742591	1.04745228455435	0.65142359643259	1.00000000000000
+-0.37641427571710	1.16639626875725	-1.58614836024768	-0.41456257610855	0.69289869292796	0.38170235954563	-0.32994622038154	-0.21769381466086	0.61811532034710	1.59033687200751	-1.00000000000000
+-1.53184202426251	1.36599638635549	2.35489806539011	0.04082492914591	0.95765309227573	-0.84621220282209	0.04461997427530	-0.98513772718819	0.24339942534756	1.06726153729675	1.00000000000000
+-0.28998391503567	1.47296739031159	-1.67637130266298	1.14981033243700	0.84732010681568	0.13207762801043	1.17029720088150	0.22090258178936	-0.43905250680718	-1.90956130865133	1.00000000000000
+2.02794235402600	-1.08382241434692	0.95409422432289	0.57212163780049	1.98564687583999	-1.53274194084936	0.04654315209803	-0.07340313544279	-1.57537757112168	0.15051457246480	1.00000000000000
+1.36843212951639	1.28974794574347	0.60027209582440	-0.60988433539516	0.96801874253122	0.62355964267926	-0.54162521707469	0.10211964334363	0.57448080297171	0.65231402198097	-1.00000000000000
+0.98525283586769	-0.30788242854560	-0.98736808158372	0.33559563892793	0.69338286174775	-1.00853936536229	1.14058140727634	-0.83206770092655	0.45689058666746	-0.20613636716137	-1.00000000000000
+-1.15129462736486	-0.50205544700340	0.93389399867234	-1.36291226171689	-1.53323949638208	-1.58218215431941	-0.77774473136052	0.96591752066243	-0.99710795494817	-1.64853461919106	1.00000000000000
+-1.32724396983371	-0.30129933420019	0.20167148932585	0.30807616543151	-0.69287018545671	0.30890226084797	0.84863777083434	1.35561113431339	0.55062865909284	1.56996310327827	-1.00000000000000
+0.70094190540505	0.61719630105600	-0.56482626938081	-0.39522140745698	0.57977690868631	-1.38284032826431	-0.16355045620516	0.29379050133413	-0.29974140629016	0.96028071583464	-1.00000000000000
+1.87451163461131	-0.97896957099809	1.39907210093475	0.63341439343873	-0.92785125264786	2.57531030351275	-1.36561227742366	0.86471775298690	-1.24496954704915	0.18156431931989	1.00000000000000
+-1.77895788198157	0.14981744185140	0.32937689352646	1.38220738156708	-0.92767761796495	2.69030756083298	-0.41327486211624	2.05390650706040	0.19077495520758	0.25480073296440	1.00000000000000
+-0.32087853300717	-0.75778209065257	-1.17717079533308	-0.14460598089754	2.42580314137050	0.46165576639009	-0.23420470395464	0.64171419677429	-0.55774933677182	0.98621770525551	1.00000000000000
+-0.36643375609113	-0.28755087080557	0.46209010199711	-0.00680513795085	-0.56715106737355	0.35912878775960	0.33112353265460	1.11291416532885	0.48496397065079	-0.37176026092739	-1.00000000000000
+-0.27211392248534	-0.52509860729803	-0.01852494102102	0.36444836480147	1.86791222917005	-0.80661049159682	-0.32814117010794	-1.27471843116164	0.38805047307861	1.01877241699801	-1.00000000000000
+-1.78860870542848	-1.28183693759658	-0.96863261404020	1.34128695145412	-1.02386419284429	-1.72700830210056	-2.23680179708010	-0.26833262710930	-0.53789385607643	-0.65311500041904	1.00000000000000
+-0.72935650231045	-0.76419649147308	0.24919809251850	-1.73489290602131	-1.05293805471011	2.44005618075709	0.44695261497717	1.57571740339709	1.28072025995517	-0.01631430229308	1.00000000000000
+-0.04363816736504	-0.01626893116669	-0.05232852986883	-0.23088151648630	0.47843076806792	0.75347404431231	-0.19057245425326	-1.30653403177204	1.50721766900125	0.80060037600820	-1.00000000000000
+0.96789570113085	0.31637728190484	1.15060840832617	-1.98670952244441	0.12956462831044	1.26488899182745	-0.24878609221297	0.32831390708987	-0.44677087481276	1.46804459484180	1.00000000000000
+-0.42291331541285	-0.20939076738395	-1.71587630458374	0.28331090336369	-0.49014387799790	0.01805226048773	-1.72786629172238	-0.78089913234216	-1.16963631347025	0.35553085151412	-1.00000000000000
+-1.87758620596980	-0.26996956105196	0.16995102358935	-1.89252687855561	-1.01564600072496	-0.66371156921168	-0.15912437747138	0.37915174391130	0.07470175074973	-0.07188165736518	-1.00000000000000
+-0.32516653321067	-0.96909207560319	-3.05591106052605	-0.81157381202322	-1.28823287645729	-0.07167887266871	0.43768697370735	-0.49194479287236	-0.24865389807502	-0.67717359280430	1.00000000000000
+0.89715427777154	-0.99757886322888	0.01012119045178	-0.19078764092677	-0.13871492795975	0.72998368731104	0.48511198921525	-0.00466536911384	-0.09788029254536	-1.20351418904691	-1.00000000000000
+1.81936254623937	0.54297863129402	-0.49192948548020	-2.48234308092222	-0.58954885155182	-2.28515930827400	0.34786527170736	0.33369314503315	0.01956270624531	-1.90336294048784	1.00000000000000
+-0.71994966091333	0.53456403833873	0.84312133078664	0.38557431772539	-0.72588315943803	0.14592321776366	0.23403232518554	-0.80537740718530	0.23826708931241	-0.03556369857173	-1.00000000000000
+0.80361696409054	-0.21561723964351	2.29957641274765	0.34202587766091	0.00556264652732	1.92490914335620	1.86203073787953	0.74530850207483	-1.51169301342007	-0.69532303846524	1.00000000000000
+1.81646182976279	0.95479915499634	-0.07060724484862	0.64272563561891	0.27839670938031	-0.12248174850827	1.96988016600534	0.68071931684707	-1.90222437631252	0.33357215781508	1.00000000000000
+0.37329912339914	-1.24984295972154	-0.30545959961710	-0.62050848055852	-1.93981824647078	1.25998018812671	0.54167078876417	-1.08532071000478	-1.21203339121383	0.83452404538386	1.00000000000000
+0.35841862521389	-1.43864622452115	0.52190927924279	-0.17879261924326	2.32450230522761	0.62303996136030	-0.59466748146994	-0.08972056289940	0.76650446980081	1.75996077235279	1.00000000000000
+1.72803588460963	-0.24677606462744	-0.83126803387066	-0.75239605034278	0.14840321191535	0.79469831285093	0.68711500669813	-0.78778438116304	-0.01583139817395	1.77109816235295	-1.00000000000000
+-1.57061042175239	-0.73288416179688	0.34769747273188	1.01282643404870	-1.09103970976037	0.11047194992015	-0.66688407482189	-0.95116759517210	0.62465099020285	0.74716087090082	-1.00000000000000
+0.25889356604462	1.26675843593690	1.96404043897914	1.17210977988753	0.65113444494721	0.77886464748207	1.08937686251528	1.92270422183828	-0.04837695703638	-0.50795356307569	1.00000000000000
+-0.72653033980835	-0.02548679713034	1.04817222577455	-0.85432226104655	-0.28532105352906	-3.35010290091810	-1.43841408889281	0.15632880642029	-1.16034732509551	2.04262103409232	1.00000000000000
+-0.70246404732304	2.38357890178694	-0.93931438521284	1.14150326729967	0.46730064702727	-1.12674532396816	0.86583849246153	0.56177970904385	-0.48328064449033	-1.39476297047576	1.00000000000000
+0.76663760490662	1.29841620197919	1.53344955516047	0.74813337396169	-0.84045701321794	-0.92177638003614	-0.97019108186890	1.24593979307056	0.57953438371959	1.85900575674523	1.00000000000000
+-0.11579759619688	-0.40420332229044	-0.22603182401878	2.08994747444265	-0.44035781701278	-0.02858787258451	-0.28701574552009	-0.09787952272433	-0.66645538669620	1.06081205926020	-1.00000000000000
+1.37639656353867	1.10140857907392	0.06628685139114	-0.42155916002720	0.65570366664441	2.33565816022828	-0.21924114149681	1.90724177173278	-0.44944270755808	-0.62593284295626	1.00000000000000
+-1.01973346527658	2.36242044185886	-1.60016197057254	0.17831556919126	0.79814067627774	-0.48240853419159	0.11168144608850	0.76617583425148	0.35209918912211	1.35749436379686	1.00000000000000
+0.49955670358229	1.76691104210024	-0.33911845792826	-0.72627682778757	1.00965757095059	0.29105631814508	0.81737619344750	1.50743017821224	0.70382548150736	-0.38416959168567	-1.00000000000000
+1.68185429982083	-0.37254866414009	-0.13154467178350	0.45135479224200	0.05855921531621	0.74584475374295	-0.45968519170079	-0.12889468389476	-0.01986782989723	0.77894853286192	-1.00000000000000
+0.06639259074294	-1.92018472506112	0.55299278317774	-0.56719806990023	1.64139410049634	2.04166848694074	0.69079900893276	0.35625022874318	-0.01155545996584	-0.92651547898095	1.00000000000000
+-0.35961426913046	-0.81364713060579	0.07040876417450	-1.41061934584096	-0.25886415299205	0.41821804716948	-1.97960444186875	0.52770944938806	0.47490848546474	0.25637108487537	-1.00000000000000
+1.47445985414301	-1.99949725644388	-0.52830568930809	-0.98989215376143	-0.92569673278712	-0.81579807209139	0.50165480321720	0.80202747094104	-1.94269392238585	-0.33241337585674	1.00000000000000
+-0.29126828059961	-0.02647666448512	-0.56806329214168	-0.18983052124074	-0.06373577368764	1.51251306285287	0.35883423684326	0.24462330282637	0.28034942786194	-0.28301388575808	-1.00000000000000
+-0.20187636630727	-3.77591053372466	-1.37364946758194	0.95909911891881	-2.07464022872607	-1.73093900327113	-0.20677355062832	0.29922933553376	1.07366178871272	-0.20278943777418	1.00000000000000
+0.78652437180005	2.41872634671305	0.78809825436823	-0.41236391992615	-1.28160481893270	-0.33001649910227	-0.77856661757227	1.90041571271785	-0.88910939926256	0.99294777386452	1.00000000000000
+2.07085268806332	1.89299906615067	-0.04428504578724	-0.42415874115879	0.53448710470136	0.49571451817871	-0.55333237360687	0.13057454013380	1.28551142345988	2.33000567944283	1.00000000000000
+-1.41920855788874	-0.13474021493395	-0.65191402853965	-0.40869007036885	0.87299133343745	-1.65550845234632	-0.07556133691033	0.65079028630877	0.53604270245971	0.54779786322615	-1.00000000000000
+-1.38059167008300	-0.55887100900713	0.78787809852858	-1.07014399524615	1.14602876124399	1.09558291250541	1.04141193515428	-0.48189281131849	0.20321387116843	0.22009555894711	-1.00000000000000
+0.67947897219540	-0.05109750098501	-0.26790562649245	-0.19925499696385	-1.52404672756142	-0.75436780982946	-0.14997230577587	0.19628243877662	1.55651190315518	-0.08568886412198	-1.00000000000000
+0.19118512536289	0.72749231809045	1.33595260117293	0.58594612633224	-0.34088454199265	-0.09508952355702	0.54800639076579	-1.00676701384907	-0.09389832425927	0.99789582309869	-1.00000000000000
+-1.48830695379852	-1.40107864503650	-0.58020207503049	-0.73738898169336	0.06435646268820	-0.83481893618002	0.76810546025755	-0.34872576985688	-0.43182521750265	0.75497072201908	-1.00000000000000
+-0.40309869874852	0.77794159300956	0.47408310435248	0.03351319696838	0.38831585345235	-0.13979780422107	-2.64283253789268	0.61236386501015	1.29240291333073	-1.20064446016318	1.00000000000000
+-0.31735143025117	0.77669932323577	-0.42569860274075	0.56897838288602	-1.09170170937244	-0.31189560491897	-0.18896894764075	-0.28915011404103	-0.81657916230768	-0.54246713957474	-1.00000000000000
+0.18087324467212	-0.23949199461247	0.09320217243588	0.01820974465040	-0.26405739951804	0.50559457975192	-0.81637373768505	1.34335096256031	1.17307464543061	-1.16289704907036	-1.00000000000000
+0.37503448665610	0.69348385363453	0.06027994174746	-1.67267435875572	-1.36653704655296	-0.54984563645439	0.92188333741541	-0.98257714442461	0.74516334786532	0.05548415742336	-1.00000000000000
+1.35330635431268	0.37462658120529	-0.22533996655227	1.54085466328177	0.70843193623550	-1.03581511473499	-1.40790171019072	-1.80429865140046	0.72783124979797	-0.76671391454079	1.00000000000000
+-0.38907559989650	-1.01685733705451	1.00618523359771	0.82232258442679	0.36008236907968	0.18857474075709	1.50713737951721	0.13413505142293	0.77028007244466	-2.39603543153713	1.00000000000000
+-0.17430312092494	-0.61780064003080	0.65079450927286	0.28251714903762	0.13516934368744	-1.47439738102172	0.82683212466958	1.04285784287889	-0.86303852303971	0.71114241450453	-1.00000000000000
+0.94829852932138	1.56011156743477	0.26330744568280	-0.11802043523983	0.39872050654967	0.69794116290698	3.02357123285488	1.81871786605421	0.92926839434064	0.16165070459208	1.00000000000000
+-0.04023823342968	-1.85010983006672	-1.63240444581296	0.64218064074399	1.64943687823500	0.65252417697549	-0.03182153969013	0.97282408965600	1.73022546230826	0.45322188900176	1.00000000000000
+0.77240255742937	-1.84318041421997	0.39540673969921	0.14347953676014	0.22213740701940	-0.67853350233876	1.39777748636726	-0.05210892862444	-1.22473017677239	2.06104613762816	1.00000000000000
+0.58609430373184	0.15172342808498	-0.55824717515228	-0.98779892826686	-0.50325544978612	0.16212150157560	-0.38248131273709	1.02706953925060	2.02475925251214	0.24276741699768	-1.00000000000000
+0.38243625636905	-0.93309246512142	-0.07841793055675	0.59802407608076	-0.38571748677691	-1.46425390267481	1.04146848072782	-0.96160032177814	0.54683368172511	-0.97403506155247	-1.00000000000000
+0.31560656003425	-0.12476410685920	1.09477144450785	1.39672321292817	0.47937899820405	-0.97599472113111	-0.03037918323301	0.02187664727975	0.07322139541037	-0.76899664970577	-1.00000000000000
+0.08317202066763	-0.53257380885975	-0.80673588510530	0.24903601172881	1.85501763199212	0.66378775665854	1.80262943319479	-1.32774813832884	-0.02190633828724	-0.32012576806854	1.00000000000000
+0.91957261994515	-0.83059006751872	-0.84363334338670	-0.96724166867330	-1.21106480847954	1.14632026117738	0.67385891963558	-0.26081256928903	-0.24648866578338	1.12382099794315	-1.00000000000000
+-1.78530417739537	-1.92614177164313	0.00952226051869	0.12721821923923	0.07602174501277	-0.34571511710126	0.78769910681179	0.01400107825266	0.24909947769174	0.82018725192077	-1.00000000000000
+-1.28393394417620	1.73058331215255	-1.55766608734919	0.18850267169080	0.41162078043875	-0.35708889241060	0.32872928948632	0.12783442002112	1.37569961855151	0.64792805401643	1.00000000000000
+-1.04063579535071	0.12882338297297	0.41584598445229	-0.62713857191164	-0.00980240302327	-0.05917130576879	0.43822295756707	-0.51518250861782	-0.61347803760699	-0.59746281301772	-1.00000000000000
+1.49303725956382	-0.83853488401196	1.78520150414625	0.04668633843982	1.45992737990429	0.92569633175184	1.12500930072699	-0.93586858608418	1.62255028723579	0.59617008121773	1.00000000000000
+0.97482028353583	-1.56402641086269	-1.11476657385139	-0.67206303466235	-0.11978926527863	0.72254089470200	-0.51733825361104	-1.28359482619144	-0.42233486910921	0.90922393635059	-1.00000000000000
+0.68672738859211	-1.88073033533996	-0.55917043419205	-1.38999308541019	0.79794910841508	-1.23850714058784	-0.29013377585846	-0.23098710695947	-0.11959999321161	-1.73606924685092	1.00000000000000
+-0.74308963290167	0.87596712108453	-1.37124509598898	-1.67900603274349	0.06398411616265	-0.59236503425050	0.57080947128815	-0.30623437609097	2.33170869417454	-2.00260119436641	1.00000000000000
+1.28477317067178	0.56821067132890	-0.78635272513274	-0.48484608370110	0.86486053402430	-0.54688494588063	-0.59646236011707	1.12424846641426	-0.68500200366721	1.16776737999486	-1.00000000000000
+0.39523904475522	1.20453796443729	-0.71250306887866	-0.65632053254398	-0.40196950228951	0.57234689706006	-0.77805317682690	-0.09275581377720	-0.35577304413189	0.19959768350330	-1.00000000000000
+-1.49779514373320	-0.83346866194718	-1.19659734770843	-2.52590845498583	0.60238268958110	-0.16951919043135	1.38837412582147	0.56522028726409	-1.20285868699299	0.83441038656357	1.00000000000000
+-0.89077153274668	1.17490291600710	-0.23387787044266	-0.10013361310558	-0.45517349865705	0.97244786963788	-0.98737054182848	0.03262061302621	0.54287218308320	-1.46288248064003	-1.00000000000000
+-0.20658110118673	-1.59979738410907	-0.01132543601037	-0.87026839237928	-0.95358702482666	-0.65396851057794	-1.61387092070632	-0.77046885691885	0.99518807943124	2.01134024538993	1.00000000000000
+1.10915313209923	0.52028907537645	-0.45643613739754	-0.76554931842979	-0.95635771045548	1.12136352051218	-0.13329502915049	0.51967719099605	-1.00226779913760	-0.33488273462222	-1.00000000000000
+0.99846522850721	-1.70235332269459	0.83112977474201	-0.54863056388766	0.59441270492283	0.37932839333933	-0.43227044554768	0.92122234121589	-0.01915819680236	-0.33308806229560	-1.00000000000000
+-0.10137068256020	1.37833834608371	0.63615541343611	-0.74666727664896	-0.10683653271714	-1.57872456419089	0.57299629968221	-0.40306558766404	-0.54055110081921	-0.35310244531435	-1.00000000000000
+-0.78870511587571	1.50650694300474	-0.57456543811013	0.48659452488981	0.23294916331405	1.41618515645753	-0.25889630881376	-0.84477828999933	-0.13360942553936	-2.00158899838983	1.00000000000000
+0.63151553102931	0.32870208810580	-2.24351780083426	-0.07788407269447	-0.95696745124026	-1.24232056385349	-0.29487384430508	0.08775848956517	-1.99616471050479	1.40873223999284	1.00000000000000
+1.13170444728969	0.33797998680283	2.40982377581449	-0.54066441406789	-0.83676167290073	-0.68453421507394	0.30162935340426	-2.32464186609270	0.20392888151522	0.02867784367859	1.00000000000000
+-0.09023585114429	-1.03940411925373	-0.00854361263685	2.49557945616230	-0.52809121723145	-2.24340096381335	0.16670262416056	-0.94282696074355	0.33192611844224	1.88439907922332	1.00000000000000
+-0.20804494164435	-0.02245031141542	-2.12468091688027	-0.61255955100989	-1.38273042629244	-0.26196599709192	-1.23441223288772	1.46672849441898	-1.22750850983190	1.50897893470110	1.00000000000000
+-0.21845073250452	-0.65352022394979	0.83862825070068	0.94115925096185	-0.41302975615946	-0.93816054051946	0.60917929205014	1.87284432248099	0.04596927543159	0.17228634738655	-1.00000000000000
+1.36399012117259	1.09146770827114	-0.90171476631911	-0.10936647039595	-1.41032852935541	0.86499273539885	-1.83302759642390	-0.90496067874834	1.19025576567238	0.77543775440875	1.00000000000000
+1.30667443839576	-0.25818898393389	1.44241133960572	0.68657338837102	0.33107676070796	0.40123696832779	1.09269176379842	1.10648643087463	-0.04771017934552	-1.25580945237745	-1.00000000000000
+-2.52615541918033	-0.76564446710960	0.22607965260195	-0.82926940059163	0.06929925647882	1.70067008131692	0.92082332376761	0.36924798214754	1.39605378024174	0.05989406024019	1.00000000000000
+-0.02584228577365	0.10117553842913	-0.05539576876823	1.35877115266258	-0.89430422983026	-0.50519090687536	0.01684672250990	-1.66145597534600	-0.06079972931857	-0.85253320754329	-1.00000000000000
+-0.20573803058895	1.55503180178685	-0.41485319567536	-0.55988173835685	1.54808154910902	-1.06357854052310	2.79639181061761	-0.04110084659531	0.85794150768065	-0.56463564732309	1.00000000000000
+-3.17763780483142	-0.39867164716024	0.02766572405167	-0.15339735689104	-0.76748199414121	1.33309723206815	0.59487966814465	0.38683451260165	0.83698021314591	0.77044149809568	1.00000000000000
+-1.35889481409784	0.70318207288938	-0.03991699404542	-0.17885666256459	1.10343822110289	-1.72815002575088	-0.60816722218862	0.12035791913137	1.56375732566572	2.22623843163639	1.00000000000000
+2.29468075886676	-0.53032018046566	1.07718438494631	0.49067205683603	-0.12486646831948	0.01563711538682	-1.73497598837011	0.69793691929359	0.62879302503068	-0.32983028501189	1.00000000000000
+-0.09680838537576	-1.99374119286455	-0.40954524447375	0.15983203954683	-0.59912913277165	-1.67150231696329	-0.24998309102483	0.40565945400668	0.96021738259540	-0.52101054102781	-1.00000000000000
+2.04763692952555	-1.38110982575441	-0.28107430518032	-0.98853556635995	-0.72172827532358	0.68332996968141	-2.75678578590044	-2.76482187867451	1.65458601278987	1.06970155415631	1.00000000000000
+-0.43718521271372	2.48038021782020	-0.54529716828511	0.92819054958055	1.17552036736950	1.89545359897049	-0.83314886109700	-1.79749453660973	0.58522330533773	0.04922407430446	1.00000000000000
+0.73120410714744	-0.14189401287602	0.88818961664704	-0.63465065990693	-0.45507816117926	-1.72618224452561	-0.10120909727423	-0.01058114775771	0.01873704977354	1.13527326049087	-1.00000000000000
+-0.24765990161160	-1.33936262537031	0.65532581098393	0.16698315746029	-1.34101268752906	0.35745344086842	-0.10407738924214	0.06863665841312	-0.93588866904683	0.25878204709507	-1.00000000000000
+0.52009045711571	0.56073350661688	-0.72734547095726	0.78449179344881	0.38920525103022	-0.77875816161564	-0.67320349690332	-1.06810456343470	-0.12830087209873	1.14795095747144	-1.00000000000000
+-0.51218234155920	-0.57019548610062	2.35747520555358	-0.98128294245817	0.12592025189081	0.64506314121790	1.20348551539636	1.76925488555006	1.07404668412910	-0.63137692944627	1.00000000000000
+0.60063673371922	0.41252283031956	0.07553553068233	-0.50200561616002	0.55077145077670	-0.33008692608223	-1.49448935115412	1.04429039257835	1.63494608933241	-1.44879228419862	-1.00000000000000
+-1.30461838130227	0.71386832999309	-1.50972903022315	0.54307907212879	-2.39325831610181	-0.46076177010316	0.62951143216048	1.69455800239264	1.83136525379954	0.30205258199262	1.00000000000000
+-0.32081771731509	-0.46014410409804	0.64439681825720	-1.67762499843516	0.47726046396777	0.24643415760063	-1.05598732711544	0.15380689872953	0.11634196283808	-0.54564980776252	-1.00000000000000
+1.75158865888877	1.60856815589462	1.74844380574734	-0.64505721506123	0.44863790642994	2.62433260684234	1.79374569960904	1.26329191779741	-0.28612328590314	0.69369538491414	1.00000000000000
+0.13861387306820	0.00332227169327	-0.20566848294309	-1.51902516901072	-1.55542281447655	0.90359428174704	-1.96411312419374	-0.96913065608446	0.60347048953721	-0.53896575751087	1.00000000000000
+-0.45455440782210	0.45583978541511	0.60273663439490	0.52382338720589	-0.06080618429327	-0.43635759890073	0.78586457098643	0.64554653535538	0.68350102306376	-0.77275838204273	-1.00000000000000
+0.73959037574121	-0.74652204916373	-0.51635384030056	-0.08670473687864	0.54292681911275	0.48243248309587	0.33507672189935	-0.12115415097790	-0.92416539934562	0.67727093611953	-1.00000000000000
+-1.60870374218441	0.60259182703420	-0.32287511024410	-1.57006509622270	1.51824985403959	1.08270671390089	-0.91439123727734	1.74666160651929	0.24000138567736	0.92300748930266	1.00000000000000
+-0.17298925845361	-0.40978540063167	0.74833128261196	-1.00300761505891	1.65932027881495	1.46657754302420	0.40779538348312	1.21280547690491	0.48436643884731	0.05228207074501	-1.00000000000000
+-1.00631505523526	-2.52229477802935	0.36003113690077	0.01720574005551	0.35389363107043	0.28240199684693	0.90221533297324	-0.54578893734093	-1.04084551363672	-0.52130095134512	1.00000000000000
+0.44228392219255	-0.23741205782470	1.67571337953263	-0.34390217236831	0.47544230379301	0.74757644241005	2.30717449081854	1.05605644530201	0.43886860372701	0.38188524785949	1.00000000000000
+-0.60197822074694	-2.57372161912760	0.90548870324607	0.21998602479280	-0.43447638874481	1.22541104313022	0.20655968204146	-0.43971151951550	0.89592359280731	0.57155213161120	1.00000000000000
+-0.65640359510476	-1.57757490259396	-0.12960691234032	1.43999953947207	-1.61135022415343	0.94144366815467	0.21875028720084	-0.12181507461695	0.38371448487804	-0.44003265100238	-1.00000000000000
+2.09029819881237	-1.26441250466626	-1.06431545070851	0.36504924637501	-0.92441548143802	0.29601142055552	0.06330571851248	0.17060474868078	-0.50549010724787	-1.95748895384179	1.00000000000000
+0.17410196895848	-1.10099954347113	-0.09059948468813	0.19635494319050	-1.17656580689912	0.62978531287947	-0.22640163070284	-1.28526567178672	0.70209274980855	1.27443030768266	-1.00000000000000
+0.10064210049944	0.78254883391834	2.25152838522361	0.47665053788928	-0.01676266123526	1.16199153011077	-0.24393355882162	-0.09092217232576	-0.17789903797912	0.46957473268416	-1.00000000000000
+0.29908926667211	-1.39853348582819	0.78327113196788	-1.24822838167468	-1.03155093769179	1.38506731561887	1.77877009865867	-0.72982393247477	-0.76195453746612	1.87028153817196	1.00000000000000
+-1.86332297212869	0.90856072155306	-1.17204795417825	-0.60595594342548	1.36260642520851	0.40578951371956	-0.68313232850640	-0.97262922299340	0.05090190884071	-0.29297433353204	1.00000000000000
+2.42575273629157	-0.86737032963672	0.84560217692767	0.66297005962905	-1.97503409216698	1.73849724178603	0.68429489277184	-0.10841748213959	1.03038141776814	-0.74650133978368	1.00000000000000
+0.81944277112852	0.55989858240528	-0.45294189417336	1.31457043519881	-0.63280973657869	-0.74439958505876	-1.60554486904144	-0.13681869647723	-0.46675191236980	-1.56486179802361	-1.00000000000000
+1.17975102512749	-0.83732926851498	-0.22657690992501	0.55193115604969	0.25154736378492	0.42681951600738	0.57485447333875	0.11205280626882	0.00334823532333	0.05975804119102	-1.00000000000000
+1.16179897369750	-0.06179856347764	-0.34836234450849	0.63416872966182	1.07249564861297	0.72716402961047	1.36946482539635	-0.13116015658575	0.56925205734301	0.52096952341687	-1.00000000000000
+-0.85879086653691	-0.28257271413649	-0.47647117763126	-0.58248113438705	-2.21437689373444	0.86898923786135	0.87636210987805	-0.91551619668200	0.13382268351052	0.04487270793036	-1.00000000000000
+1.80830791717865	-0.45980695302671	0.54829688938938	0.77028154977256	-0.46735838829066	1.47616655216275	-0.88872880383268	0.51954445027711	-1.04273363873599	0.44695064148538	-1.00000000000000
+0.38735783411103	0.44226989991756	-0.25707110424850	-0.60220851937795	0.75359475757875	0.70449734991834	-1.04061742698811	-1.62273072007533	-0.67422990500280	-2.22794436999758	1.00000000000000
+-0.97193636158086	0.77848037708251	1.56262040496161	1.46739633661668	0.24827458001630	0.34046876995210	-1.82900093107679	-0.42900675734908	0.39027691511022	0.66722361224948	1.00000000000000
+1.07595024737617	0.58899797915088	0.81078467525222	0.20110111790796	1.45706253441297	-1.30937163789496	-0.22446192282585	-1.23443110735513	-0.44340128860775	0.95955217296824	-1.00000000000000
+0.93459377090569	2.04815481856461	-0.05143036601465	0.04810522716498	-0.21105571415968	-0.04443968683801	-0.32855158433223	0.42645103440922	-0.66783168765472	-0.54144257609137	-1.00000000000000
+1.15384050405145	-0.24580891005705	0.65427357155213	1.53492912812514	0.02655554384680	0.62514393835149	-1.07605483969594	2.59408929119659	-0.32752348546868	1.16156579233831	1.00000000000000
+-1.33818142144698	0.95688712251468	-1.54160944699189	-0.40592355704186	0.41930767292669	-0.39532925334429	0.56756368081686	-1.46963619667648	-0.93640494707510	0.04189570422796	-1.00000000000000
+-1.13889893105018	-0.91524255980911	0.91701180542149	-1.07092946045676	0.17751379441113	1.95938422741506	0.62876900343270	-1.47047643493575	-0.87938384083315	-2.60333530870967	1.00000000000000
+-1.42240329571206	0.09711209668505	0.60654643538004	-0.32994893536755	-0.43291494371748	-0.51229995544349	-0.52064947726286	-0.82089808928252	-0.00385440231423	-0.48878921180374	-1.00000000000000
+1.10434986564656	0.79714644628848	-1.48088058740356	-0.14489753272039	-0.38944216257559	-0.36019198925891	-0.18198858469074	-0.02946880032088	0.02219298297818	0.81658395165905	-1.00000000000000
+1.20170243980352	-0.38027643702683	0.06742904673137	-1.07569789723921	-0.17262127055631	-1.32973889270360	1.66124638883620	-0.99766909160998	-0.18028816754667	-0.05745428999834	-1.00000000000000
+0.68772493447301	1.68705762492623	-0.17126205819204	2.14264920958657	1.08535928821109	-0.19163279813216	-1.37563981340701	0.25281803500657	1.18510952331338	-0.62997666669173	1.00000000000000
+-1.64011007096298	0.10189216395187	2.55009741056288	0.58968757718252	-0.29631378977710	-0.64065464254306	-0.58139151913518	0.66516370603053	0.34457715373619	-0.51456024551637	1.00000000000000
+0.16506886648504	-0.09594706434584	2.05462999170098	0.82036433402234	-1.26641673336825	0.13759836801911	-0.50930904425928	0.01105700129066	0.29207834014981	2.31101039513443	1.00000000000000
+-0.65603868667961	0.72855810216420	-1.29610178355503	-1.39936708768751	0.26164528453085	0.63340521160774	1.12963406482059	-1.94745269960572	-0.24121745793904	1.09850616591229	1.00000000000000
+-0.65184053872563	0.05558490773317	0.68985881194959	-0.13544482035190	0.76657836116305	0.11127039649199	0.36076889119281	0.49278435293485	0.01327366744133	-0.94172824216515	-1.00000000000000
+1.00639445079964	-1.09758084769493	0.85407411638685	0.86158744698547	-0.42570005666216	1.65132017882260	-0.62878334976830	1.18321240613409	-0.11071651925285	0.54735410091997	-1.00000000000000
+-0.65293829024789	0.64699870133376	1.44437815016815	-1.16623341956126	-0.86893746514102	0.52647843694882	0.67642538948547	0.66810015162830	-0.57126105449364	-1.68201019515371	1.00000000000000
+-1.09898916401137	0.22895884318175	1.95665701768812	1.65922146602760	-1.32355368981981	1.72327185901320	1.38437333618485	0.19958851083179	0.87763695643803	-1.40563263657926	1.00000000000000
+-1.40131573661135	-0.54121627012985	1.03340235283345	0.21455011737906	-1.84898094422789	-2.26934148913458	0.00753742601472	-0.05146553119786	-0.86421597544241	0.30451374956619	1.00000000000000
+0.52307365591197	-0.69849490341086	0.01327617376071	2.27558061455893	1.30269596386222	1.78181101637961	1.52758565882045	-0.48075723871499	0.61150087592358	-0.68302453993008	1.00000000000000
+0.55865602125995	0.85299695473485	0.89346923831305	-0.23736655442532	-1.12312877317359	-1.22978908978263	-0.63044110023034	-0.51588095254103	0.58613108217671	-0.36994623910500	-1.00000000000000
+-0.76126707545322	0.14599362239028	-0.49509663259058	0.64001726733481	-0.15388732379651	0.13115891667680	1.09898280078721	-1.11104731302868	-0.44923938659695	-0.76521878891168	-1.00000000000000
+-0.40538099651450	-0.28344283449802	0.06877711066998	-0.02875684298597	0.38903197942162	-0.24295358954467	0.54505144286859	-0.29540887714043	0.27492253390564	-0.40858792007764	-1.00000000000000
+-0.43881440065966	-1.22304571151800	0.51489365536361	-0.27063350398151	-0.48508287476509	-1.36202153120529	-0.43107099442204	-0.11011381553451	1.01411163243373	0.41193594453617	-1.00000000000000
+1.16732730628933	-0.30185868745846	-0.34217210269929	-1.63983003459604	-0.93903335835319	0.56365553258453	0.70861348205883	0.46528750563308	0.64603855904371	2.01650245767572	1.00000000000000
+-1.14472310156087	-3.50418157523029	-0.74921123558119	-0.45982884790252	0.39964672235557	0.54486914986110	-1.09479163147328	-2.59355978114495	1.85880667662660	0.60420286244516	1.00000000000000
+1.16476166820577	1.27294149002864	0.91041961775652	0.05106093242277	0.00335970793103	-1.40897108653217	0.14343634563444	-1.71500526270278	0.28412685581768	-0.47952179272017	-1.00000000000000
+1.01813337186925	-1.22627028216986	-0.37018081263773	1.54435382735747	1.11609840942180	-0.65729850613919	1.48259511018908	-0.11092929014571	-1.08939468335282	0.32665185533822	1.00000000000000
+-0.90332023557469	-1.31344403211695	1.24912503756621	-0.02646313698493	-0.54839623007620	-0.06842327549032	1.03850520927708	0.19829655288709	-1.28585557551564	-0.26463023108207	-1.00000000000000
+1.08883565362080	-0.40030499925633	-0.58994226654019	0.99436883096106	0.56130869199737	0.29130779655329	0.62672389916835	-1.40193406571773	0.19237718119183	1.31043871816269	-1.00000000000000
+-0.40552872204120	0.36922674226468	1.58636365031410	0.54632000359311	0.38516321454684	-0.09108137225459	-2.02902464807026	2.61998928042446	0.28688515687852	-0.36633724431299	1.00000000000000
+0.03947150167930	-0.21289336045754	1.40462216437335	-1.70903881284214	0.54061904570442	-0.44623228598473	0.32897439064350	-2.11796957004866	-1.76851879768320	0.73938287386271	1.00000000000000
+-0.63833204184294	-1.30801615885262	1.24397781282276	-0.82156363486716	-0.10921440280497	1.36278444846485	0.14225644688392	-2.52772218363567	0.96056224808504	-0.86478414187824	1.00000000000000
+0.69731076345012	-1.36958069559799	0.38414602135292	-0.57413623530751	0.86965174348153	0.81822759687213	1.58866122408437	1.53449472870074	-0.42975396148397	0.45645121417697	1.00000000000000
+-0.35070339144344	-2.20800506995255	1.52295920491439	0.28703470044159	-1.06668817804925	0.63199372942304	-1.38021678327766	-1.55114355985344	0.19662661600189	1.23208009292052	1.00000000000000
+0.08902488820604	0.67630174237936	-1.49790667179228	0.78506375190974	1.22904468673870	0.85421222512481	-1.37006023305695	-0.01778911294375	-0.47042628328570	-0.35241290121553	-1.00000000000000
+-0.26512221701366	0.62606952675660	-1.96886590656476	0.80503513520266	-0.03334869963921	-0.75219069939738	2.10511441615365	0.91317077547497	-0.06103597254128	-0.81736749379096	1.00000000000000
+0.11564993843072	1.09663117461790	0.10425787577396	1.49586679321592	0.55219210270302	-0.93957390171840	-0.64660607641995	-0.84986276622750	-0.05849599775549	1.64736632320307	-1.00000000000000
+-2.04105773903346	-0.85985495912532	-0.28362971145434	0.88004236505643	-1.19127426707291	-1.05471615965980	1.80916682929656	-1.11745050173162	-0.34707953407737	-1.05871330372969	1.00000000000000
+-1.09991999007813	-0.26049552241793	0.35985787674196	1.39302909647422	-1.44540347449636	1.43212100346660	-0.12312162862136	-0.22697958117643	-0.47345220520277	-0.94154708703389	-1.00000000000000
+-0.38270602353279	-0.89380765683287	-1.43777922159680	0.73420623628687	-1.52390046067982	0.48992277674731	0.52748594113747	-0.78199587811212	0.31265309793850	0.55636179239228	-1.00000000000000
+-0.76038514848598	0.44962046672513	-1.16932476831765	0.26234591605183	2.69614310315728	1.00402420063256	0.08154519502358	-0.03632903855142	-0.20052178713305	0.13993195464184	1.00000000000000
+0.38439522280829	-0.70951729839999	-1.47795295429465	-0.07969562037140	0.50701534197255	1.52013581935571	1.16508096051940	-0.90588707398668	-0.59717499858053	0.38859367122518	-1.00000000000000
+1.28133811822618	-1.29650886257188	0.07472314781380	0.13881451776993	-0.46969911758941	-1.67397458075584	-0.30863437345661	-0.44514224979342	-0.89310271202322	-1.31061766612037	-1.00000000000000
+-0.51083449733366	-0.99316485441570	-1.00659649130894	1.17100249211622	0.71867146748872	-0.51113174049811	-1.12060371524444	-1.48206758623072	0.00266234911113	0.59248896279479	-1.00000000000000
+0.98665304896328	0.84477238537069	-2.11437527096618	0.22014011447673	0.94539250454489	0.27537436294357	0.99265597181790	2.09573373716884	-0.32076501344018	-1.71467645550798	1.00000000000000
+0.75190250157309	-1.33051539581249	0.44028209561923	-0.58625643079955	0.39762407537520	-1.37417201202024	-0.12953520384106	-1.21254494527800	-0.40234283499730	-0.16927073689889	-1.00000000000000
+-0.08970428953537	-1.49878140811748	-0.55409517681164	-0.38778957760502	-1.77638262987956	0.61138326371573	-0.63508936427753	1.71607270037941	1.49231363304805	-1.20215912911198	1.00000000000000
+1.32489929415718	-1.23645946582119	-0.55663049537930	2.28703534438105	0.36341214882112	0.94575472634993	-0.44645282884924	-0.47864791959391	-0.73142462223204	-0.44156697029454	1.00000000000000
+-1.88963743477629	-1.09079935072538	-1.14809447584337	1.20698060276528	-1.13366074029860	0.61248203005598	0.70727939547298	1.15306881227388	-0.47423670137308	0.56250538169507	1.00000000000000
+-1.10915404659288	-0.53122467220535	0.20299779608695	0.53585034979085	-2.19196452017837	0.35349231174847	-0.36325019818324	-0.96203119077929	0.71198282118167	-0.67054533583583	-1.00000000000000
+0.23649361057098	-0.23524743182138	-0.93353854794061	0.18374012918441	-0.71947321779577	0.90421432680660	-0.80513598458548	0.89529253845587	1.84281137709887	-0.10099711759167	-1.00000000000000
+-0.43408083278782	-0.59011671259153	0.74044690056152	1.08410148320943	0.96228267137350	-1.47911725445733	-1.08761350798081	0.31496555352320	-0.58219705435481	-1.25754972435529	-1.00000000000000
+0.23437739739109	0.81166358625417	-0.32200015644323	0.03003825333023	-1.31076973229047	-0.41565456066178	-0.30814455109202	1.28022917845879	1.41536174359179	-0.51534044574886	-1.00000000000000
+-1.12042569543257	1.47926438678770	0.90347153069036	-1.24119720187156	0.20589535514890	-0.77021379895328	1.65456982408926	0.59409955984040	-0.25169724033147	-0.69035748139729	1.00000000000000
+0.46458481779059	-0.67837199606595	0.36884753158369	-0.39801542146880	0.44694493313117	-0.97335277454919	0.44091769522658	1.93715543872560	-1.90843220613066	-0.99279648457774	1.00000000000000
+3.06547767861164	1.03798582604748	-1.17312020603910	0.56667912492632	1.02534109566748	-0.95262710005468	-0.18563980284620	-1.63863199117921	-1.97488084289151	-1.39362494767005	1.00000000000000
+1.25646952149721	0.43533579311551	-0.31532067098724	-0.12749030535507	-1.14165918093488	-0.10256562889301	-1.13473864819544	1.21230172405873	0.30455309342361	0.04682437417225	-1.00000000000000
+0.18685729969080	-0.26851400829409	0.04621728833739	0.10101227610741	0.87499194747683	-0.99862610911110	-1.86226869211833	-0.34123338886603	-0.43541745946267	-0.13174150921747	-1.00000000000000
+2.18799520405650	-0.14925483526384	-0.51234043373735	0.61732642345304	-1.15216663795508	1.24749530099421	0.12223166772330	-1.11925524606305	0.49105278743344	0.77447726879761	1.00000000000000
+0.64029021593347	-1.04641639907510	-0.14848194979888	1.89939641687777	-0.78439243071286	0.35670831452249	-0.27372754532522	-0.12299515924311	-1.96083998684331	0.85351452343536	1.00000000000000
+-1.13396383320137	-0.84094566347478	-0.85127561779901	-1.69179418239792	-1.04222220899898	0.77400521569133	-0.28596435342791	-0.53723564026277	0.36816406917804	1.34737843083208	1.00000000000000
+0.22370365931937	-2.28577299355683	1.30459555909293	1.23869279027318	0.02330713777300	-1.04981272707450	-0.38312442774504	2.48885902281605	-0.95746466900036	1.51314415322033	1.00000000000000
+0.54911637566659	-0.56240105688562	-0.78654169341406	0.36772210916445	-0.90892709845956	2.74343637786341	0.72590455800058	1.45074368800380	-0.18336595514466	0.42416190088750	1.00000000000000
+0.43966405202436	-0.05789975709827	1.38712720934707	0.71352617627927	-0.18354152722124	-0.18167128781482	-0.16532157326460	-0.37269401273480	-0.41998500709505	0.53814250513938	-1.00000000000000
+-3.01255239636508	-1.25781081769149	0.72860345039565	1.17831046012494	-1.06712337916548	-0.94308133179111	-2.07636997761053	0.64380730665470	0.79835995204176	0.23626658950336	1.00000000000000
+0.92645579975383	0.32699497011424	1.02329566526560	0.33683489959517	-0.07357573351731	0.20259099321859	-0.08647010304035	0.04775257387450	-1.35761013435685	-0.50117950433957	-1.00000000000000
+0.80235444129132	0.69836416166894	-2.08224944571455	0.54589473171790	0.77440563370427	-2.48330660680052	-1.31258280507843	0.54236408507848	-0.04414312456326	0.04993551076940	1.00000000000000
+-1.17068615676664	0.04252611700109	-0.65468276712433	0.61199337068170	-0.97027834321113	-0.85532959106476	0.86530805499031	-0.48238722503094	-0.63204534694420	1.41010554953197	-1.00000000000000
+1.38195868480348	-0.70421438146680	0.01194144466069	0.64342250426362	0.62522284263879	-1.11426379504435	0.80057052781872	0.14153151415933	2.32286728374415	-0.60519889671574	1.00000000000000
+0.33315823284844	-0.95419392160662	1.32098817948121	-0.28171464542577	-1.38286309818290	1.20710631584655	-0.29428772082373	0.08974131993998	2.05041563805976	-0.87374596227590	1.00000000000000
+-1.21390239945682	0.51787714881932	0.37587162895253	-0.23508975818766	0.17466366717009	-1.40375864481421	0.21258656661715	0.59363610139391	-0.67583317759768	1.14488376255326	-1.00000000000000
+-0.77540587463347	-0.67481387160600	-0.07556147697477	0.10766661490790	-0.74094326488177	-1.26530580817587	0.36925508495020	-0.30377731431832	1.40249858449273	0.32294497772672	-1.00000000000000
+-0.74686887002481	-0.16220433688291	0.19754685680335	-0.52896864186021	0.01082319134471	-1.31491556656668	0.06499854695772	-0.34926465360956	-1.45755133359858	-1.25009118769982	-1.00000000000000
+-1.14355577840005	-1.90390893970716	-0.55731838777833	0.86584929702772	0.04366698273521	0.85028821857920	2.11102777431605	0.04087215884872	0.15205135261217	-0.24747858000562	1.00000000000000
+-1.36045660811831	-0.34423162201995	-0.48621744386430	-0.75099372923591	-1.36305741975607	0.89178163349778	0.30716490199454	1.36413393717937	-0.65448882075974	-2.15763462685553	1.00000000000000
+3.71885119659246	1.23650493050496	0.18729393661235	1.13814355479725	-0.97472993154505	0.06507730209816	-0.96044181722920	0.01784342185313	0.48660561770420	-0.29257597732936	1.00000000000000
+-1.20213908311593	0.84008305261513	0.22678334681724	1.25725315118442	-1.26210207488407	-0.16485792781766	-0.48123106865078	-1.64406926050930	2.06040963568824	-0.60374900509616	1.00000000000000
+-1.52865288494829	0.65920739848641	-0.06457606595771	0.92374333470973	0.83448126992109	-0.71451830253722	0.35724592523173	-0.66306638699313	0.98240909360311	1.42635599472964	-1.00000000000000
+0.52136824783716	0.64803470470683	-0.01592151036459	-1.13442040069131	-0.68017806643342	-0.12648221080082	-0.69181628379247	-0.39795582660800	-0.27703376678065	-0.49662002747103	-1.00000000000000
+0.44427527522432	-1.78976541207817	0.14435481639555	-2.57523920598941	-1.70203906764990	0.67822827140248	-0.86168834307437	-0.12056685278011	-1.08086399403006	-0.99770625334232	1.00000000000000
+-0.09391085085639	2.14014753922473	0.22026998097541	0.07644025766856	0.25930815941208	0.12335066705612	0.78076439659108	-2.79399643949138	-0.89327794314363	0.11140823090485	1.00000000000000
+-0.28059738308337	-1.24014945811859	0.17431767292931	-1.03173534906931	-1.33147201783384	0.29429540010014	-1.91433297773680	-0.18739609707506	-0.15462643153156	0.81578231763743	-1.00000000000000
+1.10607390516786	0.21051034711613	0.73624057129861	2.22931183950195	-1.10944283323332	-0.56728760679872	1.17977410850920	0.10745562420654	0.13262996812086	-0.38361247175445	1.00000000000000
+-1.50154528137737	-1.34753122975054	-1.56765677739029	-0.55958398516345	-0.00113419158857	-0.27011088735195	0.57716256793161	-1.65583016311822	0.23221604274555	-1.81792565724994	1.00000000000000
+1.47396863542857	0.40225321725921	-0.35205636971281	-1.24022892353418	0.73692620942606	1.78267079413574	-0.84935415696464	-0.26946439432676	-0.50013169918642	0.11635992508711	-1.00000000000000
+0.29744716921823	-0.93506695207350	1.23956828090556	0.47052575524150	0.69195809243815	0.82197902791177	1.52474297949437	1.15123747734820	1.45782059405929	0.83468325042527	1.00000000000000
+-0.14333085723662	1.06544453871838	0.81026289880930	-1.13374334151827	-0.94999583634079	1.80621587112467	0.02333466245519	-0.96190681656694	0.19742706238154	-0.85949644322338	-1.00000000000000
+-0.73729804605363	0.57545632372094	1.90080038420033	-0.87829895121032	0.03193162843946	1.90624673951636	-1.29475668123033	2.95643916051284	0.12600149391867	0.91662098496388	1.00000000000000
+-0.39830759372593	1.71515597770313	1.05882131082622	1.51175885312770	0.10462739070369	0.31227470371301	0.31305080565148	-0.64865414421048	-0.45322296996786	-1.55081107635396	1.00000000000000
+0.29477101989048	0.23232458759775	-0.59300605732720	-0.04765639321131	-2.13771327297002	-0.94976953235540	-0.42774191740495	-0.40645621216230	0.22779682430634	-0.89199873607201	-1.00000000000000
+0.47916664203616	-0.86508370781104	-1.30412817483426	1.45516969716665	-0.45404864314735	-0.09551673525577	2.22032539160777	-1.83527797331642	-1.98540406762031	-1.12461749815514	1.00000000000000
+2.41283530710444	-0.09384397321480	-1.31261286029925	0.88999477211962	0.33898877120909	-0.82957744275457	-0.14775689869538	-0.10623826363674	-0.04210485726506	-2.01250925374450	1.00000000000000
+0.22447995535190	-3.37191782791289	0.57501882735700	1.15755092331822	0.48950889345887	-0.78917886655991	1.13531092220017	-0.61124063910625	0.06779021375867	-0.67912748736594	1.00000000000000
+-0.26600554923582	0.07756853640106	-0.70850418040581	-0.12923348831319	1.36257422747345	-0.33588504383943	2.11327748057799	1.02806483264037	1.14661926749806	0.26062882200483	1.00000000000000
+1.11371186638177	0.71198438773268	0.44680604752508	-1.82927821941191	-0.49525817923220	0.73432449663871	-0.45116580277741	1.14958117253077	-0.36720568227446	-0.25263632176323	-1.00000000000000
+0.41572359844939	-0.44371063194212	1.51504074526395	0.86226312373731	1.26138403146063	1.23757269433369	0.06533989308906	0.30238426184934	1.46004542061475	-0.09819978835052	-1.00000000000000
+-1.00160182067670	0.70498794188206	-2.15878969553472	1.42442086887350	-0.91456775163888	-0.94058171855886	0.10945102032521	-0.93179172670926	0.78543566815297	1.54880947164479	1.00000000000000
+-0.70644749536924	0.51797532917880	-0.52093301974688	0.76722815718132	-0.91942116169260	0.46365070988240	0.22668700801742	-1.56006069238979	-0.56035162192072	-1.11832052483358	-1.00000000000000
+1.15835435159681	0.71684576476463	0.32220073693344	1.25046574852912	1.69609748326748	0.37944597251902	-1.76148836875685	0.40859875256458	0.76104545055820	1.76845847094519	1.00000000000000
+0.55955631975534	0.49500197925546	-1.59058763749214	0.67468675468818	-1.34490972056018	0.04427855855216	0.64632916736563	0.76583860843922	0.11657012869563	1.74355445559375	1.00000000000000
+0.08003769261883	0.30452708968857	0.16226367145096	0.40518935469138	0.77445142103222	-1.41441277951681	-0.36485645471113	-0.64327898162194	0.62212252635911	0.11925746157577	-1.00000000000000
+-0.30913778819192	-1.87241295854779	-0.21624959919110	-0.15714675299482	0.20872158722226	2.05506616883494	-0.06766649353094	-1.38835141360872	-1.85752503889980	0.24253641468705	1.00000000000000
+0.44240015808078	-0.26174016175683	0.20359121242986	1.07034711624237	-1.10600667639744	-1.65234665366792	1.38439231454789	0.49476798306161	0.09109054401944	-0.87580031168200	-1.00000000000000
+0.68349851859705	0.80859965226146	-0.58991147268834	0.77915803908295	1.34202491388158	-0.49249743057666	-0.09509301116004	1.85151017545791	-0.23007078419417	0.00797562500538	-1.00000000000000
+-2.19763612127208	0.32817395952811	-0.91774645436350	1.10006623193624	-1.04157317808040	-1.03055368185932	0.43973855383293	-1.62770572545337	1.68383267089631	-0.44348222041712	1.00000000000000
+1.07249796652304	0.21809460754047	-0.56285442645097	2.11395878532219	0.87507777064544	-0.19959987595577	0.93313823147445	0.83762653309234	-0.30233211096453	1.57985728151532	1.00000000000000
+0.72639242411959	-0.62994846518912	-1.99397514897077	0.17337690104522	0.10378837025334	0.49435308537147	-0.67740259285383	-1.07242416539875	-0.52679156949178	1.11809792245479	-1.00000000000000
+-0.01425962927513	0.41647936987602	-0.15948999354330	-1.35207278143897	-1.49967525628395	-0.32260305901243	0.03295008594354	-0.11460532371397	0.81766428530123	-1.05358538610126	-1.00000000000000
+-2.03092963679253	0.92927869374955	-0.54070992505061	1.03469339366834	1.43975975329731	1.48062747334607	2.54482204249507	-2.43986787755383	0.83307586832671	-0.89065853150553	1.00000000000000
+-0.28620610879464	-0.89895590244005	-0.25755478091138	-1.09243170371056	-1.74565801203904	2.91014220375333	1.20018697992952	-0.27231266661768	1.36223341801137	-0.18989021881212	1.00000000000000
+-0.33555643020436	0.82928000657710	-0.49810426452958	1.33626838959818	-1.93435507748885	0.81775739444830	0.58808348864939	-0.88948274900559	0.05138778182395	-0.82545241428553	-1.00000000000000
+0.19790100408539	-0.49169567679210	-0.06692347650938	-0.58332727299478	1.08522284775676	-1.53696602363340	2.58353117739188	-0.76529689093443	3.05267982058239	-2.37531668747247	1.00000000000000
+-0.78692378403381	1.17711485574777	-0.72188956396690	-0.20396891388344	1.48055207664079	-0.94498703897784	-0.88543100111187	0.67451075071458	0.54666494800197	-0.08572655626950	-1.00000000000000
+-1.19530300587054	1.58646917380669	-0.27436104221246	1.09763686100852	0.28803974457204	0.28974064225376	-0.99865095026275	-0.74637403890679	1.41106436932361	-0.47153369671550	-1.00000000000000
+0.22612071095720	-0.41066548083533	-0.48602915813457	-0.00143279571495	-0.07900334713774	-0.82393312212429	1.28128151144746	-1.31576621924978	0.25150948454296	1.93712159537271	-1.00000000000000
+-0.64245353514432	-0.74579779776250	-1.58466186781297	0.78162705871660	0.43029725870943	-1.76846500493844	1.49953390561346	-0.43581958469805	-1.45825783677622	0.18123217323317	1.00000000000000
+-0.80591431489877	-1.49178407680966	-0.19947443507254	0.55429104304959	-0.12559669911713	1.82340457138128	-1.07429714430508	1.52091690600973	-0.84386595835891	-0.17656231017188	1.00000000000000
+-1.47912179899066	-0.00224301811666	1.38192369606509	-2.32640451008062	0.23659026568389	-0.81785240474202	-1.72416017287792	1.07048952566753	-1.75614754716340	-1.64713417795385	1.00000000000000
+0.26994215428555	0.14282244662748	1.11398826117635	0.63630520988665	-0.20478255792584	2.12194247926035	-0.95366095214142	-0.65069756794272	-2.33684482385420	-0.64079239242583	1.00000000000000
+0.92711005053489	0.55090470378313	-0.66770296244054	-1.29143626534614	0.26964434414603	0.56377419645747	-1.61448446456190	-0.49954169803069	0.58698415954614	-0.12201677682612	-1.00000000000000
+0.07439375670384	0.91490009083371	-1.30700145256154	-0.46577407855128	-0.62011983939443	-1.08666710898553	-1.00233587074618	1.25827664189453	-1.47013355799844	0.22041063891320	-1.00000000000000
+1.10859178145100	0.47392889914665	-0.46196548612275	1.20979573317162	0.14232861840862	-2.33506251684945	-0.06288118245110	0.17798348861989	0.69858469018220	-0.33300761623183	-1.00000000000000
+-2.24626244070295	1.02091197943555	-0.83019075754449	1.42909376832110	-0.43450167886916	-0.50592892547716	0.10059286804303	0.37112838910425	0.17867854865809	-0.51102079555207	1.00000000000000
+-1.09589070229174	-0.13713376405510	-0.68026348578346	0.24500882574338	-0.34531594476784	0.19602178794567	3.09843494826635	0.78605395317221	2.15192880313344	2.23197084972174	1.00000000000000
+-0.45199960634419	1.25446420801523	-0.04980687825794	-0.67390310345804	1.30362215091111	-0.32736512923465	0.29808887178038	-0.84684742728171	-1.26374795809867	-1.33965194181725	-1.00000000000000
+0.11186747191495	0.34543123998488	-0.28475353798483	0.49923140875491	0.15673322764513	0.17731435432345	0.20315092380952	-0.84672350842575	-2.09249138081266	-0.60784829357322	-1.00000000000000
+0.71519971478175	-0.79831290400903	0.60504012643527	1.20037161761215	-0.06578376445500	0.28093633331703	0.56662203594761	0.15386780692381	0.03744251384980	1.07930077189193	-1.00000000000000
+-0.17290629376986	0.80603147788919	0.19782688627028	-0.33562328616476	1.28050104273697	-0.81553331583398	-0.00382467009030	-1.03231197954029	-0.53962317765596	1.56042806119621	-1.00000000000000
+0.12046810164396	-0.44532666065388	0.39910303734200	0.25532222286883	-0.85761870649684	0.85911368014351	0.19943561261531	0.47563296115252	-0.82802247297028	0.16031986272918	-1.00000000000000
+-0.46047020776547	0.61701198835681	-1.53252640697935	-1.86673689589265	-0.87501982337248	0.14616602225441	1.14313002547766	-1.12092337496709	0.14173672546349	0.17127645495544	1.00000000000000
+0.88145387050063	0.97905983889261	-0.66547636492977	-0.63272811390998	-1.34943078718622	0.36807971514096	0.37949728690857	-0.52796714019755	1.84832145774029	0.96843610913945	-1.00000000000000
+-0.11974582421268	-0.31060162591297	0.12592817244744	1.26163572816332	-0.33683105693572	-0.28432920064634	-0.77369706852515	0.93158121278320	-1.91834322275124	-0.51952035173844	-1.00000000000000
+1.01668672655777	1.50510817375910	-0.60822403527751	-0.46736490201109	-0.07784729272824	-1.17704661107814	-0.93280304012179	0.19690558977498	-0.15645790623589	-1.41404083522130	-1.00000000000000
+1.42226528698991	1.38014404744452	1.37246271449583	0.93456405124707	-1.28099162524426	0.17333533899054	1.07839103504343	-0.20234969725264	-0.66962001579619	-0.99963024785326	1.00000000000000
+0.92074861938542	-2.37597854125837	-0.42716507053808	0.44688810455552	0.50918324666203	-0.28017593485121	-0.89378386582907	-0.57230051373652	2.72654836018548	-0.56627572220775	1.00000000000000
+0.66432863860022	0.47808301296811	0.36347102884963	-0.84044006236775	-1.27377964359595	0.19849629978757	-0.56760156682598	0.20956263075025	0.16386253329995	-0.40465244451427	-1.00000000000000
+-0.27625233308190	-1.40434496671907	2.06466955661075	0.57716512725380	0.14216499535114	-1.04691357653906	1.71199304454920	0.39167948133788	0.51111265319883	0.40826136438656	1.00000000000000
+0.28147945931566	1.52093624922000	0.72856176413888	0.71667875504497	-0.40896128035863	-0.26084352282792	0.09778690017573	2.23477293911459	0.80351229216299	1.00710390823638	1.00000000000000
+-0.93211111677098	0.66505491558229	-0.75909473565162	-0.10390184500652	0.12239835715476	2.87520738389524	1.58865671981720	-0.15824246079102	1.17447583765351	0.27691964665348	1.00000000000000
+-0.70556794306306	-0.71063760247213	0.32998724529912	-0.27842647107772	-0.47720162427965	0.23979976509935	1.41175474333061	1.32466211450703	-0.66805656941298	-0.97215566050825	-1.00000000000000
+1.66098084723420	0.63035644217186	1.03926980228731	-0.26909793857689	0.78794119214338	-0.22376205090610	-1.00899376477935	0.60215036680090	0.27633577322391	-1.23086472120026	-1.00000000000000
+-1.26262751779904	-0.92915286185945	0.94249181611322	0.19081924028285	0.25922283856272	-0.54163275567250	-0.35315326238045	-1.83843242058160	0.44057847649925	0.44782531742832	-1.00000000000000
+0.79276144602657	0.25340499638765	0.28699510273137	-0.42673854796208	1.31702707388338	0.28121157654260	1.62616810118241	-0.09564860309459	0.21573150973999	-1.03680787785123	-1.00000000000000
+-0.83156697819289	0.75915621596036	-0.16094689271411	0.83724105956043	-0.39734812098442	-1.14606484047850	1.05114485337852	-3.08215155594116	-0.19254690296375	-0.51233203702614	1.00000000000000
+0.25091941877602	2.53352085017030	0.25820473961331	-1.95238484975289	-0.57406183751372	-0.42777525952744	1.90781803395338	-0.56659802850119	0.33687534037810	-0.95875323266147	1.00000000000000
+0.00311001838772	-0.63605850741395	0.08199498091217	0.21475303676828	1.41165633445695	1.04174416072855	-0.64880788756776	-0.30645859304836	-1.10150528937302	-1.61535891358351	-1.00000000000000
+0.30300881688393	0.76321706907733	0.83577998590045	2.73525834047816	-0.48756159111618	-1.29866372161855	0.46418573942798	-1.53240846060926	-1.76317549241633	-2.07541495802322	1.00000000000000
+1.19605173649694	-0.39311295948046	-0.00174071068725	-0.02301756104159	-1.15225703081120	-1.34507827986476	0.76004191089791	-0.65326146656582	0.58475790796784	0.48831881426336	-1.00000000000000
+-0.33003780175578	0.00150597798907	0.65056134681665	-0.00755315350457	-1.74017136631439	1.28873999040056	1.47176947506423	3.11648926263502	-0.01461478370481	0.63064208877868	1.00000000000000
+0.90357831511059	2.37175349964351	-0.05056926571623	-0.09887647888448	-0.44228094259576	1.13387745941891	-0.18477052138487	0.77586307562025	1.15716025715007	0.44209840259803	1.00000000000000
+0.24437433958983	0.12175673588132	-0.50419999263732	-0.22024511286512	0.42634129121774	-0.80900990590743	-2.78948901021032	0.87787783902718	0.30307213379366	1.63974530278375	1.00000000000000
+0.15012459187551	-1.57248661556523	-1.12318110837726	-0.28131806019012	0.48039564181928	-1.40938558053742	-1.43141038455065	-0.09737505234259	-0.88844202346373	0.34516644752599	-1.00000000000000
+0.93435898669299	-1.42853987272209	0.96335813360547	0.15350894302929	1.65390457030588	0.14057380678257	-1.28348673425966	-0.67734346778889	-0.31907020727025	-1.30433249387271	1.00000000000000
+-0.13273907404306	0.61028593508975	-0.34245973815655	1.65273738651938	-0.11919432460527	0.65477817301930	1.16718440363748	-0.72398297277680	1.00081173347638	-0.79785784681861	-1.00000000000000
+0.16349645588588	-0.89940800864899	-0.71787859471298	0.32160408944202	0.35367053857285	0.11409771604440	0.18181247783290	0.43008205137004	-0.91469160522264	1.00891913061975	-1.00000000000000
+-1.22999121818304	0.96939881400746	0.41035778153587	0.14626258456001	-0.67103321281236	0.06212375113023	-1.11757496314319	0.27270729780590	-0.96982308054750	1.47923047660933	-1.00000000000000
+0.96811944783696	-0.67242641057174	0.58256919997804	0.23058671495101	0.38724163285656	-0.40400831394655	1.54661076183104	-1.15136330717639	-0.81563478561361	0.19301354443959	-1.00000000000000
+-0.08761691303211	-0.04078613530606	0.69067715017257	-1.40231702715497	0.10039272830514	1.34799887776928	1.36617569117738	1.02866531810185	0.32819336630625	-0.83285569546294	-1.00000000000000
+-0.29771737525167	-0.36280093441057	-0.24586349165424	-0.10417297545825	-0.43263023164958	0.06740998804478	0.98781873650417	0.18119310608353	0.83055644992053	-0.00907079674790	-1.00000000000000
+1.88783323528571	-0.68039457668399	-0.63356247009449	0.78161764725757	0.19448875742988	-0.97725651890001	-0.05151917070583	-0.92091913845727	0.55260037221582	-0.72203361893432	-1.00000000000000
+-0.52417725576631	1.50765854036381	0.77366471222249	-0.06116995172768	1.29628069574148	0.23443656487569	1.20401350945014	-1.82016977483368	-0.10941150070648	-0.79773631639350	1.00000000000000
+0.84520971439987	0.43879220664321	0.48885193174922	0.92225658951182	1.04026650596497	-0.21713061355932	-0.28526505818605	-0.40646437826197	0.85988665383814	-1.89648111518124	-1.00000000000000
+-0.69719630319481	-0.13399839514300	-1.71642030331571	-1.25929200835389	0.45631739291831	-0.09974784734098	0.79753246231774	0.57495198843256	1.16817346355785	0.16652326061113	-1.00000000000000
+0.52589144441929	-0.30377484111562	0.42526885736883	-0.50009865170894	-1.46546274953654	-0.69001168095731	-0.08465528148085	0.45277503656427	-1.05730365887072	-0.79338963380030	-1.00000000000000
+-1.76955348389866	1.58881821653962	0.47012270480373	1.78018602887411	-0.81540166352905	-1.06903838136195	1.04823389073404	2.30578340451230	-0.17009930122803	-0.11092693599088	1.00000000000000
+-0.31269553288618	0.26953103931420	-0.15146654958418	0.61768121184684	-0.75716483200887	-0.15686994496212	1.25238840406611	0.39048890784096	0.28426184155525	-0.60815222317130	-1.00000000000000
+0.88778072459849	-0.53659295391764	0.65512825498713	1.08794626578375	0.95677501879134	-0.02598095446447	-0.39324902950380	1.33789516360605	-0.56870144687188	-0.72524340152358	-1.00000000000000
+-0.38229067168098	0.27304409107704	2.44570718197242	-0.66403705000713	-1.27932947638446	-1.39080873880278	-0.51861894873616	-0.05899064090115	-0.70470866295073	0.80345957924973	1.00000000000000
+-0.04728236257028	-0.13018125939408	0.28164729418558	1.37482526085071	-0.60365626857839	0.99874261248757	-0.32922355737978	-0.74101503870543	-1.06760153779140	0.34340684275143	-1.00000000000000
+1.20044941191664	0.47524893186649	-1.47947891169159	-0.07155654403863	-1.07177823948366	-0.18819380466192	-0.32110641115715	-0.39245811418483	1.10274843099383	0.82011589864851	-1.00000000000000
+0.31719878240719	-2.05541773188577	-0.02319939488614	-1.17345176723988	-0.23795675998081	-0.49668669654599	1.03104299195077	0.62119290998513	0.25301244620180	-0.14355133745577	-1.00000000000000
+0.40351187631951	1.78200053237322	-0.05307946475884	-1.69630956677787	0.53459831994232	0.10242628009882	-0.38981128510706	-0.10690049500142	-0.06026772486445	-0.28187408301259	-1.00000000000000
+-0.92405552740108	-0.42224968197795	0.09074553950156	0.86646944391748	-0.99391045591604	-0.94909270494582	-0.46942517988249	-1.77015187108767	-1.36544961423655	0.87777087712923	1.00000000000000
+0.11934713383395	-1.13713705500544	-0.11448012304843	0.63865027415246	-0.18170530704368	1.14100536545175	0.11652773343361	1.54792278615871	0.73993086916879	0.23253523965081	-1.00000000000000
+0.05072075842413	-0.06819136514257	0.99281199650423	0.71033368966045	-0.94698923461381	-0.26655967846353	-0.90234740420201	0.40279616256242	-0.25499948875546	0.76446239741613	-1.00000000000000
+1.68635858351049	1.36087834917869	-2.04660223963502	1.48971689637577	-0.29728364943665	0.11960398178206	0.53441933117958	1.01263433229619	-1.98223533142457	1.46008781276042	1.00000000000000
+0.22344316917495	1.98709437702542	-1.70780126977356	0.51847371333125	0.63369288315257	-0.69070143394895	0.48653737618133	0.84370873640210	1.19867306452638	-1.88636347621667	1.00000000000000
+0.42942860175020	-0.08517423935507	-0.76250444570630	-0.10529079164001	-1.17506467649844	-1.25566653693220	-0.49822015511756	-1.99019230285307	-1.32859788779458	0.42336834222116	1.00000000000000
+1.19763182966725	0.07899481456482	0.72778401317403	-0.39862509336779	-0.22964869045822	1.36916177203519	-0.15580275837525	1.43985508954766	-1.02252070932620	-0.87206246028184	-1.00000000000000
+0.68213746582946	0.57267152845556	1.48511076156117	-0.00687633464789	-0.70165044591232	0.57587726321278	0.11366186212455	0.21699821580583	-0.95099243353168	-1.29473420263289	-1.00000000000000
+1.17656992753683	-0.18393096445053	0.37085053836160	0.69368928566568	-0.22434511262877	0.28239946069553	1.19748129875241	-1.78601223451044	0.80675157473077	1.05159955040986	-1.00000000000000
+0.91131164341617	0.36692673984085	0.64166817889051	-1.55236834702439	-0.15588129854251	-1.31489909372158	0.72004319173922	0.13165617581700	0.79472564727257	-0.09417882909582	-1.00000000000000
+-0.97874273421210	0.13602561424347	-1.18537468204748	-0.63157721371438	1.19809022276748	-0.73594092261071	-0.51000944006581	0.38447986283137	0.99940294873076	0.47945881272104	-1.00000000000000
+-2.41709048431112	0.91320396096613	-1.23018409964580	-0.52949572743361	-0.22960168066448	0.76858049402115	-1.81090402586765	0.59331884131807	-0.58691637100997	0.84183971236126	1.00000000000000
+-1.54464238558341	-0.43968197025369	0.33260779366391	1.91939731678979	0.28749937974366	-1.70368729635363	-0.90870131808387	-0.71475475866809	0.55456239065119	-3.52320927221214	1.00000000000000
+-1.01142557668552	0.24872520224399	0.29406598607795	0.29082428608391	-0.47461579621311	1.26409668618387	-0.69500485439247	-0.90254111944326	0.83945695625059	1.28209286761841	-1.00000000000000
+0.32794023889131	0.85586531444295	0.86406927741060	0.56277705853086	0.39508868462502	-1.21235583300423	0.33677243780668	-0.22559950715931	-1.20774908636819	-0.15828668495697	-1.00000000000000
+1.50479504615949	0.76409587552385	-0.31587417229921	-1.02387229061973	0.08605677157256	-1.31416041184383	-0.14094511740100	0.82711699692705	0.35092811310583	1.27687192095644	-1.00000000000000
+0.80275211147635	0.24433156240843	0.68902211150149	-0.72023834990811	-0.31996796908175	1.21726300654225	0.39212627335616	-1.12018315709729	1.23371189912721	-0.59007857946097	-1.00000000000000
+-1.27867307135322	-1.85407448116213	0.08769688065744	0.19765346006107	-1.78444064002036	-1.08525929810442	-1.96840922537112	-1.06917410693717	0.76840242987060	0.36883157215602	1.00000000000000
+0.59172859724110	-0.13078989890455	-0.52970746046288	0.83907979596818	-0.85188833582361	0.16212455838272	0.00848817948229	0.30983561549528	1.18177665200183	-1.42056704391934	-1.00000000000000
+-1.78883215313084	-1.34941967905307	0.70016929521897	1.49297187415668	0.60279049655578	0.70442899857580	1.53795948319148	0.60766740246377	-2.89731624139832	0.35719375450206	1.00000000000000
+-0.01665313835590	0.08003103140254	0.19230686406612	-2.04773609652909	-0.88138394667195	-1.57994498705579	0.78962250485138	0.69714720701126	1.15162597176601	1.63713983930787	1.00000000000000
+1.50814970316757	-1.54090349295545	0.28100530718039	2.77556813212880	1.08737316935816	-1.24953400221743	1.52657929628693	1.42628217568099	2.18276057038193	-1.16644316130678	1.00000000000000
+-0.92590901803353	0.49000817425098	0.31655466166369	-0.92134724236871	0.94243705136495	0.69201237669152	-1.02058086107495	-1.39310578674758	-0.65833740289111	-1.33073611739563	-1.00000000000000
+1.42441497466937	-0.11731662007997	0.49193498634157	-0.19850143806096	1.25847501154219	0.74171491202945	-0.89938139923515	-0.32357488141724	1.12788808757391	0.19453868640345	-1.00000000000000
+-0.83894231490962	0.03351701326162	-0.68888460240655	-0.03452246226639	-0.26720958507311	0.24346014546517	1.15685930156665	2.89925603428565	-0.70392299435384	0.20691154382213	1.00000000000000
+-0.41507171522040	-1.18619999303757	0.52678453565694	1.29045621505569	-1.84139898080259	1.18825964182643	0.49126220355725	-1.75083947468803	2.24685272774283	0.04066624541391	1.00000000000000
+-0.14133736100965	0.46687293205161	0.90278483668090	1.13685349477175	0.96542962786706	1.25776566405086	-1.79611412135095	0.15086155734310	0.55161792773060	-0.95457753666267	-1.00000000000000
+0.51329982353320	0.03722495297260	-0.00902330764684	0.76878368024898	-0.59390752679682	2.03951198580871	-0.13600239249155	1.01683473794247	0.04999004670570	0.55295052658044	-1.00000000000000
+0.29698768675742	0.72461725588957	1.32507712644100	-0.40625943836139	1.47655816294636	-1.76168149821756	0.85536494348938	0.03829246932400	-0.54699694728753	-0.38363696563923	-1.00000000000000
+-2.62682473109344	1.45405893454353	0.95663536452111	-0.30797952730562	-0.33151791031981	0.80756037077786	-0.34111445829469	-0.93896286050585	2.07573364168351	0.67510884034500	1.00000000000000
+-0.81518309807225	-0.87883424186524	-0.57207145396629	-0.37382922998760	-0.76173832645102	1.18031524538066	-0.29693753599668	-0.03546190111541	1.59626034288944	0.11627911099727	-1.00000000000000
+0.83640108940184	-0.26342468147978	-0.20817557112131	-1.22851073003278	0.80553083243596	-0.58634361028566	-2.47778334219568	0.68694721088063	0.18987105257932	-0.45115398735373	1.00000000000000
+1.64510885606999	0.09182067958761	-0.14079393247009	1.45692768987535	-0.37611961140129	0.84776757942450	1.04616542453132	3.26323786977539	0.08486086927075	-0.45515456448680	1.00000000000000
+0.13571180304018	0.24505861078814	-0.11845982456343	0.02110513413829	-0.67109319449476	0.46458784639438	0.41086771471095	-0.80244436246219	1.78414266724682	-0.92868310509064	-1.00000000000000
+1.52397700171009	-1.44692791484849	0.78607776976000	0.30258815524741	0.58576577246140	-0.03835363901151	-1.12802575480990	1.72654353207011	-0.52734805804686	0.03775121764309	1.00000000000000
+1.25142750387174	-1.30046745994230	0.02996526510837	0.35919855587378	0.22374827941117	0.64920360893258	0.11843483531440	0.76139648322756	1.50900656530002	0.18290650967570	-1.00000000000000
+-0.65165233851182	-2.51184994961238	-0.74727290847760	0.54526415365140	-0.69812398186625	0.15663822333879	-0.12903009725210	0.00298848413918	0.47654791208480	0.82445925696248	-1.00000000000000
+0.09299197197703	0.57304915043129	-1.00446970938585	-0.43539013948343	-0.17991915038712	-0.93878311023243	-2.25941959757497	-0.62827753672126	0.45127976260084	1.05219948245092	-1.00000000000000
+0.07256200601276	-1.33372761433846	2.32800280020865	-1.00072268673583	1.66093914098825	0.59505366898930	1.04321906965738	2.60565013097803	-0.98850318898856	-0.09362445912452	1.00000000000000
+-0.33185077928074	0.96149169208460	-0.38723010777782	-0.58236620709794	-0.68928588318145	-1.20641478139323	0.10940392469594	-0.13109236336246	-1.18034861163381	-0.74314693283010	-1.00000000000000
+-1.18863142911592	0.00738975336367	-1.51649508532389	0.86339237223858	-1.49041504216875	1.27946255924081	0.70676235594928	-0.41729537826293	1.43187285337132	0.48840618782097	1.00000000000000
+0.80652861484610	1.27868533853163	-0.68787501459999	-0.74805474153688	0.00257611541818	0.05754155974330	-0.65411406104446	-1.35909567308010	-0.14731881544870	-1.08105559149313	-1.00000000000000
+0.18686980841084	0.55427044290841	-1.04753340177789	-0.44388914894917	-0.70365372045466	0.69830114348452	-0.51108324968599	0.10895780822260	-0.93959421270272	-0.18133196018596	-1.00000000000000
+-0.08507213118344	1.41908473908549	0.01841377651174	0.97006829858221	-2.31778492687737	0.61433040055428	0.06955840261501	1.00186607617869	-0.72763452737304	0.21232116143934	1.00000000000000
+-1.76441867786188	-1.52707893157844	0.91310695150967	0.33044575450540	1.25642616634191	-0.40862602267996	0.02815883251078	0.39397913918822	-1.25580879377826	-0.84517385960588	1.00000000000000
+0.62940921746888	-0.64838171981399	-0.26075976584393	-0.52439671525190	1.40972387296218	-0.75566656282244	0.72862720912745	0.08067872207615	-0.57041683605995	2.21237922759822	1.00000000000000
+0.22704430633787	-0.71786294835442	0.61317016456349	0.36214150727136	1.21779342956798	1.99378818830417	0.01664135704607	0.09205122728894	0.44404319623666	0.51315025458960	-1.00000000000000
+0.00933902449604	0.22598246690563	-0.18505793831274	0.17561642403100	-1.23659061836724	-1.49209861375875	0.06387578372637	0.61590007907527	1.13453035392440	0.75037265626556	-1.00000000000000
+1.45996929251422	-0.90331911555492	-0.46893672318733	-2.23726891556401	1.32467056387263	0.88419204370526	-1.35538191920274	0.50772119297372	-1.35679930036558	-0.78548863714531	1.00000000000000
+-0.65083439738367	0.79853109875904	-1.30231478289771	0.61808892451322	-0.74603290690695	-0.46526647947039	1.83215086180281	1.52767464684114	0.51179881638472	0.06515803265871	1.00000000000000
+1.13112142995443	0.75325049503539	-1.05710804603346	-1.67126475887386	-0.48034485466728	0.32502872013712	-0.09940400539892	0.55020699115512	0.03796509254144	0.16857212989315	-1.00000000000000
+-0.29554646414831	0.10521056668890	-0.04663671929241	0.02381647712597	1.40850571976069	-0.34821467000249	-1.86136618016467	-1.85738192900190	0.59366666715694	-0.01796009570825	1.00000000000000
+-0.04831912697193	0.56140393393767	0.49335095370779	0.07929988982188	-0.79934612118303	0.18604730055338	-0.19360965861982	-0.03448368035794	-0.87865159820767	-2.46016688587683	-1.00000000000000
+-0.40016278931786	0.88922376473417	1.50333180273857	0.34905190677671	0.13089644927245	-0.97139609138262	0.57925019450973	-1.34274940059316	2.04878790035334	0.19343445727730	1.00000000000000
+0.55054773229151	0.77393881776919	1.01053513156607	-0.65756479074671	0.07045863795483	-1.81637585570142	0.51257787199853	-1.17711174587283	-1.02795300757254	-0.05582028498347	-1.00000000000000
+-0.89257362892894	0.00207898907553	-0.71355795986372	1.12746422063268	-1.20116754185046	-0.16259422281993	-1.16278358051067	0.66931970389834	-1.58161319700175	-1.12086564972400	1.00000000000000
+0.51992054327241	0.10055001786949	0.24698303429960	-0.05737176309503	-1.31914675617767	1.10998680107155	-0.67722876295218	0.81204675545426	-0.47256769260445	0.30503196230390	-1.00000000000000
+1.29138217474804	-0.45360535111840	-1.87577344089864	-1.57197937731345	-1.06151118106950	-0.77391636976933	-1.12149392519595	-1.75093299324648	0.87404691736134	-1.13998910046763	1.00000000000000
+-1.39225805565238	-0.19192881100772	-0.35161758241093	0.09011094567194	-1.16350716359575	0.39503332389980	1.27127813538840	-0.18490429006783	-1.04486009491380	-1.09092445868241	-1.00000000000000
+-0.62832071595727	-1.74879778517463	-0.36787632515800	-0.83912877260965	0.91569222916636	0.87474711655393	0.80507671911715	-0.72919174188876	-1.18608701882813	-0.45864742512510	-1.00000000000000
+0.26731091782631	1.51149929595035	1.24075549058532	-1.41406993506701	-1.77815518967950	-0.49272557311701	0.58154643976485	-1.29494311806471	1.38394161660993	1.54051759420211	1.00000000000000
+0.31906017416921	-0.46789982621443	-0.84252481546014	0.85022299633032	-0.10580121694935	-0.22041596044144	1.61368725912252	-0.16278734770252	-1.77356117406115	1.99831365620417	1.00000000000000
+0.06645046746783	-0.62646122053504	2.57807883954526	0.73665568304171	1.09202705775045	-0.08598213371058	-0.25039055501889	-0.79167817909608	2.57075964072378	0.44012412664749	1.00000000000000
+0.24237581080398	-0.06955234476843	-0.21349885940929	1.25878821431335	0.45896504084626	-0.78391695920705	1.39000064024125	0.04027905953379	-0.59145321045286	0.15260530772476	-1.00000000000000
+-0.76222106475026	0.14927105446242	0.19871465512323	0.60361106051156	0.67838860383993	0.45058845909664	-1.12893838588603	0.94136747542599	-1.12739063000772	0.33593859665226	-1.00000000000000
+0.77830226237658	1.32248189216669	-0.50134950144411	-1.13830364477362	-0.93322782711577	-0.29420381381292	0.75635572331898	0.40130664847075	1.26339589880490	0.73732302596290	-1.00000000000000
+-1.33663330728211	-0.12224553381608	-0.28527462284043	-0.51138068487795	1.88596338784875	0.67195242653366	-0.29663621425242	-0.12605990457649	-1.85899158725766	0.61727158613655	1.00000000000000
+-1.23596629475056	-0.14503549842053	0.88937103622980	-0.37162342931908	-0.88855327608244	0.00807102155983	0.53050230351673	-0.04316094901989	0.20707014202025	0.20527817392500	-1.00000000000000
+0.43689046911419	0.22202472776752	0.25454486070413	-0.65295590251940	0.57686529956103	-0.56676926994412	1.26630884716422	0.38945417083798	-0.29796060386792	-1.71308575528577	-1.00000000000000
+0.48329383844079	0.79926816945293	0.10525818396357	0.00271659413948	-0.48249526986234	-0.33238124352782	2.70184913502343	0.84260253635941	0.08068829196341	-0.84847019391993	1.00000000000000
+0.16807263897820	2.54825249926013	-1.33177592411590	1.06036714728714	0.87504164876957	0.76729954866120	-0.97049217431009	1.00354789464916	0.10351516068433	-0.25673998813549	1.00000000000000
+0.42229774100472	-0.12724553020415	0.57913882681105	-1.32093632224225	0.40177843763987	0.91031484430803	-0.61140555953867	0.43536263086849	-0.30290805765904	-1.43158549880421	-1.00000000000000
+1.51753180129217	0.05922124542681	-0.03451936385859	-0.01295420651453	-2.30503523630097	-0.60380105080645	0.73904722533620	-0.02603095414475	0.27929133129228	1.37821174204174	1.00000000000000
+0.53541900609560	0.08803624227792	0.36400469876754	-0.40200174971809	-1.71498949462350	0.18879706996717	-1.06506426237454	0.35248677892786	-0.43366325416183	-0.04892990816804	-1.00000000000000
+0.79406265234512	0.57479196891255	-1.01130438434029	0.52396323030182	-0.05359027613078	0.91315923363671	-0.24139556753401	-0.20738594292112	0.02990107330265	-0.18797699355923	-1.00000000000000
+-0.84286220885932	1.56086017789828	-0.09218403761315	-0.12772058412036	-0.14335019506590	-1.49657848890257	-0.65585144583730	0.62839482312556	-0.56589715247991	0.40763676570405	-1.00000000000000
+-0.94853145520616	-1.27189516372682	-0.33804322401831	1.35939919606201	0.86077615902404	-0.36003444810408	-0.18222815578181	-0.14032576240837	-0.80167881251434	-0.46620358008803	-1.00000000000000
+0.47616516836469	-2.56195608775409	-1.05566827232847	-0.47364214975809	3.26613227019556	-1.74349480190639	-0.01650299328859	-0.84418666974009	0.50482992800544	-0.26307972450583	1.00000000000000
+-0.00211509263950	2.00284170514389	1.84041605946365	0.12674651164410	-0.34847602481713	0.68123157299701	-0.20860196570162	1.42575297723730	-0.88620205132685	0.19894147806402	1.00000000000000
+-0.22509583392732	0.94282746619508	1.55850212733238	0.35698910635017	-0.10876261742325	0.26935609405381	0.70167665459869	1.58775451629329	-1.32451973053983	-1.07858135576988	1.00000000000000
+-0.17342453050318	0.57423196522613	-0.04695618563531	0.14932051319680	-0.25344072211544	0.99321156134276	-0.92083694582160	0.94859620569394	0.77525832845817	-0.38521812191076	-1.00000000000000
+0.72519422202129	-0.00241046685331	-0.95170674522117	-1.50059464040507	-1.02632710153934	-0.66818558406523	-0.12287811000239	0.33863235580427	0.42692298621178	-0.82894354087900	-1.00000000000000
+0.20819823462916	0.08283047633937	1.35616162307121	-0.30713741078983	-0.89928041199279	0.83520580671156	-0.08721298037837	-0.83634484046509	-2.23253236656794	0.52576495861481	1.00000000000000
+0.47683288544094	2.46639112460068	-1.54715817789836	-1.42547109537984	1.11057324976768	2.39486935548366	0.44871057219248	0.29513687776790	1.16612251576555	-1.02801184561898	1.00000000000000
+-0.51473915658323	0.67221875481911	-0.43756701556178	-0.24342578226615	-1.49079450561522	-0.87100938548395	-1.16686782678410	-0.14256844528717	-0.45269458075315	1.09935826501055	-1.00000000000000
+-0.14744869134794	-0.46762882367355	0.23142430930184	-0.87136506053748	-1.64708158548054	-0.99672747030894	-0.05038393921648	-0.48905720180894	-1.06015555563306	-1.04057119477576	-1.00000000000000
+1.31938600869576	2.18900654642912	-0.33016118505945	-0.28627683577418	-1.84074847924208	0.67199051028066	0.10340171128559	0.90562880497554	-0.81946813915141	-1.48287559270022	1.00000000000000
+-1.47965313291979	0.47984428891129	-0.00137738491038	-1.42344346580284	0.63365997078912	-1.00505281212422	0.03894168231175	1.10499533429703	0.04619772598032	-1.97593073361385	1.00000000000000
+-0.62735199922293	-0.20934835306821	0.69802001821798	0.94703310593125	0.34043475662458	-1.16830298002705	0.41157902700581	-0.40284382358882	-2.34114871808686	0.33763967654706	-1.00000000000000
+2.32350301863137	-0.72395817104582	-0.83502395570151	-1.20512719485485	-0.18811570384909	-0.14114391777654	0.27848190923942	0.00892691661785	-0.90287572016048	1.07505693261458	1.00000000000000
+0.33150431867131	1.47771545416031	-1.56496371792587	-1.80574445591779	-1.77904943694883	-0.77164668776949	1.82761493731445	0.08851965376079	-0.43088736153617	-0.96992978677158	1.00000000000000
+0.18633221909750	0.55423544404686	-0.70831838640461	-0.03674203327647	-0.04695016146290	0.75807063742173	-0.69644824524892	-0.11443908042424	-1.30865132068634	-0.57218458543188	-1.00000000000000
+-0.26573296987227	-1.33187173214554	-0.28031606526820	-0.40927266237327	1.15515134184102	-2.00490699704255	0.13247020479810	0.84389877403065	-1.47146057376705	-0.93248487517543	1.00000000000000
+0.21615988544946	0.73207475251519	-0.51119847083941	-0.45540230310116	1.10007510362058	1.43474779926771	1.52545210324199	0.51890158488627	-0.40449197444862	0.27671689349342	-1.00000000000000
+0.67142999526959	-0.43528621866773	0.41945900078103	2.18357298354369	-1.49926165986424	-0.12553750317791	-0.41742760439987	1.02357598514531	-2.92828969993259	-2.52436216636208	1.00000000000000
+0.32854508626646	0.52106849357921	0.46448603927280	0.15509794754689	0.14026905525795	0.17560227395263	0.76148924973478	-0.16818935471308	-1.14287290612604	-2.32972991788086	-1.00000000000000
+0.02812775554371	-1.10774812555504	1.00290016070308	-0.07727960039619	-0.27912140706594	0.16186741535750	-0.67576425423575	0.92049444803032	-0.34285526881211	-0.44785369623224	-1.00000000000000
+-0.74008637646268	-0.13373387918296	-0.44043488907765	0.44665686113757	0.73514160327401	0.68946540789721	-0.06937447781309	0.39598842635543	-0.33309029785543	-1.11752670796792	-1.00000000000000
+0.16739290863115	-0.77073094055637	0.23246001324697	-0.34715496918611	-0.99390032608343	-0.36806148839363	-1.15384717131399	1.38363545176934	0.13843100130326	-0.49474140053223	-1.00000000000000
+-1.37253564964428	0.20381494056436	0.84177000876222	-1.35567877969414	-0.97067351333902	-0.85245842134935	-0.73519515077881	0.35431716228797	0.03843350498585	-0.50282956942059	-1.00000000000000
+-0.61127487693440	-0.29236208923251	-0.52884665084374	-1.31325120975441	0.11034825788049	0.22115897478606	-0.69853734841961	0.70248552931588	1.27055490303273	-0.07409816950688	-1.00000000000000
+-0.57779539038242	-0.83608616818479	-1.01041183669713	0.40498096674336	-0.05523325081461	-0.03199921153628	0.57202931770198	1.38837795615712	-0.04139805096478	1.17801854424862	-1.00000000000000
+1.88646474154015	0.31237491215359	1.25954515799348	0.56338957007775	-0.34234176795725	0.21472721752162	0.12494529182298	0.15332045731889	-1.33943151932201	1.43141060767868	1.00000000000000
+-0.48443838036247	0.11332850999274	-0.61761639116969	-1.89357378410756	-1.19049923114411	-1.12630622191608	0.51377635392344	0.03788833334284	0.13546835512041	-0.37653389494431	-1.00000000000000
+1.22306812903966	-0.10495906419220	1.18500159656756	-0.19088267311222	-1.38841072417560	-0.57784132417388	1.30602864247343	2.36976154369268	-1.55548466192512	-1.26478489266604	1.00000000000000
+-1.07445983392832	-0.63197733092147	-1.11388623957802	-1.07648941264914	0.71223886612495	-0.50300711478630	0.22482804127371	1.06897595348615	-0.73067592090185	-1.33806446906127	-1.00000000000000
+-1.16430200843614	-0.10779473188484	-1.29509742792459	0.56840477999711	-0.85090525289588	0.67701099399902	-0.55575418543419	0.06795422114839	0.78328819755456	1.56535026977058	-1.00000000000000
+0.91592178574926	-1.39706247292411	-0.29739886469403	1.17229582910577	0.26221338328025	-0.66108711656251	-1.92776824935786	-0.06806431413875	1.08513977838547	0.60088914136431	1.00000000000000
+0.03664123340018	-1.00361829002878	0.50065037128018	-0.56701680206244	-0.41394014229294	-1.02377537633240	2.20462322734247	-1.92953166897609	0.83654530496935	-0.26303865105318	1.00000000000000
+-0.27856871578529	1.18338985463690	-1.02958990174177	0.88406909025133	0.09423880249953	0.10023978239707	0.51818705951950	-0.56178480318253	-0.92324142186501	0.16896444852401	-1.00000000000000
+2.12350554379634	1.05851083760409	-0.50530757975499	-0.82458060974884	1.63295064829206	-0.32470738162380	0.26431494904484	-0.28884824577003	-2.00141363934509	0.23827865172272	1.00000000000000
+-0.16301792854151	-2.21686927236977	-0.86913263354339	-1.49443909178160	-1.90065988361417	-0.55912989957355	-0.02377783438138	0.63715543336335	-0.58653587951007	-1.53477448941841	1.00000000000000
+-1.43500574890399	-1.37785061874477	0.41513565023274	0.98405559853093	0.00789777664847	-1.21730255893913	0.76455829033825	-0.20055019444313	-0.42691498638254	-0.18588103188650	-1.00000000000000
+-1.31332491427643	1.11208440150687	2.30774223722132	-2.43479638297246	0.94084193506240	1.82222081167920	0.38152146742464	0.18993461914618	-0.31228599875112	0.26121748417020	1.00000000000000
+0.26308889821691	-1.41710645549567	-1.62791713834634	-1.70410633073752	0.20151708291424	-0.97607217434959	0.44542894226056	1.61012848718618	0.13814254836716	-0.33645674863077	1.00000000000000
+0.69827607226384	-0.84907679372435	0.03660946658433	-0.05997338795315	-0.27306415242018	0.09793169351168	0.70368961236185	-0.84537553125562	-0.20516304646931	1.50498127176338	-1.00000000000000
+-1.21000446687930	0.40437673366888	-1.11682036959333	0.24631391576905	0.82269946934493	0.29523038422424	0.05258642787017	0.68344251825089	1.61487813566853	-0.28653771132772	-1.00000000000000
+-0.21035281415477	0.56964573804974	1.60579621955772	0.39350767717280	-1.45200996947999	-0.01490906967605	-0.71088081855053	-1.19545089167090	-1.27182523867398	-0.96261214272989	1.00000000000000
+0.53367285641031	1.03625362340306	0.31851504643623	2.21590541137294	-0.29549187914359	-0.85669510723752	0.58252372239955	-0.39266752577444	-0.44661370306955	0.55424567188494	-1.00000000000000
+-0.42516270279000	0.18278794546658	-2.33498598859389	-0.25082761912304	-0.97859578186131	1.11918371164039	-1.64429009282661	-1.54930591904108	-0.31297764933014	-0.18555114175229	1.00000000000000
+-0.27063286337290	-0.23296028228712	-2.74442346985994	-1.29562866060733	1.45179129030783	1.03199360891854	0.87721153781129	1.18019375112631	-2.35995681618451	1.91523525799387	1.00000000000000
+0.41190327425100	-0.02236227511285	0.03080366430419	1.03348860233104	1.39432227627123	1.44296762156945	0.85288429085006	-0.29320646887184	-0.51078578080637	0.30545362748527	-1.00000000000000
+1.21186342916297	-1.10159186136607	-0.56282201408211	0.75264086108971	0.34212739413902	-0.25260625953600	-0.89579473917333	0.17692305773268	0.50855896418946	-0.48218550695203	-1.00000000000000
+-0.54747187131601	1.20614366336269	-1.24165932956706	0.62084976129281	0.65474873649943	-0.32959889001267	-1.19580863307461	0.53957724046818	0.60312088861328	-1.45420221293474	-1.00000000000000
+1.68979223902601	0.01113344484308	0.76167722844375	0.66124466601799	-2.61267242399495	0.10319257715135	-0.23727054875157	-0.25498628671577	-0.95623342063202	-1.22690302142195	1.00000000000000
+-1.43796163751757	-1.51587981869289	-0.21894981139024	1.02242724653471	-0.00756862719902	0.95713549799923	-1.51638235568155	0.16615500584378	-1.72186465438423	0.15728657481733	1.00000000000000
+-1.10013151211848	1.26083539089435	-0.98312948134759	1.39787695002930	-0.42982253008251	-1.35710512470198	-0.03017184671310	-0.30494364348272	1.52171240724655	-0.13251075318194	1.00000000000000
+1.19374513380159	-0.51465397367132	-0.50670643748519	-3.14266234178391	-0.05616729689787	0.92304516482714	0.80399702344267	1.28438391964020	0.30525744149387	-0.59462182436957	1.00000000000000
+-2.62509987907115	0.36529602601984	1.29068379276804	0.00776943293926	1.04453701626980	0.07413473091246	-0.92900717062661	-0.55595499118560	-0.00856464312558	1.06246458981443	1.00000000000000
+0.58721288891980	0.82941542036319	-0.62483921877965	-0.30189002891507	0.88592916483586	0.93775016735032	-0.56556346692755	0.97633416675932	0.39362026153653	0.67602181802825	-1.00000000000000
+0.65456819126412	-0.59283007786266	0.92946628060211	-0.29740381836989	0.15065362780041	0.16696790248838	-0.05693241615502	0.59023189856834	-0.61507345661680	-0.40180790971676	-1.00000000000000
+0.50487888120554	0.13125327586917	0.90307116633886	-0.15072271288348	-1.29259976203760	-0.51325771027935	0.07872318562261	0.54032117091712	0.90371143431275	-1.28624535319279	-1.00000000000000
+0.61884831866750	1.17650391597142	-0.20909480174567	0.00823813811223	-0.33344251196466	-0.47516418029720	-0.75619045511508	0.44147923616248	1.28031920007683	-0.04736063853150	-1.00000000000000
+1.51712325565539	0.12762502753919	0.52535215985736	2.11387187329397	0.30096718001568	0.97535126718085	1.42771593042638	-0.20504765510133	0.23388417261564	-0.08607328898338	1.00000000000000
+0.00115032059996	-0.13735705586180	0.61998854594558	1.02728180738531	-1.16181710750629	2.43784133610842	-1.86335669237819	-0.56427561399072	2.75468281705432	-0.47761834262873	1.00000000000000
+-0.95498802378753	-0.94960666901458	-1.66818086477591	-0.48053423522121	-0.01733852104139	1.08613437726433	0.19332207060373	0.64372106772973	2.08968590499441	-0.02814420701741	1.00000000000000
+-1.16981356496629	1.08874051427031	1.49753901854927	-0.46968866378057	0.01003209591982	0.55181031605885	0.10445615065164	1.93742477283439	1.97951398464695	1.16556309380371	1.00000000000000
+-1.51459570433102	1.40811066179796	-0.70801804212649	0.03270998996359	-0.68357068110409	1.10262689402151	0.47136005767680	-1.68270399275526	-0.35898637860867	0.76102425193003	1.00000000000000
+-0.64832864372111	-0.19839751003456	-0.35080285261472	1.77583595317499	-0.22286896796321	-0.86685975140799	-0.75989710476346	-0.36449010070253	1.25850347202846	2.00121146127470	1.00000000000000
+0.16450131084060	0.13359100761148	-0.02510163362843	0.78870126587940	-0.23145726366187	0.93238772054235	-0.88234135362323	-0.76992945585662	-1.59605025615307	0.45063319855934	-1.00000000000000
+1.04889788597956	-0.99926756437176	-1.59635363058152	0.34931977321193	1.29472127703850	-0.26984106300868	-1.44331276794295	-1.78606214744431	-1.22611261704148	1.07014720960300	1.00000000000000
+0.23031696606047	1.33926230403632	-0.30776564239306	-0.52053200015210	-1.48730062877044	-0.77812763583755	-2.62880745698121	-0.80163620178748	-0.37842093675644	-0.40365536563804	1.00000000000000
+1.15376009600683	0.05883590209305	0.38655198963200	-0.97759683651897	0.02147910186315	-0.80305171139431	-0.32005183772120	-0.00668809079842	-1.90188368359633	-1.01859668199434	-1.00000000000000
+0.85205837043700	1.26647392312657	0.50388118893042	-0.08388128138637	-2.01514541345671	0.59363169710515	0.33781616218030	1.67535467955068	0.70761879922941	-1.74735621531278	1.00000000000000
+-0.67024965691000	-0.75426398382444	-0.55647462968867	0.95876752194444	-0.52358007955244	-1.26277596053519	0.26276831881865	2.18785631205585	0.48626922443952	-1.49636166406388	1.00000000000000
+-1.22883831818471	-0.47569592385813	-1.15768358110122	-0.86903420278981	0.40821330196732	-2.21127358371142	-0.23446604728918	1.71654227479836	-0.50399432263496	-1.38049991365990	1.00000000000000
+-0.46203113430695	-0.30656187495065	-0.39011311652663	0.03602461827308	-0.69249088867058	-0.16274580576464	-1.07301739105894	0.78107936110416	0.37488207601469	-1.31388607641240	-1.00000000000000
+-1.18315269526860	-1.40998909744413	0.12096975973699	-0.64499159239714	0.85675376478101	2.55575186647619	2.12832568922441	1.07778444588300	1.95461740507726	-1.24730279876464	1.00000000000000
+0.51571268513074	0.54865857298800	-0.42759527501132	-0.21496208552395	0.79300763844372	-1.25780476908389	-0.27037933747651	-1.96682974223574	0.53961327041877	0.51688148603715	-1.00000000000000
+0.88015221381678	0.92887710802984	-0.26777431538616	-0.26827952020895	0.95274020218000	1.73204394976609	-0.13857224244852	1.43893651864824	-0.72197493675323	0.63199039625367	-1.00000000000000
+0.68207492547606	0.19607042416336	1.41773191245614	-0.24412431453277	2.89818045521852	-0.90598324557141	0.92517202307705	-1.21780832125397	-0.06311156003322	-2.11442761870843	1.00000000000000
+1.41969688388537	0.44786748667499	0.28203866016131	-0.86785678526976	-0.62825620370173	-0.45325753631986	0.60702340882500	-0.61165439322200	-0.57118219518818	0.28765948520644	-1.00000000000000
+0.22157376041178	-0.91980569085617	0.65513810450863	1.35341967586800	0.59970802090360	-1.23251110170844	-0.07174658133791	2.56337644926305	0.99249508256747	0.46980653884985	1.00000000000000
+-0.31339731212254	-1.68061402618514	-0.03771842270874	0.30351987774738	-0.12860037527997	-0.73460234310681	0.35239113738967	0.38985244820089	-1.87129747723831	-0.85367901246309	-1.00000000000000
+0.35640472091802	-0.01413905369549	-0.56675150613186	-0.61520939721743	0.30060922090584	-0.98358109497165	-0.30700859161458	0.29356480822784	-0.16680297570110	1.02450995524477	-1.00000000000000
+1.87748771414055	-0.04409923756239	0.55617088568847	1.23603738667439	0.30033921661795	0.38207462734210	0.60649613628605	0.07436499448317	-1.33342062550988	0.10825405204422	-1.00000000000000
+0.67190185219132	-1.23527393044415	0.13578966873205	0.78078315264596	1.35006774937832	-1.71649156034505	-1.25292969757179	-2.08878026843321	-0.37513682954517	0.09045312187480	1.00000000000000
+-0.94792983575169	0.10320006684697	0.10355885681602	1.13347933947167	1.05443896630345	-2.12049847998301	0.06858917126957	0.77389649211098	0.17990416871087	0.35880346013649	-1.00000000000000
+-0.71671984274681	3.13584052639948	1.44591082294089	-0.07310941255850	-2.32824845284382	-0.34437415907993	-0.84890479229486	-0.81419680127716	1.31838083147192	-1.19696102634461	1.00000000000000
+0.20789718667140	0.71684582236487	1.44844793831696	1.31234628567298	0.14125504378020	-0.19226631368671	1.40249113705325	-0.53463421151560	-0.06241193929399	-1.06156826668069	-1.00000000000000
+0.60256066835394	0.54225111886171	0.33167885204357	0.14619581928927	-0.34560710486346	-0.54392434148945	-0.52842078458269	0.33161111671026	0.23402538171679	0.07594591367592	-1.00000000000000
+-0.70003332173398	-0.10066762064457	-0.66261852461265	2.18585493102129	1.25629495367317	1.08916325708447	-0.55803116360633	1.04447421837271	-0.50410646844536	0.15654755296071	1.00000000000000
+-0.94456620139435	-0.31466387982198	0.26445231103439	-0.33223523681430	-0.16278422777748	1.01256018965325	-0.27992637653365	-1.81194101640027	1.47630041411385	0.21540473494894	-1.00000000000000
+0.16581236478464	1.03743460601924	-1.68959403729088	-1.27999601025973	0.09847624728230	-0.73042641840112	0.52082989555266	-0.39573893851167	0.37167092801830	0.84702623687832	-1.00000000000000
+1.44755916586249	0.92333975065683	-0.94283351212377	1.16083765475519	0.87456980823788	0.79105231599511	-0.85115488794512	-0.12074506605529	0.58657429168748	1.13693101280782	-1.00000000000000
+-1.60766724322564	0.02442399699471	-0.17124989030278	0.31047090034021	-0.13067001480726	1.25191742854924	-0.07736508460750	-0.77629919622013	2.02302310809059	0.83117861580119	1.00000000000000
+0.12262144142089	0.75095448668864	-1.09735385802577	-1.32346578395923	2.60540887529703	-2.06005630740605	-0.71333766948631	1.09975513338035	-0.06299347391194	-0.54626608146719	1.00000000000000
+-0.37440392091246	0.93694443133043	-0.61454255785916	-0.76612121883089	-0.55606143063181	-0.92202130372383	-1.01303281759219	-0.26077640660367	1.13839798464117	-0.99277620267178	-1.00000000000000
+0.00445633890987	1.03904248046704	0.01630674270154	0.05926604964810	-1.17536259595853	-1.38526270215237	-0.06988552492619	0.63693748542100	0.53391414406641	-2.37944898887751	1.00000000000000
+1.14353325435126	-0.06105234418816	1.12313421719292	0.16423207952647	0.14734990067414	0.66944482170993	1.23361810102966	1.32262681628941	0.27673343681945	-1.53732660424554	-1.00000000000000
+0.65180913846410	0.78673944670190	-1.18204818570466	-0.12542131828050	1.91506245107203	0.58372679766192	1.30969942522542	1.16888158836850	-1.07484748802664	1.46026803450493	1.00000000000000
+-0.32331162770759	0.38617459517337	0.00305539324068	0.60578931973435	0.13428203943737	0.40771086262528	0.23935313684222	0.79719254207636	-0.90698427131611	0.14389008186998	-1.00000000000000
+0.78484101624655	-0.84077582545135	-0.37625497446204	0.14920732942959	-0.59539195187665	0.07770091864181	-0.23347910622152	-0.77272263209126	-0.33116701384032	0.97133153086074	-1.00000000000000
+2.17837013274176	-0.24032092173975	0.39413526385056	1.41742650878064	0.66992971338329	0.41429648450641	1.77563461044002	-0.88098496617104	0.24428559042634	0.53866615005704	1.00000000000000
+1.46185343783172	-1.03987888961661	0.89737900633603	-1.15316795931670	-0.57528606821182	1.17030097944535	1.93698035471464	0.36137899414988	-0.37380897811157	-0.79149445791927	1.00000000000000
+-0.65568692998054	-2.02785798108493	0.20665746194565	-1.00027134210635	0.11437980449475	-0.22033529975672	-1.31813213369494	-0.72899286507553	0.27364116926366	0.21853801511873	-1.00000000000000
+0.48677774639190	-0.42117809436909	-0.15540761606165	1.33316720118071	1.29995088261870	-0.70545667327694	-0.53427959702402	1.02095954780012	0.09541254969715	-0.08209212105940	-1.00000000000000
+-0.81193997993096	1.62434303479023	-0.27356638939632	1.30017776539835	0.60254093159131	-1.46016460257946	0.20666482910563	0.32393847396020	2.34555905643586	1.19897719369799	1.00000000000000
+1.51074574914166	-0.06105483674555	-0.47120256028345	-0.70223666130696	-0.56248169924348	1.26816325718432	-3.99826732278162	1.42774410957380	-0.68094867486817	-0.12586280511457	1.00000000000000
+0.32429460038176	-0.17414443627795	-1.57172315216865	-0.15828085854705	0.58982054082950	1.67381005951897	-0.11896542966561	0.02646740557839	2.31024598600489	0.32215919581428	1.00000000000000
+-1.09438889958024	-0.22693161829909	-0.11187386909945	0.43983339032089	1.35368724647098	-0.57978828247230	1.34065651633999	1.22231064317001	0.33527924362978	-1.02374231324644	-1.00000000000000
+0.79530857965670	0.28125944697299	-0.34873984357474	1.29043862624183	0.91027459459772	1.65564238742583	-0.05791209408662	0.22581424996776	1.86547085533089	0.41085740134548	1.00000000000000
+1.21916439139900	-0.95084160662621	-1.82811221916974	-1.36201431990700	0.85414083318104	-1.63779301562432	-0.19057202509360	0.39799473908493	0.25900283694479	-0.69323735921756	1.00000000000000
+-2.04412423830382	-0.87766137357840	-0.51433133873094	0.54064679428517	0.09045892668866	0.78168435895558	-0.43099181831564	-0.94767573053899	-0.37368948091548	-0.57704950143303	-1.00000000000000
+-0.33702671282451	0.50858179300855	-0.12034561685060	-0.68168905287524	-0.27571956825830	0.47554357491639	-0.03523507755963	-0.66921045020660	-0.68817979814379	-1.02669923018088	-1.00000000000000
+1.14881849324898	0.28713336609565	-0.89287819143398	-0.29854925302565	-0.06982719272194	0.42036682026775	0.46576156821664	-2.08515306463680	-1.63992202063343	-0.91907782529369	1.00000000000000
+2.21405903542159	-1.36573071765964	-0.70890026515401	0.46007393265194	1.31355059457758	-0.05319000169335	0.25995123871914	-1.18741364931744	-1.02898796741088	-0.56695807510466	1.00000000000000
+-1.86144553158363	-0.99423318332756	-0.76038116373568	-0.57417805393080	0.53497679690614	-1.18826373764168	0.66121259843105	0.60009535234972	0.00016376193359	1.12116037666729	-1.00000000000000
+0.74519763624012	-0.25561385312499	-2.11027877642523	0.47537375621555	-0.44076821016847	0.18169382858417	-0.74456584798080	1.94627404529118	-1.35349673591341	1.85217970980947	1.00000000000000
+0.09435726182978	0.80271934296566	0.54827065099737	-0.49254631450026	-0.67478803049494	0.71228988443958	-0.84765277001112	-0.03481570045284	-1.97948555605944	-0.23700657458879	-1.00000000000000
+1.08465594976958	-2.70017626198857	0.04945543081738	0.88572993389263	0.83041835440087	-0.47243554831173	-0.23920151454433	-0.43429509723926	-0.02487593414008	0.18823605174757	1.00000000000000
+-0.43575142047909	0.20503207815430	-0.51583087895434	-0.82709523155384	-0.78247689831712	-0.86261509831106	1.65418742059958	-0.56632299329226	-0.32704006001335	1.17002744732407	-1.00000000000000
+-1.02065716145976	-0.80722359731855	-0.13918851349878	-0.99549679661276	1.53311490530783	-0.27197773887579	0.56920861132219	-0.12013292276711	-0.90900014411332	-0.48050082672982	-1.00000000000000
+-0.34247890535004	0.76257795117092	-1.07139810832225	-0.28838761115005	0.66478714744616	0.00345037117524	0.70584085346676	0.14025680458356	0.43022557385132	0.49811293573762	-1.00000000000000
+0.00909977742966	1.40217911593599	-0.00737257969557	-0.52951331678878	-0.57020492123453	0.49043891280050	2.41317865420612	1.25228178699555	-1.67087265970996	-2.10533278448979	1.00000000000000
+-0.85778228464883	-0.45013549552543	-1.84921916040707	-1.16890900077473	-0.97523909608540	-0.18293676244239	0.05174653906544	-2.29084135832603	0.01280121829615	0.54542209744800	1.00000000000000
+0.43779587714358	-0.14947666086523	0.10140903292878	-0.58593262817836	-0.00520702431800	0.33852688645177	-0.14487335311689	-1.26025448167588	0.42208895992738	0.83330242118603	-1.00000000000000
+0.67306672665848	-2.26529594499566	-0.42844941053023	0.24021210013931	1.65792297226516	-0.23262295543034	0.43293670090878	1.10636718307322	-1.27486130849222	-2.30964280836139	1.00000000000000
+1.72562389871686	0.96979290319447	0.22665235561510	-0.24414995503179	0.74549988539750	-1.80024354630811	-1.94798581358401	-1.75272493221096	0.99118692337092	-0.01409513918167	1.00000000000000
+-1.63004557488491	-0.35494589838500	0.59596863663017	0.14873961033913	0.01287482161460	0.89860031264804	-0.77321993593436	1.73995056807730	0.00390574158433	-0.84636412359014	-1.00000000000000
+-0.28286352164164	-0.92383367531121	1.68024584663055	-0.45068936942489	-0.03470329903500	-0.78434803687105	0.03393600260531	1.12315872522870	1.06153756200083	2.62205403784688	1.00000000000000
+1.56321968896570	-0.53935691244201	1.27669922371666	0.45074493920980	0.51488888919891	1.97920047711818	1.11857244541364	1.48390307006131	-0.42198651001924	-1.08695617998904	1.00000000000000
+0.66269027117289	0.43919584574067	-1.89256115652714	-1.57455046444475	-0.43257001508698	-2.03342204367450	-0.86627849525025	-0.06641860490025	0.60161240026350	0.86133092852319	1.00000000000000
+-0.29499506328340	0.52447065683532	-0.84128743399084	0.49451884439621	1.04181307649037	0.15980799584286	0.06280809598483	-0.27373297718828	1.23074771851969	-1.75502012098748	-1.00000000000000
+-0.48596887696922	0.02321430285230	-2.36716545560909	0.24772849058764	0.71870272641569	-0.19664281567812	-0.30459037037329	-0.34471130565068	0.03971968099462	-1.73571032959229	1.00000000000000
+0.61704726260871	0.19187370034962	1.07186684950999	-0.59288167666411	1.15530126379589	1.69578803337982	-1.02590166999125	-1.83949372680162	-0.19831344399506	-0.57462464427643	1.00000000000000
+-0.33175940751846	-1.84061361453802	2.08916129670023	0.71098603724576	0.65680054628181	1.08965684590296	-0.35107215689986	0.08759367269173	-0.35038827713149	0.34698180262833	1.00000000000000
+-0.71521889170091	-0.33531428875000	-0.67408326858442	0.44036206457923	0.94359329674292	0.55904905711126	-1.08439674545365	-0.65594433649274	1.07312331908573	-0.97842681143923	-1.00000000000000
+0.67668671754877	0.50185347911146	1.14580614249477	0.74448459699657	-2.07259421093757	-0.37319845228197	0.99409845798480	0.91162858357246	1.04382560945727	-0.11105157194762	1.00000000000000
+0.87226896565512	-0.05353977096196	0.40011390140340	-0.19530458462239	-1.58909570008621	-0.72097733244747	0.14694988521646	-1.11972373729532	-1.12053464045305	0.82774679163760	-1.00000000000000
+-0.32583816363823	0.86505525303545	-1.63400309163935	1.64494460145633	1.38999109661475	1.99245443760237	1.11013864501903	0.72476653072777	1.62880679157119	-0.98216382700160	1.00000000000000
+-1.11313700968883	-0.64656470158039	-1.39259242739354	-0.54142098490963	-1.00480262626226	-0.28966664493457	-1.53062675261326	-0.87320219231488	0.14428508535713	-0.72761449389375	-1.00000000000000
+-1.55110675865385	-0.61795003253042	-0.40359194243902	0.51434479642828	-1.24067901633644	-0.08667451983335	1.29726662093609	-0.24814541396846	1.61548614125314	-2.47147552404264	1.00000000000000
+-0.78930347841821	1.93243350854955	0.26673521805691	0.79027233201104	0.90579370894380	-0.21496436572084	-1.00025757325508	0.89846095052873	1.42409435545601	1.05220439374782	1.00000000000000
+-1.00891692490240	-2.19886168412713	0.59127284804619	-0.68515675336056	1.82430767517667	1.03314056838397	0.83194859050470	0.08888224600721	0.45437300410513	-0.82970870160360	1.00000000000000
+0.94910009948675	0.39474005793220	-0.98695862881403	-0.57795268894024	1.36484256051773	0.54414164391883	-0.67652736130338	0.58653246249363	-0.52590743967693	0.30538424830063	-1.00000000000000
+1.84644393150142	0.28014140194763	-0.35025512653856	-1.00529321194449	0.57559666403388	0.34576115181338	-2.63414290821875	-0.92452283777855	-1.02638946384243	-1.43174910958863	1.00000000000000
+-1.23514179078844	0.25284786823857	-0.40278914631063	-0.03556564451804	-0.47163156257128	1.01195568419846	-0.31891908840359	0.07961043638231	-1.07502481725555	0.97394982668338	-1.00000000000000
+0.39733428293075	0.96461495767144	0.30683177635176	1.94206738990519	-0.64049113061643	-1.02004731251733	0.92892989805020	0.72238543497243	0.97743384633502	-1.46602052364358	1.00000000000000
+0.18102260298728	-0.40062631991183	-2.08001874874194	0.13282595380471	-0.36087717382237	-0.08677919388242	0.77840069675228	-0.63281704793381	-1.82886237884789	-0.36488601535683	-1.00000000000000
+0.20913606695360	0.62987688671659	0.83855544970346	-0.57729005035033	1.36277954428846	1.81448419584147	0.31017309246141	-0.58952999725381	0.96431373161795	1.21354820839351	1.00000000000000
+0.02682185357038	1.51076249793339	0.13526021117431	-1.97110055882534	-0.88367067914761	0.72527536912284	-0.11102088887312	-0.53807128846354	-0.22670774638331	-1.25946429536946	1.00000000000000
+-1.22351609233602	-0.59826872140433	0.18930054832672	0.84441581291732	-1.01560538778926	-0.54150126496299	1.33271021545560	0.62139046813520	-0.00469259922806	-1.31288426794940	-1.00000000000000
+-1.13146052590266	0.48794359688064	-1.38718732951305	0.51977660724771	-0.24819810468556	-0.84888748140826	0.79773768756323	-1.66348844967686	0.07224662235048	0.40928582642204	-1.00000000000000
+0.50442318176383	0.11135223997628	-0.02131564439490	-0.04441301740573	0.98428506150609	-0.96665033680730	-1.48659178809155	-0.91493228900406	0.17348163662019	0.40696619779444	-1.00000000000000
+0.20508209956123	-0.62153566998666	-0.29680292869557	-1.12878219959439	0.31482637448254	0.17151397319440	-0.14755962644480	1.67457484744754	0.13403030928851	0.74767270878241	-1.00000000000000
+-1.39004334863719	-0.63055206196409	-1.38739796331942	1.14544887762673	0.07703180103175	-1.53995296816203	-0.37896166038964	-1.22244397899032	1.08106122607438	-1.43895134159159	1.00000000000000
+0.56090958727230	-0.18734688583701	1.14653262183299	0.65509299578858	0.70127274334112	-1.33544047576589	-0.09430109458016	-0.17487186013082	0.26074972019552	0.27884115611990	-1.00000000000000
+-2.25571106060329	-0.42750137576226	-0.01042563429855	-0.36769789416161	-0.24060315080371	1.73202510344845	-1.76761146639817	-0.79188113714193	-0.93293148436795	0.28386089722236	1.00000000000000
+-0.44518666485059	0.32059304547634	-2.13309723626770	-0.10498935059527	1.10987684849220	-0.14738784803942	0.24897428916841	0.98716062730689	-1.42384214198576	-0.02165759260922	-1.00000000000000
+0.64391892779406	-0.32640245427049	-0.33916472433337	-1.43495984565746	-1.15042663848480	-2.69404331868464	0.44988591364382	-0.96068781472446	-0.05311845747048	-0.16851938178218	1.00000000000000
+0.53084825153852	-0.85014693097169	-0.31638575440310	0.35905080175455	1.35278609967830	-0.06395513170693	0.76533352535548	-0.54460537448862	1.13410160965841	-1.57133224375531	-1.00000000000000
+-0.58022959452269	0.77072363723967	0.49990206347458	-0.02319802133238	0.72307312131252	-0.64484044126298	-2.23329827156154	1.14756350679248	-0.29368334148147	0.13346451489546	-1.00000000000000
+0.91198108448864	-2.70503557215276	1.67803291953010	1.65436579135161	-0.87543998227969	-0.51211615383408	-0.25815406915207	-0.25086720216827	-0.76820091009235	0.81436319441124	1.00000000000000
+0.39827309947718	0.38679250941449	-0.17897395299346	-0.89736045676358	-0.02995213773457	0.10382926956122	2.12085782435535	-0.13829772665795	-0.41228597953188	0.23669856184313	-1.00000000000000
+-0.96143099190427	0.73035605100157	-1.24667585640581	0.00999264979876	2.07009450015530	-2.27333180553491	-0.73114319321909	-2.17616034714324	0.47809874557845	0.74841905086932	1.00000000000000
+2.74633463513856	-0.03264985579866	-0.00801977965192	0.23547349328699	-2.71210680087785	-0.79726849462184	-1.11881988117103	1.55794005445693	-0.94148334384998	0.44557591744104	1.00000000000000
+-1.51067497501564	0.03667955105881	0.57543593395962	0.75650591540836	1.05530206257324	-0.34184206069000	-1.09336515473497	1.54054277232340	-2.70276838206205	-0.21283990014246	1.00000000000000
+-0.01978340438224	-0.05904378299528	0.02878729665675	0.40763266356282	-2.32830149732597	-1.04246053953672	-0.78583543993856	1.41743513474466	-0.99924786770519	-1.20495040909926	1.00000000000000
+0.18695487221187	-0.28571322841614	1.87616046088670	-0.47270187092491	-0.17753800509878	0.31272432357201	-1.04666350666869	1.41729328743747	-0.08333914835256	2.59409179744980	1.00000000000000
+-0.10634742326902	-0.70955334513110	0.23300700285752	0.52276312955842	-1.28306390314694	-1.25861143104445	1.17118418277880	-0.75676631446594	0.88655784855617	0.35843136890906	-1.00000000000000
+0.32895052347896	-1.49696137376560	-0.15993856520657	-1.31881113844126	-0.04090363180928	1.63701553254502	-1.56798704061205	1.12934366795399	-2.10069255415609	-2.50020297921991	1.00000000000000
+-0.32951153496189	-1.53716565532015	1.10016904688837	1.03391186785038	0.95341088262229	2.24984140145785	-1.80513099396833	-1.43964327545968	-0.17284871697655	0.79680357325066	1.00000000000000
+-2.84882103417364	-0.43578583594633	2.21315715046187	0.81410962082905	-0.98533894335816	-0.04927084290863	-0.43349500148887	0.28684002776328	1.60448220411157	1.41698406822092	1.00000000000000
+-0.25289298411006	-1.75450433307688	1.08557659873529	0.59285295785830	-0.59858666982852	1.45115637487315	-0.33994914109294	1.60418301026401	0.10310058914353	-2.92205026923201	1.00000000000000
+-0.30179120904788	0.76204350201452	-0.49612913256204	0.23227202759356	0.54205593501725	0.79391663357963	-0.61917915773070	0.45275160562580	-0.72793805329491	0.76134209980380	-1.00000000000000
+-0.04757669062539	0.43631836078171	-1.20688004566085	0.12950299822077	-0.95128401513290	1.08816684246885	-0.81766174311122	-0.16612246621431	0.93189766598439	1.89567045012524	-1.00000000000000
+0.56544019133665	0.14580560512033	0.38740893028035	1.82303215939284	1.16811354397697	0.85693464915542	1.48393519192026	0.28462529339983	1.50305139153766	-2.13677528694977	1.00000000000000
+0.70356147244003	0.59987057119838	-0.18822369848736	0.30204769882776	-1.53660470000417	0.87422394731660	-0.07474611243115	-0.79114188252532	0.30124545597593	1.13202162758098	-1.00000000000000
+-0.37317784116912	0.25560955798923	-0.46125631763771	1.33694482622285	-0.07831019836146	-0.06035672759632	0.88696268107151	-0.34982894851501	0.25749011284579	0.39346721136521	-1.00000000000000
+-0.57565925578562	0.48389992519446	-1.10644067470003	0.07405624208525	1.17556698184905	1.29096948450750	-0.21231542698337	-1.23382211122323	-0.40853907770264	-0.31291833854189	-1.00000000000000
+1.18418545456231	0.66841802584881	0.62726328101225	0.34475764118426	1.85586626830289	-3.51632504244857	-2.64433179848923	1.98679358661410	1.25762126767714	-1.12674771963398	1.00000000000000
+0.80861124814165	1.21043198600740	0.93328288380490	-1.87508074132695	0.54801629570596	-0.09959867462041	-0.29902420630760	-0.15353677334591	-0.04712968551574	-0.20289135963005	-1.00000000000000
+-1.51724259854666	-1.01705673781181	-0.35021726811501	0.52865330254214	-0.04301087830224	-0.92138360557838	0.73967277426558	2.77526513555558	-1.26339852536427	-0.63466271056949	1.00000000000000
+0.66667921940988	-0.86741824412459	-1.18274650368988	-0.64124104641153	0.45639883324293	-0.64673509749821	-0.88654008950685	-2.25655909167106	0.51116037449376	-0.91238905954669	1.00000000000000
+-0.57038544649207	-0.11109581927403	-0.12923903592569	0.97058409171379	-0.38743622416679	-0.64075883010141	0.70316218166604	-0.09827754267479	0.19978399528065	-1.05445731872581	-1.00000000000000
+0.49318874782915	1.18496500318719	-0.21246807804494	-0.55130339246455	-2.28586639329408	0.95645113991663	2.28231318258071	-1.01660397645725	-0.56529064216720	-0.18753187045359	1.00000000000000
+-1.60591272898111	0.23291846919227	-1.38982787200449	-0.64228766456478	0.07273870727940	-0.61506994369857	0.58708137413270	0.25737477501880	-1.40589372116280	1.03472327952603	-1.00000000000000
+0.03833459446337	1.03447951146386	1.29326210872438	1.13692591347110	-0.43895344520550	-0.74996502806754	1.28221518357259	0.63414507093169	-0.84704343203076	1.14252603614905	-1.00000000000000
+-1.23754900864054	1.49386989740162	-0.83211798033068	-2.02473256045164	0.50106656189877	0.78528891536475	-1.50074552578403	-0.46516858641320	-1.97467198188500	-0.02837620476915	1.00000000000000
+-1.17723133164962	-0.19521806553557	0.23284926388968	-0.33553569290721	-0.42014838281792	1.01232211323093	0.36459655391134	-0.59519211146599	-0.63080163158998	-1.41631277830558	-1.00000000000000
+1.31122233165637	-0.76171135153735	1.32426619669547	1.04436838163852	0.45022164089038	0.46411767774629	0.57663011637681	-1.61592417257988	0.41059573033915	-0.17997323495511	-1.00000000000000
+-2.32595061994602	-1.42151358360031	-0.01450270203818	-0.04517098569077	-1.03211690458288	-0.01441972174436	0.27551192223043	-0.47254310854481	-0.27656492250916	-1.08966803960086	1.00000000000000
+1.27759370412015	0.29130271176698	-0.45593247624701	-0.26799058559408	-1.35548462205262	-1.53229436866151	0.65674606115413	-0.82231202829165	-0.04801907534559	0.56392307155346	-1.00000000000000
+-0.84833683876036	-1.02727491657285	0.02540302342034	-3.17583888922515	2.14850007173445	-0.99512661956023	-1.18019532282559	0.25116935762527	0.30730117362713	0.31609870920480	1.00000000000000
+0.18948453430096	-0.10987850454878	2.28898046693865	0.14112596562529	-0.68236596183867	0.71704333828889	0.27031632685054	-0.80350259652814	-1.05917782010271	-0.87986276495044	-1.00000000000000
+0.24038290833996	-1.19227567688092	1.63965865259542	-0.49025259030824	2.31702967560431	-3.23682250485824	0.11165146700556	-0.83869640066351	-0.11035709819509	-2.08591158412231	1.00000000000000
+-0.04349416834653	0.03350894397470	-0.36654458005584	0.94242801908293	0.17921284806445	0.94799824983360	0.42904944784051	0.69784313166009	-0.36782166245798	-0.28015029327030	-1.00000000000000
+0.59704614062463	0.70947130684135	-0.18620107473916	0.03665702944115	-1.50239419222768	0.43148694035083	-0.47522166936707	-0.18549404149502	-0.43461386919527	0.67243306909559	-1.00000000000000
+0.86321080120096	1.18094115190701	-0.65838978392013	-0.90823871891806	-0.96357366200842	-0.39243815684380	0.50979061313211	0.99003336572373	-0.48558361115589	1.75162423916056	-1.00000000000000
+-0.04860562172710	0.76153711083789	-1.77859145461869	-0.00822817527074	0.70615119579478	0.03488134793896	-1.28516420504514	0.37788608582881	1.13556247934727	0.09991545856280	-1.00000000000000
+-1.36820775053440	0.71070605079403	-0.40712884429654	-0.84852753989669	-0.45257077261951	0.54011797316961	0.68841980472284	0.97136978135594	1.33663592593460	0.38704456291324	-1.00000000000000
+0.55731272545300	-0.40676869644345	0.98656441410312	0.13747265046137	-0.01232049500767	0.05015729640562	0.40871446087001	-0.31308946673909	-0.00860477532967	-0.68165792295112	-1.00000000000000
+1.14323498332772	0.14302112469257	-0.16693982065401	-0.42756424550415	-0.43077011342901	-0.86708595797516	0.82291994225021	0.34073959583101	-0.82238164791230	-0.82553730762390	-1.00000000000000
+-1.39816892220801	0.08243261225622	-0.21153620586956	2.53183760960470	0.40110209896509	-0.58313281648350	0.72405501125563	-0.92919074027741	0.71187645848350	-0.26321630592547	1.00000000000000
+-1.01455525204334	0.42228753823440	0.09185348090857	2.17606279942502	-0.06374752373163	0.70316493442062	-1.80117342311695	-0.46259950203435	-0.25124995923952	-1.05553887358860	1.00000000000000
+1.01163716267819	0.14816324009529	-0.40152549436692	-1.72576634159829	-0.33265667676137	-0.49671960739774	0.41694035801373	-0.35658054190139	0.29266828872831	1.14960505587907	-1.00000000000000
+-0.51460549561218	-0.31200352951043	0.60978694414525	0.31927478915774	-0.25412042108601	1.03392104662870	-1.52412126317468	-0.12000276321494	0.35978244251107	1.09392530934090	-1.00000000000000
+-0.54214372084045	-0.25846028985725	-0.24469236424623	-1.43492884051122	-0.97516824068300	-1.82097313665789	0.60599842951764	0.00281353867793	-2.14779109410586	0.99875528583828	1.00000000000000
+-1.65156796925353	-0.12160419236960	1.71575385004051	0.84546878630235	0.65774612524641	0.70210914491181	-0.89845426342587	-0.18456003430505	-0.17637906062336	-0.62106881100870	-1.00000000000000
+-1.07060784717765	0.85817691938534	-0.04690664986935	0.15444351765418	0.63885239639016	0.07343296460736	0.06120282460228	-0.55585780743122	-0.19920043719017	0.30196437159907	-1.00000000000000
+-0.39761926153342	0.72122616716722	0.35474395528939	1.73458275549442	2.11396229415947	-0.86678255165576	1.20406592306481	-0.62164251584825	0.36484948422781	-0.20091648918173	1.00000000000000
+-0.60333557705067	0.26060059150490	-0.11235822932095	-0.39911561989287	-0.16059422277637	-0.73147724706584	1.33386514801155	-0.25647815684455	-0.26213128081041	0.95166259905087	-1.00000000000000
+-0.39176983189831	-0.05116972734947	0.90413778283184	-0.10360390095398	-0.25085011547013	-2.10750446306917	1.58600024014725	1.67174602764473	-0.81862089986604	1.77229023367217	1.00000000000000
+0.30045063266451	1.21101759883137	-0.43585202230902	-0.82361500135352	1.79190264753290	1.35300444094383	-2.01488174297846	1.21363867514112	2.00372832251349	2.04771272048606	1.00000000000000
+-0.82685190492400	0.63357210763958	1.59424321622055	-0.00232572656361	-0.54618937004025	-1.17087474889764	0.65357156397524	0.90548953230367	-0.76308432742230	1.29893133843039	-1.00000000000000
+-0.46198878864770	-0.07691477505077	1.12825907682326	-0.83325370023301	2.63137651497327	-0.88740653221313	1.02094701439562	-0.21653286536137	-1.24649353478363	-0.79761941559221	1.00000000000000
+-0.36248518536797	-0.67031877155268	-0.30316087470406	2.75086558692846	-0.40890187632640	0.15002766402760	0.96588120543565	1.43315483341771	0.09956460345889	1.38062610533615	1.00000000000000
+-0.15378180497825	0.33101513214811	0.47099975902495	0.65611626672939	2.16242718655636	-0.36344452509181	0.93143221716742	-0.21944295716552	1.53516475198228	-1.70115925642253	1.00000000000000
+-0.75878953609626	1.21379831045958	0.80111189484757	1.23326479076015	-1.02830302077400	-0.92106018316738	0.47937457417008	-0.35993533364889	3.11470965522853	0.07831279378230	1.00000000000000
+0.82239664754399	-0.55309165244716	-0.23202850130106	-0.15400904600823	-1.08780975562051	0.54256565138349	0.46835086524441	0.48559709732226	0.61964094723111	-0.48283779129673	-1.00000000000000
+-1.56025624570064	-1.10616837795796	-0.64729763073710	0.28213240886461	0.65548953055101	0.77368558953080	-0.67635005583907	1.79260766753548	-1.15360654963101	-0.73420376659313	1.00000000000000
+0.79989687304686	0.25812455578907	-1.07784396301253	2.04007632686914	-0.78420987763393	-0.87684476312446	-0.53777250061936	0.49017798249227	-0.11576499811917	0.45025373996060	-1.00000000000000
+-0.62026403778651	-0.00190732134328	-0.98171965900463	-0.28238712783755	-0.15863626685161	1.67425323132373	-0.44940508131968	1.34431129688163	-1.84850912465242	1.09597187485975	1.00000000000000
+-0.89477949815432	0.14198738556623	-1.74713114748072	2.49529136000360	-0.27787646077298	1.30226121569410	0.44834569754752	0.94161171662021	-0.26013649091904	0.53338939693620	1.00000000000000
+-0.76861874468515	1.41170911330370	1.11782706958979	1.35256830970808	0.39304698509003	0.89198646708755	-0.62329877881200	0.06641360758402	2.29802379212494	-1.65574324355249	1.00000000000000
+-0.04766194855132	-2.11188537830171	-1.23153612335425	0.78310726813981	-0.84693832664642	-0.23518546238087	-0.41921111242178	-1.38146558493687	-0.97918992298190	-0.80876805045266	1.00000000000000
+0.25249456458731	-0.22031185960782	0.41839322468689	-1.00591283575681	0.12242608281519	-0.79194002120835	0.41485029105831	2.04393760987299	-1.10439943898446	0.24065042285658	-1.00000000000000
+0.97501696215709	0.97289625199917	0.79962791636525	-0.56165667620906	-0.25924363202646	1.00416573212541	-0.20806402161308	1.13763296466524	1.03279512192822	0.40726731163596	-1.00000000000000
+0.92205916421813	-0.83410818399524	-0.69636822813575	-1.71149515807176	-0.46255979505303	-0.88681082815799	0.17622079174574	0.18131437891562	-0.54847646915949	-1.14184553631065	-1.00000000000000
+0.89286315141627	1.58458605829229	-1.74429728297936	-0.58434513783320	0.95170130111513	-0.86257168081429	-0.13970702757372	-1.09566473206668	1.59236867034222	0.34259530279255	1.00000000000000
+-0.55974630038222	0.24706969338790	0.62979923153857	0.01793911629601	0.25784030209096	-0.65954731731346	-0.87097070357780	2.43760850986815	-0.12889354444607	-1.15762632957090	-1.00000000000000
+2.37679120253208	-1.68120835139812	1.30991222090197	-1.60379500512933	-0.87705024807868	0.48725555489690	-0.20039085623635	-0.91263263396771	-1.76561030279233	1.01625665897514	1.00000000000000
+0.85728123837746	0.08909903266077	-0.60469242344098	-0.56119186438305	-0.16736154155229	0.81949224488736	-0.18219558734778	-1.52194917105161	-0.79167277475455	-1.76476715836179	-1.00000000000000
+-1.66173771292956	-0.01144110243044	1.42505669719601	-0.76061150230318	-0.14782770109173	1.40796344942282	-1.36095070027943	0.20251626950542	0.42627548166485	-0.77161734398171	1.00000000000000
+1.72738197735093	0.87404384349839	-0.38132124941224	-1.52698110933708	0.04641226896592	-1.43343077555978	-0.33328182999249	-0.29071179659551	-0.76748622098255	2.44649089268002	1.00000000000000
+-1.13716753319027	0.07733790218184	0.06926504510414	0.34396161236535	-1.38872941433753	-2.05211835435269	2.14368308786622	-0.78206531256684	0.13219700032268	2.53406691885698	1.00000000000000
+-1.02639327112108	0.00033385761140	0.98329946306931	1.39234754747578	1.23446645380531	0.69673386325039	-0.66272648974131	-1.80263824838239	-0.01140178608270	0.54615193295309	1.00000000000000
+-1.20025936853318	-0.23676605235406	-0.97307046883964	0.31773354865179	0.51298818788200	-2.65253960982459	1.18939029038345	1.22571278937679	0.29917473757513	-0.59128902409238	1.00000000000000
+-2.80224031275418	-1.39194704578991	-0.27330788238422	-0.93027011051677	-0.90327312094747	1.08398413828182	-0.46218916652191	-0.66626383150532	0.25043576114374	-0.05177833744014	1.00000000000000
+-0.24314021366566	-0.57542577986707	0.27078480611464	0.09211566508165	-0.06385803105929	-0.06446390230193	0.22834864058407	-0.16721127997966	0.51615506203644	-1.32254956563025	-1.00000000000000
+0.46070687050698	-2.42246503171530	-0.25741755863589	-0.59092449447286	0.28767745308307	0.81216239568688	0.37380704086473	-0.22544848621679	0.38099840575395	-0.57241370902793	-1.00000000000000
+-0.78378310098781	0.65183554036634	-0.66393781339770	0.76125585135760	1.55427569484537	-0.05724619368184	-0.07825113815274	0.69465537827449	-1.39685255572892	-0.21293586740110	-1.00000000000000
+-0.67365199640466	1.29723039310417	0.24597236304367	-0.15032273585147	-0.21348832102065	0.41541514776373	-0.04686738867086	0.01442082980584	0.58584092463092	0.60809066461287	-1.00000000000000
+-0.08918930786286	-0.80461929238300	0.77506519499403	1.04437552588734	-1.45425036505793	0.23442306536736	1.98315694130422	-1.49653136273951	-0.23418393457838	-0.30693515780917	1.00000000000000
+-0.99292881246956	-0.57534987572818	0.05717906642090	-2.27951248093272	-1.33390173519274	-1.05965505405883	-0.34202749506328	1.24388548375988	0.82501200869600	-0.12438684764355	1.00000000000000
+-2.11824732833402	0.37094928260975	-1.63998904800740	-1.87260677103264	0.04324070913063	1.49009744344834	-0.10327778755570	-0.67738348391645	-1.11877808462978	-1.51607456718295	1.00000000000000
+0.23182047914631	-0.57710986159196	-0.64663055043977	1.32955241922311	0.49913526845402	-1.60079988589493	0.96602855642721	-0.73457213979590	0.59610628384988	0.43297493634309	-1.00000000000000
+1.69832350857600	-0.57397728327865	-0.38988496596500	1.12383106253293	-0.32347582888476	0.43274269169814	1.50597508121159	-0.19753339169148	0.52995799199963	0.16251903870702	-1.00000000000000
+-0.37512175956221	-0.79640107616787	0.03428225373381	-1.38575064626330	-0.10658988358708	0.28946860414183	-0.74831317336082	-0.03070448820984	-0.47869319873456	-1.70503412124066	-1.00000000000000
+0.05662483371846	-0.10058945271967	-0.64823684551767	-1.03000790389108	-0.59963396164906	1.11735908945463	-1.15249396416624	1.04670308933079	-0.60965215798949	-1.38632711801634	-1.00000000000000
+0.06292348321250	2.12802278651709	-0.17188027738769	0.40135507298982	-0.06941063587874	-1.59084989766018	1.24519227422176	-1.48235593309085	-0.46814895937899	0.29491138722781	1.00000000000000
+-0.63101739198758	-0.53598977788392	0.60036046396911	-0.74835980600775	-1.04367389004968	-2.23484856495261	-0.27111055577936	-0.63173316733186	0.33241589775063	0.82658535780142	-1.00000000000000
+0.98216425009491	-0.29820901427974	2.25670738741916	-1.07267793390242	-0.92826154682900	-0.74865901232741	2.35439728875736	-1.30590439673501	0.28527590033889	-0.55300011700586	1.00000000000000
+-0.28014797644401	-0.47892611066729	-0.46652599177926	1.26681643335331	-1.33788442423472	2.11373310552857	1.40182993484048	-0.58819370854902	2.05894147873028	-0.18830649787147	1.00000000000000
+-0.71826021842969	0.54684708034202	-0.67461877565545	-0.89633738040989	-0.38322548333695	-0.95897390252332	-1.31525750426747	0.44931188933746	-0.03846948406255	1.28528217156701	-1.00000000000000
+-0.60539224672143	2.05670339603128	1.00222866836301	-1.07289402385327	-0.57854135874353	1.47813436376948	-1.13151174082364	-0.81774858103152	1.68510596293282	-0.29516132504073	1.00000000000000
+-0.54140219121364	0.16098690458157	-0.93770963089713	0.24579754554555	-0.31722314539577	-0.52547785537446	1.00974408501831	1.16671515664104	-1.24713586301253	1.30918360325058	-1.00000000000000
+-1.21994600431809	-0.32637986298665	0.00120878813064	0.50862280863225	0.37216340543235	0.14621262600626	0.07546352823229	0.85600280334690	0.59455088738480	0.16177924245359	-1.00000000000000
+0.98672589133410	0.26362080259085	-2.04307774182722	0.57296390449653	-0.11853345765192	1.15753877631925	0.64578504718595	-0.64172006615530	-0.22887189571068	1.06426732558650	-1.00000000000000
+2.65679628661532	0.73097382896170	0.36750554480312	0.47094795949229	-0.52967615757502	0.41617837995949	-0.33728642956120	-1.31908375402400	-0.77545011269490	1.22633302810568	1.00000000000000
+-0.95722579913293	-0.18838461694332	-0.15284669660712	0.76286369795566	1.01406396711118	-0.46318414896030	-1.14373906332447	0.30587533913556	0.15329090356203	-1.52571513480635	-1.00000000000000
+-1.29437350911575	0.73067737534342	1.82735677417567	0.62859607210690	0.78027130387839	1.77406550419438	1.16461040579560	2.89479117924774	-2.97149103849411	0.53140935640431	1.00000000000000
+0.75565394569638	0.42361811088938	2.20047617538542	-1.15246756107216	-0.48011424331255	1.79736737187852	-1.11241433620089	-1.22114840529820	0.47390370758652	-0.10078360936971	1.00000000000000
+-0.08849362272139	-1.42867901647228	-0.83263780145700	-0.60012414349528	-1.25632435215869	0.93320192044059	-0.22556312302230	-0.56178227682986	0.01183404174938	-1.54995899816427	-1.00000000000000
+-1.14102787547611	0.48166302078735	-0.43150523229763	0.33657293843881	-1.44019063735539	-0.57894024888981	0.84514512994628	-1.15221509471106	-0.57046710906630	-0.13472458583268	-1.00000000000000
+-0.51314845533313	0.87174755686573	1.27418086626559	1.07453716188500	-1.56304724649052	0.53750798384738	0.56396523078733	0.02215167196941	1.71628606945332	0.40298699866763	1.00000000000000
+1.75368304908763	1.16832094180818	0.70959099611482	0.14123806601250	-2.98768278588001	0.58589013502759	0.79143727048251	0.82618316913825	1.87926709669404	0.27270602480175	1.00000000000000
+1.28173706513253	0.83234577108883	-2.14515371311319	-0.49776215708866	-0.16030869965082	-0.71777474620845	1.19408005968042	0.60493356195345	-0.23954764206149	1.12261392820240	1.00000000000000
+0.71603831354786	-1.97912239463553	-0.87934416991117	-1.79464390642291	0.01828578482129	-1.48414606536577	-0.31022025764802	0.91020207419532	2.26052139002646	-1.24026611515982	1.00000000000000
+-1.21604929411742	0.63729066435117	1.04064581958670	-0.76191527568459	0.20778575114295	-0.60393804169035	1.80459249845424	-1.09623397579095	1.32572631028589	0.97220645293625	1.00000000000000
+-1.16388630586045	1.14501565856867	-0.04644564736275	-0.26927172981843	0.16231981768441	-1.48066536530780	0.02379185068522	-0.19565864649659	-0.75104018371224	1.04645773223611	-1.00000000000000
+-0.51360049093470	-0.94535154127145	-0.31528603892521	0.69207229509836	-2.14651016495448	0.62371980042394	-0.88292062159028	-0.62116412966403	-2.05669977671300	-0.13591097316617	1.00000000000000
+0.45972223338809	0.51740990337448	0.08433042997439	-1.16571526892480	-1.31805090663641	-2.31004592584913	0.44026515222371	-0.31036715969052	0.99214394542087	0.04887674715907	1.00000000000000
+1.25587327393901	0.51832692130827	-1.87065113176790	-0.35717820131362	-2.01677167573127	-0.41601089252210	-0.12516113933025	-0.47436727443469	0.04001993744561	-1.05296419818001	1.00000000000000
+-0.64855584234231	-0.40699607222155	-0.96092793705930	0.27911126348666	2.03293654276141	0.63811791452765	0.14393983616893	0.05283326636417	-0.69600516072207	0.19117875861787	-1.00000000000000
+0.09837260863235	0.62820160064955	-0.42251494033999	0.22390641032904	-0.44594725649420	-0.23734143756853	-2.03692604248259	-1.27580796690434	-2.27599991256578	-0.70689794497662	1.00000000000000
+0.26625890610077	2.12295327804743	-1.58916374079104	1.04379675798319	-0.50084513721305	-0.04691530559436	0.18630736710556	1.06958430160473	1.12820334036091	-0.35656462292082	1.00000000000000
+-1.61442866628273	-1.96011183150919	-1.68798077120268	-0.04226209088095	1.98647414590617	0.63481503660306	0.53153361544649	0.36849426328008	0.85456053152386	-1.50246800341520	1.00000000000000
+-2.64384882176166	0.76641791663555	-0.01560785301347	-0.34043829286041	2.00283870474335	-0.96808714906938	-0.08830419621966	-0.02362264468941	-0.29206421061483	0.25454072023235	1.00000000000000
+-0.51683367851450	0.65626694777135	-1.03261783295811	1.57168585134385	0.63476668338080	-0.44251484661435	-1.17355485193437	-2.00651352149431	0.20124473819111	-0.78192956102852	1.00000000000000
+0.08059780442305	-1.05005170012454	-0.52484178693519	-1.01723701679779	0.16159028645531	-0.19143386464651	0.92981611312677	-0.97104365071146	0.11556070366715	1.58057209092000	-1.00000000000000
+0.76799697744894	-0.31568725559429	-0.20115187001400	0.07612243320391	-0.30256569408919	0.73837245681208	-0.39042264715165	-0.21637101262444	-1.29929510676822	1.12700777553880	-1.00000000000000
+-1.04277182215009	0.98437060238236	-0.84214381630349	-0.62963642160832	0.00406827527942	-0.21320643242661	1.83852812915609	2.74016356510043	0.39697010320696	1.61418430294479	1.00000000000000
+0.85606894297339	-1.47796943035296	-1.29538242571808	-1.19227125966632	0.60608005470518	-1.75639691321745	0.38755036988558	-1.82546512625785	-0.87908146094967	0.33235034119128	1.00000000000000
+0.93709126177808	0.51906078067281	0.82688968627739	-0.12576427937152	-2.66185889081589	0.28156678667826	-2.17987481807499	-0.34762797123710	0.24513204726796	-0.14868597857890	1.00000000000000
+-0.24297428912612	-0.74364663068252	1.59704569785419	1.28852345940587	0.14790898236553	0.03553412812582	0.36533172587800	-0.93866205186030	0.59024644486286	1.51812933313910	-1.00000000000000
+1.50655857630241	-1.07558542618813	0.54743313783734	1.02041048317687	-2.08270633697487	-0.50235961861372	0.52052617320312	-0.31035909348387	2.04190863800028	0.24427348580581	1.00000000000000
+0.76672557687731	1.25905374290279	1.74757628927638	1.56218967168278	-0.10191120687244	0.70155790781929	0.06046692592350	-0.18578440322134	0.42169922370488	-1.19423340417323	1.00000000000000
+-0.71981112682750	-0.87277606989238	0.53838153108308	2.70648351033019	0.78631348187055	0.21684052518011	-1.32502990208776	0.52433256676150	-0.07128452913829	0.31610661974243	1.00000000000000
+-0.65494028142270	0.14839714880491	-1.06362854537844	0.66790415305397	2.21608750902975	-0.61556604350578	0.82732321332857	0.20718356983506	0.28209573470719	0.07743257801568	-1.00000000000000
+0.98985811887002	0.44749839331131	-1.35401858545663	-0.23837455029191	-0.05827283460750	0.14986717231744	-0.68325573213270	-0.48989880277492	1.22329476742031	-1.38021882138065	-1.00000000000000
+1.37679829842500	0.50914599427509	-2.18606379963538	0.07250555648574	0.53480904399565	-0.26239773977549	0.88766620734621	0.23256138308376	-1.59062408335125	-0.10331931628588	1.00000000000000
+-0.14846469214811	1.71543218266241	0.33265838233132	0.11815803553288	0.56933627464568	-1.53433501590344	0.03622042711670	0.55625410466321	0.61009185422360	0.00275559014703	-1.00000000000000
+1.73709287229727	-0.89770958941975	0.74685488801633	0.47042606752400	0.92211905539332	0.38568425572887	-0.09409566624918	-0.38719399602833	-1.39915013316056	0.13070442861752	-1.00000000000000
+0.81437415022119	0.75536592589695	-0.70750525383871	-1.09144980874050	-0.76192979295939	-1.07983976369897	-0.85864031524655	0.25234700136094	-1.93875629248207	-1.27660952048254	1.00000000000000
+-0.96902001826259	-0.69492499868803	0.07320275001638	0.13487723909578	1.78093168454488	0.58603512941185	0.47518014880144	0.95652800149266	-0.32946946223351	-0.59253251901123	-1.00000000000000
+0.57598852546734	-0.07030918444324	0.90576084066741	-1.22872955364858	-1.01788041534329	-1.83293661767788	-0.03421191654062	-1.90724551044351	-0.74800377682098	0.16954379084605	1.00000000000000
+-0.59962546568010	1.09643605592178	1.32917352943956	-0.51988308939953	1.12641593428461	0.65248206811897	-1.54078110984318	1.14639765562000	-0.42815993413456	0.08928077179258	-1.00000000000000
+-0.74637786282405	0.83275615085047	0.40739209467110	-1.08404046434645	-0.63960075822654	0.87066005552907	-0.06490176026689	0.00236568071150	-1.39832654968259	-0.32904263203092	-1.00000000000000
+-0.88626313045411	-2.46038190996437	-1.87315097408800	-1.17653107598631	0.08535338885443	1.34489610479908	-0.55643606486557	0.10862604769840	0.24287345752776	-0.20564242886590	1.00000000000000
+2.42804446894243	-1.16639744514701	-0.52412746608903	0.10886307502322	-0.46848111480623	0.19829660634322	0.68348491185596	-1.18607054124979	1.26365996022188	-0.32776485454888	1.00000000000000
+-0.48379416214544	-0.17662842787508	0.03237559758536	1.04751786939972	1.06812335692120	0.65245542870920	0.16180646197272	1.33746610960153	0.69791800098699	-1.35976126022568	-1.00000000000000
+0.26586559259611	-0.01825422137674	0.30308602105053	1.39795185400411	0.60160646795601	0.57864647674470	0.54436159429027	-1.31543480571453	0.72519484814869	0.29372225220586	-1.00000000000000
+1.33599271678091	-0.81948897466378	-1.14137159766070	0.70896153273538	0.55302062165755	0.39097270445815	1.24260558861547	-1.57151400027931	1.17797034032351	-0.04355400017378	1.00000000000000
+-1.47903110623088	-0.46631709607125	-0.27960381169380	0.02781225967918	-2.31143385520773	-0.05045289586035	-0.36883600158815	0.51785651499430	-0.74962644403604	1.13056776211933	1.00000000000000
+1.64545227267410	-0.70124368858019	-0.59371598023340	-0.97459223374951	-1.75507246527331	0.89537613413447	-0.43362651529648	0.69336213067716	-1.12911739939223	-0.37996110707240	1.00000000000000
+2.20474066099160	1.93688726059854	0.91987128221641	0.58548940348014	-1.12797937465083	1.82021881157718	1.42519193981688	0.28241401431735	-0.01732016342792	-0.66984218619506	1.00000000000000
+1.47626281342584	0.17618361648747	0.54202117059178	-0.41168705061370	0.10888584615222	-0.14270712085492	-1.49506958161064	-0.34885335235099	0.46918851066253	1.16685332225209	-1.00000000000000
+-0.22452295616192	0.88189380431268	-0.85046000048605	-1.58396920627036	1.68944182229469	0.65456680973224	0.49649709191734	0.32165886238314	1.29591660031627	2.22600529727491	1.00000000000000
+-0.49014870767164	-1.43026992781319	-0.09785722165046	1.06332504741744	1.43001415543406	-1.45175842811212	0.34873508535987	0.25260514111626	0.52628319871655	0.67382921502941	-1.00000000000000
+-0.37425996544943	-0.33320203074245	-1.58263498058650	0.43720597590059	-0.62639897265319	0.01696352574739	-1.37854631093525	0.82737207708506	1.29136336117308	0.64899061592281	-1.00000000000000
+-0.65801440202930	-2.19242433119376	0.09913047189020	0.32759577835816	0.30030643207588	-0.50676177458104	0.73993521329049	0.20854438010276	0.11087836576113	-0.54726862234820	-1.00000000000000
+1.70435123158991	-0.66797041557324	-0.01981740384354	1.12421377937297	1.30160540983750	1.10066062436326	0.50607258239882	0.02498002589587	-1.26044811280920	-0.48997580435478	1.00000000000000
+-0.40260170123035	1.27466327041744	0.64869595509043	-0.08019330783930	-0.92497915068466	-1.16626906340134	-0.15901241598478	-1.53002100438590	-0.68366831223971	-0.86023892446279	-1.00000000000000
+1.68427374309258	-0.44401408898406	-0.72399997143518	1.57905700777469	0.94550486769109	-0.66107221429908	-0.78331774698131	-0.89253627221406	0.25565619665406	-0.03313248377594	-1.00000000000000
+0.46793197134673	-0.20202371107175	-0.74818208197656	-0.78201834509690	1.23657922589416	-1.36965245610868	2.20892580165062	1.05850455845518	-1.42166533764808	0.34708177362272	1.00000000000000
+-0.51670480993888	0.14826046695002	1.20769002029772	1.10672464842931	-0.57151629833496	0.11387532037875	0.61325126748301	-0.30974503068153	0.21029291587008	-1.29743613465672	-1.00000000000000
+0.77278980941377	1.49089808646042	0.88511243254803	-0.32579426417749	0.34111707051818	1.21624502472590	-0.29708576325191	2.47563914721637	0.16331602544517	0.34631510967320	1.00000000000000
+0.80957538128326	-0.41029487311822	0.67392189024558	0.30409735770496	0.35778603340446	1.70481389009932	0.81646288669251	1.18973117859370	1.50848892660381	-0.43654737578767	-1.00000000000000
+2.51834118349266	0.68376024773504	0.67777485997342	-1.09518365235161	-0.90185365081958	-1.23595503074325	-0.98576229469499	-0.36249555654234	0.18086407391214	0.89958133194757	1.00000000000000
+0.24776587885271	0.95804242346798	-0.28879946999921	0.39465042561039	2.03494496292673	0.10920360394023	-1.34872772763058	0.84875549225711	0.04544906750853	-0.04753847958387	-1.00000000000000
+0.94296695877577	-0.56104042339145	-0.52577426120547	-0.12959242196942	-1.18650254552759	0.79823667239407	1.38336330579558	1.34578959702838	-0.58826879099285	2.66214998242351	1.00000000000000
+1.56535568691371	-0.78952433104078	1.28821205452124	1.01224260091823	-0.27044353575809	2.36819088121771	1.30025004640682	-1.86374864086399	-0.44310902989212	-1.55519117471416	1.00000000000000
+0.00193712561658	-0.94976987160897	-1.22495998457773	1.10312747772279	-0.09555595319173	-1.83607858650330	-0.91683316979792	-0.47879463607171	-0.12492518125231	0.21657524225435	-1.00000000000000
+-1.69600422895091	1.07983054637173	0.12150033118102	-0.90618717248807	-1.51643184839388	-0.73323164023007	-0.59465365886939	-0.76716467111906	-0.98504201514051	-1.59191017346898	1.00000000000000
+-0.85026890677202	-1.28461414386713	-0.09107123439784	0.09773215594058	-0.01674677843022	1.11240772718176	-1.73251882117876	0.14114459212726	0.50999844956055	2.20809522123655	1.00000000000000
+-0.62978061558264	-1.48416400590390	0.62948616742781	0.95316350435563	1.05509847719721	-1.12642878196967	2.86197762525346	0.55979122036462	-1.61744815535731	1.46648078183286	1.00000000000000
+0.79455829128133	-1.83849258359075	0.66234805936565	2.31538403962967	-1.04488174015662	-0.72696923862384	-0.82315899070040	-1.08636797790921	0.63352828806924	-0.73402634862769	1.00000000000000
+-0.20270629960866	0.44379313440018	0.35865592115036	1.62971063160622	-0.13098549693895	0.35642500057578	-0.06678399291318	0.61991974418674	0.75171683566095	0.99010071718753	-1.00000000000000
+0.78984499322299	-0.49635178093037	-1.22679325892912	-0.30384840256058	0.48864172797862	-0.45469661669190	0.85804204203646	1.20225913022836	0.35690547895558	0.58930467334523	-1.00000000000000
+-0.74003534184965	-0.33480617054257	0.56616402673261	1.63438256516193	-0.70849793695516	0.83080290312779	0.65741918273589	0.26556253879966	-1.03302315107575	-0.33866509959105	-1.00000000000000
+1.40377640834805	-1.80989055202004	0.67621188829918	-0.68170975384745	-0.24607276887541	0.27817823717835	-0.11347863866243	-0.61386290099303	0.21135701064655	1.07655602174868	-1.00000000000000
+1.06133621842364	-0.56430806100116	-1.05031406138961	-0.94306550830025	-0.03893378594120	0.24481698266775	-1.29200630635585	0.62287205596194	-1.68175129024458	-1.00622811140102	1.00000000000000
+0.37105795022820	0.96398210819921	-1.12524565295075	-0.83720320093765	0.84419517700024	-0.86455009548150	-0.69266374973473	-0.35825638732496	1.12888831190327	1.13645782441799	-1.00000000000000
+0.46637808244589	0.00423304917134	0.98587878702597	0.03576985817223	1.35328757083960	0.25869697051802	-1.90268353454879	-0.26529593694922	-2.04735741927896	1.36796993973333	1.00000000000000
+0.70349661412907	0.10137542552079	-0.51761941581973	1.70871419597131	1.13610027241284	-2.22272332666650	0.39071380479038	1.22676766472939	-1.92581381887497	0.56677967205872	1.00000000000000
+0.34749645771084	-0.25308350983821	-0.36967131102797	-0.35788591975012	-1.70216182571749	-0.01533180380693	-1.59674424921167	0.24484619218754	1.59501805622200	-0.04284864788254	-1.00000000000000
+-0.20460672278462	0.51612072400600	-1.64020384255371	-0.70487088687286	0.37792448131699	-0.86657331603870	-1.53506617088494	-0.03566687965051	-0.60455659914850	0.40067421544519	-1.00000000000000
+0.71453054352381	-0.26228096038667	-1.86545309866007	-1.44153671006711	0.99768588311391	-0.59449099541801	0.20673385597252	0.61060373060141	1.15128512615241	-1.32637204413969	1.00000000000000
+-0.60180073732893	-0.05955390811479	1.03688022344702	0.11188557413204	-0.21532310256338	-1.50781365253620	-0.22199738774058	0.96680992283563	0.88826436023226	-0.64722925146469	-1.00000000000000
+0.64103893433920	-1.35630799133462	-1.40329429230286	0.30754591786053	0.34465245689980	-0.24838097712354	0.05273372316054	-1.84643823415953	-1.21790953612384	1.67157532490767	1.00000000000000
+-1.91964833754877	-0.49221884770840	-0.22954138010794	-0.47657579656048	1.23983390660972	1.00700044530632	-0.50116251057833	0.00107715329045	-0.44019947810616	-0.07529722735132	-1.00000000000000
+-2.12589333205265	-1.14676768334941	0.09130266509325	0.41749876068694	-0.57780384635503	-1.04793047597143	0.54300170876368	0.19829866040915	-0.81858073798760	0.94619617764995	1.00000000000000
+-0.04865249446945	-0.14532284640828	0.39665080718962	0.85142289569905	0.13293183148274	-0.04401077104773	-1.52096357992626	2.30562648929576	-1.59910125918360	0.83264622237874	1.00000000000000
+-0.27597094823540	-0.81400066769449	-0.85727943742531	0.75489369698292	-0.99890487723405	0.15831738117548	3.39271522456292	-0.24001562436819	1.98958598326554	0.19260239975015	1.00000000000000
+0.63083199684206	-0.45583385013439	-0.20380895179512	-0.63481589714258	-0.51705771586152	0.41171466525219	-2.11256966750587	-0.49513976891499	-0.85465075470424	1.68184278792321	1.00000000000000
+0.91049322003969	-1.17083916490090	0.43185057867631	-0.86038229488979	-1.08288859768990	-0.55983602130146	0.46210189502439	1.03173750290072	0.57154105411037	-0.48048347850185	-1.00000000000000
+0.96385793527092	1.07618850654709	0.57136713174427	-1.47598417269084	-0.64215535003240	-2.40089061676407	0.79937862328432	0.32541000196694	-0.75857832958407	0.57727537930479	1.00000000000000
+-0.56380865503323	0.74109444538152	-0.07048471158297	0.78593711235392	-0.06443720981367	0.97200573398574	0.48806192287584	-0.71454926122293	-0.29776449811793	-0.15645687990274	-1.00000000000000
+-0.57895429847221	-0.97880581459790	-0.68656800917241	-2.24234979985940	0.68674932736628	-0.24864511089278	-0.73970242722951	-1.53993962646073	-0.17326814865957	0.46563273698378	1.00000000000000
+-0.78593802966772	-0.16626877815513	0.42470383429195	0.23055369411402	-1.65499970873973	-1.56404512408345	-0.09998182895648	-1.15104840111206	-0.50449259578707	0.12291174155801	-1.00000000000000
+1.08694135269113	1.49292027511103	1.09631490346813	-0.08357648097161	1.27032876117797	1.17991943683339	-0.13395328230514	0.96087032387970	1.43919805834132	-0.49430545720101	1.00000000000000
+-0.03901073043456	0.81535798026695	0.58069637873390	-1.30397627043597	-0.17733658085610	0.23794630485844	-0.25776387859544	-0.94440338086489	-0.28833436935700	-1.54869847283960	-1.00000000000000
+-1.75818398136731	-0.22805969440910	-1.20410869430110	-1.12219885341042	2.83524194936337	-2.41491456468360	1.08824742676474	-1.47188202433642	-1.15777442197304	-0.15187888573664	1.00000000000000
+-0.39192325590328	0.36283356603790	0.43982268468470	-0.52930252867415	-0.39850733849881	1.25482650403450	-0.51658653335189	-0.23378021080228	-0.53922092014533	1.11142544680668	-1.00000000000000
+0.41465040360099	-1.03029275498323	0.05668172699508	0.19077049539698	1.11911644112696	1.43044202705595	-0.15454714107167	-0.02593678818976	-0.21811579416528	0.02380108568011	-1.00000000000000
+1.33303516942023	-0.18583342408096	-1.68185797325171	1.63919004042175	0.89637394574900	0.62026961528326	0.11164248880760	0.96780745806310	-0.06547670715492	-1.28709844866148	1.00000000000000
+-1.18989850506224	0.81154222197243	-0.13528309781306	0.03993743323360	-0.41944117079350	1.36883311602216	1.85364279989388	-0.45114367443460	-0.79629727863830	0.85868367324309	-1.00000000000000
+-0.09561091851414	-0.30592948828235	1.23829416350248	-1.30587262483131	-1.74509640089808	-0.45543731607053	0.00060357237216	-1.94987080786278	0.53418930148690	-1.13929893420092	1.00000000000000
+-0.38233394404344	-1.87665201573010	-0.07224417190859	0.05324322327744	0.26916867136306	-0.91751943694276	-2.68682956509170	1.84974160941429	1.66156797895531	-0.51936297127698	1.00000000000000
+-2.19449911555891	0.52009083007317	1.79810170962793	-0.11024326195180	-0.68633014953124	1.15846910093448	0.21440074158169	-0.75453885299351	-0.15410914614985	-0.40602266132440	1.00000000000000
+1.27825562909283	-1.17328331396574	-0.15320440393127	-0.07319820182916	-0.24673921893246	-0.53278535331218	2.42446847659948	-1.22569060134365	-1.40172541799605	2.37888743283079	1.00000000000000
+0.59500734874117	1.05434552403574	-0.08211396076614	-0.17566249898126	0.16763876807380	0.02160984013624	-2.08243724684001	-2.04354314557771	0.04589945044706	1.35178206164658	1.00000000000000
+0.04250982926463	0.56008980689459	2.04281397782677	0.79841766635456	-0.54635442232709	-1.67870368802714	1.54794211030975	-0.64236399183991	-0.43926264569642	-1.19842661018675	1.00000000000000
+0.85702808143423	-0.08631625423153	-0.77685188153168	-0.48560120985945	-0.12043365842022	-1.26637980975934	1.34562755867812	-1.49963692648342	0.07044965592479	0.05790225377678	-1.00000000000000
+-0.95372513646774	0.45287150925427	-0.66498815673913	0.45357153659037	0.24046944619574	-0.14278551893890	-2.02025285374010	0.58565962708061	-0.18080437585593	-0.22953726271913	-1.00000000000000
+-1.69421332770785	-0.37731983726495	-0.26661074631372	0.10976791074913	1.34304790424547	-0.32162652059358	-0.36786107332345	-1.12814966705937	0.27529217246979	-0.14142536188491	-1.00000000000000
+1.10957703847202	1.35296574084257	1.02555503261914	1.35333460513975	0.27511920153624	-0.35708086629032	-1.65692485042783	-0.24606668797194	-0.64309974418878	-0.88962245852493	1.00000000000000
+-1.01976507733766	1.74489770899535	0.24787677017500	0.64781941287656	0.62147829970841	0.85740673660713	0.77026949890274	0.74062799313465	1.63906196784724	0.86705941424091	1.00000000000000
+-1.09504252538510	0.56792845881601	0.29843561313056	-0.42245335468640	-1.39088597508597	-1.71620717241036	-0.70392934958309	-1.55838224414320	-0.96720019725543	0.35482526063312	1.00000000000000
+-0.18000598382478	-0.36731593006957	-0.37834080316422	0.56078790067713	0.42651292506466	2.38758209601048	0.04549706521099	0.09331165202788	-0.82626214091181	-0.85034451096275	-1.00000000000000
+-0.58938725258567	-0.46715423366621	-0.01365658932596	0.33326596857025	1.43141244916997	-0.41499814184989	-0.66965017532216	0.55783573592870	-0.87641237476483	-0.22154774265045	-1.00000000000000
+0.18550915137851	0.76241077029170	0.18546991048662	0.39756505719329	1.65665654456535	0.51764286259248	0.18244593417372	1.71089372301731	-0.50385100469678	0.56002641153264	-1.00000000000000
+-0.29074849452400	-1.07346094649845	-0.40395320812100	-1.54397467866820	1.24645499432792	0.44165951771812	-0.36109942482400	-0.01483005226432	0.15271311572244	-1.92313367156104	1.00000000000000
+-2.27534068338151	2.32039836879679	-0.54225741496922	1.30748685398011	-0.80784622345441	0.55790426155774	0.11453574560038	-0.41962808188109	0.07214102206777	-0.88136090812689	1.00000000000000
+0.08138671520970	-0.28953777347292	1.07839351350135	-1.29549039545297	0.09947935896489	0.31817187074176	-1.23499177765453	1.37334884767701	1.03217062490908	0.51654439640023	-1.00000000000000
+2.45587635211388	-0.98789722683078	-0.52102968395943	1.52763545711157	1.07613195074647	0.19529020600802	-0.22745549518468	-0.94440693200006	0.33580215293462	-0.14602181638975	1.00000000000000
+0.50662825632315	-0.58407043680685	0.43217047872891	0.90843021667318	1.56744812041449	-0.04015459078983	1.39993783877733	0.31241609022550	1.08705102362668	-0.47348424845780	-1.00000000000000
+-0.01117209413326	1.45820754563985	0.00547497409841	-0.99842524165012	1.44882805137148	1.06262870117649	0.63538277782587	1.14969984738787	-0.83561612901356	2.05002815773913	1.00000000000000
+0.94100940022302	0.66712289866816	1.34755535679185	0.62306893165405	1.20576079362951	-1.12100947226070	-0.93690012076962	-0.94141475483512	-1.40268954969500	1.21933170763492	1.00000000000000
+2.93738673992650	-1.08821286631671	1.14911038846993	-0.18830524066036	-0.42665463177950	-0.82870036507758	0.44731127697732	-1.75196924561363	0.88527788937342	-0.56530078053251	1.00000000000000
+-0.48035868434193	-0.39138864646247	0.95992172308977	-0.19901876086578	0.19234222525226	0.08949682798991	0.14029455130395	-0.58549242821141	-0.32052133835864	-0.40269410612631	-1.00000000000000
+0.03866900238609	-0.23385949913178	-0.02759281442528	-1.49488607484904	0.14733123637906	-0.94234089347330	0.24766488670318	1.01366936006692	0.80378244007260	-1.82131104198366	-1.00000000000000
+-0.47857691604707	-1.77651982936818	0.13806559979761	-0.16528583079526	-0.91925512590741	0.83938393853171	0.56475656695094	0.61342628047238	0.37250828438351	0.25707982196632	-1.00000000000000
+0.64897332106497	-1.25150188600802	-0.90710822714285	-1.74447302639114	-0.03870081580598	0.50733441264109	1.11449930058918	-0.07908441341056	-0.66340607142246	0.63127283705605	-1.00000000000000
+1.16252888040790	0.44468572758794	0.39376934676801	-0.19606933462118	0.56236790010859	-0.11030508756143	-0.17597291219037	-1.57551510992686	1.39046048502668	0.97543942368320	-1.00000000000000
+-0.29333620625635	0.02141573557763	1.71405214720038	0.69775842325497	0.97931755662382	-0.40929395346767	-0.03016678915155	-0.10521385796517	-0.34943327411417	-1.13129412684239	-1.00000000000000
+-0.10368146567912	-0.84504987196519	-0.12010801645316	-0.35678732837271	2.17869776066602	1.17581897620966	-1.49660176383319	0.86970785347510	-0.49756529885749	-1.81225501133334	1.00000000000000
+-0.36799930693702	-0.64671462900556	2.02917314722062	-0.65346998542741	0.61854938782223	0.19688086037575	0.30856613426366	2.01775237949486	0.99818980705996	0.01067216247888	1.00000000000000
+0.91195921446548	-1.05516885696914	-0.84324627108898	0.76155184087187	-2.00079840548235	-0.19559436446211	1.11303275824255	0.07613836465292	1.52094669213667	-1.23459211941805	1.00000000000000
+-0.51644438561371	-0.50510790112417	0.39879345824318	2.46511928540467	1.44296236979895	-0.67092140179441	-0.51116978868529	0.43737759699484	-0.11197122687298	0.20260923287942	1.00000000000000
+0.93284168861874	0.19501114581198	-0.83186186886276	-0.37027350458148	-1.35497681247517	3.02843496110112	-0.09573013829926	0.79886106396324	-1.72176159647927	-0.86370869572963	1.00000000000000
+-0.15070346635121	0.05200830572749	-1.07453579025752	1.46303261864060	-2.35510031397525	1.42588739826250	1.24419709366630	0.58069098666663	-1.14336526168024	0.51422016113897	1.00000000000000
+-0.31072791243573	1.12290824157670	0.83454031331812	0.71582605827288	-0.61037757112381	-0.08716331652701	0.19471753238047	-0.51656587696672	0.29243478651156	-1.00906477590063	-1.00000000000000
+1.31856465976505	0.99715661110183	-0.11615885812432	-1.27692994212121	-2.41472602180890	-0.21041687581610	-0.82952044975806	-0.07925885739593	-0.82924108221215	-1.65295439287730	1.00000000000000
+0.27825794559002	0.60167761632556	0.76558753322146	1.28221760141836	-0.22716101836655	-0.44175749957790	0.61066578973869	-0.51013681674124	0.55405021577219	-0.13042143339381	-1.00000000000000
+1.84730881856566	1.60300675079848	-0.93797272194674	0.22616321557390	-1.22707994033643	0.24625909804163	-0.05560564348002	-0.76090634130182	0.25083252629650	-0.58831750410178	1.00000000000000
+-1.57747568445514	1.81429482483178	0.03618419896091	1.43705858492611	-0.10298904474561	0.76842391515914	-0.42890385189836	1.28493114467275	0.28283381951176	0.31815791622975	1.00000000000000
+-0.04440132469487	-0.08003700869802	0.95282919593278	-1.21222479934832	-0.95459194195019	-0.98139240687800	0.41990161267816	0.01274377343169	0.08591785823824	0.99985432291744	-1.00000000000000
+-0.21462404840381	-0.54514237983759	-0.31171784310018	0.54665313852310	-0.36008502137901	-1.38821675651352	2.43674884810913	-0.73847200675502	-0.05676141617258	0.72454868605479	1.00000000000000
+-0.53299918149529	1.01215849626353	1.19527384023910	-0.83097987715962	1.10502505658030	-0.84668167859649	0.66374593522045	0.94341615743749	-0.98330329267030	-1.07596763315273	-1.00000000000000
+0.63662757258085	-0.96925834527183	0.39463027572128	-1.27057522471835	-1.95230356533631	1.59483670946751	1.05513557418630	1.29839576231407	-1.20956883710877	-0.05288264908337	1.00000000000000
+-0.07355214593381	-0.40949931867492	0.16490784878582	-1.76241254115559	0.09200045356700	-1.32159120548223	-0.65887505141964	1.24420421149545	0.99924967879874	-0.94252970997021	-1.00000000000000
+1.35449645932570	0.65689579375710	0.31949054401158	-0.25035586116109	-1.15666198874590	1.52710595983694	-0.92219184969932	-0.29401672503197	-0.71264623818942	-1.27814437372440	-1.00000000000000
+0.25179728821890	-0.76280124427570	-1.25375578489409	0.91299938563653	-1.31042965201486	-0.68147311742801	-1.01667662581265	-0.90969319455507	1.78770491175334	1.13835573039869	1.00000000000000
+1.17519707165310	-0.81219088431067	1.73491955390722	0.64932118572692	-0.05584183825663	-0.36202314761748	-0.09438133924255	-0.96320508090301	1.19672871848292	0.16343640430482	-1.00000000000000
+1.28662223828926	2.04164999962922	-0.40379934805231	0.73349873777586	0.85580280856704	0.58393340235881	-0.39309506266096	0.15711719184924	-1.24045088916700	0.02632200793441	-1.00000000000000
+1.18382154627760	0.67712518761181	0.06384225676903	0.97697109511740	0.92439847050322	-0.13960936415643	-1.62429354053744	-0.58507363300433	-0.11754837801227	-0.91155859490813	-1.00000000000000
+1.69673191798272	0.43282794750495	-0.86705707258747	-0.71906822905674	0.03083998576858	-0.62640094226815	-0.04609004212597	0.23316164139922	-1.31611508130733	-0.75274809628838	-1.00000000000000
+0.68234668059154	0.93534745791873	0.01204574356786	1.84259755399284	0.05911129511640	0.66172298644594	-0.88519468897456	1.58872174680594	0.53237483621543	-0.36707216840713	-1.00000000000000
+0.64332700803337	-0.62130624738255	0.18313037726829	0.96946316448093	0.00123310228250	0.30277043204223	1.42925811326348	0.75697064653408	0.81911473204799	-0.83277394782132	-1.00000000000000
+1.18444526418792	-0.31208269478375	-1.50583929668832	0.49604426241624	0.46699182695899	-0.16980062747184	-0.62003146053852	-1.08211981552742	-0.24605555444290	-0.57734717346986	-1.00000000000000
+-0.43499585582029	1.03437361745578	-1.39604340378544	-1.47201263248217	-0.21310268084728	0.89919293884664	1.14224357728188	-0.84007322840799	0.31514226797581	0.87865138658287	-1.00000000000000
+-0.31925529336662	-0.74858474625325	0.77810721172718	-0.41473390597095	-0.74853160169490	1.25896173734409	-0.77334518469193	-0.34917710500911	-0.04065414367580	-0.91022067995940	-1.00000000000000
+-1.02432995828439	-1.63048287764981	-0.85924569448094	-0.67755241321815	-0.00696923307398	-0.36732028607963	-0.55327144817756	-0.00682978430553	0.31204805663667	-0.73532512786948	-1.00000000000000
+0.32918851013123	1.23989250349238	0.82763165000036	-0.89649730365493	-1.01295013552865	0.24631467074326	-2.09098940463354	-0.66109872242235	-0.70353669689427	0.13496531877121	1.00000000000000
+0.58882146450687	0.29779577213186	-1.08743710007849	-1.10715641659108	-0.33010868280951	-0.88809285228322	0.83669260303408	-1.41454041126503	0.49512451567535	-1.04444982921499	-1.00000000000000
+-0.36824536682288	0.64810856787001	1.29499015557163	0.31116191267176	-0.67817231857635	-0.46867104081502	-0.42386925865704	1.12090708574795	0.82216989633363	1.01803049418001	-1.00000000000000
+-1.14096284409237	-1.20173082415123	-0.58770945863782	-0.36049843379894	-0.13018573762924	-1.11326884079684	0.75929990159002	-0.32160329455125	-1.76149605864772	-0.98930683265398	-1.00000000000000
+-1.05123660193003	0.42122045007655	0.45406302147084	-1.70457893197069	2.70382562818435	-0.79240751823158	-1.67302090297138	-1.02156337568451	-0.56659874803515	0.52546246197881	1.00000000000000
+0.07649356708124	0.30506513860162	-0.72277617071873	0.80497138623413	-1.67702054173776	-1.42214029769419	0.32158931220208	0.95311923299697	-1.58844974463988	1.01250509824135	1.00000000000000
+0.03180238694852	-0.08482126657742	-0.28858835431180	0.23759891425711	0.18420855866188	-1.21417794057224	0.00422631873026	-0.15729197026984	0.38654555241830	1.07798340829888	-1.00000000000000
+-0.79815943042836	1.06139334968040	-1.34597376003544	0.47787711728992	-0.89209577230701	1.02471475951705	-0.54425812368762	1.65414037285597	1.50088015275693	-0.23589305469182	1.00000000000000
+-2.02198230655388	0.24300559964930	-0.47128344847620	-0.84081105952532	0.01197546263845	0.02623396793208	-0.71345005044699	1.47217040705263	-1.59699801919216	1.42553719424418	1.00000000000000
+1.50495907807489	-0.38384908755022	1.36599750214419	0.50701904124339	1.54198529242032	1.31179730956689	-0.89816037564494	-0.96160618739236	0.42115942684418	-0.65960312590899	1.00000000000000
+-0.54956702012807	-0.75892902791354	0.72875583643421	0.12912941514533	-0.22165065314215	0.22640086676218	-0.30884895867157	-2.40888758539690	-0.21028858350786	0.09843135476882	-1.00000000000000
+0.21648565487777	-0.68554221463202	0.17939628572897	1.71980870116169	-1.11885535337164	-1.20420078939965	-1.10526692866010	-0.62092606771213	0.56096715612466	-0.90376575100799	-1.00000000000000
+1.12332557638639	0.34092328312054	0.74941137139310	0.37747295100522	0.22838869918247	-0.96465163531342	-1.12155391877738	-0.97614620660507	0.51063542679837	0.18346932192176	-1.00000000000000
+-0.37615336472780	-1.40714375445798	0.80369137927987	0.65951093705140	-0.20652187347617	0.83007648517699	-1.00016473697860	-1.40238373602228	-2.03089695110489	0.87272160222510	1.00000000000000
+-0.17803337709273	-0.46884692737979	1.20099706293387	-0.92684067221534	-0.98772651961754	-0.45069357993379	0.13513598312607	-0.13208521515890	-0.03058649760013	0.96803275082041	-1.00000000000000
+1.15545792083442	-0.00478790892230	1.43190910532812	0.65628328981583	-1.69174548362159	-0.11688951603146	-1.37933272496370	-0.42325206532312	1.03583223477650	-1.27582099849252	1.00000000000000
+-1.20326406073599	-0.25683778420591	0.04985826467923	0.29705487395985	-0.20154226194341	-0.58172807081495	-0.45286890460774	-0.58330749742446	0.52406736573997	1.44431011408170	-1.00000000000000
+-1.23735128129774	0.22767200393594	1.15191079441631	1.11642861525407	-1.36307611865511	-1.18303826352009	-1.66473988971463	-1.60288654307259	0.52121735187028	0.50495033959018	1.00000000000000
+1.21731415537081	0.06787684005710	0.80431797142213	-0.88898727868709	0.61490104658319	0.85537955991385	1.45173108331628	0.39527474769953	1.10031645911483	-0.62217786441976	-1.00000000000000
+0.31287315076343	1.43737149136889	1.89769877474446	1.13723528996353	0.20367882848661	1.19701486357006	-0.53321187877635	1.88982244836543	-0.32518708661367	-0.01444353371180	1.00000000000000
+0.72380457144835	-0.59851782188818	2.21549421273844	0.77204727050936	0.57321999988921	-1.32507537245409	-0.35030705372760	2.14976340148083	-0.97748304484338	-1.76460336101290	1.00000000000000
+-2.27764653097631	0.14373843992760	0.11219320803760	-0.55272303455866	-0.22746922942642	-1.28902975231575	0.74131177688938	0.02793705436397	-0.14675245584858	-0.11405012150435	-1.00000000000000
+-1.48099534050967	-1.41705193216759	1.09544303318590	0.61977097182417	-1.81775191152559	-1.86839438033849	2.39338194904201	-0.60061886986696	1.13509200240011	-0.41490632955453	1.00000000000000
+-0.68982738359018	0.95067534971426	-0.76509638827096	0.88767645402656	1.16914665806640	-0.09186079582660	1.50256983426534	-0.47152775955521	0.17742640768878	-1.17578117897810	-1.00000000000000
+-1.65141155287228	-0.41011987672081	-0.14013392106259	-0.13730504042484	-0.22127030176292	0.78754768513739	0.74768431738751	0.04545234078225	-1.26754340590234	0.03941834088714	-1.00000000000000
+2.86214058357701	0.12488470866868	0.25343187733443	-1.18513096589491	1.61492368033024	-0.68217760612192	-0.93158770217520	-0.12074662776113	0.74211476291169	1.37882492903300	1.00000000000000
+0.79206840019567	-0.60239981165252	1.56368771992683	0.39864549225497	-1.60673788799403	-1.19825324129982	1.87143558637246	0.41550370693279	0.65293405829610	-0.50398221042798	1.00000000000000
+-0.66444766381674	0.22345636499872	-1.73708274612644	-1.09533465692022	-0.27505553450708	-1.26829554291027	1.02574007305449	1.35004703983900	-0.94663521038881	0.15629997203045	1.00000000000000
+1.06062571865663	-1.28682260935586	-0.95562094404786	0.44614086662872	-0.24369503110167	0.35883135908224	-0.43059044907074	-0.98687779017412	-1.26730832208491	0.78866438784750	-1.00000000000000
+-0.68005418264539	-0.99163069404216	0.49965835470555	-1.62201336645776	1.08546904147823	0.33654176373628	1.33994617949110	-0.03236219996280	-1.32247209808329	-2.08055846747652	1.00000000000000
+1.34892801881603	0.23905073875235	-0.42241058205736	0.80431082835264	0.96881119905445	1.54980565669546	-0.63600422833045	0.91745886665433	-1.04976811709843	0.74808327890714	-1.00000000000000
+-1.02621240118462	-1.95884815490515	-0.32984951294552	-0.15985074236171	0.91742403331676	0.15201514607536	-1.65230466466861	-0.39119966352209	1.43653434259352	0.75821848093124	1.00000000000000
+-0.39197336727459	0.29963200588650	-0.44556154830176	-0.46027982825857	-0.31068427235769	-0.17990781476850	0.69262989532791	-0.85838340695943	-0.98451606116362	-0.86003464860558	-1.00000000000000
+-0.50130248819466	0.87955943595960	-0.52027978388158	1.86711709001168	0.26005048250236	1.22659396327721	1.07534736740191	0.88416911789527	0.60281119799541	0.57753961956048	-1.00000000000000
+0.15355116338853	-0.12714677354152	0.64884001422227	-1.67479617275289	1.20080441390068	1.47097831334635	-0.85234388920868	-0.65670429172526	-3.21214092807575	-0.16917095995969	1.00000000000000
+-2.41557854330273	-0.96123367329581	0.64567856352582	-0.98430860942406	1.96164896280465	-0.89120399167028	-1.24636064240220	-0.85233858061106	-0.21999920479734	-1.15481432811347	1.00000000000000
+0.82974125480704	-0.15464386303048	-0.96469055385887	-0.33611745786427	2.36026700117774	0.42192672177418	0.80920269532209	0.49686059432893	-0.53175360682074	0.21922860358083	-1.00000000000000
+0.20988617376789	0.72362613988307	-0.73360701265210	-1.23665764288212	1.67034701125734	-0.90443196731418	-0.92883931774130	0.29727658047448	-0.92141376198019	-0.22312733939070	-1.00000000000000
+0.90899919313312	-0.26349912396951	-0.16338481384921	-0.65301999889600	0.12716842369412	1.53013651213639	0.78763138100284	-0.03721399831530	0.11352846459225	-0.57576474498932	-1.00000000000000
+-0.64553937861301	0.09888481355594	-0.73787133902853	0.81741340234229	1.39722653279676	-0.82707742024747	0.70127029697166	-1.29431642793791	0.72119013295972	0.69565665224081	-1.00000000000000
+-0.07238339399918	-0.54268818864864	1.05493968630082	0.88088030339659	0.17087887815632	1.30959095334362	0.39093733031540	0.30822104864795	-0.68923860582772	1.78706040297089	-1.00000000000000
+-0.66254551825841	1.17784229368080	-0.43128895280772	-0.76971113310935	-0.56284123593173	0.30948440034531	0.07608494596554	-2.19976416077844	0.30248175460014	-1.48178894903336	1.00000000000000
+-1.01587577824730	-0.54771992298548	0.13346148912207	-0.44421388278202	-1.99299501833407	1.25169176226511	0.13616789673854	-1.79759768310369	1.57906810836611	-2.06394034420542	1.00000000000000
+-1.09608844202475	0.87148249643079	0.25126246811786	-0.12257833163458	0.46024407524026	1.14028214144417	0.11229084150410	-0.70650944095561	-0.60007824365843	-1.61045278895800	-1.00000000000000
+0.72008664914588	-0.83844848996925	0.14756577047052	-0.34896467482511	-1.38276759504372	0.19662541134142	-1.05088017834896	-0.62201970870870	-2.27625973713132	-0.16901196633569	1.00000000000000
+-0.51756159634097	-1.77626608768614	-1.46847417439314	-1.07569042859862	-1.50220579654580	1.42579930923639	-1.17451831252714	0.50033637353972	-0.91916747863026	-0.12568415759596	1.00000000000000
+0.27000967238742	1.07144677238642	0.41338656349439	-0.43672114494523	0.98653840137961	-2.41861266984312	-2.37864777244958	0.59464798203766	0.33267956907557	-0.62313413821304	1.00000000000000
+-0.96894020145469	0.09100815108539	0.31678741129129	1.12279002336592	-1.59386188340022	-0.27638633851352	0.46607252560869	0.44316578488870	-0.58964091029183	-0.63164202755978	-1.00000000000000
+-1.10871152562032	1.66102124770040	-0.07502061709528	0.28610036043085	-0.10668348830516	1.47896294157485	1.21709326666657	-1.18910845430205	-0.99958534137664	-1.01468825680848	1.00000000000000
+0.65242422825687	-1.12026804380930	-0.17444664823168	-0.14648359799065	-0.74021133231891	-0.43697845402948	0.17477302745331	-0.42484289339967	1.58942000438415	-1.74131199227239	-1.00000000000000
+0.55876317428517	0.67410912933483	-0.23810443809703	1.49776706861542	0.36570551052348	0.80905033891136	-0.78062879817348	-0.31093288101610	1.58739200480081	1.29762908014371	-1.00000000000000
+1.98176492432302	0.31653585150713	-2.69795847109439	-0.47090222572881	2.16837825004406	-1.02050809251365	-0.59724136311109	0.23013436379868	0.56501224187180	1.20030623019126	1.00000000000000
+-1.43356923828156	1.96813981378686	-1.19920131963841	0.27706377903049	-0.81503174921804	-0.53665132421524	-0.94197892860017	-0.45123542538896	-0.09647520262209	-0.25428681700344	1.00000000000000
+0.21771230489982	-1.12683130900972	-1.81596766741277	0.08001064923672	0.50587966012359	1.60829535270498	-0.12572129576385	-1.56356869766132	0.68926626384077	0.19817557798066	1.00000000000000
+0.72903224187307	2.09274159023887	-0.46663197879296	-0.13605633732282	0.58584942511037	-0.53748356394210	-0.40766543326584	0.32516918732524	0.13055209095171	-0.12598899507759	-1.00000000000000
+0.01124233533049	-1.03641962454101	-1.74938968038583	-1.40979293322760	0.59673402181643	-0.13854174757958	-0.89322594837121	-0.68604797964979	1.42564658547733	-0.81065849532979	1.00000000000000
+1.52547637071682	-1.73552119547299	1.32671134293814	0.85935209785028	0.29929641433914	-0.53947125125789	0.70331601243515	-0.22339995538210	-0.37143251500703	-0.91349134826567	1.00000000000000
+-1.21298589697261	0.61345234892007	0.18407553317965	1.02300420530956	1.76356678741211	-2.85109223991225	-0.58716399191167	0.89784472446976	-0.75709933535878	-0.49102829664444	1.00000000000000
+1.31101324643617	0.30164052096364	-0.53760624567248	-0.48206842516568	-1.64322562187715	-1.97161053910310	0.09535678469664	1.17759027640319	-0.66750680992440	-0.40630011238496	1.00000000000000
+-0.85049507908820	0.04491752188264	-0.34117599486428	0.66150629009018	-0.72031854818525	0.63350883937273	-0.52214994574489	-0.58579914212852	-0.67057560263542	-0.54509939649500	-1.00000000000000
+1.39610688832776	0.49031027882346	-0.05007387357558	-0.25813584952622	2.10639845625605	-2.37564755572475	0.07089605145428	2.17280781088497	-1.17336542468397	-0.33246690807448	1.00000000000000
+-0.16334640774258	-2.37360514915360	1.49863398342156	-0.87859100102773	-0.84747043868721	0.48380018784747	0.69404842578327	-2.70830385741356	0.33758166804267	-2.19584692371232	1.00000000000000
+-0.25074312743868	0.81064074236144	0.89579969903878	0.27303127095204	1.09748118671235	-0.58490836333827	1.65450643431262	0.84380000608881	-0.25125055644229	0.44228196375313	-1.00000000000000
+-0.26179834243404	1.17997217674686	-1.14259386689860	1.46966090880646	0.77938380474828	-0.30275495783515	-0.73057129025611	-1.20380418768876	0.02958519359942	-0.60826738030246	-1.00000000000000
+-0.58035901392126	-0.08592952560343	-0.14757721158072	-0.38081165811835	0.22579974911698	-0.73433025849438	-0.98424255476558	-2.20993288936767	1.00530174266026	-1.33500021841319	1.00000000000000
+2.83386708149909	0.23401806777919	-0.86068776389965	0.51890316315483	-0.77300923043408	-0.09904878626733	-0.72099823153920	-0.53136214788204	0.10020767627799	-0.54941705496297	1.00000000000000
+-1.05740819301759	-0.12574932631613	2.38994904322048	1.44563531037432	-0.72197292301291	2.09566087057510	1.36524069776701	0.93233719472502	1.61740140039496	-0.54237201152228	1.00000000000000
+-0.06883806008876	0.19926173276592	0.96452320091090	-1.50626327346943	-0.87186380938132	-0.89641086151582	-0.19636177476821	-0.35385318820621	-0.44415142462902	-1.47764345651615	-1.00000000000000
+-0.48417769923881	-0.14101015316684	-0.43441370702851	0.64220256990507	0.14411725755643	0.48526921693279	-0.89473521854161	-0.38657626131363	0.32286174299840	-0.62894829969033	-1.00000000000000
+-1.52671534343203	2.26899575120517	-1.48948218813508	0.60560968444811	-1.06207143077335	-0.10209692775983	1.14555302718313	-1.73546480029881	0.35151302878358	1.07672077276282	1.00000000000000
+-1.82618605944049	0.77813650456113	-1.18501317876812	0.11160625699344	1.09880630435915	1.51030140605201	-0.84493787559951	-0.19747036259906	-0.49828621003266	0.33865546831700	1.00000000000000
+-0.92718539752459	-0.52432972109006	1.07254830790988	-0.72026293863638	-0.79066617475146	-0.02654843883788	0.75688624526206	0.02672224917404	-1.98199961069204	0.49729445654661	-1.00000000000000
+-1.36303435686594	0.40021442222899	1.99408060201378	-0.75354892573381	1.62816965342045	-0.76120024501998	-0.48753645901986	-0.66554203559841	-0.99938451286215	0.84869023438138	1.00000000000000
+0.93598984868727	-0.73789779774690	-0.45041858631896	2.04511118049785	1.07603521928084	0.20014970173862	1.20165454002400	0.25195387257999	0.56474790208610	-0.45839562772596	-1.00000000000000
+0.11888824482167	-0.43699657706783	1.10160191387825	1.11354396485791	-0.71002413861527	1.23330479768699	0.98032511394390	0.82314929302640	0.58161188884948	0.33429095244242	-1.00000000000000
+0.32206627412894	1.36781793081897	0.39255366590088	-0.00988001644289	-0.05524239986116	-0.06855436460465	0.74805377919422	0.30769267139948	0.17866408633564	1.54560067378147	-1.00000000000000
+-2.04406293433874	1.61482364727722	1.07504040790431	-0.82334172167432	0.93675395353179	1.05704461485056	0.19156524404090	-1.18191820265545	0.65555585425715	-1.79512769092438	1.00000000000000
+0.94571681336444	0.59095356139430	0.25112106518117	-0.26390967411892	0.84508144859708	0.72057944487030	0.92212328899454	-0.97529259698701	-0.94317150997325	-0.40664290502070	-1.00000000000000
+-0.45421011890845	1.25261323378633	0.04561446904871	-2.01132933717280	0.84578339884717	-2.24491686986911	-0.22710247043668	-0.14652719217772	-0.73024991075216	-1.53926217892153	1.00000000000000
+1.16540362835602	-0.72396041774478	1.09689810806806	-1.43431549666683	1.71079194217317	-0.03267254053805	0.71609513198337	-0.46693337537561	0.29972771118063	-0.94937708785584	1.00000000000000
+-0.54352653342489	-0.56673634374084	0.81888654996054	-1.30733521682505	-1.31951839397984	-0.51546225075402	0.90819041298873	-0.00203054575831	0.52867225723548	0.98526282741174	-1.00000000000000
+0.64419386156703	-0.94726938423635	-2.25455262302747	-1.06712500755398	-1.20548596563509	-0.90610606019174	-0.53685958836377	0.85855849562471	0.61389807356606	2.38583849175478	1.00000000000000
+-0.69549128271436	-0.10321376403392	-0.57254892643284	0.49511902124293	-1.04009143573660	1.21614969695599	1.93418320220338	1.99614285886510	0.37366471788545	-0.30883804657375	1.00000000000000
+2.27177600668238	2.98135923974957	0.03268550666252	1.17508083800699	1.60564128517214	2.80095358561137	2.14625289718863	-0.67083712011867	-1.67892914390651	-0.10745835542179	1.00000000000000
+0.24256742681053	0.41231693208269	2.08181032580757	1.09101301786275	-0.00915280440374	0.16390943776749	-0.80427922872245	0.98885131040347	0.72866573280060	-0.60548301140624	-1.00000000000000
+0.46808322075582	0.11744112827077	-0.11380696135385	1.37360580254430	-0.05028281652671	0.37936061257945	-0.73584224586644	0.24148239476316	0.84386499540160	0.46975632802639	-1.00000000000000
+-0.08198132461345	-1.18492253363180	-0.94348254152027	0.74809041781345	2.43969144724786	-1.86823304964439	-1.07508734359389	0.46035870382666	-0.44734440124027	-0.62214500328506	1.00000000000000
+1.30145559177025	-1.15821878043656	-1.04377194892861	-0.19375576083648	0.69556538578287	-1.76336408716809	0.46436979158013	1.94391526040079	0.41378963376358	0.29057485579377	1.00000000000000
+-0.88410436170661	-1.23462477752328	-0.65982158701040	1.04299171943484	-0.53077239420258	-0.51481788393930	0.99620729918080	0.12427233924563	-0.53601872768331	-0.43019398349712	-1.00000000000000
+0.45248610090875	0.70285064904198	-0.55355577902709	-1.17756713397711	1.02004599470072	-0.57306166354716	0.64554313646758	0.95987723659211	-0.38246225173040	0.64701663284710	-1.00000000000000
+2.08635745169090	0.06194689356199	-1.01267770084102	-2.88348667917575	-0.71943256681732	-1.81649325270789	0.18797267436508	-1.52385733674101	1.09596788900566	-0.85069565733244	1.00000000000000
+-0.27562895457505	0.50552830563071	-0.42663552661778	0.25049237271991	0.72651788365747	-1.19658336158229	-1.76189784271812	0.18427912631870	-0.29651917721316	-0.78280518843175	-1.00000000000000
+-0.63578499810725	-0.36543475025892	1.87234563423606	0.33433104274776	-1.85820510140003	0.25995628949266	-1.02823770608640	-1.36025495398934	-2.30824702648869	-0.06655981018959	1.00000000000000
+0.23262119163142	-0.92082610000701	-1.26852673121200	1.09715505128515	1.18584027025028	1.25632275930290	-0.83147232083953	0.42344652567476	1.35259403267395	-0.73259367169033	1.00000000000000
+-0.89196141424276	1.39955096003918	1.84998682966863	-0.23677928399671	-1.54273416899764	-2.45030778443904	-1.63740848417711	-0.55330357824716	2.29834818150178	1.05977880727139	1.00000000000000
+-0.38994599045285	-0.02020095782954	0.87407121499095	1.55352709230936	1.61788818493032	0.91547135062497	-0.17286706519273	0.20753033233429	0.03591171657203	1.39148565316868	-1.00000000000000
+0.49185878579163	0.17939015937439	0.49191244962872	-0.28147123964253	-0.08838488260789	-1.10290030079406	-0.35270589359217	0.89039812733187	0.98452295811903	1.78405524208917	-1.00000000000000
+1.20630068528747	-0.14461079982133	-0.18836207305761	-1.18139216067039	0.71113004949178	-1.46565966729094	-1.87405443734168	-1.19248772632541	1.76656099700689	-1.04909528760053	1.00000000000000
+0.81559111854706	-0.22431986036313	1.61536227431831	0.09333592362740	0.16436303302640	-0.72533293333440	-0.38184129389268	0.03270475277654	-0.38781697780708	-0.50739224266814	-1.00000000000000
+0.85642171524644	-1.21465574591786	-0.07350888690630	0.52662462902976	0.39746463312563	-2.79979561450706	0.56147409562886	0.79202057581339	1.23451519743835	1.13518200045028	1.00000000000000
+-1.58315288087582	-1.33318305008630	-1.70201991377977	1.90515037013718	0.61709204844587	0.17631755497103	0.80120880226932	0.88833881030340	0.10331015677711	0.08619869184368	1.00000000000000
+0.24555636848353	-2.14273875166735	-0.43990808112461	-1.41800036747444	1.26670903264131	-1.25884956054019	0.16991551649683	0.55849029160462	2.03348506177269	-1.15685407756084	1.00000000000000
+0.06074941417877	0.53379783080018	0.03472651576230	1.01718764430094	2.06206596983435	0.60645635167979	-1.59955201753430	0.42000485602706	0.39976556729754	-1.89508180374205	1.00000000000000
+-0.14030319767483	-0.86659430072255	-1.48414559279125	1.42827763851956	0.70977922897345	0.17063672385341	-0.82239342171999	0.75686069424331	1.02576956078095	-0.02886318701358	-1.00000000000000
+-0.74866668405106	-1.21619797827558	-0.37489623227159	-0.33427341909653	0.68302590790659	1.10443788209261	0.35837886002050	-1.21606733513822	0.30183497542084	0.17467646348250	-1.00000000000000
+0.66958296860414	1.33382919405782	-0.71310518165098	0.16621799384886	0.24351148944083	-0.76810571781560	0.85635707102761	-0.08919587884999	-0.12756398419680	-0.32712273245328	-1.00000000000000
+-0.14299458656062	0.75539347535435	0.65396736186582	0.24878902636870	-1.75705762561652	-0.68715535401154	1.34025083332273	-0.55666850301610	-0.29761488947524	-1.94041729439230	1.00000000000000
+0.77658366864167	1.73996785603960	-0.32106644142067	-0.11397573585479	-0.56095560334350	1.44133013332679	-1.62144558667946	-0.50554568260605	-1.75269872445910	0.46135099670327	1.00000000000000
+-0.55151917052283	-0.45861305628868	-0.81690998207220	-1.32745233617171	1.50726225749691	-1.26864139271145	-0.61747145711040	0.53986186932468	-1.18798262180868	-0.17385165337900	-1.00000000000000
+0.17093239844432	0.02881377546531	1.16298778057002	0.81903537990084	-0.95698256800644	0.16958017069557	0.16122708728884	-0.53515037285641	0.91266495033674	0.45849296219548	-1.00000000000000
+-0.39417149238784	-0.26319946238822	0.17435981833110	-1.35697587327461	1.34219091917972	-1.22407428811507	-0.68584262136996	-0.23852373507716	-1.04891174179305	1.77219638480264	1.00000000000000
+-0.47318746833258	0.15446438967229	1.87086802382005	0.74120490947494	0.02052420014139	-1.44914447305055	1.92158396267027	0.63517577503906	0.09393193238156	-1.82223793208666	1.00000000000000
+1.32101671677278	-0.24151303786899	-0.07160071670379	0.42605531874100	1.65577214660374	-0.28915771853456	-1.50352146176775	0.81891751353876	0.15854983566481	-1.09746526923211	-1.00000000000000
+0.63777743073642	-0.62038153290090	-0.36504621031049	0.36621132298305	-0.41511470373457	-0.13667493538253	0.87125723693392	-0.25890245963843	-0.74741244959791	-0.17528005233609	-1.00000000000000
+-0.60307523135987	-0.50241768014447	-0.78870772237293	-1.04951044243989	-0.56982077697946	-1.20839267061742	0.89269713849440	-0.77100672517855	0.67957576332297	1.11301023027591	-1.00000000000000
+0.24209780697260	-0.74108381588019	1.36253516806309	-0.37338693938790	0.02772669246799	0.34178009091817	0.13095914687777	-0.31878096957830	1.86460595165059	-1.56415139941582	-1.00000000000000
+-0.66659598690800	-0.63530469089179	0.43731607759863	-0.53519486401780	1.55191282620145	-1.00612257074541	1.41892425011215	0.65914197133932	0.02270867516150	1.56683616944924	1.00000000000000
+1.14170358019958	-1.92063232568105	0.96878980367901	-0.15903129500017	-0.01624852806673	0.68564036077136	1.16856745986533	0.89334546059900	-0.12156312206561	0.63447277092722	-1.00000000000000
+-0.40840577988576	-0.13917779262944	-0.47896646223093	-0.05512191688347	-0.26096429389043	1.21405054513827	-0.31630584856605	1.59745413501077	0.81765758847280	0.27743744863704	-1.00000000000000
+-0.56856283840472	0.79757702642292	-2.23179442617447	0.30220807683420	-1.30332120016588	-1.12470044488251	-0.19290353388842	-1.12370257345164	-1.73059845755971	0.65997553230993	1.00000000000000
+-1.87719172176520	0.82936163310141	0.37990297883455	1.01859467010208	-0.35162887907051	-1.39916723921913	-1.79015639725060	-0.16129442189421	1.07756815025350	-2.54985502497791	1.00000000000000
+-0.96473644347152	-0.60627625963302	-0.86276235666777	-0.43205654105885	0.08295384672782	0.54296552335987	-0.46692153603983	-0.48821463465044	-0.87915486249651	1.11150082813683	-1.00000000000000
+1.08431855317932	0.13152448978905	1.58434826204061	-1.63611060286116	-0.75792062088328	0.68310634627986	1.28789137055565	-0.03873349105606	-0.41811634326960	0.43126376297341	1.00000000000000
+-0.35308864382340	0.83248427090555	1.92163783318990	-0.99464547925670	0.18649803182729	0.35298544398428	0.07953121557050	0.37661579622529	-0.13590670370581	1.02720104547619	-1.00000000000000
+-0.54750391274547	2.92803877442223	0.20110567240736	0.56519383330507	-0.03589137339850	0.72852751743767	-1.70582237024342	-0.55930470422694	0.34959338194593	-0.43659505610081	1.00000000000000
+-0.27066713617632	0.47492320417116	0.41903012141137	-1.21032369007605	-0.53064395989910	-0.54706002605204	-0.92433624045169	1.96066497459387	1.05495339447015	-0.66076023839266	-1.00000000000000
+0.22353677709170	0.06531323256266	-0.16856975896823	-1.45431635347605	0.38135761915839	-1.29907907081583	0.64983548663211	-1.34140387624136	-0.71868226992787	-0.19934073603452	-1.00000000000000
+-1.25242218533217	-1.11382717648578	1.79992650526127	-0.46920445929684	1.46184024004902	-0.51367987364878	0.21527046393601	0.18453072073012	0.89941207698731	0.80236312664566	1.00000000000000
+0.03651906658727	-0.03083049336155	-0.04768150707835	-0.59191201020214	0.13521428410248	-1.00936865163039	-0.31585524011582	0.10761438839412	0.37708175786500	0.96801211496762	-1.00000000000000
+0.39278192210385	0.44633246298064	1.20395508927202	-0.82228374773114	0.87870780751420	-0.85566221471153	1.20206475846260	0.99079433118099	1.43487857882877	-0.81342520013431	-1.00000000000000
+0.35361850045491	-0.34533249565173	1.29618355915891	2.44521641870403	-0.60308599133369	0.52900518958507	0.30008649765254	-0.97742266093060	0.53980099891156	0.33890000798098	1.00000000000000
+-0.16062469722045	-0.54979745005030	-0.48892332788848	0.47063896838661	-0.96469864529818	1.35311233487361	-0.03177580693446	0.63638471665428	-1.01545751557769	-0.41525275617314	-1.00000000000000
+-0.34088858907711	-0.36631850087790	0.42047298657419	1.20827699882020	0.30432411507625	-0.29232166257005	-0.16388541592287	-0.15822710953146	-0.29092548876742	-1.01456893764988	-1.00000000000000
+0.89828305779099	-0.08614954682533	-1.01002612599538	-0.38371113798186	-0.51613189028000	1.31863790205892	1.40323942245669	-0.48586472210370	-0.70487839123708	0.39399489784404	-1.00000000000000
+0.93270056421030	1.94504781265296	-1.56731467766528	0.07905753403813	-1.59955528286316	0.13037461470780	1.08323100065202	-1.66150402301104	2.82766470217909	-0.63921196218352	1.00000000000000
+-0.03769608945017	-0.28892597592764	-1.34409309310787	-0.97461463976043	-1.90350232355476	0.24545006717389	0.52033311371058	0.50759868555736	-0.64227518229044	0.35786332262648	-1.00000000000000
+1.41781934512032	-0.55804821852620	-0.79961943639381	-0.88791772467011	0.48744870918975	-1.15073163009762	-0.65172797548266	0.81939878406857	0.44103065026811	-0.21392399068415	-1.00000000000000
+-0.44731109747390	-0.69308963146602	0.40085685525820	0.34393556318510	-0.32751060994678	1.47042604401344	-0.20688100547704	0.01351526016240	1.42417921304873	0.50704556610659	-1.00000000000000
+-0.24466545142047	0.35119971756669	-1.95458345885073	-0.29813529532641	0.37079860704181	1.24048440301806	0.58006366685170	0.85914743811276	0.00822117800226	1.30641451147732	-1.00000000000000
+0.65798604506784	-1.49756402198524	-3.77233869217353	-0.33080628260234	-0.82872372330119	-1.63051336052785	-0.04501874909077	1.11139766111596	-0.82517230552220	0.70027439146164	1.00000000000000
+1.66463863867060	-0.66372812629331	2.07147545784482	0.12769123051542	-0.56325109397508	-1.93628807933246	-1.73423349877948	0.68786265831362	0.27044173332837	0.31050100507924	1.00000000000000
+0.59309814023405	-1.67157130996814	0.26005423444530	-0.65227546329428	-0.22733442926917	-0.61739314816084	0.99858757478330	0.36975013090185	-0.73412595124984	0.97689386061988	-1.00000000000000
+-0.29980092349404	-1.06710230533029	-0.56446424779830	1.62391888350509	1.30290661964868	0.36300130471713	-0.47024346757966	-0.30589943112592	-1.31149323390946	-0.02195744780331	-1.00000000000000
+0.21222876564460	0.05958919797014	0.81749588912906	0.16590381006155	-0.58532856912865	-0.17768742955963	0.68508559838302	0.71514000379080	0.79834900888955	-0.01677476453763	-1.00000000000000
+0.58465220674537	0.81367810985687	1.62504342238176	0.21131005747722	-0.23600463090308	-1.33533822390188	0.00598348877800	1.20359184465710	-1.15551678807973	0.33822665549313	-1.00000000000000
+-0.73022463228560	-0.66152310283537	-0.30926371701813	0.19008686920466	-0.16939706078036	-1.31635767406777	-0.38338240435966	-0.86402611133866	0.05013185202092	-0.28360647042427	-1.00000000000000
+0.57938600132601	0.73190850027210	2.52188144243966	-0.68025896379546	-1.76383061932869	-1.34563589893704	1.17517246776376	0.41437835489918	-1.22732226721887	0.39683623686643	1.00000000000000
+1.02004676318701	-0.92580951931950	-1.29928081160749	-0.08011861580621	0.84216254995763	-0.09818652050064	-0.43533786299440	0.52385287480046	-2.27616466234728	0.76366125498026	1.00000000000000
+-0.85755034268215	0.39083407638976	-1.20804229337793	-0.03412981034789	-0.69750716380274	0.60201209576048	0.13895106943419	-1.55722159860097	0.41593891694324	0.02157527552041	-1.00000000000000
+0.23640373353146	-0.21042994096111	1.08883398578196	-0.58224842925405	-1.53879581966642	-1.04434674280517	-1.11274475862409	-0.96730871191120	0.85838704984348	0.20014074408453	-1.00000000000000
+-0.88239512415818	-1.13446938624924	-0.69209245099029	-0.30659015794872	0.39256469092343	0.83904438037587	-1.82750128394313	0.43574937259768	0.05009274650679	-0.17138565788864	-1.00000000000000
+-0.55522845510464	-0.00887084998369	0.25264427805681	0.36165671948831	0.02546439710794	-0.43294962165374	0.45725616092446	0.83153073367442	1.48356328397465	-0.26438237450991	-1.00000000000000
+1.06527557461072	-0.81895497758765	0.33209384377429	-0.96765875186771	-3.25028144716694	-0.28472498263494	-0.83534013118059	-0.24905383370648	-0.02447607480554	0.15546964414279	1.00000000000000
+0.09533689528600	0.48662829328064	-0.43663341924541	0.44174612356141	-0.31872058587918	-0.35707594689223	0.19915703713135	0.00086398198006	0.16159911698695	2.57407968964908	-1.00000000000000
+-1.25581759230747	0.23530141087928	1.29856093130601	-1.09454883747449	0.06370598972084	0.24977033569287	-0.19237538307883	-0.62725703089176	-0.23062644490891	-0.78822259177422	-1.00000000000000
+-0.01352767416742	0.17857095145141	1.60073522901591	-0.96479693574753	0.65642779556975	0.13975253822026	1.96604413371271	0.62800169963641	-0.31286809933093	0.21812304524896	-1.00000000000000
+-0.53833701710515	1.24332620300393	-0.18082476513886	0.75281297167534	-0.74921348289815	0.39861011121885	0.49000370024824	2.06768947124044	-1.22309827371380	-1.18566929053785	1.00000000000000
+0.34446659155790	0.89052337731757	-0.27097188513302	0.73962266627095	-1.08447616775777	0.30055902990881	1.74316311733755	-0.04871641678533	-0.40160627285897	1.18107546625514	-1.00000000000000
+-0.92598543677411	0.41607000570088	-1.24630148535983	0.91094125330111	0.36810097092765	1.87854757199258	0.29746231038135	-1.27970809769978	0.45696937625579	-0.31607817541671	-1.00000000000000
+-1.54483798698199	-0.45894970051923	-0.54580668921681	-0.36729664505450	0.44972167392558	-1.48567402454116	-1.49708754239238	1.29629950039236	-0.86363324441409	0.96048112045525	1.00000000000000
+0.11487139630870	0.88333924440480	-0.26020289164496	1.36203037700920	0.12133219809992	0.35208409394950	-0.29845764908715	0.44035655393588	-0.87505689288665	0.76272881683534	-1.00000000000000
+0.13106999641466	-0.63430043176032	-0.10755463434445	0.65832298068867	1.76807416233833	-0.41134776111590	-0.29833374694202	2.34943642286391	0.86449994150152	-0.93176862038289	1.00000000000000
+2.02660722034296	-0.00872108768836	-1.92051005510038	-0.08695706277978	-0.71088626532301	0.56259883347594	-1.78882521641016	-0.15637787447612	-0.27013166872777	-0.17029827463657	1.00000000000000
+0.04541688940323	0.08646668111675	-0.88741994088375	0.98029692155486	0.44884293213221	-0.22748373977357	0.15375922750070	-0.20605554928300	0.17402555526692	0.73822447950145	-1.00000000000000
+0.33653359981260	0.10575181786613	-0.41498218239392	-0.82764551367095	1.20177839607273	1.43290718401763	-0.38108621938492	2.85543479390427	1.31105787193807	-3.05847218813651	1.00000000000000
+-1.13773276394939	1.01726743725411	-0.19511749993513	-0.55608537097795	-2.07800925123537	-1.36791523896794	-1.13981097191885	-0.40812528777842	0.14022870236336	-0.31204607371292	1.00000000000000
+0.57278737631076	-1.49929985914948	-0.60292492274680	-1.30181041908772	-1.52251680364757	-0.17546616683622	0.52597799197869	-0.31371855924512	-0.32651665913328	0.94175520048817	-1.00000000000000
+-0.93173535104532	0.48440901820121	-1.45307598147295	0.50272266392477	-0.33702332885407	-0.01248632850207	0.78970947196800	0.02045027033076	-0.57983168764706	1.65620793506303	-1.00000000000000
+0.16131709642542	0.46224635429977	1.09940908927492	0.13809882566813	-0.52090570047565	1.64367737618574	0.67175106171965	1.06799399863055	-0.77481871999257	1.38413653047468	-1.00000000000000
+-1.00318464088490	0.30365249871308	2.53957458621975	-0.55954863285627	-1.30504726858299	1.36778528290462	-0.44106119596454	-3.14311197719660	-0.15317877817828	0.41887073442139	1.00000000000000
+0.68197136130771	-1.26616586583773	0.13702435149047	0.18178450675615	2.34433424386456	0.40926356592325	-0.73651517395431	1.10817248197678	-0.55336335865126	-1.18094383653013	1.00000000000000
+-0.16808754534574	-1.98183926469581	-1.18994203249811	0.45633236669028	0.39929973344058	-0.21430820959085	-0.43831059688801	0.64423252028434	0.27273979011459	-1.38639103971047	-1.00000000000000
+1.14845633411944	0.05890670093035	-0.35437912493418	1.08298825816869	-0.68859746670126	1.16973674583341	0.12772629829869	-1.87948687310754	-0.63121891096825	-0.06816857187620	-1.00000000000000
+0.89600460576379	1.23884474578473	-0.20638229021350	-0.37298410088702	-1.31348511059339	1.63979619066332	-1.52549996139435	0.08109980515323	-1.72804382004606	-1.96944122835017	1.00000000000000
+-0.30615361913117	0.01333570550160	-0.26546869407256	-2.28166839094566	0.74584457524133	-0.54638113175268	2.18319628668027	1.54637949616609	-0.34123968467354	0.94358122648457	1.00000000000000
+1.09923491729835	0.69886669354026	1.07146758471359	-1.04674022046609	2.50181124254161	-0.02694313396818	-0.69468525979630	-0.86298000320089	-0.40453541958130	-1.02984424232798	1.00000000000000
+0.83235540577612	1.25349784530060	-1.38196619833359	-0.96664663221191	0.38443286352995	-0.16574714016913	-0.27297291119511	-2.44600061085735	1.46776146615367	1.34620749286119	1.00000000000000
+0.18614420424892	0.22298042412276	-0.38632390212117	-0.94256532242799	0.74205137877653	1.13241541370335	1.63263322086231	-0.90901498457030	0.81952441872872	-0.75283107604256	-1.00000000000000
+1.73846542702175	-0.21758596638243	1.30354588105237	0.77238574678233	-0.90455950384329	0.90366030842834	0.53415568700717	-0.66253291156459	1.33329562216073	0.82076635735325	1.00000000000000
+-0.10039522441922	0.33961042827772	-0.46332643598307	-0.80211418871006	1.31496994432222	0.86571747226377	-0.91334913316069	-0.10486181825642	0.94873703527734	0.25624559618467	-1.00000000000000
+0.50225955410884	0.91019562637354	0.01566155393170	-0.61844371328216	0.31675159037121	0.55409680061311	0.03738335848012	0.15326120595390	-1.20416052871871	0.85255853003027	-1.00000000000000
+-0.51749626343417	-0.91439268849476	-0.20997648402490	-0.76532158790114	-0.60047293681113	1.42144100392618	0.29322641761377	-0.42681305019391	-0.82864950753652	2.63018702550444	1.00000000000000
+-0.22857576850252	0.06173622890967	0.73780632441869	0.68735222451467	-0.75574431614207	-1.42335255786710	-0.09607155382854	-0.25665677669753	-0.86078952874958	1.13600171640390	-1.00000000000000
+-0.95432835986673	-1.52708563711627	0.83411801791530	0.40059275519454	-0.34498319812535	0.50887168704020	0.45098545984118	0.10867735264507	-0.60058212122487	0.46164006445584	-1.00000000000000
+1.18552194879858	0.37719687108066	0.42624563653844	-1.53540466809090	-0.46425001705352	-0.08382494197741	0.02559863312356	-0.57915012345147	0.18025157987128	0.96071048548574	-1.00000000000000
+-0.93987662446253	0.81213461154683	0.81813979114147	1.19173466399614	-0.12948511746099	-2.19484565920209	0.87836704517427	0.31096210188906	0.42927476437231	-0.39743623529029	1.00000000000000
+1.90269961351974	0.53533576523067	-0.11642452980635	-0.21323557354769	0.05871306712532	-0.85838281855183	-0.21749278092313	-0.37867697034252	-1.79329700006566	0.87138839357098	-1.00000000000000
+-1.72774088183538	0.32768192914720	0.69475013162730	0.17447021479274	-0.00168867994565	0.76043748724550	0.35586587229801	-0.66911435020736	3.17215009991133	0.79674030721800	1.00000000000000
+-0.54528940046292	1.20620750017183	1.04819000014450	-0.95722831065715	-0.54816525058473	0.31834262319651	0.31897655009319	0.82278427665918	0.44838223836283	-0.72651875933389	-1.00000000000000
+-1.97171842908927	0.65911304317615	-1.28870403346306	2.42252312036430	0.17864598120913	1.25630362234202	0.95933050746206	-0.42898163797128	-0.57274926541480	-0.10517161470622	1.00000000000000
+0.57623453803456	0.15414575773052	0.72801318724407	-2.28062352473719	-0.92566986363012	0.96139679931318	0.08167512543787	-0.02684658068080	0.35064701883623	1.81661441074524	1.00000000000000
+-0.07933353820128	0.33066377357434	-0.03813348098794	-0.22403454300080	-0.26416531442102	-0.11906633330234	-0.64015958192476	0.70107882440747	0.96291328306600	1.16063009144203	-1.00000000000000
+-0.61931464588170	0.00520347577871	-0.52062306040205	-0.35140248683519	-0.25390827704177	-0.35360139401084	-1.24018776010202	-0.44854827302689	-1.00799618909825	-2.54928911599640	1.00000000000000
+0.58156475051744	0.34889294303377	-1.62819815491904	-0.55247308332362	-0.83523458896655	0.95494978580007	0.06432590433705	-0.17829236487627	-2.13802100540861	0.52484216766082	1.00000000000000
+0.38545916884230	-0.24076835986714	0.21306854344745	-0.47719867597737	-0.11728182007446	-0.60961615111719	-0.99578707524838	0.12837489995716	-0.74815743169140	0.79691301789186	-1.00000000000000
+-0.22689123634778	0.94540503131818	0.82062926955066	0.37745113449394	0.08717582670316	-0.12506399213919	1.40042602597378	-0.31515101910734	0.55774753693182	-1.24371888389910	-1.00000000000000
+0.71421952642076	-1.06789925379363	-2.59594270063667	1.16369643605416	0.11566502607735	0.71202790258612	-0.27941903655899	-0.17132294755889	1.14378013867890	0.96382130620609	1.00000000000000
+-0.78959662957980	-0.09802396175044	-1.47607449604316	0.84949025715261	1.83647715208213	-0.91570230797162	0.46138966400522	0.35042715484472	-0.25592470254581	1.64417497485620	1.00000000000000
+-0.12278805096508	1.07855040258526	-0.88088772353204	0.65419335519665	0.62992878180800	0.24007338326251	-0.21019478914392	0.25809202747767	-0.61822824715284	0.37714796057596	-1.00000000000000
+-0.05958982967359	-0.50913094739436	0.38523999165114	-0.40547128983673	-0.91923136346928	-0.29355870326201	-0.47023513724249	0.03123907613960	0.38103895155256	0.44475019681164	-1.00000000000000
+0.89323064891807	-1.87238331770008	-0.36138734605552	0.42811028246441	1.57825539523871	1.17802167072012	-2.08938509334379	0.10865793171681	-0.56725052682038	-0.87799599366220	1.00000000000000
+2.44284069653398	-1.14059123704969	1.56748124868591	-0.11086090581520	-0.77822529086262	2.68564025178877	-0.14767369799674	1.74144763548485	0.28007081349330	0.70389310111717	1.00000000000000
+0.77231560727435	-1.43496472243018	-0.07500871941063	1.79340319220584	-0.54690801413715	-0.91137022517322	-0.09408841852204	-0.04394945760322	0.07299279802899	-1.83202267210358	1.00000000000000
+-0.15894735148201	1.07984830905465	0.65980190306062	-0.22157570243615	-1.00440670959432	-0.22062830006606	1.15566092312116	0.47999200835394	1.00471026190323	-0.81241102443755	-1.00000000000000
+-1.19528703527275	0.05357831470727	-1.39096727609110	-1.24573505265010	-0.27088251919909	1.44074595199575	0.50547977264454	1.38393465944162	-2.98598683515763	-0.15522126113370	1.00000000000000
+3.56432460631411	-0.98767373556669	-0.26505639172274	-1.47302123812966	-0.90932046432610	0.26378514802183	0.14648076849641	0.04126408857377	-1.86817270032397	-0.67167598227341	1.00000000000000
+-0.72575683688641	1.79675322255183	-1.89655223212919	1.40408813608169	-0.08298671677557	-0.19205315048242	-0.65566455251417	0.39371486977638	-1.70144023549600	-0.63126176479894	1.00000000000000
+-1.46555059974053	0.60105461057762	-0.65870516187586	0.30350260137313	-0.94186890712905	-0.88576551631885	0.75395467962937	1.64047857458127	0.19969408741574	0.98860259530863	-1.00000000000000
+-0.75017038218681	-1.06362436823975	0.38533971607608	1.23292832571239	0.04681669495962	1.26153915550074	0.74369372966719	-0.22089060340729	-0.68174466171817	1.63809698364664	-1.00000000000000
+-0.00510710214348	0.48769807619267	1.43204110871827	1.54869253092996	1.32776180496447	1.46671884208396	-1.57846701624359	-2.76569248234284	1.29105031835091	1.63887922662721	1.00000000000000
+-1.29491098310339	0.74170783337561	-1.55901549908781	-2.15446007323985	-0.21981095552945	0.40405905547276	-1.19761466536114	0.12252773850896	0.47004420717463	-0.43705324449161	1.00000000000000
+0.35185934785521	-1.76000837397355	-0.37603454714039	0.88692602889496	-1.28948977810172	0.07325136757879	0.31703137428926	1.30857321717781	0.39453835467848	0.05052780374555	-1.00000000000000
+-2.00819937425646	0.83420170202440	0.07799017676506	0.66578031892234	0.67718464471957	1.14259181490455	0.20558222637304	-1.09999705748644	1.78163958626110	-1.58980784778403	1.00000000000000
+-1.11992760389581	-1.17780280800951	0.23821793760648	-0.98808748186890	-1.72171390130134	-0.44954288238316	2.20946524634434	1.11089241976096	1.15035961003670	0.20082107361488	1.00000000000000
+-0.35043091614512	-1.15572308493733	0.08792952998041	0.24973767285787	0.73575152922406	1.15989629169065	-2.08520148695710	-0.98227626960014	0.01942462356079	2.03933943138613	1.00000000000000
+1.44848878978362	1.51448047785266	-0.37972023053826	-1.12782151219130	0.60727808052022	0.00809152954853	-0.21230688491695	0.72090640467688	0.27641353684654	0.14525776159830	-1.00000000000000
+0.50469973810171	-1.09507390724605	1.43924258063900	0.00047390516458	-0.76889895401445	1.87108553968696	0.41673051922885	-1.18044226018634	2.14410571976136	-0.73191883947096	1.00000000000000
+0.29074240817914	-0.32987215243981	-0.42742945937032	-0.21755061669728	0.74638839508387	2.67095427385756	-0.47299542976400	-0.40698221849897	-0.61027490600913	1.26494281206287	1.00000000000000
+0.53657894106717	0.97973224849192	0.89747859273413	0.48508241426318	-0.31456689716122	-1.29541179109669	-1.89283790792551	0.04932637506642	-0.89265574330248	0.99905466711650	1.00000000000000
+0.94062490148810	0.91503987847235	-0.70317451245163	0.86837337629482	0.00632776265987	-0.83221408431580	0.55138818697890	-0.15733575594332	0.25216199372416	-0.57569554407539	-1.00000000000000
+1.00529943524211	-0.78721825318708	1.54960682962195	-0.52215828312818	-0.67476558927503	-1.02989770339262	-0.86583438304285	1.05486608130667	-2.52263294937938	0.97984069742791	1.00000000000000
+-1.90232293144073	1.39489994709963	0.20686791575184	1.52361236852078	0.06558864486398	-0.29043318877033	-0.12060295108347	0.88653111888734	-0.22544597425863	1.47679755041028	1.00000000000000
+-0.69477295752663	0.90278611086931	2.32175405859734	1.15154848575310	-0.33852251091262	0.70565224957927	1.17860031155159	0.63630117112270	-0.41178126564067	0.55629842371667	1.00000000000000
+1.57320433849099	-1.27914114017491	-0.58789207021033	-1.55258190897424	-0.35418133224444	-1.00390506888309	-0.04564455161254	1.88294845723053	0.20892875345526	0.45198812049488	1.00000000000000
+-0.37346045680540	-0.93310523071868	-0.03807084967991	0.26133864583884	-0.60517220783097	0.64966027277129	-2.46496493316243	0.09603328683640	-0.34855531915902	-0.36252220585108	-1.00000000000000
+-1.20416251999306	-0.39487769606687	0.33433231448947	2.35600054745525	0.30854910955853	-1.02173072571500	0.02092594801862	0.06683284860518	-0.46078335050035	1.34335427092621	1.00000000000000
+0.54644004095870	-0.16813227186116	-1.31426842467050	1.12870294953089	-0.88523787853483	0.79485175608897	1.17961034398204	0.21468565979622	0.50905653679625	-1.00778715049611	-1.00000000000000
+-0.51425485151138	0.65748562722070	0.12423984393641	-1.30484353036820	0.19235423538307	-0.43709518170881	0.43695045981055	0.31248675902448	-0.52186072414382	-1.67572188425994	-1.00000000000000
+0.70276366923916	-0.54808107746611	0.19192686233005	-1.24251799178050	-0.01286133419362	0.45849276572078	-0.77203876105745	-0.11573442583388	-0.87795844526927	1.83429281342963	-1.00000000000000
+1.16489797649178	-0.27963669547155	-1.07095387772168	-0.31729598211798	-1.58734202358628	1.25114881756549	-0.86864931599921	-0.44155573503546	-0.96333556462854	-0.49969023613167	-1.00000000000000
+-0.66880455132196	-0.04003783786644	0.03995377986781	-0.82570431483011	-0.42603892423315	0.95401235338362	-1.41993551607057	0.99574188086110	-0.03191347844501	-0.31518461272931	-1.00000000000000
+-0.37133376248761	1.55887014752990	-0.12870090981912	-0.72059673350929	1.32799601383980	-2.55597720214846	0.80653207940035	0.98529856189308	-2.46432883882914	0.32247030563188	1.00000000000000
+0.66737024181997	1.52606744175986	1.18154769443059	0.43418951241615	-1.26545808885783	-0.51736273662465	-0.30769207736920	0.62052113018481	-1.00692330426008	1.82232461168492	1.00000000000000
+-0.21384474168867	2.00005342330688	-2.12969950430656	0.78542051417615	-0.08065255781221	1.25339728522201	-2.27952355498858	-1.35651114493139	0.36596566103420	0.07657842378419	1.00000000000000
+0.38142339713308	1.06104132347886	1.71396268880916	1.27552281522062	1.37089614161027	1.79527445251610	-0.04775269954335	-1.24439975425309	-0.33709213410037	0.32580292207378	1.00000000000000
+-1.20198475287740	0.56092767272118	-0.18978422965412	-1.43007137146762	-0.76386260670301	1.52683684694879	-1.01058035073231	0.05084932210449	1.18217996550793	-1.35208528078731	1.00000000000000
+0.42739239628738	0.33620774924167	-0.18699353364931	0.21060697184773	-0.85216286062825	1.08796836328621	-0.48213987465077	0.33639257247445	0.41487510904029	-0.07305441764871	-1.00000000000000
+-0.83534580204310	-0.00000604795555	-0.10723421479988	1.20565485893911	-0.80493648783903	1.03308605745108	0.92900183552575	0.52197840535017	1.00276695945461	-0.93249981007207	-1.00000000000000
+0.10104935924376	-0.28010781422739	0.40728335763637	0.14362970194114	0.18720073767047	-0.74835386542676	-0.50253135928098	0.94857728620543	-1.29324925923821	-0.39624065666107	-1.00000000000000
+-0.83193681556191	-0.44345426401742	0.00427782805880	-0.89171259736157	1.16232767655270	0.07605063547711	-0.34431530779612	0.67163924818777	0.42933414474913	-1.73128368576177	-1.00000000000000
+-0.88394693534782	-1.33223364709251	-0.56831125186728	0.03523930539176	-1.49480731227858	0.04753277200060	-1.57539881376251	1.12108860455748	-0.55820784308077	0.35062924018587	-1.00000000000000
+0.10398425177537	-1.21165112796390	-0.17604213490504	-0.18002581377261	-0.46173263711911	0.30206912151506	-0.72963344083073	1.90718077133953	-1.35307928008306	1.73611305800734	1.00000000000000
+3.23349052538117	0.92311693952842	1.03181107097983	0.09897986230008	-1.92749827743203	-0.89902650108947	-1.05375700078033	1.24737288260113	-0.73652939278793	0.45143464264115	1.00000000000000
+2.19996749891370	0.34801537673666	-1.80496003280994	0.39815949148015	-1.04125727070541	0.00403921380458	-1.10789173056870	0.86809955362137	-0.54939824676586	0.44267836010602	1.00000000000000
+-0.41056819981112	-1.73791974350646	-1.25095640636189	0.85013148489359	1.56943828633790	1.15150238886024	0.29986281937008	0.49668941231832	-1.08307805564978	-0.28511748210439	1.00000000000000
+0.08683348754190	-0.77853117604259	-0.07210972390376	-0.01739751096537	-1.12969438628045	0.76542595949481	-1.41633144042598	-0.15004444848905	0.42274789764810	-0.65472178027847	-1.00000000000000
+2.95385487048366	-0.23655912941929	0.36821700351720	-0.53521560188047	-0.59157305811355	-0.96257508961981	-0.79516893920958	0.29971000110076	0.24112911506201	-0.20416276181378	1.00000000000000
+0.16685103242628	-0.24738017835767	-2.33887390960224	0.13893729827887	-1.01506259309847	-0.90434520324324	-0.16028098101477	1.24797844724608	-0.44694756595184	-0.54859508894262	1.00000000000000
+-1.00964433736264	1.04435865270259	0.38626065112128	0.33251394328391	-0.77615202434524	-0.25916653295864	1.45339277931270	1.49921389392567	1.23805606643583	-1.57583742405324	1.00000000000000
+0.12707141582754	-0.26668556685797	-0.99165460541758	-0.19516025332026	0.55763107941327	0.19717317666672	0.12598646756636	3.01947216974978	-1.86575104859815	-0.60073333775320	1.00000000000000
+1.39356420104119	-0.73761398270784	-0.85280894939678	-0.08639612141412	0.75459245523672	0.23539879349995	0.59173437943156	-0.97307425669253	1.46109396521612	-1.61231330115657	1.00000000000000
+-1.18657842415028	-0.40270595447719	-0.41910460137372	-0.31994194616458	-0.65442851413515	0.38843140907227	0.89525624788375	0.57812348577826	-1.48425242861628	-0.50518691999794	-1.00000000000000
+-0.09674911216282	0.15068813068214	-2.26712647821911	-0.99497845056603	0.70109994473072	3.45276243039493	-0.90052028750369	-0.96127177202389	1.87532584336924	0.58712598288193	1.00000000000000
+0.50605531867923	0.72484899934656	0.81921625075701	-0.15208900329318	1.46039771771273	1.67197330200944	-0.26690623616907	1.98847235838111	0.43143273653306	0.89630258524116	1.00000000000000
+-2.00811390116321	-0.82705554676057	0.58421182400005	-1.54578731045775	-0.64918528144639	-0.68307329102834	0.76050206955409	0.91720422760321	-0.10987706369778	-0.00318686579047	1.00000000000000
+-0.09324317094656	0.76068762028654	0.45083163424889	1.06051650460082	-1.85965600392161	0.13209223131603	-0.84953121574822	-0.61870060866464	-0.96231057030330	0.32612813304450	-1.00000000000000
+1.83714160408225	1.12122745315204	2.06372916806754	1.05628152900606	0.69049755023096	-0.76307174534367	0.27400395449541	1.52467840019806	0.32093958582657	1.09651880797243	1.00000000000000
+0.09086266674323	1.07505242839560	1.11154190310801	-0.94781664608853	0.15798078047075	-0.30331974713296	-1.13042624277411	-0.11674214593120	-0.13789456776069	2.37864139458527	1.00000000000000
+0.62973905809421	0.92126670882108	-0.88482238184127	-1.87383092533783	-0.21789041850235	1.50369546141026	-0.84640882580244	-0.29045970711920	1.51949160869818	1.16585130000078	1.00000000000000
+0.71428554887149	0.64060836905163	1.29987526019372	-0.68201275709920	-0.96116362435751	1.73000943872744	-0.41815131236479	0.87353822999467	-1.62578813791424	0.59895664335032	1.00000000000000
+1.28203289002678	-0.59298335630324	-0.53578847620589	-0.33808795520920	-1.61684044853314	2.48098472605476	1.22471388659815	0.75614654082871	0.78189412402837	0.06445183567405	1.00000000000000
+1.36983845233662	2.33507083222940	-0.52039892399975	-0.18345566947296	-0.12814609548197	0.39933625533188	1.57006188525975	-0.87267312431432	-0.46011747775936	0.57646683324707	1.00000000000000
+-0.25457164482040	1.54193603355505	-2.74187261540599	-0.05679258258697	-1.02468892542611	0.17494923662814	-2.40944582199817	-0.29104385493388	0.63349726415829	0.19165916865408	1.00000000000000
+-1.02515848797827	-0.48163270367601	0.56640743158169	-0.48068658075685	0.29171144061981	0.11550033295136	-0.00889628690316	-0.91444832921372	0.88481441970211	-0.39576413223952	-1.00000000000000
+-0.88916485283508	-0.44162106927544	0.14086644444700	0.85245608390685	-0.55643014998340	-0.85964431919790	-3.16703833178858	0.78750015073669	-1.38386614635993	-1.48691428103988	1.00000000000000
+0.06829173523311	1.16164598803128	-0.04691961520751	1.13756988268440	-0.45442886382846	-0.59135445201415	0.80561974337710	-0.25149007633607	-1.02884044817300	1.77937770251496	-1.00000000000000
+-1.36726135129731	-1.01496793374672	0.78029585506757	-0.18875142570244	0.19274721029900	-1.18351292949820	-0.42767762724707	0.28674839698362	0.38665437972426	-0.89425038462667	-1.00000000000000
+0.88848414736306	0.82545151351552	0.72570271994241	-1.76619555644084	-0.02277533256593	-2.10244931070665	-1.06730516550011	1.52612343931288	-0.43039143077378	-0.50213854592007	1.00000000000000
+-1.23128341104623	1.31976705304913	0.08211643628938	-1.21867359015383	1.81605761796352	-2.30822186108726	-0.26622387002270	0.46796012025233	0.78844560625129	-0.85118390085441	1.00000000000000
+2.02050682138334	0.19768718936154	0.14970555417302	0.59427052756880	0.58522963137867	-0.48631945872894	1.40582511180736	2.00124829757263	1.11270428270288	0.52162878280851	1.00000000000000
+-0.18724723870742	1.59451013720024	-0.77529135686061	0.37844280904953	-1.61399578253328	0.67691242096088	-0.31138934675834	0.15462013305361	-0.36173907099892	0.16073485830624	-1.00000000000000
+-1.11744652685677	-0.24116882852598	-0.35318006177160	-2.25767576556150	-1.23906015262112	1.26942053119103	0.07630536661393	1.44712418872596	-1.09109072462626	0.74220687696178	1.00000000000000
+-0.33844931167799	0.77021993775799	-0.77814760777842	0.50404911057819	0.33265531757684	-1.14824767929181	1.77095036776483	0.20665619232424	-1.65558080740760	2.35863197505834	1.00000000000000
+1.17055193027931	1.77112084925515	0.70599751442648	-1.51594442204584	0.31192195435049	1.04370456209545	-0.45426647270060	0.18067839066085	-0.07794659514122	1.14349212039248	1.00000000000000
+-0.27663395913803	-0.44492128426575	1.46040628837832	-1.90990721270785	0.09839989369205	-0.32209324193067	-0.42135800171084	-1.66898488796110	1.03458707842433	-0.51128289415421	1.00000000000000
+-0.14830488917629	-1.91630412403759	-0.07246902063539	-0.92290533962353	-1.31229246781269	0.34919676672430	0.70601071142606	-0.68388741888225	1.03440981609508	-0.29740313334123	-1.00000000000000
+-0.83338643662546	-0.75215379089667	1.51627192705741	-0.64189231100331	0.74461068658035	0.82263398111610	1.17740258506642	-0.77716943740894	0.43213266354552	-0.54338340932011	-1.00000000000000
+-0.87407369251377	-0.91840587573540	1.48962696606878	0.56651701625504	0.82492228502752	0.18566544536196	0.79007796607082	0.32398698003135	0.72879656091441	0.16425340206427	-1.00000000000000
+-1.18119237989014	0.94811620919019	0.82432508898463	-0.70790403908462	-0.73075369546691	0.71445916742070	-0.71616976564538	-0.88392072650217	0.52254501963776	1.06926906152912	-1.00000000000000
+-0.56530315703361	0.27870977079125	-2.32613676750022	0.90914210336953	-0.99766199648936	0.95805300314772	-2.02908776381908	-0.92264457426240	1.28152739819331	-1.30239082384402	1.00000000000000
+0.33022765361095	-2.06247445079814	-0.98192175796728	-0.47460641534753	-0.40722879353630	-2.08363389194904	0.44289737592582	-1.82023259546027	1.40164107750557	0.03227764992717	1.00000000000000
+-0.12283082445891	0.25470481416675	0.04292211631321	-0.08506483731846	0.38809259464640	-1.91091454249690	-0.65842667804389	-1.46494440561169	-0.90848537144035	-1.28185912464607	-1.00000000000000
+0.42623114290364	0.20653728978546	-1.52523825601429	0.57599656928849	0.44777255276449	0.12715565804664	0.87221565488644	-0.07331061449109	0.86937046908685	-0.70651158341073	-1.00000000000000
+-0.42360744669161	0.48127443061144	-0.52334158816456	0.71217852462953	-0.87506064312296	2.41801346550782	-0.61593872535210	0.00756540528585	-0.29531395638872	0.28333822988457	-1.00000000000000
+-0.86612908760960	-0.59518662480928	0.38761402616146	-1.24817108848679	1.16016489486193	0.27665557790225	0.76617852212717	1.04426325579914	1.19160040712103	-1.18499040486842	-1.00000000000000
+-0.24879761853008	-0.65024574732262	0.56959752541802	1.63688196581736	-1.09894366888925	0.29107866462030	-1.07304950531942	-0.40178176516714	-0.07210172793662	-0.38930386920048	-1.00000000000000
+-0.36444213433485	-0.15223340507969	-0.15741638635298	1.33561123155548	-1.04648645624493	0.90480168383585	0.19366520137789	-0.19044898304771	0.42146816457092	0.24905384620419	-1.00000000000000
+-0.98194393161828	-0.84687349084835	-0.56690402674030	-1.12320367483595	-0.35090504698914	-0.94221191501376	-0.61381280166888	0.19668313421289	-0.18453712313499	1.31350423202145	-1.00000000000000
+0.02766013384441	-0.23527993421031	1.05203658573193	1.30924512428409	0.31393866620932	-1.46092363495127	-0.69258932731903	1.00074095587157	0.75061866453814	-0.48551262358073	-1.00000000000000
+2.13291207288823	1.47103359993486	0.53917530273410	-0.87190510376983	-0.49294776608450	-0.95492109705903	0.02670544843079	0.57125625610173	0.42598324576098	-1.17734159487183	1.00000000000000
+-0.00452332594073	0.27368284284440	0.87646120574019	-0.21365235926396	-1.00688602288510	-1.25965802947530	0.03793676459726	0.88207623703006	-1.26107695668836	0.99442706961304	-1.00000000000000
+-0.36447286760607	0.86459315002785	0.19797411999121	-0.07763880185520	-2.12191239359410	0.13426390081148	-0.22226732784832	0.12558866371726	-1.04328742474288	-0.38570912384397	-1.00000000000000
+2.34941209831862	1.49235332677646	1.46078681652858	-0.78078997173386	-0.53433579425951	0.47084171221058	-0.86312372450255	-0.14793144198354	-0.42796729401424	-1.32999055532666	1.00000000000000
+-0.14806728854956	-0.55296747388564	-0.07722798919865	1.78074844291598	0.21713866593319	-1.85785108262371	0.47810654821289	1.70562479205468	0.82798273049583	-2.12528029944738	1.00000000000000
+0.95182461935201	-1.38093947757695	1.12250364866560	-0.01473381667964	1.62863844840262	0.25802443033755	-0.72911909571675	-0.06783455900635	0.24558714779674	-0.51074541122505	-1.00000000000000
+0.34296487430648	1.88162849765199	-0.64853060179435	0.46980212026948	-1.46706234654016	-1.36654560678872	-0.33585342774442	0.51707314697413	-0.30322646458948	0.92954207422969	1.00000000000000
+-0.10542000957773	0.50724249186554	0.44785678844127	-0.17069789886219	0.30930833666852	-1.08164322836506	-0.42952507458148	-0.31691461290018	0.39984950653739	-0.19089539709541	-1.00000000000000
+2.27061493278527	-1.02406795656222	-0.65166923288741	-0.14940963159507	-0.29997256100575	-0.78545815975786	2.05265638014778	0.48195048647421	-0.90269743495367	-0.55260192359019	1.00000000000000
+0.73254684009442	0.30640093219140	1.28592620354777	-1.29811399400608	0.84656744295192	-0.94637643440976	-0.45996202751975	-0.37399978916520	-1.04406406625528	-1.44960110915354	-1.00000000000000
+-0.39585089993463	-0.33283580264886	0.28118559613852	-0.03935661221300	0.92611766699301	-0.50322992505523	-0.67958785409838	-1.24418463560808	-1.33238507681727	0.06978879334101	-1.00000000000000
+-0.12714223784320	-0.33422497833253	0.09707382931935	-1.70807241862529	-0.69192971609679	0.76147438563715	-0.95154691519728	-1.25590181315313	1.81570460853725	0.71243987330719	1.00000000000000
+-0.60910736960221	-1.24308440497085	2.19834450603345	0.24638936459390	0.25947480395179	-0.89951249457116	-0.63461555229668	0.91943269726508	1.78282352025089	1.91965044157891	1.00000000000000
+-0.07400518106875	-0.14714000793002	1.11204905543104	-0.80794243145966	0.20361096614004	0.92197338483560	-0.41520107508932	-0.61453450278340	0.41659678777591	-0.33294105731179	-1.00000000000000
+-1.32308497537952	-1.64955337368866	1.41315084781643	1.07749518509864	0.72989670588451	-2.29225998046564	1.83742642081500	0.78571534458358	-0.30302825175276	0.96972422646907	1.00000000000000
+-0.85890613868429	-0.25371125988961	0.17437050109820	1.72058295496292	-0.11955259643720	0.07504764928666	-0.88536123858925	-0.83018765468121	-1.16285879296810	-0.07901801596229	-1.00000000000000
+-0.33003001772348	-0.73443297417378	0.12822687669554	0.14876955790147	0.45559716550471	0.06319318156364	-1.00678980518862	-0.53593638745284	-0.02210997477174	2.73444033035647	1.00000000000000
+0.19544302336001	-0.60710480704835	-0.44179463298317	0.02445545449100	1.39175123844825	0.14640047420965	-0.15705029315721	1.28110686225824	0.31954048512724	-0.23306240338909	-1.00000000000000
+-1.89129842969582	1.16572878097508	-0.40044628092174	-0.64386183684354	-0.05401112629602	-0.31109421362247	-1.41294288960694	-2.33497652830615	-0.23149421281066	-0.45053865884389	1.00000000000000
+0.38894571730072	-1.04185187035797	1.45527247164192	1.04059111895561	-0.01936906793579	-0.71754819259163	1.55390861687097	-0.83673078005463	0.16028429435164	0.83050253201657	-1.00000000000000
+1.44560613801750	-0.22728198903601	0.00034195919204	-0.26717259140875	-0.49549472826934	1.05950152264935	-0.53624349659599	0.81853374315253	-1.82227308019529	-1.37705225695903	1.00000000000000
+0.17083351268737	0.29594706664385	0.25616723386967	-0.23557084160707	0.69966814955851	-1.71283541421515	-0.84924272129851	-0.13649664283807	0.24580364156567	1.42118328860674	-1.00000000000000
+0.30046006699312	-0.05175077275575	0.82086862999005	-0.45246172444196	-1.37726188220598	-0.70838551694307	0.05084769227419	1.42035560320779	1.92001090696588	-0.90668737109801	1.00000000000000
+0.10552370737512	-0.49164997310546	-1.11952779925625	0.33752287347098	-2.22660817221641	1.06623154317576	1.16514586163276	-0.82296775940187	0.40538194946899	-0.39619541066925	1.00000000000000
+0.45149488150107	-0.54805043510686	-0.28796058925570	-0.77083628591680	-0.55340261303823	0.81470329312624	0.10762843326160	-2.02540853052737	0.74324449566841	-1.47535937387086	-1.00000000000000
+-0.62030280282957	1.92969554428786	-1.66549857440445	-0.23151192367025	3.65299821296084	-1.26996622205635	0.44290495859112	-0.77113949257501	-0.79519323266805	0.60611388722327	1.00000000000000
+0.10868589514632	-1.24511764211833	1.35338463616824	-0.43930462504885	-0.29543920769071	1.20369218648741	-1.89711320473412	-0.92311847297756	-0.67202846950859	2.21068627296742	1.00000000000000
+0.51469872313177	-0.26641491701680	1.94626344593293	-0.35083931250571	-1.51831376295698	-0.02434144892841	0.08153745831941	0.26427970337037	0.62622815635799	0.34619106887479	-1.00000000000000
+-2.32899399083277	-0.39655562216715	1.04328517095071	-0.07886493530567	-0.03363505576908	-1.78618269616385	-0.56719494968019	0.48627442790751	0.95532841861065	-1.83206384844182	1.00000000000000
+0.50991269659281	-0.17527504793553	-1.23310580814387	-1.02996423837346	0.99143685535264	0.58464797128137	0.65551650756629	1.83494640816477	-0.36111154964604	-0.45168843754955	-1.00000000000000
+0.66864717309099	-0.71722503970689	1.04733639749152	-1.49218351332393	-0.80654134873875	-0.92232132632115	-2.00968090286570	-1.23854817029417	0.54676545420506	0.06804576248306	1.00000000000000
+-0.86022574850800	-1.25672610988674	-0.43546761135544	-0.38058261346326	-1.00558697113832	-0.23650105819241	1.05456345555406	-1.09153061718802	0.06296666467426	-1.86232603950269	1.00000000000000
+0.02424661471745	-1.16640251282842	-0.13244099284781	-0.03285647174238	-0.65208860887377	1.53194009429921	0.93023045175642	-0.96536443681157	-1.98729757203489	0.99530085634462	1.00000000000000
+-1.73227937937091	-1.47536573580765	1.25704306248523	-1.15753692714169	-0.05910724192313	-1.39488336819648	0.89509358774803	0.48894759799402	-0.50098833550754	1.20490505666512	1.00000000000000
+-1.02134881200137	0.43641191858466	-0.58958276694494	-1.16487546230068	-0.15765140696845	0.98304354103277	0.09411582458354	-0.97712611602469	-0.70395955224857	1.63534788556511	-1.00000000000000
+0.51665176638239	-0.32834029668684	-0.06588179106799	0.74010654449564	-1.23811919823801	-0.46006557202787	-1.40843909692268	-0.44891943362708	-0.11103199157185	0.59389661686246	-1.00000000000000
+0.49385855721479	1.99584261314982	0.18445592363941	0.94771211117239	-1.90126935483374	0.99479068189740	0.74379896239318	1.02232370439651	-0.01009016014637	-0.54932358754539	1.00000000000000
+1.92794972942696	-1.29155063623660	-0.84575692981493	0.37756875381482	0.87533056548476	-0.93059834139969	-1.81382472555012	-0.04868343269257	0.29537834912571	-0.56543389975953	1.00000000000000
+0.74222917326748	-0.43334247074950	0.54787051501162	-0.93758376859232	-1.20342989508924	0.46970127019795	1.20219909169808	-1.78477699620442	0.32680306836475	-0.31566756962544	-1.00000000000000
+2.01055711203731	0.68159000475232	-0.99381900445363	1.31191061364991	0.71664393535537	1.01411468736362	-0.60308585350185	-0.25122967770240	0.59501812356450	0.82766386453351	1.00000000000000
+0.68591102241662	-0.41509573519342	-2.15473276203686	-0.32554146314156	-1.55328988521406	-0.24203032501275	1.94421625036026	0.39781682529141	-0.60385405335329	0.53243269374483	1.00000000000000
+0.15119677440598	-0.18119809084757	-0.87559198162609	1.15869606914136	0.61010382834446	0.27417444904892	-1.98774461909656	-0.43854676821556	0.41112580658026	1.13802348308676	-1.00000000000000
+-0.93861364003534	0.39184538083939	1.04322545614025	1.57497755851990	1.40639222624848	1.26411974139376	-1.14598865179506	-2.58343352269373	1.11954184971560	0.64492507476784	1.00000000000000
+1.24422914565444	0.90651950747895	-0.71075177558234	-0.55163279461425	-0.47631127042959	-0.37348822376213	-0.66860241880332	-0.35088245320401	-0.56802733894023	0.16352415696086	-1.00000000000000
+0.98827017452331	1.89010150815926	0.40610279132210	0.07227606784929	0.48215111086692	-0.42969920656406	0.05195650766381	1.66649229006721	-1.69123896850512	0.41540749535510	1.00000000000000
+-1.06169569867338	0.07454493827192	1.16316275310909	1.72403267971169	0.37432956678511	0.94334518175454	-2.05394402577040	-0.14822084948382	-1.24536206414500	1.27678082875783	1.00000000000000
+-0.85462562466710	1.71521165099548	1.96095056265935	-2.45423665022232	0.47400684218508	0.72573267783031	0.14416334787927	-0.37179632152849	-0.51634891346069	-0.34872798773019	1.00000000000000
+-0.91704947178439	1.17797535680644	1.43430621578187	2.53274366682392	-0.64861346558980	-1.31714144695942	-1.97605814829997	-1.28448011791482	0.32313544046568	0.60951103778934	1.00000000000000
+0.03587583896432	0.05458704548632	0.84255987364818	-1.02649394927663	0.18860455811823	-0.52995746336468	-0.74763738191471	-0.84452993245784	0.30072238199459	0.06802740740732	-1.00000000000000
+1.86160286160901	0.42295182755574	-0.02654353463788	0.34309008683053	1.97665659206262	0.45586888025054	-0.62119054947480	-1.29180051614060	-2.03509814690013	0.20204453863956	1.00000000000000
+-1.16294940084102	0.36908015076990	1.62745142820779	0.47840052791133	-0.91300935490279	-0.95296303651387	-0.44989631567657	0.37276015501112	-0.65879928774774	0.29172257525411	-1.00000000000000
+-0.18745856651500	-1.70670068082539	1.20675639004820	-1.06374344505886	-1.16596895233516	0.64243573008210	-0.00625966127120	0.31664749521862	-1.37326125619477	0.23352343911489	1.00000000000000
+-1.35466549696954	1.49982441305693	-1.47400279368802	0.26062428306535	1.25980180941420	1.51989868766439	0.23561302144189	0.63232151932963	1.05180429326024	-0.57405685304126	1.00000000000000
+-2.13107506440211	0.60369590107425	0.55493908753430	0.01276105606450	-0.76542091280381	0.93777914200418	1.96114704489019	1.77008212697416	2.51439643897321	-0.04505014294494	1.00000000000000
+-0.64947841946952	0.81146648890879	1.00504046977526	-0.56486412956652	0.12087134880653	0.61517821289254	-1.73017682677335	-0.01149959796930	0.89432904245066	-0.24719152623186	-1.00000000000000
+0.80023182510491	-0.31646182190647	-0.60137162517757	0.08997039809032	1.24182607963836	0.48307018873187	-0.40336699311575	-1.51161852097353	-0.67940178022032	-0.61507143010488	-1.00000000000000
+-0.28832401287533	0.18998118249064	-0.07216195782325	-0.13586265914797	-0.42726687118728	1.15382983544275	-0.97366047031769	-0.57063128111596	-0.47436685436344	-0.44411342243672	-1.00000000000000
+1.47511710591420	-1.01580737539561	1.61008817054877	-0.91216951218895	-0.93883490351719	0.01196040985303	-1.69148462945295	-0.36623012440659	-0.26809666341614	-0.76841740884028	1.00000000000000
+1.17776583065843	1.29506929772773	0.60072359988536	-0.34821912275792	-0.14796334389345	1.51591025665121	0.72648459894259	1.75907831166519	0.96284373036026	1.64031900686312	1.00000000000000
+-0.87110437448704	0.99027873681639	0.02545436498914	0.77086580776161	0.94090642743937	0.48381685742838	-1.51862157478204	-2.10700406244542	1.17252584943633	0.22215068240207	1.00000000000000
+0.50202156158789	0.56019110711024	-2.11517142140182	0.32388638031024	0.02529614442150	1.77155311994385	-0.10285138898022	-0.40578440917173	-0.41102617296394	0.25725167116811	-1.00000000000000
+0.17507753691620	-0.37389961123259	0.87744958220349	-0.70477832105944	-0.25558956537367	-0.54238208673618	0.43851713680185	-0.01500099485246	-0.34576852489913	-0.54497435025421	-1.00000000000000
+-1.28456288363077	-0.71604307974165	0.10917657918155	-0.24361657094824	1.98009538397128	0.65123981693873	0.66119062020330	0.52536777958303	-1.57259116369687	0.83120304300792	1.00000000000000
+-1.07008272832705	-1.41565641329857	0.18962995177171	-3.03668554084404	0.01812210583059	1.38041863313994	0.21499994085304	-1.30123391833690	0.46794116039346	-2.61639368246387	1.00000000000000
+0.51550913980927	1.47002925537068	0.72570792111662	-0.79310530453322	-0.20875877898309	-0.72597931960438	0.79582486278719	-0.02208141334128	-0.39556767224633	0.14146997748698	-1.00000000000000
+1.41468204863674	0.58483077695004	-0.86140252375818	-0.49005648546667	-1.23484895548494	1.92127303831968	-0.25102489010681	-1.10802913656796	-0.00037564258212	0.82988298630533	1.00000000000000
+0.22887940820521	-1.50507586018997	0.94645534128941	-1.08154748831073	2.26497018716398	0.02155529695616	-1.19916393657376	0.40486589658534	-0.30345070235045	-0.07181252022439	1.00000000000000
+-0.45590205894386	0.27721877187362	0.85329362975252	-0.61070356315065	1.12891914150854	-0.43694774647634	-1.49769043686459	0.97246736892417	0.94917008138015	0.69198261591961	-1.00000000000000
+-0.92486510644551	-0.09759261937151	1.10280555627464	1.14347765491377	0.70423789982982	-2.90666766575400	-0.86844581256307	0.81707462409477	1.23165377203683	-1.42188198422177	1.00000000000000
+-0.05717192557242	-0.01149003056542	-1.34289375562242	-0.06525750124831	0.91281124335010	-0.12193758530370	1.46836260855346	0.58134424677984	-0.38662750313374	2.36934430726783	1.00000000000000
+-0.73366943497496	0.69563128646634	-0.80175848695208	-0.38546418451908	-0.21210807089543	-0.96281947870714	-0.39780468505914	-0.00771991215091	-0.66737664461011	1.60718349964355	-1.00000000000000
+0.67007263816738	0.36031820251401	0.26469172867487	0.91856051582880	1.77434243841591	-0.52729857866484	-0.65146945279561	-0.35049096246905	-0.51987832434435	-0.97502667630696	-1.00000000000000
+-0.41574678557867	-0.13684257591186	2.21214380129094	-0.76417859873173	-0.25963008123456	-0.08692250441975	0.49617664962816	-0.08646137003868	-0.01877343984552	-0.84075618604432	-1.00000000000000
+0.08552561971412	1.34655250263673	-1.11714561976401	1.67880385763556	0.74629548541392	-1.00076218740713	-0.68215125545983	2.30857486686346	-0.45239286579261	-0.26280748304593	1.00000000000000
+0.66353421409316	-1.66804470110106	0.24801474185920	2.05886720417044	-0.64378170167726	1.36092599189057	0.37888759240620	0.10022141244178	-0.59663273505746	0.32411226912540	1.00000000000000
+-1.78264575248051	0.06444914361895	0.78126825616010	0.64900231719637	-1.38824510334291	0.36840331796511	0.07205309270785	-0.43406454184967	-1.05544224283835	-1.16233158406656	-1.00000000000000
+-0.16664859911263	-0.55911183204292	0.83919276285871	-1.45532933911435	-0.28240442781458	-0.24180013501118	-0.09884083493982	0.35261643309913	1.95573304742463	-0.22315864928828	-1.00000000000000
+1.45735096359256	-0.00992371479578	-0.50298573372540	0.08507295191331	-0.69377205783573	2.58893938740559	-1.86424836824830	0.10868944908005	-1.13852120300427	0.78554490395150	1.00000000000000
+1.28488797587754	-1.61958350351189	-0.86991207768131	-0.95732179493181	0.58978662820009	-0.68923594006784	-0.12665619849200	0.21624854813389	-0.71682422336340	0.38223402171475	-1.00000000000000
+-0.47898196711140	-1.65358629757010	0.13513667261797	-0.92467335250147	1.07511601604145	-1.88499567722921	0.42453953514637	1.69593538736954	-0.55643771615279	-0.90087418641378	1.00000000000000
+-0.52506842509215	-1.39446627454889	-0.13705867754480	-1.98142321364898	1.51741969253158	0.04198949708773	0.46527303221966	-1.18132532734029	-0.76540808154670	1.20404119523376	1.00000000000000
+-0.05440162687050	-1.36009865699576	-0.11348728809787	-0.46465141068844	0.21315668299977	1.74670586077891	-0.05671177586770	0.61452302117251	0.33427553405759	-0.87418466556537	-1.00000000000000
+-1.12187536111336	1.27233970522404	0.02207690194868	-2.69879659279357	-1.01488088376641	0.80980576247913	-0.91759223540749	-0.13948194296510	0.20262802626741	-0.73482453203294	1.00000000000000
+-0.73110033872737	1.38850832841665	-1.06975037628970	-0.77287233714083	0.74522123390376	0.97618511052343	0.85380240466857	-1.29069977919794	0.09659971784936	-0.32976544010882	-1.00000000000000
+0.27965268585234	0.22797178499121	0.42609090832947	-0.39661601722291	0.95942791090594	0.95187792573505	-1.43952685846787	0.36327176115672	0.63829778769935	0.87505296625022	-1.00000000000000
+0.36862507482613	-0.18873032496165	-0.88391182284634	0.75421748381510	0.46126149479639	-1.03943124428842	-0.23051580852690	0.15951722835273	0.89634228269540	-0.30464261948865	-1.00000000000000
+0.95525773437592	-0.35137730187705	-0.85182849105365	0.31103869358318	0.60271396710757	0.21337583660795	-0.75568501979643	-1.65452759184953	0.33328261757290	0.88255627860402	-1.00000000000000
+-0.00770241159900	1.17746959094497	-0.62391260280086	-0.20181925375853	-3.03613655726309	-0.02459262415402	-1.72964871107318	-1.06441568648757	-0.07320593457655	-0.98504290146646	1.00000000000000
+0.07197174616826	-0.91839170564487	-1.15903669524566	1.79553844617235	-1.41898876279287	0.00578652483534	1.35601683805277	-0.01756142990500	-1.38650840292401	0.54421460881199	1.00000000000000
+0.52357595619999	0.99270546936013	-0.80501451249737	0.88238231385558	1.09566488670117	-1.69131833681254	-0.26076928099355	0.14090644428503	-0.08881012421276	0.35254418859648	-1.00000000000000
+2.04340007777563	-0.04507881496751	-1.53346103916025	-0.32437982263816	-0.09301049009773	-0.44626033999079	0.03421150099676	1.35137595126102	-0.35719328698764	0.46205682714651	-1.00000000000000
+1.15546271788771	-0.85122284693217	0.77917805645530	-0.66829533808841	-1.29958985289279	1.32996520702021	2.17659319031998	-0.18616674706651	-1.45857419404436	1.24915294083315	1.00000000000000
+2.22633097143866	0.29630989277669	-0.08229292376256	-1.21150201659311	0.70289071076096	0.46760396035573	1.60031077770507	0.66206468087568	1.16403936280290	0.20906084133699	1.00000000000000
+-1.58620428830592	-0.22789075959719	-0.93499359720189	-0.98483402103377	0.61167705470597	0.14689586968887	-1.30721329525404	-0.00084943406352	0.19207559625864	-1.44046089701012	-1.00000000000000
+0.00040848977104	0.41011793625393	0.17348864608633	0.01671433869495	1.50707548436223	0.79419676482131	-0.06238389286463	-1.01169659252356	-0.06232516632808	-0.85223097168473	-1.00000000000000
+0.65200536150037	-2.64036118055439	-1.34443966026249	-0.55048709396122	0.75129359965105	1.34749253544495	1.54111609915934	0.45383836446812	-1.75814973828506	-0.76757216304536	1.00000000000000
+-0.65822904709722	0.67053269353879	-1.45423283252511	2.12867558839598	-0.67517943849910	1.80858118516760	1.43809111926807	0.09664129868881	0.01962837815459	-0.93554453586686	1.00000000000000
+-2.30725770858401	0.83401287379703	0.75558653995236	-2.88624826695012	0.22647338048485	0.26799272679388	-1.10664677004108	1.79151085388296	-1.18132561687384	0.60587481102261	1.00000000000000
+-0.24401329330912	1.64530366395937	0.50936543370403	1.82762481839150	-0.81702903120509	0.08463856204663	0.33761425080931	0.16191155020395	-0.25897431703526	0.19020541201531	-1.00000000000000
+-0.24284775688555	0.96286328580230	-0.81255921501721	0.48009743478788	0.32486715927550	0.36787163372814	0.93202149397678	0.40839419468010	-1.20445709627609	0.38053687476513	-1.00000000000000
+-1.19622398357576	0.17782938427517	1.35189064018394	-1.99146899765080	-0.73016264855866	-0.29605216695451	1.21852440214926	0.51316627495991	0.39519029451808	-1.33658825588081	1.00000000000000
+-0.64062399108427	1.02990429047553	-1.04562184587030	-0.80299086918734	0.67321869859097	-0.40793322534271	0.44860281741768	1.59815100902088	-0.12843756790294	-0.20053439700103	-1.00000000000000
+-0.88512584972432	-0.90185418595920	0.02123379364479	-0.34432915037009	-0.31905708024624	-0.90961036172935	-1.61726328119741	1.27677685835686	-0.42235742642497	1.26060677797788	-1.00000000000000
+0.18349635314643	-0.51420717608744	0.84862811598900	0.76258486885477	-2.15663081219687	0.72500193530542	-0.20811620590595	0.84367968455666	1.66353401451966	1.29726708120931	1.00000000000000
+-0.38710513238475	-0.57803287431021	1.36519146776553	-0.09118558329425	-1.86275834607749	1.42744956898039	-0.36949066942945	0.23424049048665	-1.20347488819514	-0.35775922305895	1.00000000000000
+-0.96729002574782	-0.24023738322698	-0.48033193687913	0.53616852758661	2.11813101045988	-0.44000462872086	-2.54470562538033	-0.15482144169228	-0.38692318635001	0.88531263391132	1.00000000000000
+0.28758386424593	-0.17136719730982	1.46105184160025	1.50418945423061	-0.57060875487206	-2.04356956090128	-1.22143927509906	-1.93142718228164	-0.27606039854262	-0.17392446528435	1.00000000000000
+0.61300746729366	0.28461867905874	0.43130070935060	-0.25830569135132	-0.63071546721742	-0.00489058969528	0.12827958953523	-0.65676461508464	-1.11647302369607	0.45564221270644	-1.00000000000000
+-0.96607281838009	0.51867052045586	-0.74274176757879	1.09564455983753	-0.45244574521272	0.66764059433779	0.71422314569285	0.73134689483080	1.18875606850294	-1.10951440790438	-1.00000000000000
+1.17754292459439	0.12432804830522	1.12451171448854	-0.28598193207494	-0.99902943181207	-0.35712643547033	0.17077051116330	-0.22068849321731	1.21385118113515	-0.87665700510719	-1.00000000000000
+1.10038362876522	-1.87120339558104	0.70117447262834	-0.54406758400709	-1.51628491741398	-0.68306918052140	3.08325614769047	-1.21488486946469	-1.83736837807914	-0.54945884912823	1.00000000000000
+-0.81610360922463	1.35645621050491	0.76815848255633	-1.19659244847961	0.26202461800659	-0.76802972494616	-0.85025683361695	-0.18003532589479	0.24668165768573	-0.27202317406184	-1.00000000000000
+-0.48191994733060	0.14384344251236	-1.03760730741999	0.87542962071313	-1.28346625751753	-0.13640447797523	-0.77029709407913	0.03703213865616	-0.48527978467923	0.12054237735675	-1.00000000000000
+-0.51740206421568	0.83654534442748	0.87131891495549	-1.63528973113117	0.73657359473445	1.08868277965604	-0.31448170425017	-0.45942798833909	0.07623096961955	2.29293253919254	1.00000000000000
+-0.31670748568554	1.38093772360673	-1.46399727809233	0.58476486692164	0.25579219433771	-0.22603746950446	0.29896287030726	0.04597957104201	-0.09177932428595	0.90780978937071	-1.00000000000000
+-0.63254446185384	-1.39861254459184	-0.78969625632714	0.36877073908135	-0.37694983751064	0.24764088915190	0.00503070419448	1.09617921249147	0.86196203400775	-1.11940485235646	-1.00000000000000
+0.96368305166220	-0.45130088387778	0.67027702277726	0.28720025279403	0.21595220224656	1.38980478234007	-0.59291739425177	-0.02512178261206	-0.51243398960207	-0.21414227922455	-1.00000000000000
+0.60757805769322	-0.29323758149842	2.55635708263923	0.10307993492010	-0.17485784907541	0.43154617393316	-2.12790810869187	0.00863947204511	1.14320032374061	0.21738988292944	1.00000000000000
+0.90366821749632	-0.97139696892558	0.52559290700984	-0.25241151962529	0.05794905909064	0.55368117973533	1.84626657309646	0.76855633345350	0.34233577297029	-0.23564897199143	-1.00000000000000
+1.09661420752273	-1.85434199481578	1.11583883017327	1.16377614912506	0.98089722516596	0.47468465060683	-0.01860680397684	0.93341597403645	1.24688472287713	-0.37235324154474	1.00000000000000
+-1.23252307628341	-0.34183712575709	-0.23420070874054	0.66175472351708	0.85389258563436	-0.66168928442543	0.13084227772576	0.76606042947393	-2.18893961680098	-0.48934941437940	-1.00000000000000
+1.09875786454311	0.90175745222026	0.35381580860877	-0.84403179286168	-2.42777726065844	-0.01396047131920	1.42145054419476	1.09319350797007	0.44948828378552	-0.74916624828576	1.00000000000000
+0.06428674449484	0.53049068227751	-1.84517413780274	-0.97762484741223	1.63006577017930	1.23061621403696	-0.95735738981240	-0.20199979598614	-0.16030848345508	1.52295094013499	1.00000000000000
+1.10973292154407	0.27874268931702	-0.36623544007164	-1.65770816151982	-2.60825353321551	0.37554832734286	0.68529504561838	-1.60170180910691	-1.49911812257541	-0.86145105115387	1.00000000000000
+-0.58952872293892	-0.25996825049087	-1.57551699956584	-0.20317502387612	-1.49503040682298	-0.18086250336943	0.03331669378897	-0.63036821032693	-0.48209814466083	1.04911260809273	-1.00000000000000
+-0.22002168915030	0.64588710844548	1.69016835139982	0.63827682022139	0.00294586193221	-0.60708517008289	-0.98394402521665	-0.28263076609654	-0.98801339870856	1.04608985155781	-1.00000000000000
+0.09655529933823	0.69575143372837	-0.93128415552393	1.40595247259439	0.43000981301478	0.62564574182937	-0.40459053301801	0.81290699216820	0.32044660068530	-0.53482809454595	-1.00000000000000
+-2.32865709245962	1.24452659198956	-0.26549158451731	-2.08743231901315	0.61709852522446	-1.07582179553902	0.99475567505291	-0.05898852772099	0.16611269512979	1.76524192339633	1.00000000000000
+-0.91200913755727	-1.03412845112192	-0.12707002548200	1.01326837411752	-1.04910096165712	2.37635199897690	1.23906012667065	0.02350768689993	1.20390073876551	-0.91561364848605	1.00000000000000
+-1.36276239318745	0.06221478856483	0.16248465130816	-1.01685878598855	1.69069906248193	-0.69991361288163	1.44145045368184	0.79789458220764	0.52388030555005	0.14668488127183	-1.00000000000000
+1.80434466700615	-1.44261095296363	-2.24271205322863	-0.00248664655235	-0.17322981250912	-0.14277910810273	-0.27856868514857	0.69723165336578	0.67653585394560	1.15901410804899	1.00000000000000
+1.08373392024573	-1.72746219542730	-1.60147027908580	1.38561426758877	-1.16434618276454	0.74641378485537	0.43423524276469	0.30508222398677	1.27261342924009	0.33233675914612	1.00000000000000
+-0.64433209716425	-1.38474892877953	1.23724527895747	0.88352080848838	-0.64121530878523	-2.12656761970298	2.15775406446216	1.64008532279682	-1.09726287612716	0.64403929019513	1.00000000000000
+-0.56880996648752	-1.25597937452578	2.23567817742812	-0.21984999448524	0.00472935509836	-0.20465926381514	-0.66793386933124	0.04793515186491	0.99544646545603	-0.46615806532493	-1.00000000000000
+0.16158602302600	-0.93700187668539	1.01225216516118	0.23705037823608	-1.60707030351745	0.28025953617956	1.08125249412555	-0.86259304623793	1.56344494241600	-0.26525883093868	-1.00000000000000
+-1.08750436444187	-0.33999177283107	0.81461109198320	0.20751572119349	1.94272982121300	-0.04705995562731	0.00514161278241	-0.45265034887573	1.51171276640125	1.92848596285654	1.00000000000000
+0.07792380479805	-0.36657208769627	-0.26161096698065	-1.93913025223049	-0.84718356136189	-1.36466326954974	-1.55808859387324	1.96065939807641	-0.77080472026247	-0.03802067416426	1.00000000000000
+0.90790066979232	-0.94095840788984	0.68858698273974	-3.65292589678938	2.43166778790472	-0.60616532519189	-1.43269011287002	-0.44562413204983	0.35640976049114	-0.65307149233223	1.00000000000000
+0.75871947562708	-0.15868267626608	0.38282593954076	0.78895391715139	-1.10371773580226	0.88410501509556	-0.11274280777405	-1.92761626198942	-0.54154772675737	1.56407109201500	1.00000000000000
+-2.90489262213987	1.06293770362601	1.70555428199828	1.95623539976459	-1.80763139854241	-0.10604813901890	0.29487569191516	-1.62535582420700	-0.44844048154656	0.55349501110349	1.00000000000000
+-0.64275834602016	-0.15283296080598	-0.06949142581450	1.64413061404311	0.72926145896083	-0.37633156831855	-1.72826075233641	-0.83821826386986	-2.58151633806349	-0.08144136314033	1.00000000000000
+-0.27140191583153	-0.26155263439406	-0.82152494327700	1.66380896392717	-0.62884714050543	-0.83018558122869	-0.87602455310359	-0.76805575564875	1.65360058022750	1.04735826832671	1.00000000000000
+0.94811329207264	2.54020130581205	1.67434636988561	-0.09382666488443	-0.41014300019287	0.05837332180020	0.46513511009342	-0.92376294258263	0.59173923001432	0.58418493955292	1.00000000000000
+0.22596240032964	0.63552307340960	-1.01735214745081	0.40626189278499	-0.62962943776866	-0.76150393844521	-0.41220904214484	-1.03015472755846	-0.27301348057364	-0.00967794818818	-1.00000000000000
+1.92606590326326	-1.73616097385241	1.83338897905363	1.03216929381553	0.35353222026430	-0.43198544182578	-0.30341644246517	0.09437054974750	0.66738134411011	0.23633151368145	1.00000000000000
+0.37772063916505	0.37358957944944	-0.43798520867596	-1.20059518984417	-1.33461920405004	0.07758942415930	-0.77554193267174	0.22891143648982	0.63509060522629	1.23636398865386	-1.00000000000000
+-1.56241656325279	-0.88429555169926	-1.19238399840882	-0.58345107623789	0.69226618670301	-0.56992544576592	-0.72990483280795	-0.25341228009286	1.12138566877565	2.80402487231189	1.00000000000000
+-0.63237168483988	0.95724186565197	-0.71155773757799	0.87272477872169	0.28172305919521	0.16410253957167	-0.98028498920000	-0.31957300964936	0.68969302425637	1.45701686758696	-1.00000000000000
+-1.78587540808471	0.75119162655882	-1.98172493130467	0.69475781568022	-0.91825847189227	-0.75924807795142	1.37243699094506	0.92838470254288	1.68421187895208	-0.35846242975649	1.00000000000000
+-0.38432085120841	2.00147410467383	0.22849183679768	0.02178274714710	0.07878408420514	-1.72101576665190	-0.13875347780460	-0.55438008101245	1.08461845192038	2.33976853781357	1.00000000000000
+0.02665974215876	-0.73346383902053	0.25168730385757	-0.39584799419828	1.54147191270620	0.87683151244873	0.39792135576035	-0.67327114410056	1.44751605769274	-0.14577955433313	-1.00000000000000
+0.78732923442733	-0.44370187217787	-1.84974297229008	0.72492399875817	-0.74754739126793	0.03318814457437	-2.19836373639951	2.17489808690499	0.45485063422549	-0.73110681916504	1.00000000000000
+-0.04115202085195	-0.56428921546403	0.09738324082342	-0.88163835301744	-0.18673304624695	-1.21834434472552	1.55278877047322	0.39903550992750	2.17164367700320	-1.13924984259939	1.00000000000000
+-0.15702425265503	-1.89544189222787	-1.31934489253216	-0.85641355563275	-0.40761670570301	0.00967492877632	1.07473085815395	1.45224076686033	0.84134935841081	1.50628708494893	1.00000000000000
+-0.28942973410982	0.62039756201263	-1.29642313145528	-0.02040360482023	-1.83842979019694	1.80441965423929	-0.14405647805430	-1.72476484058445	0.40524797127912	0.66332007153018	1.00000000000000
+-1.70553351832329	-0.30408754160264	0.80245586628279	-0.55470590171582	-0.05151892677378	1.01637364598014	-0.02344882548232	1.21287936964067	-0.85265188869903	-0.71850107936904	-1.00000000000000
+1.11521827980475	-0.08483438167017	-0.30392476543657	0.81566495987434	1.65288558787809	-1.12834927087468	-1.58872218576140	0.66704264433964	-0.16723944180929	0.67002510768060	1.00000000000000
+1.13785956710880	-0.53203252865605	0.08854770600178	0.03925052210499	-0.75959264477659	-0.98863540836737	0.56269998655479	-0.23589583655759	-0.84157833920828	0.62831031590197	-1.00000000000000
+-0.43366439223786	1.04660593941089	0.08486147541313	0.81909238541910	0.15911028786012	-0.24800661552999	0.88375569072272	-1.01622411009911	0.83459883276298	-1.24897303331633	-1.00000000000000
+-0.86312632522310	1.46020893030281	-0.22066260373319	-0.16357407310312	0.38393052749569	0.89923440808447	0.21216636354223	0.92859840284661	0.21898368238241	1.16777650061465	-1.00000000000000
+-0.50114163790937	-0.91440004159755	-0.75321216116473	0.30859722704732	-0.28795968641707	0.85471411769726	-0.31002202975816	-0.96368405308623	0.55777808210885	-0.12062287487709	-1.00000000000000
+0.56044512451961	-0.48341344098288	-0.19949585928190	-0.13864724694992	0.70716948276032	0.33222920345964	1.04710027905547	-0.98003693248056	-0.64029344410998	-1.44407908914034	-1.00000000000000
+-1.81871009708703	0.47753632357382	0.54336158930960	-0.49631610369068	-1.19667951219223	-1.36294302466603	-0.20566296715496	1.30311392625805	-0.76991355629057	0.05616025967497	1.00000000000000
+-0.33133459015954	-0.36257221225403	0.88004743576380	0.10716556567629	-1.46949648120907	0.12705367497247	0.00382338451658	0.70606297678716	1.07462671251347	1.11660169053935	-1.00000000000000
+-0.18768863667916	1.29631986561844	-0.08985748049697	0.17453133005717	0.83131585436563	0.35390669139205	-0.23812026560512	3.22548949898692	-0.79683301330735	-1.24203092147922	1.00000000000000
+1.28946269246613	1.88950014941120	-0.73185991838823	2.00168452113503	1.85776778459656	0.00915348784966	-0.16449093324183	0.48176254058136	-0.39533684668450	2.23146822054567	1.00000000000000
+-2.26534112350912	1.20339344376874	-0.46646881086410	-1.59198702002125	0.54345882981218	-0.77949112682801	0.38775391073060	1.13181274272515	1.56277482815325	-1.31897009061541	1.00000000000000
+-0.02226994984527	0.49915362575890	1.49184217464450	-0.58241100613998	0.49191450865943	0.46423468175548	0.52200040067658	-1.92097627409119	-0.02290149706586	-0.04942683592836	-1.00000000000000
+0.84419667499888	-1.38395479506509	-0.40943811460416	1.13469219043307	-1.06665136068974	-2.01709803588685	-0.21672930128851	0.58894654899208	-0.19742191702612	-0.01502258548969	1.00000000000000
+-1.33746667517014	1.36370569545240	0.39301999625975	-0.27778432177436	0.01455972060357	-0.38050573538975	-1.70281810621278	-0.83692997853850	-1.39075432527215	-1.77184844651568	1.00000000000000
+-1.74750315442344	0.12128394685555	-0.53550591468798	1.51013326101790	0.76006384701183	0.59440133796470	0.08476418586725	-1.10424129468048	0.57084525903593	-1.61930971751606	1.00000000000000
+0.50483230355692	1.00662262955713	-1.41914583084498	-0.33932100327523	0.33389322743693	1.01178473412544	-1.51393715373266	0.02107577749398	1.14503548444498	-0.87915857580828	-1.00000000000000
+0.43631480277620	-0.88077912799244	0.99568281071486	0.36224091177915	-0.33421231017554	1.01475672998604	-2.09396856185299	0.40992471595471	-0.05056227027755	-1.16251160750064	-1.00000000000000
+0.52323450037391	1.38767985294470	0.08490337924914	-1.01906048274421	-0.27055493810574	2.75099024859973	1.45584793852149	-0.84631641194328	0.45077605359529	0.63675330291010	1.00000000000000
+-1.22500629742993	-0.42691048375159	-2.37875685806099	1.25217449697332	0.97956394182204	-0.48025914395516	-0.31424084784445	-1.27286218071377	-0.95109084394620	0.41544929984174	1.00000000000000
+-1.02369449879596	-0.69247582012579	-0.33549913463668	-1.15534077358189	1.09100972776787	1.00508355149182	0.22731945406445	0.93178865550119	0.39612539734999	1.51811075684419	-1.00000000000000
+0.74525326319652	2.12567915387958	-0.40264249070341	0.16230193725292	-0.42060181128021	1.66964134663900	-0.94793868455458	1.46862465115385	0.82907269247116	0.27524612853122	1.00000000000000
+-0.29205399463624	-1.40436800573442	-0.77805404958366	0.76140857626663	-0.51755578207799	-1.20166407218503	-0.90876899734041	-0.39337606394982	1.01376184665873	0.30838915653301	-1.00000000000000
+-0.18346441698004	-0.17254661591712	-1.52385221083453	-0.07556973838160	-1.46902328708827	-0.60586949401609	-0.87727393893376	-0.87366266317128	-0.35179130294885	0.55196883625774	-1.00000000000000
+-0.56772180631909	-0.97905303722993	-0.22199532181639	-0.50803932930478	0.21948751444355	-1.70796859799323	0.31061556931863	-0.54596079335765	0.20917686226873	0.39415222562135	-1.00000000000000
+-0.16175974779719	0.97243260706180	-0.99024823956963	-0.07255000502064	-0.48878419973360	0.17156364366863	1.63805562504958	0.29045063347789	2.24867387018220	1.23069484669150	1.00000000000000
+-0.40322591781771	-0.23136517973278	1.30580300283337	-0.53723974018779	-1.43223446584898	-0.31204739423546	1.05077470353220	-0.16086717215428	0.07533781965369	-0.02822978206770	-1.00000000000000
+0.73739139903269	-0.41339617394983	-2.36897666597216	0.14750680475747	0.61536132144831	-0.77835471227806	-0.61638662736790	-0.10015368110245	-0.01730241887721	-1.16226986021951	-1.00000000000000
+1.55119204817838	2.19301511029172	0.16668016040563	1.00831083772339	-0.97309807756596	-1.88909014989090	0.32596095051214	-1.17435189794308	-0.24178856248440	0.54146656806128	1.00000000000000
+-0.00373730190109	1.16339762840360	-0.73917169592721	-0.77437657882348	0.34245756222244	0.12279182820986	-1.53584402911512	0.22063299075676	-0.87206598419551	0.95080929380690	-1.00000000000000
+-0.16536094830332	-2.84296644151469	-0.46151185421098	-0.57619649817833	0.67882384224240	-0.11273439174414	-0.12663871917411	-0.10762436764793	0.85127445137137	-0.87023435671461	1.00000000000000
+0.87507249419174	-0.95494974892438	-2.64500466412272	-1.25111824734064	0.68461190444133	1.93776624778009	-0.61394394882670	-1.19688003948030	-0.04820350004406	0.04505417540295	1.00000000000000
+-1.27874605061615	1.22759769155456	-1.14181956941748	0.31761458575747	-0.43423312547196	-0.01931489903190	0.00949588732171	-1.63432173740385	0.44397442189937	-0.10793192751349	-1.00000000000000
+0.30336356764258	-1.70614951470823	-1.61620136663315	-0.25605931546781	0.82485168495135	0.29133292953123	-0.07946681244411	-0.77162635613061	0.40682395725682	-0.50189365055796	-1.00000000000000
+1.97328011493364	0.04794839077121	0.20215797306065	-0.27939495904584	0.90109554062619	-0.19350953650100	0.63513825938963	-1.96380187657525	-0.03369712732916	-0.73348901074950	1.00000000000000
+-0.13906558739176	0.88143396678577	-0.31394396364484	-1.36392031897888	0.52799508577662	-1.26746721862881	-0.88164720978203	1.19340646988961	0.74386711409163	0.05437853827359	-1.00000000000000
+2.02776175257620	0.21146217153785	-0.33472500305272	0.01300575394360	0.16893403992527	-0.67575090039565	-1.38819750270838	1.23929234186838	-0.76510038946065	-1.31994063558862	1.00000000000000
+0.43667315190723	0.23870408050294	-0.31431069867762	1.24212733592081	1.79369281857840	1.26446563761777	-0.72970472320412	-1.54532220633365	1.69731886769208	3.25899980767633	1.00000000000000
+1.86013386047224	-0.52360606536389	1.21572774657561	0.13411517475609	-0.67417592504938	0.19611457662374	-0.35953165845178	0.13429848937786	1.20910952357030	-1.14825828039279	-1.00000000000000
+-0.07923933630700	-0.63756030244328	-0.95724850122310	-0.62490463839046	1.86550242084441	1.12397675695642	1.00735815734582	-0.29683228338873	-0.99437093439152	1.78429850705465	1.00000000000000
+-1.54420624633793	1.01757772429254	0.32820501512848	0.80777783791273	-0.21316833365078	1.23417821157390	0.99474559080475	1.45870409813717	1.08759505695924	-1.48090122460869	1.00000000000000
+1.23125753743174	0.41014161891107	-0.16986491171020	-0.84686790877442	-0.61763237150114	0.73301237676400	-0.43889246894102	0.48666306394672	-0.57302491001949	-0.82931347786687	-1.00000000000000
+-1.36617007425906	0.54540180137336	-1.46686219160290	0.52117931193178	1.68145710269870	-0.00398439415859	1.17901090993633	0.47360182758321	-0.18403190849496	0.61683576047771	1.00000000000000
+-0.75850738178408	0.47943334416058	0.85002274881450	0.21234755354574	-0.23256735450679	0.07817568681915	0.34986040363427	0.12180329858548	1.69506229545312	0.86774050119566	-1.00000000000000
+-0.50513827926982	-0.70612530452188	-0.23817009529748	0.73289847179424	-1.65221798143882	-1.25376638371997	-1.27953942106088	1.57393199701581	1.49291771270847	-0.21891310786516	1.00000000000000
+-0.32057220229688	-0.21956452315511	0.25871301336035	0.56981380674331	0.73588344381501	0.25250050166009	1.10249895022996	-0.44084824472208	-0.64808249731569	-0.01197388905890	-1.00000000000000
+1.27423187022654	-1.41638361413977	0.60650696144039	0.59450397862996	-0.14568574664539	-0.06152863601698	-0.25776376349436	-0.18470909387645	-0.82396153350130	-0.93702773626839	-1.00000000000000
+-0.99619743702043	1.36510399692615	-1.73127769000983	-1.30049646771237	-0.31644783239601	-0.70521729499935	1.18255255314220	-0.33749912766108	-0.86098498438138	-0.36490641917616	1.00000000000000
+-2.83604856093567	0.95466161355172	-0.52349285135527	-0.50848553206342	-0.75250208845240	0.15170739840444	-1.27234216601487	0.76412801185658	-0.49634094070245	0.01257273777366	1.00000000000000
+-0.67399140787266	1.03912170918946	1.30218905478004	1.19476717435679	0.88088237414541	0.42070073183856	-0.48045165104449	-1.62509101096729	-1.10777969560978	0.80050779377046	1.00000000000000
+-0.54646270288384	0.14009300490397	0.93610124735617	0.01664805470168	1.34131961256845	-0.01527859012888	0.67360254774912	-1.77977183738653	-0.66462221040712	1.72090718935305	1.00000000000000
+-1.01821607799887	-1.29333571505569	0.00555343059358	1.27336790936213	-1.30824415480949	1.16969525210257	0.75103091679226	1.01359143187074	0.93129696989541	-0.64713962324177	1.00000000000000
+-1.27612772973941	-0.69654692157906	0.23121732306722	-0.25535819775843	-0.26302084119967	-2.02374153239954	1.33670387208425	2.10706955382907	0.13974676611458	0.39412323511030	1.00000000000000
+0.71727161019959	0.40624999149290	0.12425436585332	0.08600505373018	-0.50582700687717	-2.19732255182867	-0.49198238140440	0.99442362955589	-1.80849118107920	-2.43196352474144	1.00000000000000
+0.08397636700205	0.76568547296064	1.48274112561305	-0.20681079656403	-0.44982485150463	0.60790513124494	1.27814744268813	-0.63363439715619	0.06183529528375	-0.61117922691793	-1.00000000000000
+-0.01028706826879	0.56718666977222	-1.16442574094249	0.85418027816178	-0.07078398768578	-1.03779802655011	1.09917998956022	-0.37649898394498	1.07967659945608	0.89734493977701	-1.00000000000000
+1.47176628560707	0.83347687769620	0.41831105755353	1.02862416405960	0.05704766725474	-1.89486736775965	0.81649010796959	0.11133525087308	0.02739123847375	-0.36927478195249	-1.00000000000000
+-1.36313238518234	0.19657319262275	-0.14647131938304	-1.91728102899295	-1.33561425870335	0.22631011874709	0.29104219458480	0.88148882885685	-0.62613042620640	0.85536595765835	1.00000000000000
+-0.80053429825388	0.30651916172206	1.20146974111545	-1.25660811975393	0.31721213086854	-1.14442574699808	-0.77892214145201	-0.21318137857946	-0.98625038279173	-0.80361878403995	-1.00000000000000
+0.56304117232004	-1.15368324006803	0.09768361355263	-0.18648485812193	0.09663390292108	0.64481850450856	-0.30135830955559	-0.29957063046768	0.36399979497198	0.42450743365339	-1.00000000000000
+0.11486256094263	-0.12008786706741	-0.34867518396611	0.97613580652571	-0.66936769931791	0.15217714549853	-0.06864515663500	0.04707432516959	-0.31661671878863	-1.58931568001015	-1.00000000000000
+0.89596366352450	-0.51847757872714	-1.36836539062277	0.95080118446669	-1.63528174731838	0.69388045493869	0.72138558960947	-0.16268621923448	1.06214409257279	-0.48563229400686	-1.00000000000000
+0.83275895561884	-0.41550480198138	-0.59525771071113	-0.18027731066322	-1.31388133387797	-0.86211826472606	0.17955801896165	-0.90959800896471	1.48381579797232	-0.16165290267026	-1.00000000000000
+-0.22750824697915	-0.81504990963665	0.00194957685861	1.25332299517206	0.73950814336135	0.61592477205759	0.54819598649399	0.13921833436045	-1.57710598747022	-0.09905789523268	-1.00000000000000
+-0.75809498549974	-0.40287326131712	0.21438039672980	0.31264082471200	0.25134173291711	0.42213335065716	1.14474987021837	-1.49230743453374	-1.11898657830436	-0.73620061024399	-1.00000000000000
+0.71557785641836	1.52616109272185	0.83373314304524	1.11757272851102	-1.94969303559329	2.70894554073319	-0.22417526416686	0.68775242386183	-1.22648517414737	0.06844885240423	1.00000000000000
+0.47000744854691	-1.30669412489707	0.56466658545696	-0.18779677587619	1.09133726468862	-0.43060815966493	-0.79897153142530	0.70707226749718	0.89146494458773	0.05877599707060	-1.00000000000000
+-0.48872329418779	0.84331908276242	-1.28227375885021	1.08954150726003	0.65533880366382	-1.52457726761145	0.92894582353759	1.90864105927194	-0.97569819904415	-0.31685968462227	1.00000000000000
+0.08982756779344	-0.92440693933531	1.88937108013994	1.27830692083276	-1.04896232529755	0.82507968734260	-0.63308620566163	0.06410296560768	0.43339330326517	0.47290624291979	-1.00000000000000
+0.48985066457479	-0.82398955837188	-0.04377811470636	-0.49150131194684	0.57523492534294	-1.18502172785864	-0.56009331661035	-1.34907479648715	-1.34349040395235	-0.40015930169844	-1.00000000000000
+1.71972620144762	0.26697379705930	-0.06791791318685	0.52644170543523	0.74242181701065	0.72573843628575	1.30963905593543	0.82789214183429	0.47987296378724	1.18017811553153	-1.00000000000000
+-0.18894035707489	0.52496251560941	-0.30478180270483	0.77772322322144	2.26176756067139	-0.01488495146628	-1.17771788286642	-0.24782381796953	-0.57165189957095	0.33347739226926	-1.00000000000000
+0.76141894632240	0.19813998258994	-1.39539764881816	1.13057232290055	-0.01436399400104	0.71169722323797	0.96404595042896	0.05987370074776	-0.15062660050896	0.04081499352324	-1.00000000000000
+-0.44004753618108	-1.20295613020756	0.35365157863023	-1.01157029583109	0.51629205738039	-1.66050062305911	-0.58024011984787	-0.73018870865790	0.84461135681119	-0.00878384665415	-1.00000000000000
+-0.20214152753019	0.12493616966634	-0.81536780360313	0.63161268513259	0.25041292521144	0.55647000926364	0.94951934679690	-1.89328344552393	0.76140990009171	0.64877355752784	-1.00000000000000
+-0.31882843467671	0.56892107158769	0.67633728644707	-1.40624832459787	0.37678087405753	0.79920066730298	-0.12030175878527	-1.56863869034603	-0.39995428126599	-0.57154487839265	-1.00000000000000
+-1.08704735305881	1.56578418532420	0.74391178450339	-0.38073560245446	0.67182011844865	0.41490267431874	1.46943907332917	3.34499523248101	-2.34578088918061	1.17661719781231	1.00000000000000
+0.57199701066653	-0.96728187727901	0.34707463788781	0.00050457542344	1.22960085419608	0.46678692043330	-0.18409723161141	-1.20068450808141	-0.06741259691955	0.81134340125242	-1.00000000000000
+0.67923598908703	0.78113509170175	-0.37410294612919	-0.77141963959214	0.04878017890662	-0.52600525792372	1.02653133079388	-0.19775581549977	-0.75361466877777	0.63493368849853	-1.00000000000000
+-0.47452483954394	-0.20595404290664	-0.99367965880227	-0.15219780045875	-1.05988506641653	-1.12106012249471	1.91792650204527	0.64126380238886	-1.80531694250291	1.34067962448250	1.00000000000000
+-0.24317289935275	-0.49892314477361	-0.35353193972851	0.38922899517146	-1.09633524018337	-0.91951848999298	-0.78941634955113	-0.15326471689958	1.71366806976169	1.75162335550724	-1.00000000000000
+-0.02313332278362	0.33296778124433	0.19731259173671	-0.58291357329297	-0.37023067176571	0.23967828635720	0.10642511082691	-0.79369334700886	0.34875455003689	-0.72029606887487	-1.00000000000000
+0.04661800586490	0.03145863281573	0.43554211614978	-0.90353057383506	-1.74853753349091	-0.39177610722675	1.46913791100009	-0.14953127271685	0.86304499606642	1.08430089075554	-1.00000000000000
+-0.20414460566329	2.46575107088774	-1.06423269216921	-0.74107086777155	1.73283348617032	-0.27679253989606	0.14265351979488	0.18643601623335	0.14253706834251	0.20287327738046	1.00000000000000
+-0.37193497512763	-1.28294284731613	1.31827513897518	0.62797888461022	0.81746720777934	-0.70951029802442	-0.63280330825622	0.86735800338341	1.13408582135854	0.31525267909644	-1.00000000000000
+-0.98431540669535	-1.37891693968741	1.19729870378646	-1.01863377189909	0.27266561316479	-1.78839223335913	-0.73988109039404	0.37935631808989	0.48505289509416	0.35370416588241	1.00000000000000
+-1.34654121429598	-1.17062035537873	1.23940418659928	0.51255534754276	-1.48073761895985	-0.34196530526076	1.04559119925620	-0.90124401745325	-0.37138431372868	-0.33146782940292	1.00000000000000
+-1.12216949685677	-0.66771310741328	0.19523620605950	-0.39944278031096	1.71543109545728	-2.72694286349434	-0.17644341873368	0.85036958392801	-0.67953876057981	0.52080747607318	1.00000000000000
+1.58115863468064	1.21832446851555	0.30348951991509	1.12411215247290	0.16389896785561	0.45648334493810	0.12908089757193	-1.04595157657611	0.39558709258443	0.32793885007623	-1.00000000000000
+0.48528376721019	-3.41491475258863	-0.66646746964192	-1.04312034910493	0.46840823371990	0.33557947906365	-1.41894976438095	-1.01261828262930	-0.66748510316964	0.37014637966692	1.00000000000000
+1.56390741001352	1.08591613368779	1.10279411595513	-0.20752768919372	-0.31708388808228	-0.76333264806708	-1.24811958453510	-0.88366054060081	1.25784838909144	1.72973013726923	1.00000000000000
+0.85164834021678	-0.21945989242947	-1.28849650376414	1.39160416250356	-0.38782252057132	-0.33165260893155	0.08140371941110	0.54480817813054	1.89545662750662	-0.00456525021806	-1.00000000000000
+-2.01095565138607	-0.16854016200660	0.46038535920274	1.66373929484825	1.33512686692339	-0.22017744194225	1.13806435217995	1.20438417032459	-1.55821197108300	-0.94203437804567	1.00000000000000
+1.28834411055487	0.20931714873481	-0.94554528041783	-0.61818988575226	1.53044988879599	1.95805409085158	0.40202542199395	-2.29382165892723	0.27647594750867	-0.42898178589393	1.00000000000000
+-0.59412962044917	-0.24376335384732	0.88571547570170	-0.34278970344752	-1.19270553899007	0.35695219695892	1.18886674198227	-0.39169320523469	-0.37596533945642	-0.73046586702655	-1.00000000000000
+-0.01338859516007	0.62457945894103	-0.11028443709976	0.27975443258073	-0.24753888987059	-0.94366400334728	-0.37047465478617	-0.35031678456318	1.58848044456245	2.37532493497586	1.00000000000000
+0.01100046757700	0.45208707333321	0.53812335950824	-0.98218522856786	0.77145213523037	-0.37520426928859	1.13528889144479	0.00333827857667	-1.34019584668222	0.77091420022053	-1.00000000000000
+-1.45353891128977	1.33317532804118	-0.95018680244642	0.03036922840521	0.71637135018680	0.39942203819891	-0.51358837137985	0.53152725189907	-1.51725887706999	1.78984262601253	1.00000000000000
+0.97620513821636	-0.92446003019679	-0.02570595502087	0.98626078894748	-0.53261975249943	1.09891105633400	-0.26177583190121	0.21639769971452	-0.80352191219067	-0.77137385041115	-1.00000000000000
+0.91248462273992	0.87552582565102	0.96322099116231	0.78023559191978	0.99405184057279	-0.38124042095717	-0.88284128121227	0.44465579813822	-2.16179325723354	-0.78998865240460	1.00000000000000
+-0.68865939256301	-1.63151882446459	0.57302363262708	-0.81729279222661	1.02008942461481	0.00385491344861	0.53853545983833	1.39125967631572	-0.31024853141903	1.88285797014084	1.00000000000000
+-0.61578164642414	0.19544075110152	1.15414968838331	0.16733065737810	-1.75002764611116	-0.18998412284374	-0.76460501163862	-0.44396074644540	-0.76418028985392	0.39571245077166	-1.00000000000000
+-0.45941307677718	0.22800159705394	0.16863003807060	-0.11661156324607	0.61031214775541	0.59436999596263	-0.43962149101821	0.21401193532791	1.29951450722832	-0.51402780484720	-1.00000000000000
+-1.78620757068884	0.05582927287961	0.22380354684554	-0.42375522351077	0.09219368496211	-0.81560266037859	0.40457525867990	-2.02913337414143	-0.71151700443514	-0.77284280525833	1.00000000000000
+1.05582007113566	0.15270181233828	-0.95747601050152	-0.26289036519438	-2.73841706046829	-2.38869756477658	1.83349921264615	1.19347044836684	-0.84443976204364	-0.91190319294864	1.00000000000000
+0.18280680584654	-1.91784463334943	-0.25414583030137	-2.28931526356039	0.10286821049747	0.32465737391977	-0.14139802216308	-1.43647661194985	-0.74416387400760	2.61258088467428	1.00000000000000
+-0.57330404393141	-0.81358953463071	1.18733468433800	1.10534920883222	-0.02982873306294	0.03404243181123	0.50321917312203	0.11921644360781	-1.56229485092958	-0.48250614956866	-1.00000000000000
+-0.87603632239677	-0.53067605129921	-0.75249368195191	-0.31234748504707	-0.66459534832243	-0.83057963396802	0.56307485829431	-1.13629995811706	-0.39513422469370	0.13724167794362	-1.00000000000000
+-0.95487669720266	-0.15391603467120	0.95607063442246	0.31824447230952	1.28439664075324	-0.26099691742728	1.14869629989190	-1.91467465566852	0.26249067954705	0.90394040058491	1.00000000000000
+-1.03834930934182	-0.47740944789094	1.29158926177825	-0.15213639346548	-1.12693599889549	-1.12933231779436	1.12792417435610	-0.60600822251316	-0.32552051096631	-0.68164245368302	-1.00000000000000
+0.74851144470535	0.39434796230762	0.27684228823963	0.33603782104616	1.25870233836488	0.83686009316612	-0.75595652784283	-0.00569621871926	-0.99707629863473	-0.36432353752841	-1.00000000000000
+1.21990420835389	-0.22829540128122	0.26059472653701	-1.08232566694976	0.56352720485824	0.96012938129902	-0.77496741458029	-0.96371903012960	1.53125690688742	0.21903545820739	-1.00000000000000
+-0.25189752132979	-2.10160323898058	-0.95638429507437	0.71082019673936	0.33451239136866	0.60330848295532	0.18291310777138	-1.73827228697518	1.54730704801255	0.67758485695086	1.00000000000000
+0.33697013281766	-1.24340878506089	-0.94919119159255	-1.02709169812573	1.41058203097803	1.07555342927446	1.10942375810375	1.59298653767273	-1.50946028267808	1.11985646859408	1.00000000000000
+-0.38602708089410	-0.62654416754012	1.96960204427637	2.08646576862708	-0.76456138026980	-0.06234453987970	-0.10878030110953	-0.03550893594848	1.19681140216312	-1.06001050296698	1.00000000000000
+-0.82451782172816	1.00113411198535	0.17369980579835	0.58376292811911	-1.40847490264127	-0.72346098839194	-1.15814708569498	-0.81816687776380	-0.50063692587804	1.39094007274288	-1.00000000000000
+-0.48943256811294	0.74471601756201	-1.75905982069080	-0.27696737152067	0.15832659604171	0.09105831267896	-0.36516816175700	0.84960219393990	0.41073764404344	-0.88282044872005	-1.00000000000000
+-0.55488892197798	1.09930619614164	0.57642609290569	-0.54124832045846	0.59958872343323	-2.52204148699295	0.98924139792555	-0.50648165080163	-0.79836136612129	1.29176889221324	1.00000000000000
+0.39000271659403	1.16411151395511	-1.16437187597179	2.33727082149937	0.51488168618261	-0.50234509445312	-0.75022056640515	-1.17759273238085	1.52307788048906	0.93514236745362	1.00000000000000
+2.06673444199362	1.40780495874497	0.34630174516703	-0.38042075297616	1.37814450818808	-0.98556194636817	1.72525678765130	-1.16695538211291	-1.82741016350892	1.22882437479368	1.00000000000000
+1.27213090323247	0.06236815840366	-0.70396793397978	1.47221860030150	-0.23503363336863	0.49533929155992	-0.67679800177713	0.46839879350758	-0.19089806925269	1.02620092163694	-1.00000000000000
+-0.45858025012672	0.75756920530549	1.64168638662493	0.98577886668498	1.46384341161495	1.54717688807715	1.07031548030681	-0.45567026810520	-1.83002176145559	0.09959039264101	1.00000000000000
+-0.20554066406790	-0.59966293625436	0.46836900814759	1.23341652884397	-0.89063991533676	1.59815856567377	-0.61451620649882	-0.86354562748712	0.80932707114719	0.34088816480662	-1.00000000000000
+0.82592690647102	-0.20936761036244	-0.02111562356674	1.55795178315357	-0.92813346398808	0.72660937581306	0.01212995735892	0.30394758096785	-1.96694881583709	-1.90687033387553	1.00000000000000
+0.07241588775284	-1.19005860158124	-1.08270745172251	0.69925323035606	0.50616150249503	0.24677501400891	0.18972882554040	-0.39903446346972	-0.49552986414532	-1.10365108147829	-1.00000000000000
+-0.21387619832071	-0.41829944918823	0.43353734001700	0.70281984367488	0.48251295745543	-0.03593317436391	0.68082699610291	-2.18913435058145	0.80134010099878	0.46894253924482	-1.00000000000000
+0.80626241385455	0.12821381135176	1.46182272381513	0.52682477838561	-0.20073418766153	-0.59003562267152	-0.17158775924321	-0.79057556984809	-0.38017327185029	0.43261086393604	-1.00000000000000
+-1.90063943469177	-1.58346907023774	-0.33163891266408	0.08796116448012	-0.35698704251822	-1.23247382013011	0.25545119737092	0.11103834533842	0.01697471131855	0.91685035480596	-1.00000000000000
+-0.75461799543265	1.30988762030801	0.69253189566739	0.58028704347576	1.19925361684892	-2.02383590047068	-1.23296874535747	0.27034527062746	-1.07148056187547	-1.50497290868009	1.00000000000000
+1.16578191422445	-0.34574860423839	2.18411659985633	0.41293113970345	1.22998440678420	-0.19958547012463	-0.87319953719129	-0.40444824666779	0.21978106848516	-0.37073540910026	-1.00000000000000
+1.87421868729956	1.61426878638778	-1.75461813792743	0.47116833448867	-0.25303554180757	0.15474024392443	-0.08362076824741	1.41930691787967	0.03503847531398	-0.68390222840541	1.00000000000000
+0.68545679474037	1.01702939722616	-0.75021612804966	-0.07312821161854	-0.08608375790764	1.76977478786529	-0.53622552049745	1.12102903221677	0.41174848248092	0.97391567166753	-1.00000000000000
+-1.27678481591226	1.05376127337428	-0.61113931342324	-1.16532262098546	-0.37790048642144	0.47638797438185	0.19042471957798	0.97313006834423	0.62866148928241	0.02876517571762	-1.00000000000000
+-0.09286925692149	-0.00259200457759	-1.18811131104667	0.74100780665898	-0.17572739497384	-0.09783273166316	0.00402396625814	0.68288165894192	0.83421610331049	-2.65994703577830	1.00000000000000
+-0.81154951483964	0.47373254357720	0.79696454633184	-0.10618570595198	0.05556014470418	-1.48396509518504	-0.48680284770902	-2.01875224741425	2.15530865084117	-1.26145767110815	1.00000000000000
+0.41582186616034	0.58990300698335	-2.26473080551480	-0.48387756611819	-0.62827987144116	0.47542398367302	-1.69252464296816	-0.61430181664607	1.42362964267546	-0.85256643189178	1.00000000000000
+-0.24022861271957	1.29306208888567	0.54367640655206	0.46025839369913	2.29030348408269	2.04963345565755	0.63982139317619	-0.49124604453927	0.22427611079279	0.35799318136345	1.00000000000000
+0.08128086948458	0.68481313126460	-1.34448993084887	0.47907145791583	-1.46543037688374	-0.38844355353681	-1.59266819872812	1.19721942095795	1.37045864856061	-0.07345601709965	1.00000000000000
+-0.76389635509486	0.23005684518101	1.29292348219853	0.49835061223546	0.10662372107455	-0.06373626673682	-0.48873940543336	-0.09665562047894	-1.92897019353188	0.91306800615379	-1.00000000000000
+1.13609787232676	0.65944318622592	0.65720217146853	1.21991760355225	-0.62798228993590	1.45575445561058	1.24449541816455	0.16352641504652	0.47038439127303	-0.37386494355232	-1.00000000000000
+-0.82720043274771	-2.74071899304351	0.57583491906272	-0.64237000855893	-0.99203109166537	-1.00875061893017	-0.65742316334426	-1.10903587225892	-1.16041169103614	-0.89709261173931	1.00000000000000
+-0.42502330816582	0.95421308735782	-0.61750866538742	0.39829502031561	0.31515566604828	1.14967453992840	0.83797310497930	-0.30522455733017	-1.06049483947207	0.01265746531066	-1.00000000000000
+-1.02929244445345	0.27353262366020	1.60294135300141	-1.00821195199987	0.43567997553056	0.77863290242780	1.31741672731160	-0.11694599886229	-0.55792073995961	0.29050901016478	-1.00000000000000
+-1.09318567108839	0.12276254970731	1.01486028420535	0.39294674726972	1.21681259178843	1.49119901422466	-1.09147828017247	-0.85934663302761	-1.27588471004118	0.39884568065236	1.00000000000000
+0.57346152014376	0.68520421244549	0.73719261618092	-0.44354131411874	0.31414557656539	0.67195034419729	-0.97968060231291	0.13878364804170	1.41292335599884	-0.83936706208834	-1.00000000000000
+-0.42915576582886	0.69578382982274	0.17944166404165	-1.45690108843025	0.16060397503710	-0.11187575034595	-0.36706768738722	-0.86036003323951	1.14077051700345	-0.84312320079338	-1.00000000000000
+0.17153282731346	-0.83894752318920	0.65128968027219	-0.49654367146553	1.11576108521490	1.01461174494780	-0.71859849932453	-0.24350080576389	-0.12128261163401	0.82005066875611	-1.00000000000000
+-0.57776807233720	0.69791701891828	0.73875529187904	0.02377272204782	-0.41430957897312	-1.79497109678571	0.41757968349230	-1.73744074915568	-0.25164697521995	0.17870741571777	-1.00000000000000
+0.84822606691323	0.29601064555833	0.09559940408453	0.25379932632854	-1.55674131380888	-0.33384035983362	-0.40341179084365	1.73923651530864	-0.50481053929809	0.68495009558288	-1.00000000000000
+0.49706374844470	-1.32542521524035	-0.82294835760176	-1.24863266221751	-0.51500897937403	0.61351676252167	1.98806770066380	-0.42990577868969	-0.01454738997011	0.27392773163145	-1.00000000000000
+-1.70918913609193	-0.17095382444173	-0.77040385903155	-0.39728847726332	0.70500871746091	-1.00343046619929	1.22932347552585	0.96429306683107	0.64687243609170	-0.14824579994528	-1.00000000000000
+-0.56176975421118	0.03281033264995	0.41488784083337	-0.09684426729580	-0.18470949526732	0.50038489242622	-0.32128880721514	-0.77829377655693	-0.31650887114153	-2.67580907408079	-1.00000000000000
+-1.29795060004423	-0.90097233980020	2.48707088726174	-0.32332590306464	1.26443024122641	1.08911041987604	0.51099966642016	0.74505806416987	-1.09100730910407	-0.06595900109472	1.00000000000000
+0.83586309387173	-0.28169560680291	-2.01121561835416	-0.14874404422511	-2.00793116688215	-1.73811673601962	1.99791619212755	-0.40651830739722	0.10756103390518	-0.31311196146455	1.00000000000000
+0.45855991754573	-0.19225562286381	-0.84271711611260	0.45082924066401	-0.10375915439000	-1.44485435412207	-2.41844861101471	-0.40440067293030	-1.48722408134124	0.46772914930899	1.00000000000000
+0.97826102118344	-0.16344611073348	0.77644408483177	0.16824890572633	-0.06545047690073	0.22159115149292	1.83508382310331	1.36992339786747	-0.27328482450773	-0.79805732862075	-1.00000000000000
+0.64349385850806	0.38403781824113	2.48170975098976	-0.50812933493109	-0.78497518842917	-0.20808912640655	-1.59335518092512	-0.99652036439072	-0.86939570272567	-0.18770188140492	1.00000000000000
+-0.45703762802801	0.05025954759165	1.87063260749300	0.99756378625880	-0.15968558853236	-1.13680590323571	0.25181290657429	-1.17732313670008	-0.64164720716105	-0.63193132916720	-1.00000000000000
+-0.47738324516566	0.90780431892783	-1.46510365892510	-0.59086798232097	-0.72250176460704	-0.27443442890725	1.42848874534112	-0.78028279274494	-0.65604615793817	0.90477906748500	-1.00000000000000
+-0.71633516036279	1.79330280683911	-1.38772452943853	0.12584052230028	-0.96610399984888	1.85084708521260	-0.54620907053318	0.52533093368356	1.88763348114522	0.61299052214499	1.00000000000000
+1.34430075422067	1.06863686571340	-1.28234492177218	0.74395336640472	-0.55449216975458	-0.25003396242637	-0.06781008089796	0.78942651803697	0.02788770618928	-0.08097933795910	-1.00000000000000
+-0.92991221363122	-0.75264017219730	0.51444785914299	-0.58401201079038	-1.09131776629161	0.58407520955438	0.71972862551868	-1.27841322981956	1.68900165236183	0.65893162682580	-1.00000000000000
+-1.12072834858584	0.56836941165306	0.71647252445737	0.79669181203451	1.24369587953423	-0.58345162289947	1.38015249931741	1.40757686781533	-0.19448191412597	1.43766376114001	1.00000000000000
+-0.13864961573060	-0.06871823390342	-0.18479116014520	0.04694516391563	1.35918741416228	0.33384100524250	0.53241808032305	1.56999746861932	0.75290080653393	-0.38391495055550	-1.00000000000000
+0.13061208406520	-0.16256170947397	-0.27471731029670	0.67111409735305	0.42709376974446	-0.77144571999053	-2.55785444968254	1.02784832157229	-1.02887628638550	0.03176196042706	1.00000000000000
+1.32277696262040	0.67215088873485	0.24401865612177	0.39408598655016	-1.17292011805672	0.48249193778671	-0.03330513378673	-1.43372737414110	0.73140017287852	-0.25562161617502	-1.00000000000000
+-0.88342363779687	0.49977433975511	0.64045958236057	-0.68038028283602	0.37784704174750	0.38664511424396	0.74835165828193	1.09043383984630	-0.72688790742214	-0.20535587939370	-1.00000000000000
+1.26217660167056	0.22720008057534	0.44960442656523	-0.12442205756850	-0.94095371497948	1.34200668382476	0.06840652018462	1.71490798664071	0.18178567251598	0.39730865227883	-1.00000000000000
+-0.30289904075959	-0.31752243209075	-0.38861054140030	-0.93935943862070	-0.18616050389022	1.10419245235205	-0.31650701199548	0.69719477949695	0.48269015613985	0.68020623149180	-1.00000000000000
+-0.77453676024208	0.03222662055245	-0.80819666007443	1.21741423181729	1.52855332967425	0.46752136012251	-0.30559730618013	-0.70206112657922	1.79780408330345	-0.70483841148716	1.00000000000000
+0.38931153175555	1.17479939681055	-0.50743887625300	0.50310747137876	0.03225000395264	-1.35201904226460	-2.10297611989381	1.90147459342480	0.14685550328149	-0.67634630336673	1.00000000000000
+0.38681706696321	0.55371515136211	0.63385737086001	1.29890039416553	-0.75173098478547	0.82418792807750	-0.03528784460133	0.79667589372808	0.04806013606126	-0.23575637393809	-1.00000000000000
+1.38268406413059	-0.92918070929980	1.37904690416232	-0.22431145253259	-0.16405531740027	-0.64221155677915	0.74735026334916	-0.57485193844358	-1.24766185237921	-0.91646181244155	-1.00000000000000
+-0.56820606969533	1.08323035179025	-0.12502008146609	-0.71984055552531	0.12928816698883	-0.30728103937649	-0.06188722479229	-0.02347329180510	-0.53716637430222	-0.28068265073536	-1.00000000000000
+1.00985259900383	-0.11599026298185	-0.04611077844921	-1.63682279623772	-0.90849184667040	-1.46874029913395	-2.41084373387701	-1.33984358846541	0.77762498368091	0.16219546060150	1.00000000000000
+0.57810045199128	-0.28524773413707	-0.54380428773822	0.04973458627486	1.03243743439307	2.28776734617151	-0.54317993483892	1.77457871499442	1.79930432855854	0.56854891981936	1.00000000000000
+0.66036730633517	-0.53288204856781	0.11150120623198	-0.30644450583805	-1.40729939138048	0.64150500406840	-0.19976355078586	0.93745194666072	1.04039919594828	0.36331349418741	-1.00000000000000
+0.97267112308033	-1.61456034914617	-0.05533394862811	0.39733555299816	1.09383950583509	1.36767143016507	0.66009716176276	1.32493523956848	-1.11371379100024	0.04654679722210	1.00000000000000
+0.43633294349376	0.74739605809884	-1.62106542976440	0.31644892410504	0.61773817324583	0.43463864937826	2.25644302340005	0.47977290438001	1.17362595034376	1.61993836937058	1.00000000000000
+0.48054434059726	-0.91673391150963	0.94061257575658	0.42148595486028	-0.68475336872064	-1.51499619351690	0.50966568049356	-1.65052564900982	0.16022304407922	0.84367637057933	-1.00000000000000
+0.50948438807259	-0.47924961603387	-0.62745589238868	0.33983897240053	-0.38721786831356	-0.75458539656266	0.77224676049174	0.15434977549521	-0.16854742697542	-2.03971791329480	-1.00000000000000
+-1.46184761744518	-0.40626326441432	0.47698190100579	0.95043589779234	-0.19364323012683	-0.05369275487895	-0.64643322526153	-0.08321429035056	-0.08905816041607	-0.27529872215239	-1.00000000000000
+-0.81646701703009	-1.16041562824446	1.50607103024811	-0.52039145437680	-0.81229907381682	0.92010159185844	-0.97638040978419	2.53537768470539	-0.31852359592821	-0.73476068420952	1.00000000000000
+0.11928269697852	-0.73834627474403	-1.14922619284200	1.00546725558990	0.69462069245379	0.79323403310646	0.09039474398024	-1.07441611390204	-0.72864401170548	-0.31301352071554	-1.00000000000000
+-0.97222678748758	0.39453725957728	1.26312923836233	0.79694708053899	0.81978265341591	-0.90363649953024	1.11704534130839	-2.06095036915971	-0.10993548354361	0.97601423965103	1.00000000000000
+1.59492153553265	0.62731415713489	-0.59657322690050	0.48066997439281	0.50338503967810	2.28102303149295	-0.33444214350466	1.51331080775062	0.79931666724906	0.25124102154601	1.00000000000000
+0.44059371122657	-0.93062763116595	-0.92463352721085	0.91748649741320	-0.50796481523129	1.92216887269421	-0.60113304896069	0.80132177609919	1.80493988357012	-1.74048765540670	1.00000000000000
+-1.09123935362286	-0.79052503986961	-0.91164296364817	1.26646377591003	2.78407158708998	0.59529412968223	0.72929531262327	-0.51248325533412	0.66774740881481	1.01111294722493	1.00000000000000
+1.41376822558525	-1.39223362642050	-0.19517842113627	-0.27805275542250	0.34793374287109	0.09218863039865	-1.05524920378341	1.53871060844651	-1.31845348535325	-2.41318144747970	1.00000000000000
+-0.54578386926430	-0.63244158621432	-0.29809462845886	0.11539960466717	-0.20393699960670	-0.39310771083854	-0.51591768360294	0.68299847089493	0.08878007558674	1.28268761586691	-1.00000000000000
+0.15882609873475	-0.33954935272455	-0.67721039646506	-0.64788157488144	0.84225849794146	0.17610243937591	-0.56481496791033	-0.41269270013877	-1.11695564162273	-0.13958062582245	-1.00000000000000
+0.19307257962216	0.69160071112670	-0.26491484836909	0.36080868013323	0.44901727966356	0.14124626768816	0.00306519853128	1.57409778237279	0.81762436801398	0.24213803281874	-1.00000000000000
+0.41055201157055	1.67436108712570	0.35128136755968	-1.45411988132319	0.79707797610006	-1.36665136892094	-0.88275418680377	0.07507160639130	-0.33517974765726	0.18502249227066	-1.00000000000000
+2.55051864912934	0.89300734440101	0.73162368027455	0.31183197711331	0.54961611377935	0.15123717007505	-0.16790510603381	-1.31886716842956	-0.02734109500666	0.61569297698642	1.00000000000000
+-0.05312764741896	-0.55559985755172	0.14169307221299	0.01063608776936	-0.51763422419033	-1.34111437324273	-1.02725523545322	-0.30882226436490	1.77605008816094	0.79787952379757	-1.00000000000000
+-0.38518651961572	0.73422938551260	0.65562105734412	0.31270278012218	0.22049942046546	-0.86998959011363	-0.02089181800340	1.38966486777787	0.14037452326231	-1.13905123473139	-1.00000000000000
+-0.48441659429131	-0.44451603082328	-0.51608847015803	0.22492880738209	1.84896672850865	0.75619357922600	1.03493423974491	0.00544292372497	0.42411614229088	0.27813521468098	-1.00000000000000
+1.81439820516185	0.30213168289525	-0.73027966689105	1.08230015901246	-0.59062471674253	0.75083422959996	0.73512856842544	-1.20191823424995	-0.29499471374678	0.65875990471400	-1.00000000000000
+-0.42306437552436	0.08322025813479	0.66614610032594	-1.07965213782427	0.57708079809820	-0.89958787095153	0.75420639527779	-0.73876061474303	-1.36266562951656	-0.87467484896425	-1.00000000000000
+-1.19183348455331	-0.17796481702072	0.73118669782942	-0.52811708500717	-0.45442959894760	-0.23403214101304	2.07129351170114	-0.53410811319479	-1.75101717358360	-0.31633087285933	1.00000000000000
+1.74992251609228	-1.31321005128647	1.18822328810346	0.84258884190347	-1.37290950563774	1.45163872895050	-0.58416957436748	1.28056595755414	0.58089737472064	-0.22868888254454	1.00000000000000
+1.19782666376997	-0.00137680408725	-1.80674833243223	0.71576312727638	-0.25707147799689	-0.56338370190271	0.75462294683900	-0.61131508752004	1.16744177701351	-0.95636142737791	-1.00000000000000
+-0.59745936667834	-1.07112860704571	0.36026681100941	1.07115042094966	0.11710256217190	-1.42867787335269	-0.32172359794504	-0.01739316261386	-2.29637246398815	-1.00461498712024	1.00000000000000
+0.11183695933124	0.21847925790730	0.78439059948873	-1.82378320948308	-0.89898248862293	-0.60424603347834	-0.17310930196293	-0.47423886774936	1.20088104950827	0.29425097450966	-1.00000000000000
+0.18172820654449	-0.93845823465482	-0.15431575665959	-1.59331686405145	1.54385157623803	-0.16259774519908	0.32320105602662	-0.48148670179506	-0.42589808684073	0.63229066704256	-1.00000000000000
+-0.46958024591227	-0.27443772938044	-0.82379323573246	0.01369397018614	0.32387845732049	0.07496976520313	1.20548819249270	0.85382110854838	-0.29867274873647	-0.38375633055234	-1.00000000000000
+-0.00973052126313	0.52695889417986	0.18481292956365	0.83573618203288	-0.55258842758578	0.03796637982761	0.80110562407065	0.06556076630719	-0.73060764242804	-0.07838252179964	-1.00000000000000
+2.28814071854752	0.29313214205674	-1.04626895614900	0.56184343994346	0.28490265165333	0.93881007173187	0.41737313803605	-0.34554149024242	0.16755701251543	1.08059686108420	-1.00000000000000
+-0.03956817574826	-0.85145233762070	0.16450350820839	-1.33696430451301	-0.01717225096542	0.74703568182485	-0.02839184404215	1.03448880987457	-0.72483206765872	-0.42491601996053	-1.00000000000000
+0.69331577925353	1.07475195199844	0.23871119017369	0.64157663607891	0.79946775051324	-0.24433383663675	1.72488650046628	1.69638192048701	0.06816954845810	-0.06936777932456	-1.00000000000000
+-0.86981737390782	-0.19692329011255	-2.10381669012473	1.44068148507979	-2.20826960128577	-1.36778032177256	-1.19113374913974	-0.79622126275954	-1.47494792276989	0.46602374219625	1.00000000000000
+-0.47078702804306	1.26446766193428	-0.91558694915541	0.07709774161972	-0.62867512348501	0.89984551582410	-0.72436620384843	0.31760841922917	-0.14139576439606	-0.36972033830089	-1.00000000000000
+-0.93360902089025	0.14083161597181	-0.26526344190222	0.34776843517357	0.61031637716139	-0.70594523498208	0.88971009063059	-0.20283639984773	-2.08500478290497	-0.72545933661533	-1.00000000000000
+1.26528428041289	0.50320853427416	1.91166025527310	-1.94710962218788	0.69084606576943	-0.82104165930030	1.56511218282488	-0.31310642669480	1.29592377347308	0.22039480407282	1.00000000000000
+0.62044739998338	0.30558131692259	0.38883195418040	-0.40939011789691	0.03061966802107	1.10457619173236	1.90505640492254	1.22900861038641	0.32497221796908	-0.30681607089655	-1.00000000000000
+-0.39815071398531	-0.43854567052797	2.86424580741396	-0.83070444061055	1.21895909681026	-0.75715473757781	1.78225494780542	-0.02973065937808	0.44647664159782	-0.72989396795101	1.00000000000000
+0.54004579543896	-0.62391906981153	2.37767102721244	-0.64620744532597	2.05356432447825	-2.75509874422581	0.93673039017937	-0.45528326059202	0.53793211330164	0.25872185210259	1.00000000000000
+0.30491107120263	-0.27366377930716	-0.35572526811242	0.05216567272860	-1.17510102524974	-0.13712455503023	-0.27358430481479	-1.07349956530349	-0.74795549631976	0.25539460429489	-1.00000000000000
+-0.26518232346809	-2.69047366801141	-1.33260040820361	0.77548993625475	-1.09983047075420	0.91888417244367	-0.17381475125883	-0.49546122600239	0.49859398892499	-1.08765991200327	1.00000000000000
+0.91379566342497	0.86131084566827	-1.10385683316572	-0.13349193608940	-1.01468075924320	0.93688252678733	-2.68880289356693	-0.22737864239462	-1.28327826806278	-0.57113879224856	1.00000000000000
+0.08246027918517	-0.08592874260337	1.15581247508663	-2.24879753071108	0.27220407771652	-0.29868919206536	0.33934113868093	0.40934379068804	0.19672087603101	1.48265093594619	-1.00000000000000
+0.84044208840306	-0.25784632553751	-0.68794774326128	-0.79370492489493	-2.75586784587275	0.65202063812880	-0.26967511468210	0.22801650606108	-0.07417966174040	-1.84528355715381	1.00000000000000
+0.24110356201260	1.02090112621038	0.28870906991800	-0.43417408896523	-0.49177265292173	-0.48573822657585	-0.03366960412631	-0.06673746567107	-1.35168001086701	1.12602593286710	-1.00000000000000
+0.25659698455658	0.54768959898368	0.69293429679175	0.55385496189490	-0.28665008669789	-2.19809215129209	-0.66961135046464	-0.17278101666564	1.83719923148353	0.35334261891549	1.00000000000000
+0.62878553194522	1.31634977630840	-1.45270341473596	-1.66904735804544	1.60328010043950	-0.43063675332518	-0.22506000178732	-0.03678510345177	-1.52432149558972	-1.11370672120008	1.00000000000000
+0.14786916734258	1.65515809779835	-0.43119439055054	-1.83011450397375	-3.30709806768145	2.18309406735992	1.13217701639484	0.40439707796789	0.98577282281219	-2.86969758683767	1.00000000000000
+0.13817138255537	1.70510548837620	-0.28477140812260	0.20237455963995	0.92773444395219	0.14066537667421	-0.33687150521961	-1.80040635483063	0.85402644725927	-0.11282118839028	-1.00000000000000
+-0.85427948761862	0.13512673478661	-0.50000698889786	0.48092554602222	1.23110671821395	3.35353305941781	-0.04255605125386	-0.73861367721058	0.76195274577246	0.23384765891674	1.00000000000000
+-0.21668527595480	0.09336941878727	-1.28728106101135	-1.08197326716238	2.54483586717012	-0.28047148819954	-1.50015203673521	0.48578197674725	0.59704406122741	-0.05439738682621	1.00000000000000
+-0.51179098647984	-0.24884945642119	-1.20180976124205	-0.52323848900659	-1.18659022348794	-1.83664907110646	2.39948067816148	0.46763198519962	0.46337397134526	-0.70830864591342	1.00000000000000
+-0.30355862541039	0.61525506327903	-1.13213035726363	0.48027852169316	-0.92845079422750	0.68190841174894	-0.47829488799548	0.06216870988470	-1.07148289463597	0.23244063847421	-1.00000000000000
+-1.38640590770142	-1.14365741999180	0.58545936315002	-0.70436184673076	-2.45075559722960	0.11843364077857	2.32080011594186	0.18288274726300	-0.99041091188772	0.17061814584080	1.00000000000000
+-0.43154753308489	-0.70285545749763	-0.43503721914036	-0.52417346332363	-1.36381696940824	0.27549734267573	-0.68567792511370	1.73545307632357	0.42585077709988	0.54331962278975	-1.00000000000000
+1.58240295420182	-1.76107826712193	-1.58630699575611	-0.30417923567729	-0.04778824337938	-0.82825484669520	-0.40391319359929	-0.55695093701094	0.06258265893048	0.96169851531759	1.00000000000000
+0.08674059900835	1.02763271434153	-0.98641385741921	-1.07880024801610	0.57105923728226	-1.36942835252527	0.74516110282525	1.06254369017592	-0.71805277423802	0.42117811878993	-1.00000000000000
+0.29185659451197	1.33984016558062	-1.18774411715379	-0.90430589755929	-1.22677793720183	0.06720395426783	0.12559229022820	0.90959749721765	-0.74206784767084	1.63086119961399	1.00000000000000
+0.75946007902689	-0.83773349604389	-0.68863500785393	-1.22532440940902	-0.05227787934116	0.95586473234292	-1.62371348733532	1.23422858416096	-0.50973853171468	0.55280328437100	-1.00000000000000
+2.54592946104809	0.13343605645694	1.18863783026794	0.45753615673190	0.62259019786404	0.63233143383842	-2.10470255969517	0.10031583229619	0.73762411277153	0.26235804725870	1.00000000000000
+-0.69635063937749	-0.14229915484228	-0.07994667662487	0.41741568453459	-0.82677298107845	-0.96720935948957	0.45588271632645	0.18198654117767	-2.41218522500361	-0.84521901264825	-1.00000000000000
+1.45453303973671	-0.41254649711012	0.64815473217952	-1.37103179898686	1.47151531065095	1.10101109295472	-0.32010040579277	-0.87686875431469	0.23114427678826	-0.56319189186548	-1.00000000000000
+0.05402873477026	2.12952246997434	1.82549919810493	0.80159306632113	0.71215218221446	1.19478609271821	0.28795221881253	0.70987148813681	-1.45007986870036	1.27987833418042	1.00000000000000
+1.36350474721183	-0.20138143003674	0.27906974859700	0.17049512932203	-1.27416619638174	0.42182127053747	1.59024059516582	-0.86325386921899	-0.31975043387379	-0.21572657001900	-1.00000000000000
+-1.23597791939946	0.16474758386856	-0.84619586130070	-0.75378900606809	-0.03152004555296	0.09905938316998	-0.45820779852114	-1.08504461118199	0.30407081882683	0.15002471756778	-1.00000000000000
+-1.11637584330359	0.11317821569903	-0.69263714687228	0.39145437992361	-1.61452423311438	-0.63489784143130	1.10753873943089	0.93185573508869	1.31432281015267	-0.26767279834822	-1.00000000000000
+-0.72121757259823	0.13811421472837	0.56549656013717	1.40742719415669	-0.77064750334593	-1.23065212518438	0.93878450224444	-1.02330767944547	0.96925674658160	-0.61538202283049	-1.00000000000000
+1.98922913435103	0.01599027355896	0.46235063121736	-1.24678543235427	2.42111332390079	1.20175530182028	-0.80030857894198	0.09975071475509	0.39172002237593	-0.23416123487592	1.00000000000000
+-1.00518340786912	1.55062613906069	-1.23370304225030	0.20551912124398	0.67974570889760	-1.35875059340602	1.06136455932214	1.24203583009119	0.59682315825627	0.60041947840812	1.00000000000000
+-1.07841447487085	0.82736525130933	-1.24559379278815	0.32388663079749	-1.93650665829198	0.70825386428185	-0.34203376048278	0.06302607695576	0.49339485030539	0.26410103765786	-1.00000000000000
+0.44978836378615	-0.34658374907902	-0.05703440442950	-1.25423037093797	0.28073520001667	1.78788474593678	0.10663038068485	-1.17914833678507	-0.17086991622121	-0.44775103341118	-1.00000000000000
+0.41165337958290	1.15872941131120	-0.43486713790564	-1.38057545539268	-1.19394843955779	-0.76352880966085	1.11125095533257	1.30120652318099	-0.09585972189946	-0.16714050571927	-1.00000000000000
+0.89322482537531	-1.10611683945072	1.21688599047948	0.17623877289639	0.46860967446503	0.82065383272884	-0.83711577267525	1.79722844638078	-1.14787249643657	-2.15652018201134	1.00000000000000
+1.58404146828620	0.73236515065686	-1.04010881769402	0.68356253548058	0.21673308744712	0.41196423501293	-0.59390413294245	1.35606544812550	1.53532489877139	0.54636356041858	1.00000000000000
+1.84023028696997	-0.30171247415685	0.82409636221353	0.80187161124079	1.02472044947874	2.18928105705346	0.72630503691464	-0.79123647442758	-0.56115286581639	-1.38367496268081	1.00000000000000
+1.11968124969326	-0.07193637873020	0.13673048088820	0.87608930485303	0.07178804545369	-0.64779052791638	0.59154974170153	1.56142943006749	0.43356249540863	1.48792830427049	-1.00000000000000
+-0.15004091085930	0.73645881134889	0.22732437183448	1.29433492598448	0.22662677414138	-0.01791682574070	0.31714110687833	-0.49942536953954	0.49293871738169	-0.60643930683356	-1.00000000000000
+0.29559448474389	-1.33887343896133	-0.62788119344771	-1.22136999962183	0.24223879279628	-0.45781353198286	-0.42614643268150	-0.69229191862871	-1.19896475959867	0.23299503352796	-1.00000000000000
+0.54348837495345	0.00862192256945	1.43622805641336	0.20002649293839	-0.89041359953301	1.95187920572877	-0.06197637641939	-0.74377126943936	0.03451985548216	0.34744791516422	-1.00000000000000
+0.42394336034272	-0.54587411312254	0.19044228834739	-0.57287725580916	0.20924262938719	1.95599252846184	1.60039721164079	0.10566658791843	-0.56660087777518	0.76697831739886	-1.00000000000000
+0.40127125221388	1.52529105059316	0.17645750539568	-1.64626900152619	1.56933681513186	0.10204531485075	-0.63194776606119	-1.11993357977935	-1.71744077397002	-1.37280046778945	1.00000000000000
+-1.07984785861818	-0.25047161009231	-1.52514823392827	-0.44436025510000	-1.08248941972503	-0.03190305001038	-1.62666428236806	-1.87692875810671	-1.40860752930221	-1.36840666729634	1.00000000000000
+0.64472960527817	-1.38034218476683	-0.68262839300060	0.39102769863164	2.67058556394193	1.53887420371538	-1.04587880636060	0.32398413962308	-0.79521508772602	0.15897286733265	1.00000000000000
+-2.24060197033483	-0.17545363760630	0.49752197865848	-0.35029920200907	0.31213712948643	0.02332039574031	0.51752872608613	-1.25556680994123	-0.25357172601977	0.25294248636327	-1.00000000000000
+-0.97550936047853	-0.28837879675248	0.60045027268430	0.10093150878943	-0.58356937030763	-0.52846719649324	0.74263292338389	0.29170999324921	-0.73982187722169	-0.27329861108319	-1.00000000000000
+-0.32782336034683	-0.68925153843356	-0.85585147210333	-0.33979510119176	-0.03689288361010	-0.79323141686535	-0.94977708943042	-1.27434089478948	-0.46644496989611	0.81829194091244	-1.00000000000000
+-2.51594689263511	1.16041952672067	1.09686018639617	-0.14996937891852	0.33531505191443	0.39486327458602	-0.84068426404157	0.10330636628787	0.72011419811599	0.97998071901599	1.00000000000000
+-1.20344629278252	-0.22773691209344	0.71225449527544	-0.91203343276297	-0.54033201690637	-0.19504766292942	0.36456637410691	0.96475912643726	-1.34731128874045	-1.38733853164832	-1.00000000000000
+-0.54756268826293	-1.82445276289532	1.93173901803707	0.49483742110058	-0.15835477692737	0.92582112654559	1.91424547525889	-0.82997363389150	0.48657252671547	-0.97865951893246	1.00000000000000
+0.13178562702745	0.07878207199835	1.26077017100341	-0.64553598413955	-1.38571041452217	-0.64644425148880	1.97355356930694	-0.89101656464317	0.30962316377180	-0.57670451885514	1.00000000000000
+-1.54568230614086	1.28488092968175	-0.40238804545054	-1.98195889818447	0.19127252044691	-0.61429697121206	-0.77589379158033	0.13642444608017	1.44312470881913	-1.76007491502253	1.00000000000000
+-0.66862351507033	2.24049084684404	-0.94279420353957	-2.68480996134432	-0.18062429016428	0.73207707691375	1.95679231676334	0.36612234947859	0.98443065211953	-0.11738091888798	1.00000000000000
+-2.26862704930742	-1.56183031550665	-0.02624217473439	0.03749924681307	-0.17211232613549	1.19171155475186	0.18125720942564	0.41976997716306	-1.25047511160829	-1.28384050432056	1.00000000000000
+-1.74641789668506	0.43060378613211	0.24457379393705	1.11782659050847	-0.02764538953523	1.19209770843278	1.35281290203514	0.05636274892355	0.59166592617161	-0.23477231126083	-1.00000000000000
+0.57369683215819	-1.49227093957016	-0.02382667803309	0.88491711321418	-0.89097624018440	0.64450834823240	-0.82278286600274	0.87317812052548	1.10290487179081	0.60226691321296	-1.00000000000000
+0.69751041802350	1.15717679059116	0.09939828733864	-0.82347736990074	-0.37786601181703	-0.48445109086260	-0.49116807818597	0.98871636507184	0.31045200879893	-1.43281698160341	-1.00000000000000
+-0.04183854887273	1.29833672766626	-1.27808162777278	1.44209049558653	-1.17872822241046	-0.86310216258312	-0.92604962703897	-0.37797146182777	-0.07738142132877	1.32164812609564	1.00000000000000
+1.69118326207143	-0.18978435494686	-0.76204638441971	0.25804772994317	-1.47719541167380	-0.94508487499267	-0.03718703431251	-1.07227106925624	0.08495858595009	-0.47532953787812	-1.00000000000000
+-0.61156571812319	-0.35779227699280	0.43781219656882	-1.00021494529041	-0.20394519639849	-0.50439697306930	0.18919354622434	-1.34482693297315	0.36334753084417	-0.72250160373145	-1.00000000000000
+-0.74108151872112	1.06508413828657	0.84638494855612	-1.19067469264284	0.22339311768481	-0.47219535929584	0.94409050153964	-0.65919855113748	1.04877644571770	1.63789111106740	-1.00000000000000
+0.11955671112991	2.14518826146075	-0.02428564453266	0.39017557264568	-1.01337034822976	1.61744107697340	1.76114841406377	-0.15775282078585	1.17599380625461	-0.46572414794792	1.00000000000000
+-0.98030683459987	-1.14998566953680	0.17788714973124	0.55695213971967	0.46668634601859	0.82659562330113	0.40216615943149	-1.14497916743509	0.26002529085170	-0.38873670774018	-1.00000000000000
+-1.17934454102851	0.29632965292122	-0.95859572059725	-0.18653998656502	0.65813575644361	-0.81400316098158	0.93707017465352	1.55503319049701	0.68074958001174	-1.80976699749491	1.00000000000000
+-0.10456526279794	1.66258329565142	-0.41388121571496	-0.65707012976998	0.69816323481495	1.02652219213002	1.84360302760976	-0.73698363412733	0.59415067205424	-0.20371733139791	-1.00000000000000
+1.34685580136338	0.66133382472794	1.43144268719691	0.30355124381827	1.05328607422350	1.09190886632201	-1.19341890722675	-1.27396119885830	0.22940356117240	0.79142695305252	1.00000000000000
+-0.17954075717869	0.86549209862471	-0.97725624175424	-0.41742549008144	1.20263250414691	0.47629291456506	-0.55800178359431	-0.53655571189747	-0.85685508425471	0.15640582594663	-1.00000000000000
+-1.56203409636007	-0.58307763112824	0.95427334358102	1.35541938373420	-0.90634560157476	-0.39924490775007	0.90401124416628	0.72113083989064	-0.02003045536222	-1.48201664086471	1.00000000000000
+0.24039751903675	0.89843929695480	0.32628690136309	-0.73241722179433	0.79319307052004	-0.47825517509558	0.35328412413908	-0.26985770773187	0.43583911937379	-1.74045272028253	-1.00000000000000
+0.75379133499824	1.16066515971905	-0.12608006992070	0.99466298847277	0.71924564287160	-0.43101017365800	0.18952265920018	-0.08609881237280	-0.11651154417302	-1.05248182555420	-1.00000000000000
+1.55715200811236	-1.93346033018040	0.44587303398369	1.11853716210507	1.69201864895696	0.05434166147880	-0.40297233163495	0.32845546561934	-0.30138336521816	-0.33429893484597	1.00000000000000
+0.03926661258900	0.76628055598571	-0.56528383262226	-1.47134798884667	-0.85076928474644	0.23406321296923	-0.76316648892722	0.06737123947471	-0.39213289158421	-0.30713813621474	-1.00000000000000
+0.46021208521940	1.33239488752107	-0.99616371559586	0.92750235524683	-0.82126200039590	-0.06915436695070	-0.21008933985981	0.93778269508874	-0.76044775415208	-0.78169972433740	-1.00000000000000
+1.43005084824128	-0.04321733783084	0.00701026629428	1.22733461857345	-0.53393002617807	-1.36498965302266	-0.35587640217625	0.69707810588728	-0.20542382919588	-0.78965725224566	-1.00000000000000
+-0.39959370739297	-1.32383397735648	-0.68989379049731	0.20629789894610	-0.25923884507602	0.94192756595425	2.74083595447238	-1.06439525439064	1.77595263474427	0.87177488117853	1.00000000000000
+0.58202953219723	-2.08562420468356	-1.00626650974506	1.93350033085972	-1.24467927945740	-0.34941478601183	0.43511348840603	0.48881333007806	0.11231144041952	1.14058665650657	1.00000000000000
+-0.66017174676048	0.16368878763256	-1.12192880567512	1.21535228658969	0.12337513068755	2.94814996601569	1.02784227209331	0.59939019958556	0.57277314319012	0.94160949725560	1.00000000000000
+0.20571834055171	0.95151566761158	1.16041620335414	0.26566647790058	-2.55347197191328	-0.40993189969879	1.25899732743131	0.63552934927340	0.06650293155208	-0.08084391053055	1.00000000000000
+-0.56461942281840	0.59527415416457	-2.16387330435646	-0.54054008800745	-2.63531853950197	-1.67920399270602	0.68310178008035	-1.87180516289431	0.72021245914135	-0.71152483852790	1.00000000000000
+-2.33190978718656	0.95506494187247	-0.39904233530027	1.24487603455174	-0.94210560917048	-0.06606015542895	1.21084172360455	-2.57769471909508	0.70917753952744	0.96373785164467	1.00000000000000
+0.50099250143790	0.47084760268592	-0.16221977919964	-0.96523331482025	0.70432425404194	-0.43984710375074	-0.77298678421869	-0.73875486825281	-1.58032391376482	0.32770054021620	-1.00000000000000
+-0.21317464533475	0.88572309635570	-0.98036205908739	-1.87006693080046	0.66395248599369	-0.56703898983799	1.12713546557225	-0.81196841288778	-2.12244675538939	-0.73636854940796	1.00000000000000
+0.83440134527375	-0.55621487941861	0.21496410636824	0.60476089775589	0.80630969425842	0.64361432459034	1.44901637340702	1.30129120610098	0.94123877415936	-0.39024310515015	-1.00000000000000
+-0.57815783830386	-0.46524052025952	-0.44622894983595	-0.45127474987066	0.90337812523705	1.11683689397533	1.67282278016453	1.28765795323355	-0.63071447216162	0.62654386792326	-1.00000000000000
+0.19033330553762	-0.90258872659778	1.15126949046162	-0.64923478809756	2.21031934018252	-0.75432172171617	-0.27195641129979	1.56434113277709	-0.69862768896571	0.03711943325318	1.00000000000000
+-0.43853234782892	0.56005219631323	-0.06187652720018	0.86045812682860	2.33750112291282	-0.06250468440352	0.25927235386915	1.25201110110355	0.48077684728218	0.18582197697974	-1.00000000000000
+0.70923661416481	-1.59956221950238	-0.04296587550845	-0.44648872922532	0.40543970261960	0.38061542104642	-0.42140900810565	0.10439864413136	-1.15400145370972	0.78986035717658	-1.00000000000000
+-0.70973262545681	-1.30700732874379	-0.16502950122777	-0.91992225769705	-0.22366641680356	-1.57661114765475	0.06371667822395	-1.61402920588337	-0.71654703909979	0.98690553488587	1.00000000000000
+0.85586071761854	-0.37220784206481	0.97342155526982	-1.33842533459973	-0.32301066734466	1.02320179785423	-1.40142815461046	1.13304171003801	-0.59516960740525	0.59252334058713	-1.00000000000000
+0.30537636615696	0.05599660180782	1.48445237258703	0.52530736808467	1.13627629095577	-0.80007066611625	0.65736487546026	-1.74250730150017	0.59350445293559	-0.75641733039085	-1.00000000000000
+-0.11775961220566	1.03825258229806	-0.10882824201718	2.02593437194129	0.32016943665217	0.30876255027544	-0.18365141248904	0.31730754806709	0.30676297556890	-0.01684312533426	-1.00000000000000
+-2.10598191125366	-0.58403142957031	0.06830616643411	-1.18041156565971	0.50562014598100	-0.58303809450046	-2.14325710839784	0.36059666000162	2.00289397329978	0.26773249027816	1.00000000000000
+-0.84232114086504	-0.20079406765247	-0.26119709911621	0.42586435951922	1.55728955759081	-1.63395946191343	1.14319144486529	0.31892525834140	0.22372203589624	1.79855812670635	1.00000000000000
+0.16136784391638	-0.34534997101602	-0.21584609960914	-1.33701305923272	0.40041509191240	-0.50913295118886	0.26920323185463	-0.80307505145436	-1.07776455725982	1.42236043191788	-1.00000000000000
+1.67446974100120	0.92179911698816	0.77701444105332	-0.22653055694944	-1.45596273541071	0.85750970530005	-1.49793644695239	-0.42518150654140	-1.23805229485813	-0.49035572756054	1.00000000000000
+1.47502112611507	1.34119624226233	-0.61796642584038	-0.49521295881882	-1.02405087113085	0.70656885850843	-0.54882639689544	-0.56331850387394	3.20583325415729	-0.22103388398000	1.00000000000000
+-0.15159804785960	0.60139709990543	-0.25058635462743	1.39395013000117	1.54430675634809	-0.80833718732563	0.83904809660358	-0.62839739300523	-1.26971172180114	1.86354154972206	1.00000000000000
+0.18398796778573	1.30287760689287	0.40513106116545	0.92641033421045	-1.74882357420694	1.28685010421340	-1.13220019365862	1.37598457418678	0.25935169716293	0.17953097030452	1.00000000000000
+1.48237061942517	0.15138092444059	-0.40600225746624	0.74035297968454	0.76225974032318	0.37775740658830	-0.13946231637831	0.69561746301313	0.67702105954195	-2.07008180552098	-1.00000000000000
+-0.23487084158636	0.15583127549717	0.05187971644536	0.24714179353233	-0.13909821317796	0.57810942787945	-0.02931742009772	1.19973912828393	-0.88126160280543	0.18814715637942	-1.00000000000000
+2.59847087694977	0.10723954958853	1.08709090124970	-1.37474597843949	0.34446478541977	0.28084151224559	0.52735635321374	0.50674749436136	0.47578800337315	0.04157290137961	1.00000000000000
+-1.08022452014150	1.49426403024864	-1.38591881982551	0.62020568635048	-0.20022243405394	1.03827596994693	-0.47741166790799	-0.16539691057864	-0.25975907749567	-1.14572997599785	-1.00000000000000
+0.23882419633195	1.10805270092077	0.60857756098077	0.69105937607062	0.77641988762154	-0.03485787695454	-0.41726703511502	0.60100064956640	1.53501123872617	0.79948796551088	-1.00000000000000
+-1.08166147625203	-0.19501009751793	0.61855136355837	-0.92078418907335	-1.62825391048604	1.03318733621160	-1.00654849535885	-0.57931490671127	-0.24411390973822	-0.14060669520204	-1.00000000000000
+-1.79559069602057	-1.22274379089880	-0.35575642919608	0.45660688057087	0.34763455382067	1.54712038225834	0.15939799502631	1.50560350797859	-0.80746646466014	0.38383227290812	1.00000000000000
+-0.51319550790827	-0.22126020909375	-0.46487589261628	-0.91498777248755	2.25358529107722	-0.28369591420308	0.02801320029307	0.21737719434396	-0.10149029641344	-0.42535482821866	-1.00000000000000
+0.71044284750446	-1.94197724548725	-2.17079307973505	0.56934687662447	-0.09349844027464	0.95305795181955	1.27619833375576	0.62278842994141	0.37130078710995	0.82106434065263	1.00000000000000
+-0.13607257692312	0.78658908551625	-0.19488116753218	-0.24646069087813	-1.86707178664058	-3.25804159486598	-0.19588270893808	-0.06026593609291	-1.41857289587053	0.18987872991232	1.00000000000000
+0.09508153494074	1.14038318046287	-0.11746166226583	2.39567840561011	1.07230891801171	0.86651562294903	-0.51253978233993	-1.16705541173571	-0.57768976343751	-0.67256442043222	1.00000000000000
+-0.68577427617665	0.97844899838014	-0.84586843542660	0.71677574175300	0.17261374526295	-0.58976121626950	-0.73127980552651	-1.12824880815692	-0.95693835461194	-0.19473870662603	-1.00000000000000
+1.40731750290981	0.27960472819079	0.56282875435599	-2.21245398659441	-0.17914332399684	-1.36510102519272	-0.30651632219299	0.56991151111476	-0.61277088089241	-0.82995768202293	1.00000000000000
+-0.20630217892056	0.05135128254688	0.28431618257985	0.09713085085330	0.25315625308783	0.60857179007317	-0.70385593216969	-0.86462221574036	-0.12826206897629	-0.58204285003847	-1.00000000000000
+-0.08509414432332	-0.45851200725835	-1.20527129912734	-0.33111655196143	0.31522396632023	-0.02909542105453	0.97566436705943	-1.06750603477187	0.24414247966407	0.07193333238783	-1.00000000000000
+0.11545906820449	-0.87039580574040	-1.42037714509836	0.88263227911037	-0.03566752149088	-0.22161627865690	-0.93695392146640	1.14643049690972	0.03012464923863	0.77373756000654	-1.00000000000000
+-2.71079641252070	-0.18199628716488	0.72795595035992	1.31130155191328	-1.98140846236750	-0.20596000663942	0.63757556103675	-1.52506034111378	-1.05507520480671	-1.49198080028457	1.00000000000000
+0.70477673677394	0.15335312727823	0.18357400875273	-1.57627732238212	-0.57431289563023	-0.11862616025382	-0.69495103345672	-0.38483246420102	-0.67360855954560	0.53611211064853	-1.00000000000000
+0.30199253379582	0.73874480136210	-1.37068000612008	1.49190039879625	0.05953449966359	-0.84244491188732	0.24530524313487	0.25969559846812	-0.56719919461404	-1.78750829892151	-1.00000000000000
+1.43746955444231	-0.71450854705084	-0.52590563262525	0.84466230847253	0.32864998737794	0.82812620183034	-1.36519854711190	-0.72078192438298	-0.30424043700140	0.98890878431920	-1.00000000000000
+1.13889058212724	1.02816887468400	-1.87757454584013	-0.02796558499057	-0.09900306446157	0.91061381616164	-0.52698382315994	-0.90259455486250	-2.30846678528380	1.49724254553306	1.00000000000000
+-0.14900699675781	0.45917562244810	-0.68168373780396	-0.05786078235105	1.50715739177359	1.84713974564866	-0.79166076368495	0.41357386158725	1.12586964263318	-1.59925864492959	1.00000000000000
+0.24166310836609	0.85842508251539	-1.19107717401402	0.90337136580630	-0.04075868913478	-0.27268314170391	-0.42683100237513	1.84394375899534	1.09156220269591	-1.37473045349648	1.00000000000000
+0.70527560500178	0.57477152234235	-1.34858758170244	0.84354840984495	-0.90908186274903	-0.23299478847721	-1.01077408191080	-0.79597321374547	0.02655491079577	0.91480039715757	-1.00000000000000
+-1.34603117902857	0.49259861542882	-1.60119772313446	-0.92523160599502	-0.49986274681497	0.51888419534518	0.24417128685042	1.38099315126074	-0.68296836521594	-0.18565364391075	-1.00000000000000
+-1.37200042701054	0.97929403829551	-0.23045217533402	0.84700985838221	-0.19913305442703	0.37241679695013	-0.11016322757023	-0.24302068777729	0.49685235425846	-0.02158095462055	-1.00000000000000
+-1.72559089113531	0.07016372290508	0.78918003752760	1.05093561462214	0.11084073207874	0.93418251777021	1.29422382016398	-0.31125752993029	0.93747274232744	-0.26869389518054	-1.00000000000000
+0.38742925789254	-0.63347865479399	0.03938671111420	0.87353849527502	-0.50065656511767	-0.68613038785989	-0.71619620466501	0.30312042900288	1.11136061733932	-1.74755558676140	-1.00000000000000
+0.57796897513186	-0.36201903393868	1.23120814803613	-1.44021395662963	-0.62876902005478	-0.21262476995879	-0.99117882046235	1.37558497340286	0.40002965739332	0.09250776085269	-1.00000000000000
+0.63048131507672	0.24723741737831	-0.53046141689188	0.01380029258157	-1.61380820988850	-0.61241666127894	-1.19352549532321	-0.08386870153514	-1.40162640491383	-0.72512670123574	-1.00000000000000
+-0.30580189400385	0.50556591078305	1.32479196171922	0.81598374391264	0.06226364400216	0.71564328401115	1.25583400845850	-0.51018903617293	-0.91911788720844	-1.35795781205871	-1.00000000000000
+1.37439635589780	0.19251476846103	-0.18907731497822	1.45093005256722	1.45717896639430	-1.98446312413618	1.87543883271302	-0.17481697907020	0.72274833548956	-0.08746274165230	1.00000000000000
+0.85484508817885	1.29306021069574	1.23762553581223	-0.29997497314806	1.47370877273996	-1.96924002848525	1.80863394055131	0.82935760251003	-0.10371546406878	-0.90821689380642	1.00000000000000
+0.57471264359933	0.41209545486387	0.02542183122701	-0.84539093041690	-1.01547413759405	0.00797310895105	0.03958449474575	0.93529699471135	0.49403553859537	0.94020252693461	-1.00000000000000
+-0.75923580132621	-1.01168463875952	1.22031980322296	-1.11255798400631	-0.69655726480304	1.28373531647102	-0.79091641813365	-0.04240396413298	0.94429668045931	0.02439952247898	-1.00000000000000
+1.26281611943925	-0.46977746638229	0.60856253982132	-0.93601112984770	-1.82369891161251	-0.55135347436949	0.77323633327240	0.22714873649996	2.54328695017253	-1.57957085132305	1.00000000000000
+-1.94594202489147	-1.96642604928202	0.01217997741796	0.89741940495581	-1.90057331457945	0.00173116754594	1.31704969915932	-0.73096418473031	-2.16454967746723	-0.17919884659124	1.00000000000000
+2.26037666924858	-0.18695386057163	-2.42975219528302	-0.68878022699311	-1.16553743636203	-0.13502764765883	-0.25204692382552	-0.81633693859248	1.06739467145824	-1.05382174443638	1.00000000000000
+0.95278215548224	-0.53384685402328	-0.68508989444744	-2.04434621370669	-2.28147902044958	1.05840015705349	0.57099180254673	1.69036547783193	-0.20528394256085	0.21523510360464	1.00000000000000
+-2.92391106251600	0.35277585843266	0.22321290901371	-1.39086614923628	0.75738827404072	1.81093308224371	1.31724748262705	2.88017137664367	0.35629383189270	-1.05008478124702	1.00000000000000
+1.13895697626263	1.68467135958391	-0.31616478877412	1.80522216818704	1.29126832320914	-0.28983028110992	-2.21623576047602	-0.15588470544753	-1.78744083498519	-1.38437904162924	1.00000000000000
+-1.06077927360877	0.59953158322659	0.01936911775186	-0.80284457681439	-2.45139371376595	0.06591475262001	-0.38399927395664	0.57293478071258	-0.16861971129799	0.39326292752337	-1.00000000000000
+-0.09681466622101	-0.17736539139933	0.03032705061331	-0.00718404466839	1.07450119349472	-0.75382335349304	-0.35228855478373	1.77738223536688	2.59551065134356	-0.23228042624243	1.00000000000000
+2.78098866929966	-0.11198209555712	1.08806581678947	1.78827093426724	0.29575939418750	-0.74974555502538	-0.51158265013032	1.27020334672852	-0.13997122025937	-0.78270396484712	1.00000000000000
+1.59222579655724	0.34500624785091	1.06848577351292	-0.19796440465424	0.03552798843206	0.77703506236872	-0.34071806281533	0.33792817377976	0.10126556948854	1.07957143893199	-1.00000000000000
+0.18501674151745	2.22263408858779	-1.18665438292052	-0.24702345450628	-0.87941473386814	-0.60244902264616	2.42406097474852	-0.62313507761966	0.48854660050420	-1.23812427016290	1.00000000000000
+-2.42126272658167	-1.69389589439994	0.15265555616880	-0.38550964030315	0.70235600107317	-0.20917315483233	0.04305686252493	0.34178400442409	-0.71227103279725	-0.52818368579217	1.00000000000000
+0.80731773537320	-0.29062912949250	0.12267722615119	0.16223551868122	-0.67214972253009	0.87354102770048	-0.05104057601732	-0.30615629315937	1.21537756275886	0.43041914131865	-1.00000000000000
+0.67204653776492	1.26077418541949	1.15181646738259	0.31809166406311	-1.64486412164248	0.71430326233367	-0.76269981778591	-0.40510186875250	0.26190874536277	0.87618948187171	-1.00000000000000
+-1.00000956913788	1.18385116599557	1.50916777804618	0.79948588055717	1.66846415474526	0.47841362480996	-1.30153948509084	-0.05211249448527	0.43451046255796	-1.21947821604948	1.00000000000000
+1.17415597773001	1.85857667178627	-1.64620772565127	1.33336977139400	0.41075914264987	0.05984015456214	-1.15471111417021	2.08515547151081	0.55093382204231	0.66463357414097	1.00000000000000
+3.38174732763774	0.01645958483109	-0.55826979667637	0.36946093068914	-0.38255699502539	-0.08125831425185	-0.41105796466372	0.05836823645729	-0.66513916233838	0.39112947583192	1.00000000000000
+-1.25254224470638	-1.77332395704667	-0.49892296136425	-0.15957010349192	-0.02655812404290	-0.29994042296045	-1.23454177933605	-0.02173021753893	-2.29716543436559	0.79075106128632	1.00000000000000
+0.33368576445519	0.63648155491820	0.12058551270570	-0.85621340615821	0.83556433268651	-1.14181680008801	0.61741306677084	-0.30696520431201	-0.07487205245188	-0.73234203898896	-1.00000000000000
+-0.36523374106328	-0.57551923567132	-1.85825809301087	-0.15883798887004	-0.26395049858393	-0.46686811172992	0.23887449106597	-0.41055451019544	-0.47490700133864	0.14013821638014	-1.00000000000000
+-0.63735238536030	-1.61566621744512	-0.25105479042112	-1.70540901037365	-1.12936369828740	-1.14861141106038	-0.09061500026872	0.24731445888381	0.41386877898722	-0.59324436935451	-1.00000000000000
+-0.06063684964152	-0.44111283733511	-0.11278698438955	-0.36480345023049	0.55159952515702	0.91783720644099	0.33553678592007	0.30254066518075	2.42667234280214	0.58512646311736	-1.00000000000000
+2.14997477800964	0.14773070896342	-0.98767647361254	0.75817357884169	-0.99690602962489	0.14758259840813	0.34355766892292	1.99574215010563	0.81751278481454	-1.31547849485368	1.00000000000000
+-1.45384689103362	0.50331500257673	0.61697788016154	0.13181434804190	-1.14682636628618	0.37807867557529	0.82998475746846	0.55189741110721	-0.31114950670452	0.74777917692488	-1.00000000000000
+-1.41977909194680	-1.05328948641450	-0.60687944667215	-1.30236441982619	1.28519876983564	-0.88211132233291	-0.11270388177387	0.18590635731856	-0.47710539739959	-0.18558013068847	-1.00000000000000
+0.39126560646893	-0.38149194216858	-0.53668998366772	0.73757836284465	1.81761833293663	-0.12706956862658	-0.47577289154801	1.29066641598915	-0.93903327603516	-1.56458040072755	1.00000000000000
+0.40880279737323	0.56883284280402	-0.83839472120117	-0.38468447115528	0.30114839418360	1.42547482458700	-1.46929544807988	2.02767651261730	-0.16786785938128	-1.53774240187931	1.00000000000000
+0.52720042815168	0.77450614765132	0.32317673569570	0.85956235770040	-1.04704209280128	0.92817213459155	0.40268313098269	1.19550863701719	-0.27027920594589	0.22492305682255	-1.00000000000000
+0.78231512514481	0.16338857196068	1.23898154737792	-2.80785002203095	-1.04637429206185	-1.34123954572310	-1.12763551227614	-0.31296928005290	1.88473674720861	-0.43737652311608	1.00000000000000
+-0.49887469349960	0.06359895760041	-0.80796473162855	-0.72884517103369	-0.75156718026969	0.98095231409609	4.05539977821061	0.29903787920217	1.13685372878321	0.14751756644613	1.00000000000000
+1.52383038082574	2.76546248540776	-1.13904629712211	1.12282680068513	-0.97467213626108	-1.00185405848131	0.33498190953232	0.84816534283901	-0.09259104747671	-0.36805081609993	1.00000000000000
+-0.23087145697425	0.01918787943758	1.55190249477719	-0.86462543846715	0.01905230096273	-2.20119690710812	-0.36035073220904	-0.90571021750244	2.01538636064793	-1.78935102374121	1.00000000000000
+-0.31898111267122	0.40738584868959	0.72006683823752	0.73050071912937	1.68221647250808	1.93146423661823	0.52298705656771	1.06489776402566	-0.23559389535274	0.01620801324997	1.00000000000000
+0.14673152909840	-0.53069053562099	1.47087509196090	0.10477400413657	0.60261116439742	0.31480438943272	-0.17165150376003	-0.56373949501537	-0.96967957079532	1.65982711061834	-1.00000000000000
+1.05091340046992	0.18493669609082	-0.74408783897199	-0.94007897832305	0.13834644372620	-0.11202799416647	0.70353686254381	-0.52359573159039	0.69073511046882	-0.72919362829628	-1.00000000000000
+0.39455273618500	-0.85535599453186	0.71467819852143	0.31914116661342	-1.91829130243708	-0.19875934171261	0.88788972391309	0.31579826301400	-0.25504861115058	0.62622990254856	-1.00000000000000
+1.97014428436512	-0.00908976937717	-0.29654016193400	-0.48967095759603	-2.24160674852185	-0.27624325121169	0.23339936075530	0.06184822634832	-0.12034194498874	-1.47155568741201	1.00000000000000
+1.06519388017705	-2.10946540530553	-1.01746781067278	0.70537511377574	-1.33749600540732	1.31022286953467	0.64023632811024	0.27631518853542	-0.56780059069374	0.75189564825819	1.00000000000000
+-0.20604029388443	-1.99882479015270	0.33505454041986	0.76585407197282	0.09572289433433	0.82730038426678	0.43849462199570	0.47631740160468	1.63039528543441	1.12987895928989	1.00000000000000
+0.70941357997277	0.00181236460969	-1.04154686941801	-0.49919069017391	-0.47919103384750	0.83067088867365	2.02981225874710	0.07376793510835	0.05721171746431	1.25989905316397	-1.00000000000000
+-0.15282225776789	-0.31987423713966	0.68079632069584	0.17222986902239	-0.61944164458335	1.77612942607195	1.26190327871996	-0.07926481437493	1.67706034191856	-0.61271948873295	-1.00000000000000
+1.07108631187117	-0.60415901871889	-0.85293011404008	0.67711027672444	-0.79206258657550	-0.47729803013984	2.38077229879031	0.24104686912780	-0.75374315893263	-0.74039008559142	1.00000000000000
+-0.21349295024033	-3.05935133958327	-0.00874586599589	0.42021859904964	-0.64632791660488	-1.74283610517329	1.55239110789845	-1.47165684206995	0.09850472836953	1.43980407304721	1.00000000000000
+0.17096108047459	-0.09578319885681	1.49681116183441	1.65549663190216	1.27062392383807	-0.33320791949566	0.55389009054541	0.28066740312841	-1.01432212044984	-0.30108500789734	-1.00000000000000
+-2.07141325215274	1.05951373625430	0.35823519835242	-0.81941436795562	1.48021183315772	-1.44115375723249	0.57493527379709	1.39951821590197	0.68809475877668	-0.11000363047493	1.00000000000000
+-0.73299020751950	0.32281570300647	0.42443290228266	0.34732797013370	-0.70854968318937	1.14506527752357	0.54670234771109	-1.22904163567063	-1.13250335897306	0.82524764087383	-1.00000000000000
+-0.57538330126211	-0.23663757886679	-1.22788197028672	-1.20190607592025	1.08900447509469	0.22421711845025	0.03414085443014	-0.05345023077428	-0.46275388177204	-0.28165739469088	-1.00000000000000
+-2.27810995428730	-0.68365844680574	0.44445521002861	1.15271567539603	0.94788653805127	0.03622211880449	0.04110284668974	1.53266906476254	-0.57240367901215	0.58238350281201	1.00000000000000
+-1.79994826188047	-2.06069763074173	1.46666092891841	-2.05775835410520	0.21480982838636	1.05741017463920	0.01280594390578	0.14226266973031	-1.33490179886957	1.19714215553343	1.00000000000000
+0.76774707627125	1.40908504057794	-1.00133928603603	-2.91237331271600	0.70138705008665	0.26841118992122	0.96893697346344	-0.23450675200023	-2.81592675956638	0.47468493505854	1.00000000000000
+-0.04016170677162	0.05834050929217	0.43068663023879	-0.61933635396803	-0.13275623933123	-0.11205167573240	2.02298955177475	0.39578379697657	0.97692761560582	0.39813699238353	-1.00000000000000
+0.23048242229732	0.06329178799331	-1.18511490413987	-1.54133108250329	1.00495308916888	-0.41135624422420	0.19291012471269	0.27856642689747	-0.00291140232772	0.84025768834483	-1.00000000000000
+-2.03661420054347	-0.94364447165102	1.32648974793587	-1.04281788394546	0.78609070971398	-0.05570002165614	-0.73456348894627	0.04899071912883	1.57654954897001	-0.10669022670840	1.00000000000000
+-0.34569031672718	0.55054675353839	0.91943286279131	0.77736645475451	0.76844883834741	-0.21803779707936	0.80665571503343	-2.47576404386948	-0.39738028555202	-0.19695083428083	1.00000000000000
+-0.18424375851259	-0.15324059187823	1.10573192100820	0.04063200577212	0.27427423363267	-0.13587315789413	0.29511900523400	0.26133029370014	0.05686372587757	-0.42043796523418	-1.00000000000000
+-1.53970712066461	-0.74977397789687	-1.14046394681480	-0.91685971193951	-0.29629421556859	1.22018284171298	-0.32447118928652	0.72762224897093	-0.02057728937804	-0.30145994438353	-1.00000000000000
+1.29823554182912	-0.12466214523584	-1.91989303610973	1.17811618080206	0.14103627921371	-0.58129632237558	0.29876453630204	1.04593903553081	-1.72054133506725	1.36276202630962	1.00000000000000
+0.43470224224628	-0.00316165067736	-0.19335632717530	-0.45331853242147	0.34555649971475	-1.16454044717816	-0.89262397964697	0.24051655255675	1.41384803595697	-1.33393019970636	-1.00000000000000
+-0.59663347480354	0.71218796179506	0.02715336684909	0.31761717707488	1.16361571166054	0.15550110694298	-0.34131364118183	0.50917637359293	-2.01697703051564	-0.31530512582946	-1.00000000000000
+2.38716393860237	1.16539402609075	0.52850170208126	1.71736520838694	0.80326197678955	-0.16341623135687	-0.30262301786677	-0.71502635626327	2.38629374774405	0.62302945764556	1.00000000000000
+-0.58977081876113	-1.35008436090431	-0.15282614898859	-0.92299694471296	-0.57942496328686	0.78951443318512	2.30394483884059	-0.55328213880997	-0.16278086498253	-0.36141944385016	1.00000000000000
+-1.13678610786142	-0.18283963669150	0.39359298610112	0.17294252493409	-0.48508972138604	0.38598661184143	0.27023865167833	1.12014543847291	0.64314840005729	0.14217997261530	-1.00000000000000
+-0.13840094344024	0.18670003408523	-1.14848018610491	-0.30101060265501	-1.34200054426777	-0.15943929652550	0.55090993263565	1.78848062977687	1.83789400292037	0.09068969079452	1.00000000000000
+-0.82445878739333	-1.75304532383876	0.77181821141881	-0.66076518321112	-0.60297008764384	-1.78604249696659	-0.25643045418572	-0.42858548201164	1.18379513984646	0.45383647585743	1.00000000000000
+0.25817188171788	-0.03948009237990	0.61587987225470	-2.13049878168303	-0.91600230166335	0.91626640477409	1.14899054156521	0.53559350205823	-1.13209805962245	1.79470489833512	1.00000000000000
+-0.18585091941381	0.11509431017308	0.66634030166240	-0.42239854035147	0.22801025836431	0.47883342799459	-0.98342335387162	0.14502354998820	-1.08209792700839	-0.21301028914539	-1.00000000000000
+-1.17587584892182	-0.37124895821613	-0.84973373321473	2.31269445625826	-0.97219114093332	-0.79431846813702	-0.20627472412649	1.25911601071738	0.27534374394350	-0.44158688013707	1.00000000000000
+-0.84922265367101	0.14991424416677	-1.54565472044586	-0.82803785844316	-0.94146779649965	-0.03470367835795	-0.89032392845555	0.83954460096870	-1.78417388187690	0.66203198842227	1.00000000000000
+1.08920410071565	0.36128272485002	-1.61555434729077	-0.25868635179956	0.11104807983502	2.10662668983341	-1.06629234645892	1.98313021291981	0.98207614757829	0.39655241042810	1.00000000000000
+1.04401648900787	-1.66675126851555	0.33065328324052	-0.81387978893761	0.87126689475390	0.43193542499054	0.63230183511403	0.48098157816891	-1.17946906209532	0.98422117713034	-1.00000000000000
+0.59125612044678	-1.23627549062534	1.41097982757710	-0.32276910555530	-0.45380711340230	1.59165539513219	-1.37333762870486	-2.70531926527670	-0.77064730281411	-0.26404433940034	1.00000000000000
+-1.41154214713329	-0.26442290240327	0.14701259230402	-0.60879514960984	0.42582562725640	0.21382570330485	-0.31851559159426	-1.10489848295887	-0.54143999942410	0.03662525078747	-1.00000000000000
+0.16041571884591	-0.13587210917012	-0.34614751192893	-0.76203372529787	-1.94284126846513	-1.25829608345421	0.14437960463926	0.31880654997310	0.61232688230127	0.97034566378121	-1.00000000000000
+-0.24647314497203	1.50623402572118	0.86163733324446	0.50433581286632	0.78079305155264	-1.34872321531658	0.72442312144501	0.06835242606784	0.63364624715885	-0.91964950292380	-1.00000000000000
+-0.33239674451601	0.10457611952974	0.77463979858792	-1.99116367892390	-0.21596279633108	1.29284623075630	0.17031617566343	2.58575483000976	0.19115637985382	0.68844732493334	1.00000000000000
+-0.16221465220466	1.41888112708908	-0.21524735293267	-2.76540358767106	0.33158550218070	-0.44425171459312	-0.09676821663614	-0.85687110728048	0.87575806477116	-0.58058450785791	1.00000000000000
+-0.05308903947023	-0.32402367572217	-0.59947772863281	0.00478632144002	-1.43828115897744	-0.06589459561756	-0.26911134395023	0.75038567227014	-0.09901364414800	-0.25102144195001	-1.00000000000000
+1.43114672105848	1.18193354536613	0.30278920018710	1.56921981998112	-0.24148225638406	-1.04500408039814	-1.10481284275764	0.64029126718540	1.42201246061378	0.83788965805716	1.00000000000000
+0.77442055940951	-0.35860630459494	-0.58394396499954	-0.05264618677761	-0.16695726865715	-0.17372838728956	-1.53554360082205	-1.63443496656903	-1.15617784743188	-0.68066005107299	-1.00000000000000
+0.25950001808121	0.60445413494591	-0.63568092697736	-0.14789135690016	1.18963014742761	0.53956177806892	0.01768356680869	-0.11558663696203	0.07326350663175	-0.18237752054597	-1.00000000000000
+-0.66549933329574	-2.44596146798949	2.48244459971646	-0.75559641026196	0.13293516821142	-1.48026407333884	-1.52312590350592	0.56686381725717	0.98869436916457	-0.33988702228981	1.00000000000000
+1.19095126218054	0.61439950844686	0.70576175836080	0.57986191489291	0.97446508141793	0.02604484443549	0.45301573976461	0.73836188193176	-1.10143150911887	-0.16593245933763	-1.00000000000000
+-0.87931622640067	-0.16513942664868	-0.73454220828146	-0.40924994790071	-1.12544912179097	0.23542921265406	1.24925781025108	-1.31324491960811	0.31718382048064	1.09080819223373	-1.00000000000000
+1.06376923081728	-0.10266538700630	-0.33285021055557	1.18129946796922	2.05040112960387	-0.72129908747026	0.22973349886756	-1.64248355396453	1.71322793343701	1.37523379079901	1.00000000000000
+1.25591150828561	-0.73681066902161	-0.41285895682153	-0.36140198640726	-1.57619417989757	0.36587888660624	0.87771494204730	-0.74959996013339	0.61974143256446	0.53694298388525	-1.00000000000000
+0.17025799557776	0.29756876923817	-0.04358351442574	0.99904532837442	0.24118049381494	0.00503394047347	0.25778095703649	0.54808603515313	1.28073915564059	0.29980895652877	-1.00000000000000
+1.15942077171005	0.91182941257019	1.00822737099855	0.16654732417270	0.79252924209394	-0.81437769111062	0.49150932479668	0.92732530966718	-0.17841404889178	-0.23835719217962	-1.00000000000000
+0.48358600876437	-0.56574534162361	-1.35702154965453	-0.36113638440758	-1.83565796560140	-0.81679349789222	-0.39319437484258	-0.79399742441030	0.34554523750359	0.11829045587018	-1.00000000000000
+-1.05307595896419	-0.97048838016025	0.73521236991578	-1.04983848413910	-1.36666387948302	1.43326869687140	1.38198393702114	-1.84757279998903	-1.34915385556956	0.39548597848920	1.00000000000000
+-0.80976272475076	2.32002330462122	-2.03051718722719	0.44416968550969	0.14357397326985	3.38707472783723	-1.49492865424012	-0.07176983332214	0.49840763167798	-1.37514461128186	1.00000000000000
+-0.94930290700622	-0.59630525919443	0.04014782436232	-1.01657458135589	-2.30848177772900	-0.39256822491488	-0.30117348441062	-0.41075911879783	-0.51887618509704	-1.38061397939278	1.00000000000000
+1.12190431470184	-0.84026874147358	0.51409106648013	-0.44387111847518	-1.45214682097596	0.50548228391064	0.57644526310990	-1.25469915022571	-1.15895633664469	0.93406968410998	-1.00000000000000
+1.20498998089808	-0.76734088647488	-1.55904197092057	-0.48811028715880	-0.81637471506521	-0.94116646749044	1.58866872041560	0.10479153642268	1.13416139138342	1.14771607668741	1.00000000000000
+0.20010325760128	-0.60508152707541	-0.77050794492389	0.05431074347606	0.94412520066629	0.31842773972307	-1.20080310465169	0.55870259935549	-1.16263145691090	-1.40645715616299	-1.00000000000000
+-0.88764499957157	-0.69291124591887	0.30729335846601	-0.07107456363939	-1.51975444534626	0.00748177306905	-0.01255361910576	-0.11133020781147	-0.52878860989200	-0.06377967522720	-1.00000000000000
+-0.68367830108329	0.61978184710159	0.17725803989651	0.31289954616369	-0.20686780965666	0.53004979575819	0.58918026176540	-0.61328800045858	1.07077407477844	0.46961757897019	-1.00000000000000
+0.95941291923542	0.54662138059087	-0.59844638239244	0.44286348071437	0.93516934345759	0.87662546565731	-0.98855523536701	1.74413560630298	0.46372917527993	-1.36398445436720	1.00000000000000
+-1.47042801714441	0.85174324062825	0.74500890057157	-0.13928214201810	-0.76645612539430	1.57205214109662	-0.73192723475561	2.81449664612838	1.77694934626828	-0.16887356763667	1.00000000000000
+0.90570570084860	1.84257025100372	1.22097141692205	-0.19991061931571	0.19340118181211	-0.37735643283991	-0.65901303916947	1.32081500794471	1.50476135521389	0.85008039006618	1.00000000000000
+0.84869790071793	0.47857150316455	1.03533812737259	1.02972977956818	-0.94990042291670	0.71929506817881	1.38432773060858	-0.20383895904262	0.74864255346214	2.98004996225448	1.00000000000000
+0.39380972583629	-1.42459973353778	0.58696490613087	1.12779755341064	0.16970580569836	0.31056190133509	-1.56678684559547	-1.26190060101844	-0.67087252012725	-1.20810336651960	1.00000000000000
+0.09691528655130	-0.78369037041849	-0.18647893437749	-0.72681398980279	-0.53515277986302	-0.12240810676566	-0.85792774738895	0.47879476193148	0.13518241019189	0.11200554389370	-1.00000000000000
+-0.70106759556726	-1.19093855746914	-1.18370981602377	-0.56060661884091	0.95201229124369	0.34238698065432	-0.14372196457859	-2.06109586513610	0.13691236077181	-1.26838800184696	1.00000000000000
+0.00207636258515	0.51234805778040	0.26304192310033	0.10856214281312	0.12724100656826	0.62926514350330	0.22080259866871	-0.72780355231023	-0.64008815035165	-0.58604229902108	-1.00000000000000
+-0.13259094026123	0.08180703915120	1.76834908411956	-0.04644137308169	0.92380902700452	2.24290607432774	0.73276229527364	1.80756365404573	-1.10068853499215	-0.79283072037908	1.00000000000000
+0.48821810937297	-0.74743739564747	-1.51156818763758	0.70148905440741	0.68103289340086	1.28738333270152	0.64788336478126	1.74000811811773	-1.54140421497034	-0.63900702474720	1.00000000000000
+0.63646928471537	-1.34666462925870	1.78120923625170	0.06693680806074	0.03953010908520	-0.02861062567270	-1.16446265143533	-0.51896663484395	0.38337047469498	1.80609644143510	1.00000000000000
+0.40224002915850	-0.62084341405996	-1.36734547713161	-0.06402685047908	-2.81939920529508	1.38150925192005	1.38634871712578	-0.17413998331500	-0.49672340759119	0.24428824312623	1.00000000000000
+-0.24533539841688	-0.35663839964906	1.11702963528984	-0.57332638378464	-1.08157272513791	-0.63037683998690	0.63588807617037	0.27895469119455	0.85485662519100	-0.00512436799001	-1.00000000000000
+-1.62359138573753	-0.71809899299970	0.60157538402388	-0.68354734537371	-0.21379550203427	0.26728882080524	-0.72124164935010	-1.12829333480005	-1.21169195358321	-1.23839770679530	-1.00000000000000
+-0.55116974837527	-0.31284028234606	0.25381555244752	-0.59700909423659	-0.54834246081783	0.52582895605801	-1.31355117729873	1.11702702333097	-1.22168116809019	0.42908508788852	-1.00000000000000
+1.51053085396056	-2.11305908858999	2.26672709069827	-0.65872771128863	3.58855479237440	-1.49949030911238	0.37625627195459	1.04748324953180	0.37564702700315	-0.59651303491450	1.00000000000000
+-0.85177860101201	1.81669860763937	-0.30441096855414	-0.56465839259284	-0.28288757829279	0.41097310708494	-0.73392848347380	-1.23239949223362	0.51285406748813	-0.03917016619619	-1.00000000000000
+0.25497231878463	-0.37066685448108	0.89095478815549	-1.21968971030849	0.48888520389082	1.50217017258686	-0.08364120414242	0.14648989087660	1.03875589285044	-0.21397519268362	-1.00000000000000
+-0.06886085629429	-0.37816514454465	1.33875409217428	-1.46617380408601	-0.27066240344321	0.32276166580598	-1.55485175609695	-0.48427958413268	-0.31535293855180	0.86967141899251	-1.00000000000000
+-2.52389077529797	0.79198231928397	0.24351131174011	1.71956379486606	-0.20043803017765	-0.12257139797654	1.36251292263904	-0.29058843286204	1.72826178401449	-1.92521010930682	1.00000000000000
+0.23873821615662	-1.59828330955458	1.60596106983551	-0.65044325966043	-1.47136332224947	-0.55039438596940	0.82727113349571	-0.27007513560538	0.08606702450302	0.10906328899445	-1.00000000000000
+1.59961373568703	-0.82903066479783	-0.36114174785848	1.73216600813824	-0.93262187969477	0.10152156145210	0.30516938976018	-0.75341309137911	-0.73164877828963	0.86034806448669	-1.00000000000000
+-0.83005084447538	-0.05796975432444	-0.32970053340595	0.78279959732472	-0.51476883011861	-0.21589345730536	0.29277890091828	-0.79264071247236	0.07731135431124	0.93167288646821	-1.00000000000000
+-2.18193864133448	-1.00500932642346	-0.04840396049717	-1.00437591834404	-0.03555675885767	0.63272683989440	-0.93254945469298	-0.37954686413831	0.70298136306018	-0.25148091008341	-1.00000000000000
+0.11655638577684	-0.55012695394598	-1.35432980152535	-0.28002355155369	-0.34227109001828	0.46090517638789	-0.98096495445122	-0.85922362831153	1.92842773207665	0.52177929312614	-1.00000000000000
+-0.27818761069922	1.91608758312056	0.01929584742685	-0.85877941812587	0.77050615900284	-0.58229906134917	-1.14738903717036	-2.30176883837453	0.36405293561214	-0.63538767905669	1.00000000000000
+-0.82934496005650	0.18143012834382	0.27327375409844	-0.96060542731734	1.23457102161209	1.71002509939016	0.60687080420913	-1.30949235276214	0.03936729811088	-0.70715455713433	-1.00000000000000
+0.03822318878087	0.00673310720006	-0.26678825318606	0.81116902894344	-0.02170745393878	1.31008726592450	-0.49159694072447	-0.55093000219146	1.63926147600426	-1.75989774987344	-1.00000000000000
+-0.47574114513264	0.01164002799863	-0.32720372899320	-0.17247971046396	0.21343546632501	-1.43339268987130	0.95758378304186	0.60750506886722	-0.28550444970868	0.72564684911254	-1.00000000000000
+0.52280227281937	0.16193001044729	0.90244565789555	-0.07506418403435	-0.98677585389601	-0.40230977431756	0.16087314360216	-0.36290929639087	0.17918112410612	-1.40211324239125	-1.00000000000000
+0.30394838034749	-1.75858910826581	-1.59911873353035	-0.32527541059060	0.03427114362471	1.83187094645885	0.57203766996369	-0.51466297781224	0.69730486335074	2.16497573915370	1.00000000000000
+-0.59122430938071	-0.18857288597262	-0.63286372851758	0.16730238163873	-0.74870238144356	-1.19971544527205	1.54235861711757	-0.89336645126232	-1.02450148666896	0.51960591865237	-1.00000000000000
+-1.48762550177579	0.42186998225738	-1.08369543595463	1.21384422204547	1.63748472944074	0.79974323916253	-0.51161235724984	-0.48701091712075	1.45863195951689	-1.76789760500559	1.00000000000000
+1.47695337353680	0.94461489631778	-1.22175933842549	-0.75050564521700	-0.11629384264355	-0.90124397184080	0.26382720215630	-0.06525613695024	-0.98853104693577	2.60419920574347	1.00000000000000
+2.06424979588773	0.98519521946468	0.43797593570760	-0.89290878320261	0.51943224797495	-1.19659772099485	-0.99704612213196	-1.07626270204039	1.31729743144213	1.55088644272193	1.00000000000000
+0.97939476970904	0.11758719259401	-0.28484079183912	-0.85347810832615	0.24929726907394	0.96507263026928	-1.63323765694676	0.00920715328452	2.09427671706150	0.14766611998061	1.00000000000000
+-0.81450373877411	-1.76228586206716	3.44824930413426	0.70170747855890	1.67583034547377	1.22332475073984	-1.65156590181318	0.94008048254001	0.56033628388008	-1.00715106518058	1.00000000000000
+-1.27067414441006	0.08916249448722	-0.76448233543126	-0.56781418253711	-0.04128087569839	-0.58204032083751	0.61704538436220	-0.09940075833245	-0.73498264375627	0.31747734780410	-1.00000000000000
+-0.53209424609936	-0.73327928113948	-0.25206772197475	0.84861293455206	-0.23796342707128	0.67104099002462	0.21990504664105	0.15433508756335	2.13129018882260	-1.28434699357744	-1.00000000000000
+0.72887107533959	-0.04898795065340	-0.76411698128637	1.31189790444844	-0.47629718936394	1.39904661773020	0.60253963592804	-1.02080724246420	-0.79098499382403	-1.81626081526766	1.00000000000000
+0.60899110522967	-0.21753780592561	0.05464858729614	-1.45216347195588	-1.68893018781734	1.28610620906731	0.99850500271777	0.79178447804508	1.62687877686158	0.34328148652315	1.00000000000000
+-0.45829661542585	1.25738933731007	1.12667656051144	0.94112641938430	0.59449434816364	0.15777415148198	0.25828195797967	0.07039553690004	0.23274674779676	2.21605100800111	1.00000000000000
+-0.05599756636635	-1.47913329445614	0.01567105210156	-0.36364459212303	1.03348481844966	1.10237950669195	0.38680419399537	-1.18224837189277	1.80423140211416	-0.26685795997937	1.00000000000000
+-0.34052489633259	0.53946605820773	-0.75881292060459	1.88697927442096	0.40717423484151	0.70080581915985	-0.36934571226872	0.43486345452499	0.76429797487711	1.33219019286921	-1.00000000000000
+-0.80625803897015	-3.06477702251443	0.90970439361252	0.14081946560408	0.26644493337798	-0.75041918851833	-0.63661039509183	0.21529356407244	0.61282729238876	-0.81295387479152	1.00000000000000
+-0.21621521732068	-1.25653567262235	-1.73378323687937	1.69087556300830	-1.12926162058930	0.43843281390982	-0.25859605476220	-0.53308160625230	2.44306870694569	0.95637580320279	1.00000000000000
+-0.20574307779153	1.72319818119646	-0.27256381884232	3.01694939685003	0.63056659541956	0.84782561048083	-1.35863445553373	-0.04111145938479	-0.16546695976557	0.75289063337545	1.00000000000000
+0.60396756553914	0.60956326164529	0.91150832152727	0.97283599687135	1.09953460452391	-0.55889174540710	-0.66532830861855	0.73204694542918	1.92476332167325	0.89897998000918	1.00000000000000
+0.31773010625696	-1.05414901547307	-0.41699116830642	0.27897291224558	-0.80061943921639	-0.75506145126042	1.18744480442401	-0.03519205576202	0.99619536932362	0.05651909594257	-1.00000000000000
+-0.25521782669824	0.77279543056509	-0.49215201886347	-0.72058104604657	-0.41445443001466	-0.39415556190183	1.20208283736937	0.70433203447630	-0.53945150898037	0.55594409119069	-1.00000000000000
+0.56823585679925	1.17843091398149	-0.53594017369903	0.21432353161664	-0.01365717161667	-0.22137741401462	-0.25622012739781	1.09525088560400	-0.38965588686082	-1.32317394261338	-1.00000000000000
+-0.48711383065148	-1.98643065858136	0.90245015394012	-0.56743247479867	-0.43785949909311	1.47724442141236	-0.31191498269191	-0.46371462686440	0.43341926443608	-0.44789950742958	-1.00000000000000
+-0.56257493680305	0.41767871364682	-0.40789751981309	-0.06274285508492	0.12640825596464	-1.78378020534949	0.62238433523701	0.61385102265970	-0.45727892555300	0.82206723347077	-1.00000000000000
+0.16829493456159	0.11874763187865	-0.12130813301980	-1.37988761441566	2.21638202156906	0.02921673150269	-1.04414687570662	1.63860159130899	1.78598591340027	0.60927684895810	1.00000000000000
+1.99344643903828	-0.21702865967021	-0.21550286032351	-0.58642289991559	-0.55081673583435	0.22250818940045	-1.54478336359363	0.22652091759789	0.90368973454214	2.35255835752086	1.00000000000000
+-0.02633021608726	-0.87270199094425	-1.64200897297741	1.30273407756804	-1.27682513746556	-0.43675522035190	0.26457995034889	0.17362478650274	0.32100543262403	-0.59317490882776	-1.00000000000000
+-1.21714891996593	0.12852502256087	-0.18434488548449	0.78940752787552	0.60792486452933	0.87050235649444	-0.63833560494586	0.74783753305727	0.64350981238143	1.50234163143334	-1.00000000000000
+-0.14739399509396	-2.12023714643524	0.31336577597781	-1.06734349956809	0.82958143949721	-0.62406203485341	1.91744386820538	-0.93320953732805	0.08000123476556	-0.76830046619398	1.00000000000000
+0.89770935245738	0.21738653871600	-1.89426512513803	0.22148642437267	-1.01153945896424	0.29544011112521	0.88472333293096	-0.54884591716287	0.34051952033376	-0.43953561377397	-1.00000000000000
+2.96590672837734	2.95731179969574	-1.14536573706708	0.06960192685385	1.60112903158777	-0.65381112638010	0.44989408131188	0.83636398022594	-0.30521279311631	-0.18718919514367	1.00000000000000
+-1.23392372718381	0.52833864140118	-2.09051826076270	-0.86218397944816	0.54309357094268	1.24002549602633	0.98358177472745	-1.28296658884920	2.15601921428601	-0.45052626807398	1.00000000000000
+2.58444003680162	-1.39878188399244	0.10603159944043	0.35118498935691	-0.98362752677135	-0.47453061041396	-1.34395723326620	-0.19474669447242	-0.23531083002487	0.13443739345691	1.00000000000000
+-1.10329764327255	1.84625296839071	-1.31601585698192	-1.78008800451987	1.09752600070029	1.21167268571702	0.88034381330822	0.28903374854273	-0.56299505953682	1.28828805290169	1.00000000000000
+0.45821108073027	0.08696461732875	0.81308094875697	0.83336599990013	-0.79716184047055	1.99791619925695	-0.86096253537629	-0.57754400343148	0.58806616907987	1.61561720363850	1.00000000000000
+-0.30657237986251	-0.21621653696859	-0.12928784537178	-0.35328803151579	-1.29153783668488	-0.07682926845662	-0.56911998259808	-0.45965494359879	0.99934789715066	-0.92501683862633	-1.00000000000000
+-1.82362134514416	0.99042101478039	1.18473705181424	-0.33015607973626	0.35203568346822	-0.08084878985862	-1.03824452772605	0.65530390514469	-1.56458705375601	1.26350858792642	1.00000000000000
+0.40206555498951	-1.09874679126572	-1.20242141258773	1.63117879832500	-0.00331884379025	1.42504958510300	-0.33234105171493	0.57601535134383	0.26788795116549	0.26568904085992	-1.00000000000000
+-0.91852560945980	1.03280067224542	1.52048686369205	2.66845333616482	-1.41850548122860	1.59049468530095	0.34155405170473	0.26429521244933	-0.76063876570175	1.06287419663843	1.00000000000000
+0.77359326140093	0.93013709412784	1.10949285831282	-0.70348691880515	-0.97684249530319	-0.57956895307152	-1.44866783696917	-0.69558091030369	2.00560674582765	-0.47375270907637	1.00000000000000
+0.48620544257490	0.54841143983036	0.15059612710959	0.10094661664394	0.01102257094483	-0.60995739465749	-0.38383596569215	-1.56299113212247	1.19489120804624	-0.19255548852539	-1.00000000000000
+-0.22742393929489	-0.42669833464998	-0.50115002752256	-1.32683703806725	0.04723110268988	-0.07188052330961	-1.77308450412626	-1.41811037688487	-1.29582264492871	-2.39547213171242	1.00000000000000
+-1.71179570169930	0.72582193327932	0.36947894451083	1.09294151879666	-0.85752279520376	0.09315665708450	-0.23222636988671	0.55964132872902	0.30467309010553	1.37223853375141	-1.00000000000000
+1.15685865185607	1.78957904409939	-0.40442655750595	-0.29124969596706	0.39976597130812	0.67172535973062	-0.91032009907972	0.57510978434659	-1.14994554786917	0.86481388567258	-1.00000000000000
+0.17617168129701	0.31278731450212	2.61944302213179	0.45250138646090	0.86171811385683	-0.63195895024631	0.14884618902181	-1.70234217663837	0.24561217984172	-1.05118725208420	1.00000000000000
+-0.99298697530226	-1.44666022154315	1.27661570309813	0.99299381872281	-0.55969800248573	-0.98254140517318	-1.10365330791384	-0.82673876836688	0.01807350047332	-1.28292120305103	1.00000000000000
+0.51333948100839	-0.55273071085854	0.23645886503765	0.75723525678860	-0.28822348536160	1.42478773944741	-0.95514311333073	-1.57241819528553	-0.98721764670236	-0.56410050873572	-1.00000000000000
+-0.48193884684945	0.32044308920531	-1.14307403592004	-0.59735557979061	0.21420142757260	0.56136632116458	-0.26839996512162	-1.44289613115962	-0.52738063811262	0.86903619676122	-1.00000000000000
+1.74623886760762	0.48517864690026	-0.95235866197355	0.18911486938712	1.37164447699352	1.83594323052601	0.23201542359519	0.89460069745035	-0.22428659986904	-0.19039568736158	1.00000000000000
+0.81775000138771	-0.61462007283528	1.49261641812397	0.92034869202023	0.72817163951991	0.63138102740234	-1.80383051959726	-1.94089148206669	1.92485635229651	-0.57487944889501	1.00000000000000
+-0.26235269574784	0.41878859446039	0.51492925081030	-0.67735083786799	-0.16694983239348	0.06988220712803	-1.33832206013542	0.16897269595740	0.27083277531260	-0.78707643981427	-1.00000000000000
+-0.20971323989039	-0.32559555573651	1.00112609998414	0.09364620677919	-0.29956239482564	0.96526408063886	-1.68647728903635	-0.93143431639000	-3.02910122034231	-0.50809880893006	1.00000000000000
+-1.00178541562074	0.15881270622389	0.12949939031153	-0.92582144944869	0.73597845538271	0.11058750829036	0.22356724491797	-1.01341344865888	1.05302992391311	-1.90478728225202	-1.00000000000000
+-0.55695336679882	-0.14341742991619	-0.32476693149716	0.46644305905319	1.13973945300225	0.58980416934877	-0.16480022198162	-0.50407561971534	-0.55627600206964	0.52403945626654	-1.00000000000000
+0.36068413861662	2.63509756966954	-0.00758199270997	-0.81144840914331	0.10362977090671	-1.37678328411748	0.23272671323273	-0.00159566839332	-1.42106978190258	-1.33879036773010	1.00000000000000
+0.12522077097729	0.60325940260961	-0.94986000429892	0.82017953435161	0.16610430095203	-0.28528335268407	0.00722768511294	2.34329496889830	0.53638775103193	1.46699309495836	1.00000000000000
+0.77017133433916	1.13277033066553	0.34910523890915	-1.03892859154905	-0.51127415071069	2.12389056556414	-1.39533916694102	0.38822072965605	-0.45242741351059	-1.11697170861644	1.00000000000000
+-0.38348321366529	0.13681027709762	0.44265050557564	0.39321296476578	1.34296363152503	-0.08546348805385	-1.24892864981758	-0.91170382436698	-0.05376467168039	0.30604444996523	-1.00000000000000
+-0.46056231859497	-0.55635455803908	0.82704541349856	0.09494549550540	1.55260954678994	-0.25036373173454	-1.06654777374919	-0.43246795260745	-1.81226878199398	-0.50585188691228	-1.00000000000000
+0.09035550603992	-0.20229815233283	0.74810625401547	-0.58093138461790	0.74258216173259	-1.62696356208262	-0.84341737209966	0.14741977267363	0.55086312606031	-1.76503395177371	-1.00000000000000
+0.71037919690586	-0.18232077751772	-0.57658713874835	0.55553321972380	-0.03666310512517	-0.79107379774681	1.22373502973569	1.26285160201529	0.01901648705199	0.48956985641495	-1.00000000000000
+-0.64277863833315	1.35623767776745	0.25722775780819	-0.64014118353000	-1.08154207686394	-1.10212573123361	-0.26335300216580	-0.60106102384190	2.60590763799185	-0.95859918337303	1.00000000000000
+-1.03058988233575	0.34491629611753	1.29283588512482	1.19787608143530	0.64267254409182	0.70467370263550	-0.47951671112028	0.23382570010413	1.39333471637567	-0.55285970508997	-1.00000000000000
+-1.11038985280648	-0.15531788211999	-1.94776024988646	-0.51857432268979	-0.22844007706599	-0.46982054938047	0.28701494942681	0.80388336815214	-0.19404052428300	1.16066293539895	-1.00000000000000
+-0.38834384609139	-0.20490017787086	1.02234937847022	-0.39899005015859	0.80265821118894	0.31083793519261	-0.40894332341836	0.22126357487708	1.06148458682618	-0.52106890606675	-1.00000000000000
+0.03989275874963	1.56506348638438	-1.88212429863487	-0.30026110288596	-0.08558103015046	0.22459700462182	-1.41235395051072	-0.37386176090271	0.05642247465665	-0.30988279953008	-1.00000000000000
+-0.78215659485443	0.45869406713593	-0.32880959406763	0.49678471884141	-1.32080215623010	-2.85408066545529	1.20691502535581	0.30481043008246	-2.27781208085870	-0.10320496325235	1.00000000000000
+-0.49562723564485	0.74430971661987	0.19746195363181	0.35500337577489	-1.10496531693864	-0.20714260297916	-1.17143584060115	0.58759497486966	-0.96086322209061	-0.37868744417773	-1.00000000000000
+-0.23671263722768	-0.34026306897001	-1.05203508319332	2.65375268619438	-0.37125786320585	0.67510886351962	-1.25284946295945	-0.05594681672994	-0.99236164656505	0.48181870039232	1.00000000000000
+-0.93861090351477	-1.20407885644591	0.69560745072138	-1.17137274416753	-0.96860042167537	0.77660218159721	1.10062255840735	-0.86189456138981	-1.48654139859004	1.49963454358569	1.00000000000000
+-0.15286699404211	0.62418224014291	1.72191664958076	0.61458791488609	-1.15926655125190	-0.17888160488163	-0.75732849311185	-0.94631784413543	0.45026125950623	0.41062771798492	-1.00000000000000
+-1.20789252894299	-2.11552892295177	-0.76865560299235	-1.36880656871199	-2.13218595557162	-0.81450334292099	2.14072707970783	-0.82155994509027	0.71229979360768	-0.68232097361337	1.00000000000000
+-2.37539564753853	0.69529202186702	-0.27664951230510	0.34626549889343	-1.36337982212762	1.22144328167881	-0.05068646866509	-0.04417860639554	-1.03564875098771	-1.31189773159805	1.00000000000000
+-0.28005296181261	-0.72655288675157	-0.08299296806833	0.88482717578472	1.23489803976072	0.08422214483169	-1.91089342734575	1.40634201867921	0.24853210264463	-1.67894822099408	1.00000000000000
+0.57963307971129	-0.56783726095484	0.29897543540476	0.48408520371142	0.36414020874477	0.10014843070206	-0.45643208297969	1.31107607929127	-0.12843476885175	-1.42742749474440	-1.00000000000000
+0.55453944721153	-0.47445015500494	-0.09722460358620	0.20549774569688	-1.34196492239786	1.57211631262228	0.92476284312905	0.02020117002102	-0.29306593129084	0.61151150987275	-1.00000000000000
+1.97265787982211	-1.65449708703520	-0.01750979186781	1.88213266936876	-1.62015489962474	1.06663260115914	-0.71384327975434	1.37198994054308	1.18436661033451	0.92034177332593	1.00000000000000
+-0.92775395147419	1.30441953974098	-1.57124968233701	0.49145827835843	-0.32628119767784	-0.22120286367270	2.86551045907422	-0.32553647752847	0.18329973012864	-0.10828194498580	1.00000000000000
+-0.54256573189983	-0.21179522299138	-1.70714243996581	0.74179386466137	0.18115057876096	-0.21460331624562	0.09882915815335	0.57694996719194	1.14718547776638	-1.61575920532395	-1.00000000000000
+-1.10527223944544	-0.02293667795850	0.28590432961582	-0.43163697941272	-0.73406516888525	0.21039920445144	-0.74444463236565	-0.80789686609961	0.15513582704020	1.02475803285800	-1.00000000000000
+0.25722403877702	0.93160863649483	3.52862665708022	-0.56237090427724	1.45671340307062	-0.56631336261448	-1.78713722998337	0.21921624600986	2.28598362271850	-1.12939101077982	1.00000000000000
+-0.31606520942715	0.35675754742947	1.92273708141973	-0.68292597127771	1.43121640541333	-2.06387068947819	-0.18836306900603	-2.53229662177611	0.30681987047615	-0.06477965187311	1.00000000000000
+2.00360454185585	0.40871945437649	0.30491558594919	0.11507911299727	-0.84943236634583	-0.65101078981918	-0.68857574623759	1.02878476561559	-0.25523891864368	-0.53731376970364	-1.00000000000000
+-0.91057894929614	0.24503475059120	-0.69421676608589	-0.94276030477010	1.61370182587722	-0.44820298737732	-0.55920782181277	0.77586934802352	0.41930761410976	-1.46414886716347	-1.00000000000000
+1.50997829792326	1.12273649463758	0.64957645212793	-1.22785320007325	1.16896870479283	-0.12593257470716	0.44900925682982	-0.77699987550640	-0.16074064450779	-1.47831145306887	1.00000000000000
+0.61404854711765	1.25841365619668	-0.05531297803211	-0.32322902497644	0.11731420399347	1.58492959389249	-0.09802346441292	0.16466770240374	1.61013167751572	-1.17324182532895	-1.00000000000000
+-0.35402051312208	-0.49267153183381	0.43865746740553	-0.03559892939366	1.59528708153079	0.35666770108349	1.61512549091506	-0.06688360588853	0.18001429364828	0.73872718506296	-1.00000000000000
+0.00236042381373	0.79605386901044	-0.80458560969025	0.80764532259045	0.81468518646296	0.10122452669146	-0.44087559603657	-2.26486387068378	1.39342240801378	-0.32237617127317	1.00000000000000
+-1.27337480142208	-0.48133350241486	-0.87504412963173	0.08020639361404	0.52685745170284	1.03732167345393	0.54546025171203	-1.44244251764633	0.24556700932814	1.39904752816050	-1.00000000000000
+1.51821925404959	0.59278074010116	-0.75638522195529	1.30444423738624	0.59543538782646	1.26339811164347	0.99621915512189	0.40158072618363	-0.13761628880580	0.80430639405142	-1.00000000000000
+0.79016277537912	1.17314614588645	-1.03314519597188	-2.25996781095854	-0.90829935345172	-0.34086207326562	-0.23268215799433	1.47191276443939	-0.38688027824750	1.18276067807882	1.00000000000000
+0.38060369322237	2.08351913895134	0.30353160073664	-0.09594306271527	0.31246512958292	-0.13426967028303	-0.19056117829094	1.53025048961810	-0.22316401347500	-0.29348266151547	-1.00000000000000
+0.60307734916656	0.23682674347634	-0.27632069614610	0.45234819421031	-1.36433868043687	1.23704636645166	0.76835552915134	0.71043529209539	-1.43290165706555	0.53387392449287	-1.00000000000000
+-1.22703807991340	-2.13013547550515	1.12164339763612	-0.29330440066853	-0.51945724907587	0.80831297661885	-0.02908401866302	-0.04299166767294	1.52763573507438	2.26351516664985	1.00000000000000
+-0.79835903307943	0.62359497946574	-0.56526564608446	0.39894690355241	1.91796382829448	0.74830388529708	-2.02878827705920	-0.11070264442576	1.04935647678987	-0.19981780246677	1.00000000000000
+-0.42442519934762	-0.10679253279227	-0.17449866169136	-2.41647889013046	1.19681928567605	0.77930168445243	-0.21694656271609	-0.13816550106187	0.97547107707518	-0.99741685425845	1.00000000000000
+-0.99845068161510	1.61354454232744	-1.77837135996537	0.06277820151008	-0.46862237043066	-0.51969436896900	1.74749822488985	0.94517972091682	-1.36743278897014	0.71343535429483	1.00000000000000
+0.60362286568552	-0.22237357540518	1.62820938418321	0.17537994795311	-1.23450101428521	0.28421235862147	0.75743291531939	0.98860830220412	-0.43277103926385	-0.51687381891387	-1.00000000000000
+0.55257764243895	0.10971006974285	0.12639184234863	-0.35422047418772	0.53878482747036	-1.09288193216825	0.39213755138578	1.30892272219028	0.27824097422182	-0.37727168634875	-1.00000000000000
+-0.96461968559261	0.54938158551597	0.19313665719513	1.34656944361709	-0.24186172153770	0.79566013724721	2.34229180005486	0.00192153385062	-1.49090582970386	-0.45984328888808	1.00000000000000
+0.65701033336288	1.35673008507907	-0.07098593479209	0.52173799527287	0.04674853240518	0.41739221146205	-0.29675087872794	0.56084733160478	0.20186708937065	0.54831368735847	-1.00000000000000
+-3.22072472415530	-0.66735438433506	-0.64966850388491	0.32288001330327	-1.05077208284277	-0.64421743045543	1.60532617195650	2.53985832450151	0.11926745406349	0.45504100610705	1.00000000000000
+-1.00011356246769	0.12909488216644	0.21886165794404	-2.42502490272728	-0.10330267282654	0.97968249714788	1.30719217784726	-0.57679740479531	-0.62042735094031	-1.02962955488733	1.00000000000000
+0.43866067485394	1.93139172453239	0.47865677269295	1.03231788763203	-0.43889619370266	-0.72320864009366	0.95433045446799	-0.39056731582142	1.04644300001830	-0.14919478045843	-1.00000000000000
+-0.62935635423034	0.31960010826322	0.00859048450270	2.93955588404951	-0.52097534983092	0.16074509580635	-0.08329271949942	-0.94855955486341	1.65754571749726	-0.74700298427478	1.00000000000000
+0.66695613609175	1.17517616650369	-0.39360549180138	0.41552968075008	1.06210615015954	-0.73370752861999	0.87749352554355	0.11702401463028	2.18730359367520	-0.39112055697633	1.00000000000000
+1.89118534873494	-0.50804186825356	0.61047400770217	-1.17515196940742	-0.63152232830496	-1.70541699401601	-0.10332039917778	-0.39493308398461	-0.04083879523427	-0.06794290974837	-1.00000000000000
+1.39878761611803	-0.65727038042281	0.94663667498865	0.36582150633016	-1.40728608060861	-0.94544023740443	1.37234732441396	0.62275497277502	0.27861636094259	-0.42327486940337	-1.00000000000000
+1.13089947351025	0.10330277726278	-2.21956952085833	0.65569443219471	-0.53825709382345	-0.57534046017480	1.21423564368180	1.55205924585311	2.00839227438568	-0.96056244973665	1.00000000000000
+1.99251168826725	-0.17449721186471	-0.33740709302925	-0.40785631222574	-0.45219713419368	-0.92866532096571	-0.20014040367343	0.53367289254696	-0.30967255222533	0.04548920803040	-1.00000000000000
+-1.16908162585814	1.08091123769283	0.07376620500096	-0.39819419902804	-1.72465202363490	-1.34350986596227	-0.32169386433024	0.91759998407558	1.20613182065829	0.06915923956583	1.00000000000000
+1.52334680412853	1.93298466929329	-0.97318100358340	0.58582559660409	0.38363986507216	-1.14933667688495	-0.32578410051959	-0.47502395895495	1.12210512011671	-0.29344116469638	1.00000000000000
+-0.70862416990184	1.03601762271026	-1.14802233281222	-1.11739519593737	-1.35555461262655	2.05044322526678	0.03693054174292	-0.17972892328953	-1.97459515123892	2.16056004306367	1.00000000000000
+-0.88616698938242	0.39168068035521	1.05768157367044	1.60184839890709	0.40435980907286	0.62280866948062	1.17458045831376	-0.75464813691560	0.01012799322262	0.04330301595782	-1.00000000000000
+-2.16368685688115	-0.66235539686463	-1.21825862320555	0.58727357011699	-1.61429598881865	-0.97410717187298	-0.32595547584651	0.06731132714122	-0.37807445535992	3.15997392924725	1.00000000000000
+0.30553305916655	1.11621357994662	-0.63580442063166	0.01427746971227	1.44386587707363	-0.30090549436518	1.20676920254289	-1.48825847352763	0.96407161027299	0.43457239375569	-1.00000000000000
+-0.07319692649327	0.86798298844604	-0.83291152119561	-0.41181404989647	-0.32477045555016	0.76375586129777	-0.96154857713638	0.14918845520437	1.77768815664302	-0.74055309033752	-1.00000000000000
+-0.08304121308207	-0.21952257969836	1.22290546947938	-0.47848810809721	0.11698056347942	-0.70129406315676	-0.05898690902022	-0.79119189327561	-0.36928753437646	0.46892776024311	-1.00000000000000
+0.36357389628923	-0.41449144671931	-1.19226735119440	-0.17466715774280	-0.65695631167709	-0.41968353263155	-2.81577572355686	-0.61529793086492	-0.85646154736802	-1.08516481953179	1.00000000000000
+-0.57549427647485	0.57066006595670	-0.79127288250093	-0.62421240916868	0.12803600828126	1.92780885641821	-0.54507870122102	0.93185510120682	-0.04098490078730	-0.78990129211207	-1.00000000000000
+-1.57709474422998	1.06202211627351	-0.23761649430131	-0.18890329280015	-0.23780008017351	-1.06284753287569	-2.55249316496388	-0.44929503289513	0.38274699165809	0.22357730001036	1.00000000000000
+-2.64587877151456	0.44159978159228	0.94176011994243	1.19694006238974	-0.12559185818296	0.21463104271260	0.67100460819188	1.52495218961693	-1.05088310384689	-1.54064470574070	1.00000000000000
+1.56277656925485	-1.37411039963902	1.92376485993671	0.48493569323443	-0.30578151637124	0.24166799726792	-0.41421740415823	-2.30008571240261	1.68193606959359	0.78231615948130	1.00000000000000
+0.95228807013446	1.01158344502287	-1.02722270916560	-0.22821847388745	1.06062041336989	0.31013923528955	0.99423940463105	-1.01352094968275	0.35400864543066	1.57579075437230	-1.00000000000000
+-0.77855026249971	-1.04267479579788	-0.04654231882203	0.42942448914060	-0.51550437771815	0.32283988608754	-0.03975219049535	-0.90528511826847	-0.52328884616435	-2.03434246174549	-1.00000000000000
+-0.37247333414135	-0.89325281583994	0.69638916020503	0.36351706916051	1.85806556110479	1.34125640532692	-0.66893516238760	-0.53248878977759	-0.68557688752687	-1.13069536883372	-1.00000000000000
+-1.60736378870021	-1.08776013061024	0.09099661454894	-0.20525532165624	-1.12513412148637	-0.65676760211104	1.08364510281917	0.07499832824948	0.32861331922006	-0.50719742356733	-1.00000000000000
+-1.58663862669518	0.90015471336662	1.22569970031161	-2.19805644852707	-1.02060705657237	1.21659332427243	-1.90571936523102	-0.58713660969941	-0.37730145921345	-0.81343834054945	1.00000000000000
+0.09631364123687	0.19310045895272	-0.06359129368214	-0.16046430036014	1.24158637349212	1.37075282842977	-0.01884309281623	2.24915271605863	-0.04549920800521	0.22394737517468	-1.00000000000000
+-1.31671064143445	1.04869678849750	0.15963748196657	-0.69131429380890	-1.27810586576553	0.15050233276665	-1.22251451575747	-0.10443863207593	-0.04626891659228	0.23057340883718	-1.00000000000000
+0.78609696163968	1.02020402389166	-0.89376051666085	0.99879243857164	-0.83903630324457	0.51877719108232	-0.15105831025651	0.88073340020055	-0.84049615041432	-0.16283621290479	-1.00000000000000
+-2.57786087578267	0.67177403116700	-0.32776656914641	1.10462600896100	1.46889373293796	-0.04579376452024	-0.41024367161409	-0.53683642670828	0.67009581327324	0.00419131978138	1.00000000000000
+-1.14127434804527	1.15062842000806	0.69587858003862	0.24890284147139	0.32763603106745	-0.27921397768056	1.10807076619589	0.37892890341969	-0.04887247900476	-0.30581710970328	-1.00000000000000
+0.23099700812865	0.82463875757268	-1.08075519201891	0.95793478488142	0.06436054703935	0.90966116059321	-0.99351449648130	-0.51904341615750	-1.24161397615590	0.66989481190208	-1.00000000000000
+0.29476271153229	0.47288550840150	-1.12940507843103	0.64836767833497	2.49489688627236	-0.13317582079096	-1.64622392214958	0.29570423873138	-1.53917031667180	-1.52340561234623	1.00000000000000
+0.56902713698616	-1.46440198700699	0.83768993931960	-0.55391634727235	-0.47119370141355	0.80700668978793	0.85140914220537	-0.81838761925199	0.44326201549891	-1.24111062544747	-1.00000000000000
+-2.30609344241611	-0.34167601125737	-0.69874922042770	1.10198952862221	0.29868592746326	-1.13114717093861	1.23023972571716	0.08643655100798	0.50715540189195	0.33047489239752	1.00000000000000
+-0.12379639695995	1.42840039114440	0.58021714287837	0.24641232734316	1.40098586544398	-1.64552736961454	1.24435163463666	-0.86514501603895	0.82339963408993	-1.66240822821771	1.00000000000000
+-1.46297993589471	1.36877722029588	0.79397424779362	-2.50529924977355	1.81213047298321	0.16733586167115	-0.58861334370695	-1.58904351186757	0.86433137104883	-1.20188981564474	1.00000000000000
+-1.53864708095074	-0.41223868629405	2.78084830810971	0.07614593102007	0.88801558606646	0.18200114790226	-0.73842866003904	0.67525772892984	-0.32611587596963	0.70952569060116	1.00000000000000
+-0.93794649833494	0.63593029060328	-0.67226846273675	-2.75231621398352	-1.54609851061460	-0.79570578038613	1.75586208626735	-1.54737858430496	-0.32321077753509	-0.11008532997619	1.00000000000000
+-0.30882976324110	-0.23748755845236	0.54488126899469	-0.80186527713983	-0.80307826393293	-1.99888578768063	-0.29884172034534	-0.64198016425972	0.09218032714174	0.19451737288695	-1.00000000000000
+-0.83617084122253	-0.59639647672974	-0.28016410458031	0.26573783766404	-1.02890021576357	-0.61877865759334	-1.42686520033489	-1.05544618901562	1.01680240391579	-0.15211377799339	-1.00000000000000
+-1.01560870865725	-0.72200722564798	1.07477701280689	1.07495552956068	0.89317283687857	1.68347918934221	0.35568271456131	0.19465675498620	1.89128878901665	-0.21595453997582	1.00000000000000
+-0.74671667950735	0.69555133841897	0.38103991935097	0.57461164408462	1.06469195706254	-0.17815943302496	2.50768062126252	-0.01531542000972	0.71044796987334	0.68882203261716	1.00000000000000
+-1.86978715828135	1.31145805457713	1.87624263113925	1.55651402032238	0.15895047458728	0.88509416064547	0.80544909836839	-1.07557246124553	0.06831286085525	1.27109590506967	1.00000000000000
+0.80103769923051	-0.58739675956266	-1.29948930104162	0.09194491309819	-0.22607897379491	0.00951603961169	-1.10459880127754	0.56200670911441	1.38984636209090	0.46031862354033	-1.00000000000000
+0.57812402193919	-0.99254570166873	-0.12382183311740	0.86889459150694	0.28861102708790	-0.75085812260351	0.57757668770981	0.18383894669594	1.87387434253332	-1.19917846098524	-1.00000000000000
+-0.37038567098718	1.52049332156892	-1.24671364649913	1.94627092571097	-0.05740991193416	1.70588160713418	-0.02481189421194	-0.04126166994867	0.13709271458162	0.31804331752095	1.00000000000000
+0.98348557699360	-0.30317584877522	-1.96649244622690	1.54752480845776	0.18392994981569	-0.50553944744529	-0.39555441332329	-0.21370838399640	0.49484149717132	-1.07365195899835	-1.00000000000000
+0.84302237818993	0.29231360334164	0.16164375128902	0.21279736146063	1.11351431815220	2.23697304256532	1.39658906277690	0.07457047343900	-0.58351154652285	0.16990276903935	1.00000000000000
+0.12694013524961	0.56868191165207	0.43284243474472	-0.61417751219555	0.68265979103206	0.38070408063778	0.11509143776440	-0.86540379449713	0.00157300708926	-0.19547144696244	-1.00000000000000
+0.16918188735212	-2.00627556411291	-1.45077814684328	0.38267123555879	0.71252868039451	-0.24991207824052	0.00219514283681	0.14633186506191	0.34083650765980	0.64167066564895	-1.00000000000000
+0.25428719695498	-0.41660641524829	-1.49908576605887	1.14214122054790	-1.22107153355534	-0.48322563798849	-0.58148500805470	-0.41272226767615	1.57580572463026	-0.23319449411214	-1.00000000000000
+0.23476504742419	-1.19598123857324	-0.33058626120513	0.43771343336619	2.11845821143140	0.93987574712426	-0.31713729098607	0.20354866923509	-1.15295775178261	1.55473433116255	1.00000000000000
+0.07755032358678	0.61000091596284	-0.38462512588605	-0.93140627653681	-0.03435549805384	-0.12396139700140	2.11908506395388	0.81908646928675	0.88760287567567	2.05166772016176	1.00000000000000
+0.52071726643894	-0.58120361635443	-0.12551039464671	0.67923946075995	-0.27162879917258	-1.49498726777232	-0.11742053450588	0.03922786462423	0.82633790394553	0.34306783136212	-1.00000000000000
+0.43379039108404	0.26977162257317	-0.89945660315350	0.39992751811539	0.46138188743547	-0.62313392940911	0.95670506986841	0.04181303106924	-0.53811800116551	1.26406829741875	-1.00000000000000
+-0.75263680630963	-2.23165324363892	1.42998470140689	-1.07753068470400	-0.51057973335383	0.65604030354250	-0.76141364982956	0.22009489943640	-0.08311468254404	0.39221634455448	1.00000000000000
+-0.25560252985865	0.06813635844512	-1.17940650767278	0.47378243838886	-0.53119890736738	-0.40347788251800	0.62867715774333	-0.36120621100143	-1.76783193572353	0.31353461042968	-1.00000000000000
+-1.83003591830446	-1.09197999767039	-0.39528596744444	-0.35732248500208	-0.64071853761321	-0.25365548906114	-0.55811518607829	0.38074635922588	-1.19009020064434	-0.82431060976326	-1.00000000000000
+0.32133971080043	-0.53343253856500	1.13308504900510	-0.74423448042704	-0.43931955212660	-0.58445286212555	-1.74036220604266	1.02443596905451	0.23995252491293	-0.81502699467898	-1.00000000000000
+0.11146894773784	0.85362575158110	-1.23694225895524	-1.54094703344563	0.01235261004329	0.36400148606700	0.78074904445378	-1.46118636566483	-0.23950364944774	0.19742768049777	-1.00000000000000
+-0.98317190457349	-1.76600520505056	0.92057150220279	-0.67728233032913	-0.48636085835721	0.56598505371175	-0.48968898108348	0.65739840106952	-0.98840750307867	0.40424957276831	-1.00000000000000
+0.93585051388284	0.49324329772154	-0.98701670363697	2.86078545164071	0.29826089307812	0.61946412646722	-1.43832344721630	-0.49087011866603	0.66566325803098	0.37672117010992	1.00000000000000
+-0.35678790581455	0.14443323609779	-0.08368817926129	0.80229676466041	-2.12371502573042	-1.29907261394607	1.02395374650752	0.59616484721266	-1.03820524811818	-1.69550099702536	1.00000000000000
+-1.92138157402734	1.04596073756817	0.77029090637473	-0.08841744103993	-0.64554419572098	0.22684790757164	0.48828714019120	0.96667502711877	-0.56750290553922	0.43710273157253	-1.00000000000000
+-0.31530291323377	2.19081485157808	0.36315600829654	-1.07951851053757	0.47786132514999	-0.37725244216733	-0.13330808515998	-0.51468499638761	0.62380518832017	0.96154858857531	-1.00000000000000
+-0.92265971212341	0.61531633704495	0.52583005680739	0.85621270715593	0.02624318351734	-0.26806060830105	-0.15841991216503	-1.53481250426098	0.19298821281366	0.72726947701168	-1.00000000000000
+1.10073417596959	1.00682880629278	-1.91831726698264	-0.52181492543654	0.21218287400632	-1.10883152902487	-0.27185102449938	0.11911676761786	0.69838198812223	-0.36166205044431	-1.00000000000000
+0.87478833479770	-0.06835595014229	-0.62866490598992	-0.29067359427279	0.50428755765597	1.03199308242779	0.40025010238336	1.30320571241809	-0.76568778718375	1.05143961996935	-1.00000000000000
+-0.63144689103221	-0.66244003682739	-1.13488247923104	0.25571285521883	-0.00938359983324	-0.96943304957280	0.58601449614793	-0.52239237787612	0.54577324371062	1.01255833948371	-1.00000000000000
+-0.09877601473539	1.15025918770140	0.74553500061867	0.53173867610503	-0.51558698834999	0.86564989935612	-0.58328292538300	-0.12295020792251	0.41508667926680	-0.83944965970089	-1.00000000000000
+0.98249216417447	-0.25302144609653	0.11595675678556	0.61358641015869	0.62180252629879	0.86259701516623	0.76973813873944	0.32279367444397	1.39163493127878	0.06019016627631	-1.00000000000000
+1.37852501569808	-1.89566355522794	0.75347465720248	-0.37225781327087	-1.27876023311164	-0.79067891391924	1.06469109825792	-0.17291502495858	1.25405648534598	1.10787320602328	1.00000000000000
+-0.99434974639997	-0.73138827564694	-1.31118782334687	0.13029285698777	0.66537169442883	-1.24762868226186	0.45337730977908	0.64635306457065	1.77138942760479	-0.42998220953729	-1.00000000000000
+1.12371949106084	0.88536632098320	-0.52363392279376	-0.07948667791165	0.10632248521444	-0.84163032179071	-1.25134554513265	1.46219002129471	0.98580815708656	-0.17921289262795	-1.00000000000000
+1.86023342072890	-0.32517164089760	0.15115122335067	0.35960106053021	-0.66760382479493	-2.93126278052750	-0.71475143649065	1.09016373030728	0.11794999005609	-0.67636438266785	1.00000000000000
+-0.01375879243412	-0.86245725718762	-0.89673420912296	0.72774608242695	0.54056437076005	1.44256200645213	0.46919898085578	0.10660208661015	1.92014628352405	-1.90894740061317	1.00000000000000
+-0.76442981684967	0.63933509316664	-1.32738327005749	0.03814891861494	-0.70194321223795	-0.40467696017007	0.65818384633019	0.38045337496075	0.83091592390816	-0.54445634634404	-1.00000000000000
+0.15496197427485	0.36831142366508	0.85579040887282	-1.39387861682101	1.67532941635390	-1.97113751935031	-0.06416238828336	0.67413242463431	-1.22971327948893	-1.07221287601040	1.00000000000000
+1.34500663039952	0.54561054374508	0.42791664593179	-0.49960242961271	-0.03414845455156	-1.14906711922551	0.59101687328523	-0.18302824278397	-0.14570731317395	-1.11215202892305	-1.00000000000000
+0.02304363333993	0.57630495090344	1.26154359167744	-0.36943437585159	-1.45675653959813	-0.34806590150493	-0.41281917028798	0.81492664629764	0.87880023566708	-0.33946862817797	-1.00000000000000
+0.54617069426778	-1.38112232453239	-0.39248229763513	-0.12770067671691	-0.16932805143266	0.55093194150683	-0.40788695371630	-0.73659512809459	-1.16412043813773	-1.00361561419354	-1.00000000000000
+0.66011462098043	0.07100174713508	-0.29361409891086	-0.59023381006394	-1.01294360161062	0.58702281396159	-0.53840165296954	0.11088805784711	0.23031423009960	1.55865336668514	-1.00000000000000
+1.23926342344564	-2.90255975498476	-0.77342546126297	-0.68782018699546	-0.12138337087945	1.36119864746177	0.90618573945342	-0.91785446024047	-0.98865712499823	0.61330428572360	1.00000000000000
+0.28678059915595	1.71768727876259	-0.24240950108180	1.18716178079097	1.01386643161568	-1.40063821501338	0.93692145924441	0.18353088548789	2.05202430256930	-1.36486027758721	1.00000000000000
+-1.81319340855939	0.29459656605204	1.85302644219275	-2.13256006534764	1.19255089843998	-1.32654975568338	-0.23599611767371	2.92262584786327	-0.95495772642792	-2.08282217139062	1.00000000000000
+1.28478668130469	0.28087955314990	-0.35297928009024	-0.30780078727536	1.10858908833457	0.65899264063469	3.29981703578560	0.44274337789373	-1.80786109070329	1.05431344143385	1.00000000000000
+-1.84508556630761	-0.06096902184476	-0.47276679983745	1.16572098321148	-1.03012978535318	0.03967035187788	2.09327113870155	1.48509526350517	0.31689108567091	-0.36965993463852	1.00000000000000
+-0.55491529382076	1.19338111831287	-2.05136981406738	-0.34053041265022	-0.37243858157662	-0.73029282920173	0.19773421546087	-0.16435774341639	0.06634720306738	-1.21212328726139	-1.00000000000000
+0.77978843822278	0.44804019213972	-0.64701277252681	0.07068737826584	-0.46062761508726	0.02362236359359	-0.01809646530431	0.72789005580955	0.89718945749772	0.89353764216029	-1.00000000000000
+1.67884474279701	-0.61171024691837	0.16300972622747	0.66257565950628	0.90227301764581	-2.75773960409465	0.35686257214661	0.06249561403704	-1.09623777903698	-0.90074191779750	1.00000000000000
+0.06370739102139	-0.57058904971156	-0.43177348830375	0.95291051755573	-0.37575799821195	-0.97645259497992	0.27758787480169	0.67672263874484	-0.42823075609892	-1.45830995823035	-1.00000000000000
+-0.69517060334923	-0.37611618239636	0.58177950649610	-0.66362629273625	-0.63287753971865	-0.47556661128976	-0.30448789145199	-0.45062295106614	0.35819803160410	-0.35234429337959	-1.00000000000000
+-0.21696900971361	0.36049463311596	-0.88165673377374	1.43614795825376	1.49154594542470	-0.71144187385822	-1.61397510168127	0.77723531216901	1.30766252352693	0.27570996901845	1.00000000000000
+0.28510586569581	0.99790004734419	-0.21648640917542	-0.45945298640645	0.65839947002442	1.79757152466236	0.48071624621563	0.62545064871347	0.99156361489873	-0.44687009929559	-1.00000000000000
+-0.25590672929552	-1.28886518630565	-0.51552921868114	-1.32003057591135	-1.01356345542010	-1.27605107668998	0.91642335553742	-0.55438463653218	2.39144330707671	1.15445921454410	1.00000000000000
+-1.02624153988123	1.04442027343019	0.59809836159016	-2.48145337376585	-0.40276654733351	-0.09309512715406	-0.13477192551328	-0.10278223822934	-1.36877459000930	1.24754035633490	1.00000000000000
+0.79346016000160	-0.26888895455997	1.62854766316392	1.38567594634997	0.55216112777733	0.21713879202042	0.40727153113674	0.29027316239271	-2.05067777917531	-1.08906558968634	1.00000000000000
+0.13325197652243	-1.19636431097640	0.48109792814195	1.28247361639418	-0.62837585206038	-0.50020199463917	-1.98140005565079	-0.81960252881118	-0.81170894209251	-1.16129603638848	1.00000000000000
+0.37534835391814	-0.41067382711038	-0.41198604333429	0.19945782494518	-0.07378801508573	0.68528183516086	0.42495706580421	0.63715190255931	0.22057338722768	-0.50656401497228	-1.00000000000000
+0.58014031193261	-0.91504328881875	-1.19959842425018	-0.92879599420243	-1.01080924569296	-1.39774826377414	0.78733020242733	-0.00042870631375	-0.40069243906945	-0.46284795084551	-1.00000000000000
+0.17941819078780	-0.81356836956716	-0.30625603389024	0.85282932096616	0.59948350004900	-0.29470496643149	-2.01904688352362	1.21747637724240	0.62420025053692	-0.69049863164336	-1.00000000000000
+-1.75702562142416	1.15203969691869	0.47215157047698	0.31771879640329	1.41111153153841	-1.07339635019752	1.99938958063740	0.20834032238278	-0.02665428685248	0.59564605744936	1.00000000000000
+0.61973768624484	1.33807917330547	-0.68314299518757	-0.21111905084155	-1.54401178736775	1.54071541809960	-0.76849751163551	0.61514269713815	-1.24290291754725	0.31451173889323	1.00000000000000
+0.30970643675933	-0.90555550633895	0.89651143399065	0.13013556468938	0.01706650476123	-0.82361427888552	2.26046821401779	-0.32651305272296	-1.32824292127873	1.67773403913371	1.00000000000000
+-0.98589262439131	-0.32889964938088	0.20053945989154	1.61923978551406	0.05727842485135	0.36094467877683	-0.71359353603456	-0.76198891936513	1.27979124033859	-0.85151599450984	-1.00000000000000
+-0.77169611912858	-1.03764096898240	1.21158949217995	-0.83729407295609	-1.19277361546946	0.00006677151459	-0.96311094547643	1.17152081243353	-0.30872347930917	-0.61850218288675	-1.00000000000000
+0.28869632569140	0.14773937711793	-0.21001110347596	-0.46059049348349	0.02984300966579	-0.14225481179656	0.45958046060291	-0.89152860945102	-0.75621725333646	-1.81383934908914	-1.00000000000000
+-0.78024830606105	0.24681780880973	0.94722760615371	-0.92661443040350	0.21954200942914	-0.47429374188111	-0.52322991121670	-1.21464264163538	0.23065778064846	0.87294003768710	-1.00000000000000
+0.48202583265192	0.50436245817703	1.59175928781010	-1.04328845368675	1.60694973593846	0.10470575741076	-1.26136068694732	-0.86206786820254	-1.32660445550449	0.44109475514854	1.00000000000000
+2.06590899438415	-0.00389464128353	0.43136275702395	0.11174922431536	0.65924598886510	-0.31089020930077	0.73453929188831	-2.23619737691432	0.22648605207843	-0.07671913372959	1.00000000000000
+-0.82929865960364	0.89974347810000	-0.88479863204953	-0.37684634458619	0.22011759079743	0.52081027759446	-0.40729557343421	-1.35944241303198	-0.01542067614716	-0.93440282158947	-1.00000000000000
+-1.85502327557864	-0.39295375707531	0.04047853234364	0.83151810155805	0.97196732527358	-0.99927676756981	1.77827161032257	0.42447892580037	-0.75134163458717	1.04547808862686	1.00000000000000
+1.38206134900031	-0.82981316908118	1.67537494883395	0.35684102754896	1.73938041539637	0.57653058097550	-0.76683180451645	0.56680201253487	0.04038068413248	0.02977054082684	1.00000000000000
+0.38425341279562	-2.32167610471600	-1.09479049913473	-0.77116421401258	0.43766285668735	1.80709908951856	0.07244506411831	-0.49696538574275	-0.18331505585843	-1.28758155930653	1.00000000000000
+0.01475628065012	-0.86195692843872	0.01311761583091	0.06722852087069	0.02995562497579	0.01803296581692	-0.15985962345271	-0.92317302897686	-2.50765791348054	-0.56849393539745	-1.00000000000000
+1.01618454145136	1.71829064885204	-0.34034046432713	-1.38395848202516	-0.75382305954468	-0.78273551119247	-0.15329248575280	0.45541441367484	0.95679144490798	-0.35945643610996	-1.00000000000000
+-1.05489445016079	-0.26494423622602	0.56832091534306	0.80975876618026	-1.18132542483528	-0.04369932131020	0.03675173194602	-0.50367391797867	0.85936722820104	-0.37785527894263	-1.00000000000000
+2.00649334316342	-1.66836390793023	0.48102922035525	1.03230618602257	-0.15653599767159	-0.22011260866913	0.65289757020770	-0.96031111880111	0.19660438320072	0.69680841996399	1.00000000000000
+-0.24879639729603	1.34108974277818	-0.94993527458993	0.53039006690067	-0.38794857764130	-0.89049935927351	0.49802553786620	0.18266668457182	0.06071685787441	-0.30322712515981	-1.00000000000000
+1.19932987279582	-2.16670083352563	-0.60002307440360	-0.45856722847140	-0.26411642908568	0.49030695347905	1.43236025722953	-3.18388505607646	1.15470875872640	-1.03011487710767	1.00000000000000
+-0.43684132338847	2.01260732914754	0.42353655499459	1.51881591267717	2.12646280656681	0.40397731880063	-0.53276640142718	2.14711587619385	-0.55515774606101	-1.40871014102204	1.00000000000000
+-1.68212560590824	-0.82508220491623	-0.59444939762050	0.25354831383005	1.28119507521958	-0.38382270665097	0.37934339323494	-0.11825919397368	0.88594193162362	-1.54490992433856	-1.00000000000000
+1.03839583191520	-0.67060173875907	-0.08131571073131	-1.14697339430836	-1.82474647161562	-0.15931692592568	0.24032221190424	0.73327772028710	1.26682232639767	-1.42264219821260	1.00000000000000
+-0.14794647957229	1.70661307524771	0.09986532635084	-0.06859207362911	-0.36565512109618	0.41814176541529	-0.14589002688938	0.75494569248016	-0.43403572094684	0.66409507460081	-1.00000000000000
+-0.26804440122462	-1.22595055561161	-0.25307868568206	-1.11098886445949	-1.45949706284761	0.70242712821995	-0.86748647913353	1.32815547434319	2.07580783968298	-1.72474878953154	1.00000000000000
+-0.16883467712506	0.44580517533126	-0.23189788667850	0.33577151968357	0.20599779916483	-0.19891762827428	-1.34537893703598	-1.35345155979031	1.28953457446453	0.06521280467532	-1.00000000000000
+0.04781476049353	0.27383644263372	0.04455097042830	-0.72640648118307	0.57112160106214	0.72998918814037	-0.15482189467780	0.65881701749150	0.14908580171723	0.72602180668412	-1.00000000000000
+0.67446135726918	0.27779559544818	-0.74052741703026	1.12765753274260	-0.92274292017890	-0.41388749973149	-0.82489387310620	1.17012167558113	-0.32235440757779	-1.37144987563030	-1.00000000000000
+-0.63565710223947	0.25189314230719	0.09528235818178	-0.22698955790190	0.58507399088012	-1.39911366195324	0.80997336719274	-0.15286471363939	-0.77856442140187	0.52314777887753	-1.00000000000000
+-0.06592011583812	-0.44508507929691	1.66314395606089	-2.25329633640471	-0.87554662051385	-0.93788347051784	-1.41631002952329	-1.08327865744933	-0.87343527539078	-1.56781984186675	1.00000000000000
+0.09304902708934	-2.06418747309928	0.00965660747460	1.51478766210475	-0.64348533496275	-0.94174450917802	-0.39361833809260	0.48002654906926	-0.32774214081149	-1.29277634746799	1.00000000000000
+0.67510422789290	-0.01969741205273	-1.18016147519550	-0.15700445652320	1.39247589304412	0.61499889338698	-0.05359579438818	0.45396765813311	1.18581400581498	0.00877623099860	-1.00000000000000
+1.76022308110574	-0.55801949289100	0.60087579907116	-1.17415338773433	0.75989793267165	1.13509592564136	0.10751830532865	1.22715867950018	0.07763739443190	-1.16483764047521	1.00000000000000
+1.31171708562669	-0.30171874513263	1.98868347871236	0.20805875283223	-0.52426565564681	-0.51667691807829	1.74364910053755	-0.58777019974158	-0.67863449451924	0.66458186231676	1.00000000000000
+0.97840852668764	0.28341052680381	-1.10086291141836	0.88254773693153	-0.48056809331274	-0.93692237905893	-0.16984091938800	-1.36436843008557	0.07896753244164	-0.51009741247826	-1.00000000000000
+-1.27076466610577	-0.49793084642076	-0.49416848164403	-2.06182414767641	0.65321223748701	-2.17020178562960	-0.53717654979471	-0.70775102583690	0.15567021801852	-0.45805899569447	1.00000000000000
+-0.13956273109721	-1.02272384356751	1.22855524399974	0.29554316551844	0.53530746894133	-1.42626472813458	0.84810968935293	-0.94338783550544	0.13509970869163	-1.36129098757532	-1.00000000000000
+-0.26213057540315	0.50365113774266	0.25900701360745	0.99476367205074	-1.34838963362724	-0.36122115695854	-0.31563448056331	0.43797923973990	-0.08546481649606	-1.08446361517074	-1.00000000000000
+-0.26247008229597	-1.85147301078698	-1.51569172038706	0.16989410800592	-0.13023897664132	0.21972756647142	-1.27159550611902	1.60038779400344	-0.26539090071264	-1.38260986034178	1.00000000000000
+-0.66127892486130	1.88088989418817	-0.79458971174615	-2.39075102995644	0.23413914249497	0.18174416668694	0.37569370904928	0.96181822142045	0.27456196656572	0.01560196656376	1.00000000000000
+-0.80664890771138	1.17951509967453	0.16480805577915	0.21817885752357	1.29297852189282	1.42957429684261	0.02665584620487	-0.18865004312784	-0.13524346726621	0.02495110598102	-1.00000000000000
+-0.97151646390553	-0.64468698365719	1.26225833217677	0.03464697577162	1.69263697568684	-2.08591014172832	-0.50718229257354	-0.86241158706209	-0.93426784091160	0.32002973017482	1.00000000000000
+2.26949418503018	-2.32926616622222	-0.07026742949933	0.10922882995137	-1.40402165786542	-0.85228120506648	-0.37401869050130	-0.77369342737127	0.14724640707331	1.46350402436035	1.00000000000000
+-0.71264611505454	1.67589179168603	-0.15093236572573	-0.38065520516076	1.29959165288677	-0.90117074929751	-0.18762958531990	0.65023684698499	0.26047546470975	-0.84927036695410	-1.00000000000000
+0.89725449973002	0.85833135594707	-1.38510041299041	0.85229044274147	1.37358940982591	-0.02830167636617	0.27278412515745	-0.40135079724357	-0.15447472544551	2.26039651287679	1.00000000000000
+-1.64207196020230	-0.10921807861223	-0.53044899687516	0.35829698829054	-0.83925093014289	-0.70514611308879	0.00237341377636	-0.12032260037621	0.44945174546814	-0.60438723404432	-1.00000000000000
+0.21421441152787	-2.23628531626608	-0.53464989425809	-2.26840837791391	0.51394142526020	-0.98342437193774	-0.77758987276449	0.88551709273645	0.96219818175186	0.23332362766986	1.00000000000000
+0.96632548040126	-0.49534204814180	1.27146208200643	-0.18540413131173	0.43034219566332	0.63733094834069	0.86742587725046	0.40778362857178	-0.03778369364284	0.09278202468571	-1.00000000000000
+0.49046631063365	0.04773024572718	-1.44285917250375	1.35347894110875	0.87286440463530	-0.81452685546958	-0.57736518639027	0.18553130628598	-0.26056779766942	0.21092349027381	-1.00000000000000
+-0.22102990152555	0.49256243558982	-1.25157970500257	0.22610904890494	-0.35801682150385	-0.46430236524826	1.10886247471586	0.09440814705345	0.38157437747898	-0.15662230066086	-1.00000000000000
+-0.06392096354393	1.21554101652232	-0.86679939056770	0.27758980889865	1.48163905929531	-0.96019098931720	-0.88487997377781	-0.15899329231699	-1.71203810828685	1.69563959200228	1.00000000000000
+0.67010752079148	0.35590575584036	-0.04894542339784	0.07230170280284	0.55783999832607	0.86471411467858	-0.03774707346594	-0.08610417081281	1.00106847070147	-0.25805164904143	-1.00000000000000
+0.62768448656251	0.67247213102660	-0.78931664555518	-1.14209385695576	0.95445192847403	-0.27041910887001	0.41904150593024	0.20563828812978	-0.11991454503667	-1.18978592223081	-1.00000000000000
+0.55586117224029	1.41372074087939	-0.32312812305028	2.73297145137492	0.93291957735558	0.41180284227290	1.14736446738486	-0.68696417864934	0.10773797379094	0.09171167841417	1.00000000000000
+0.91047307049082	0.26211853783146	-1.93124991057421	0.40876228366799	-0.98237335299414	-1.23999468126157	0.90585099524515	-1.93641973364991	-0.19985223688052	-1.77058840346046	1.00000000000000
+-0.67011496402469	-0.46795044074921	-0.99889105533640	0.29050945907164	1.74341463145242	0.55476508814898	0.47249671805521	0.69741423322567	2.60749140213605	1.05444530882614	1.00000000000000
+-2.01702986478249	0.70987028701147	1.22465741129027	-1.62915696134078	0.39163035869100	-0.81539786071878	-0.26499643213603	0.02401130634291	-0.34787646266855	0.20222409347135	1.00000000000000
+-0.83495390194299	0.39859076826639	-1.15372583037994	1.30573223926939	-1.07967968122672	-1.25237839232691	-0.01251239648622	-0.39623370865991	-1.63078678959636	0.57853688787143	1.00000000000000
+-0.12745608092154	0.20191949075680	-0.82508158760036	-0.29708734776071	0.31077654228195	0.73207300663049	0.77464325038889	1.48781465341913	-0.29719745404373	-0.32210028181842	-1.00000000000000
+-0.73746508920572	1.48549052369567	0.19411143834550	0.71569730137424	0.36229266243032	-0.69129461826066	-0.61832256761556	-0.06596728363138	-0.32996586513754	-0.00665061738276	-1.00000000000000
+0.47949455214346	1.32863496510994	0.70458566869290	-0.79466420138870	-1.62308288761144	-0.20649823854761	-0.40606517751682	-0.99796007942126	1.04895904624466	-1.12863340880919	-1.00000000000000
+0.94139583097063	-0.62478866727712	1.37861342919746	-2.01436507575098	-0.12023444644857	0.64885554142830	-0.61838686491293	1.23618623340372	0.39796245048377	-0.26683608734229	1.00000000000000
+-0.22670374775742	1.32111306993127	-1.53926772648182	0.42095336563187	0.15908507368139	1.12394966749324	1.71579041810619	0.58937012551678	-1.98907271965991	-0.34505920567294	1.00000000000000
+1.27703529458281	-1.19969055052460	-0.52058309678028	-0.24739699188671	-1.10217724290422	0.17784405234173	-0.78143379895387	-0.41300186212989	-1.14231754771918	1.19153407490214	-1.00000000000000
+1.76968014017882	0.59663601295813	-1.35097154238161	-0.14555032346428	1.38243674695718	-0.72986982493861	-1.17871029455465	0.31552830222635	1.12704625233955	-0.33264094646479	1.00000000000000
+-1.10851079692290	-0.18447880453458	-2.00726031630249	-0.17787065665138	0.21869392658839	0.43295244927945	-2.20607477950919	1.21891752418947	-0.74025056273080	1.31765678441193	1.00000000000000
+-1.08226581126514	-0.90270969442744	-0.70494135567563	-0.89291210090160	1.51961815980233	-0.67963119597092	-1.45404783945899	-1.62965341269319	-0.29873275948983	-0.16021384196281	1.00000000000000
+0.50235142143041	-1.06007540517906	-0.53838100714594	-0.31460658746628	-1.64523727762161	-1.62202457948319	-1.22711768740194	-0.87949293266992	-0.31477209520889	-0.43528756820470	1.00000000000000
+-0.80030560436346	-0.35672373384458	-1.68719748584965	2.30057359829743	1.01741670216827	0.73297075417707	0.11226757105675	-0.69256464067375	-0.12603903095623	0.80472668951652	1.00000000000000
+-0.14113488747740	-0.04947505248279	0.99220511280160	1.65735228490383	-0.50948638084776	-0.91604211776832	-0.35055617667445	-0.80908855869895	0.74591109528169	-2.25626211177094	1.00000000000000
+-1.72581314192778	-1.63747357166358	-1.21657014030132	1.19748656011807	-0.34047364254090	0.71514219091566	-1.03188446553415	2.75440627490076	-0.51367986009903	-0.47390036213841	1.00000000000000
+-0.69710933571806	1.32326640336135	0.16847791633088	0.24180741792231	-0.64009041803667	-0.31980262913375	0.83519396719624	-1.91758385166237	-0.49474788353939	-0.07642627821093	-1.00000000000000
+-0.00259998996978	-1.20778217325610	0.81550662837374	0.01064692540114	0.92666054835541	1.39841530722771	-0.82650234642564	-0.32574905654891	-0.42482962998649	-1.17640368716480	-1.00000000000000
+1.13962343360738	0.59416216571462	-0.32066851851465	-0.17043004698433	-0.18912081939512	0.93376338817650	-0.09726093095109	-0.45437997995181	0.13866519177015	1.01017678332663	-1.00000000000000
+-1.92762770323937	-1.32262642239270	0.50472428293819	0.17777191208299	0.51191876498760	1.39147857994892	-0.91421431215044	-0.06599737160659	0.33039414807300	-0.44930585131971	-1.00000000000000
+-0.73610735359432	-1.64520213657446	1.14741252082908	0.76698193956118	0.33522480164247	0.05327059160280	0.57645576473344	1.39346330026636	0.15447636990950	-0.00693630527806	-1.00000000000000
+-0.63138559488227	0.41585592871316	-0.85081919658158	0.15885565647500	0.35854622171751	-0.24347495762690	-1.63004803067734	-2.31940328523405	0.31827831543880	-0.57542834469006	1.00000000000000
+0.56341705785180	1.76727083955305	-1.77010849835131	0.42926304618579	-0.54481029932198	0.56518410870775	1.39429730601546	-0.47944439555144	-0.49261104686627	2.06729688477577	1.00000000000000
+0.11485193089427	-0.80467266443897	0.07998358042220	-1.07857885901353	0.47674211272670	0.04958018331242	1.25301741946470	0.66473152778891	0.80399885488533	0.84260002119878	-1.00000000000000
+-0.41606277304935	-0.85448435081455	0.22537944841767	-1.12183315682690	0.58202378405183	-0.95906074114974	-0.32447145902638	0.83866946328294	0.32320072539636	0.11671441916241	-1.00000000000000
+-0.22791833458863	-2.34323917559170	0.79085609433070	-2.54334624506193	0.11994398164088	1.57219980063565	-0.22318425890071	0.87396975146426	-0.67107321230897	-0.50842213761418	1.00000000000000
+2.57261541950235	-0.69105787807595	2.86436515816164	-1.26100907156945	0.10829701757061	-0.85181666527691	-1.02742834100411	0.79974754133098	0.77283096689511	0.06065519718866	1.00000000000000
+1.51403364226477	0.94542879836142	2.10324808243243	-0.60584993167409	0.09576335747055	-0.37725578412109	0.58209260379456	-0.84298438467350	-0.72501963305440	-0.57989877153396	1.00000000000000
+-0.18928127725930	-1.18864785327840	0.45284235883937	-3.33875445597616	1.15593531581488	0.86785842855716	-0.11034012496511	-1.41031226327063	0.60369897783288	-0.09929640474897	1.00000000000000
+-0.21387791423193	-0.73375122657300	0.69332416557652	-1.44327992387287	-0.73477483657360	0.47077446881235	-0.36785216466963	1.20319178816050	0.02911767720857	0.01626183532708	-1.00000000000000
+-0.76501431985173	1.20754448517439	-0.53793670235440	-0.83387001460098	-0.42992422648728	-0.18574593307772	1.07570099099888	0.54713660323398	-0.82230891147781	-0.51713432758096	-1.00000000000000
+-0.62772366709162	1.80307056502663	-1.35975322221142	1.77003910290765	0.54271068514737	-0.45730683175983	0.00797209381529	1.40353082882269	-1.45224519338629	0.46428122429247	1.00000000000000
+0.36167838531866	0.42287108215738	-0.10957952198540	0.46077239506488	-0.99909683487135	-0.26840968603057	-0.83811354351062	-0.52908350054099	0.58841079351533	1.34980422325943	-1.00000000000000
+-0.25630483911183	-0.70627780145068	0.59664793878832	-0.12691680994175	-1.14221044819017	0.17616669174726	-0.16644774590047	-0.89061091876252	0.14531048872576	0.14182978726644	-1.00000000000000
+-1.34215589897488	0.45706323173481	1.50456575005986	-0.35652700968133	1.14058080223449	-0.02258896285765	-1.05656153309693	-0.13849808627171	-0.76433454479690	-0.00881072619164	-1.00000000000000
+0.36553139757009	0.57795909569915	-0.63890190781864	-0.06246084873521	0.85828979786274	0.62987695724575	0.71458267414109	-0.50434916352403	-0.08213295348902	-0.94593243233907	-1.00000000000000
+0.06734581325177	-0.26612309079367	1.27992578442900	-1.69193139114097	1.21356055181047	-0.70112838797841	0.72153279728343	0.43845258650476	0.18083658390268	0.00667620533654	-1.00000000000000
+-0.03414684482478	0.47740571978118	0.37891110050498	-0.18488083665763	-1.61516535544609	-0.34585080081659	1.78939309353140	1.31884712034757	1.19901061877729	-0.39942777303870	1.00000000000000
+-0.25277527797741	1.13138568882510	-1.42229774598405	0.21789188126656	0.82037375464972	1.67046483352273	-1.46600765645406	-0.83546601849079	-0.68825271773600	0.88379823045679	1.00000000000000
+0.39062464588064	0.70810403994560	1.02527585264388	-2.50800813605945	-1.27351793611824	-0.27332862316948	-0.84430991929724	0.67384992659787	-1.13448575220639	0.06330512595303	1.00000000000000
+-0.16891685931337	0.80778223210404	-0.88518460026730	-0.51738796829440	-1.51771987002951	1.69305870688327	-1.40520995665429	-1.00535546463621	-0.11391299694681	-0.68791598076939	1.00000000000000
+0.40188241180605	-0.12803392292674	0.80249479408080	-1.43493879594888	-0.38562814398298	0.86770106716157	-0.25929214712035	0.02810097927411	-1.16386953332551	-0.23804804887949	-1.00000000000000
+2.52351698761729	0.40770680696137	-0.03979977198467	1.99023718572292	0.29163694047534	-1.44275136880344	-0.64224174217847	-1.67297829827123	-0.33319604649097	0.21785558802988	1.00000000000000
+2.66205811312946	0.95142478111449	0.01846931379081	0.36117771196197	-0.09674740386317	1.03003470295196	-0.86007750896998	-0.29962697789937	-0.61875051741306	-0.87242184471013	1.00000000000000
+-0.15460064421333	0.69855483177225	-1.64630962876045	0.25239384577098	0.36553495025266	-1.24747502028928	0.52505620821388	-0.64039605716824	1.34294902610610	0.83017684986519	-1.00000000000000
+0.05486687728013	-0.93682184832188	0.30695390888230	1.23515931908425	1.02232634205665	1.65559768627729	0.50319551315317	0.78368152178372	0.21544390760922	-0.13486200503423	-1.00000000000000
+1.32224461518008	-0.35086192146314	-0.90144823450902	1.69710934530355	-0.29187079724540	0.84176173069030	1.26690117174928	1.08429463555226	1.52632885094278	1.69708316007538	1.00000000000000
+-0.14489614345058	-1.02176208673066	1.03492136191761	-1.05347612500522	1.39138126015917	0.18797059594003	0.27877088932343	1.56620718391535	1.31275592128803	0.64521375229251	1.00000000000000
+-1.51992132102847	-1.19106702194561	1.18256812818537	0.48120200199746	-0.03086793961304	0.90128087671517	-1.26745010545938	0.72845925064807	0.04969982661088	-0.31413840987882	-1.00000000000000
+-0.93282211210632	0.04649311317560	-1.64429191610672	-1.48697468890734	0.86469885179640	-0.01085423669369	-0.44807128091121	1.54189222461352	0.42931773934522	-0.59570463223705	1.00000000000000
+1.44527437551089	0.19651106932852	1.06661913970172	-0.53760754381688	-0.18048723137106	0.87137275648344	2.64765864261081	-0.11432444081557	-0.30889337030249	-1.15695123477330	1.00000000000000
+1.29014311279050	0.59709852936709	-0.42078398091955	2.69367287365662	-1.23959282659458	0.78095676878073	-1.15715953170188	2.08599836297764	-0.78367112293090	0.89446984730520	1.00000000000000
+-0.01732886839296	-1.59162930538848	1.15462550485589	0.79916006959639	0.01883734525532	0.09667420765285	1.24602401622378	0.34642842901914	-1.24777072031950	0.76161648505678	-1.00000000000000
+1.38009176754665	2.11670171322626	-0.71673211250315	0.33594417570096	1.86124449094227	0.33231902110185	0.51258550579581	-0.12659168106816	0.31195016075313	0.18820008414168	1.00000000000000
+1.43195254814424	1.18674181793966	0.08325690846238	0.85638867702556	-0.55412058106356	0.93212039320652	2.48476886245444	1.09824950210403	-0.80193403535176	0.02205487272480	1.00000000000000
+0.48685724261799	-1.15241205990362	-1.16341612944010	-0.65395401965332	0.17536325121555	0.16848679088544	-0.60657284200924	1.74138679852417	-1.45365851286314	0.39628787422970	-1.00000000000000
+-0.89980671049967	-1.25621529768657	0.43715617064827	0.85130015786574	0.27147882019309	-0.53497624651323	-0.35920923393303	-0.88608512160555	-0.83878432822831	-1.82187383357623	-1.00000000000000
+0.00118158913685	2.25492921733789	-0.55998608569208	1.71136430745865	-0.67248781145668	0.62583786586398	-0.53314796133452	2.51922086132269	0.92757519340889	-1.93964308571895	1.00000000000000
+1.00033567426764	-0.33585877049358	0.23388280304422	-0.08318797383489	-0.62398009345787	0.91501718491672	-0.29509533794467	0.77183583716145	0.03477223836047	0.79511184479838	-1.00000000000000
+-0.09765106649184	1.03841437077775	-0.66637471811856	-0.18472122452871	-0.74786273970443	1.75415113439076	-1.44748845200428	-0.43609024877426	-0.20124611787416	0.09141192037017	-1.00000000000000
+-0.94772848864805	0.63642546727768	-1.24470799265250	1.05838573318110	-0.51788058513000	-0.17742645308743	0.11244173983497	0.36123270069699	-0.37195593420832	-0.16072640987450	-1.00000000000000
+0.56464863073915	-0.14927332011234	-1.40615698253888	0.60770146141118	-0.22758337579307	-0.49019842485683	-0.30940167397106	2.54732360951511	-0.84853366372331	0.21993508002505	1.00000000000000
+0.31401971385671	1.24021461017786	1.22420491310429	-1.60875271132094	-0.63227033714205	0.21173647184607	-0.78612173951714	0.61995492255128	0.83443319208558	-0.06622022931789	-1.00000000000000
+-1.31907713072233	-1.59319189923396	-0.56838160588004	0.30609081296778	-1.00767943320038	0.61842190289573	0.27336794324511	1.02136654938580	-1.59012663071335	1.34531748485932	1.00000000000000
+1.46957185163604	-0.87678138346729	-0.06453128619553	-0.65620576256490	1.11763883766955	-0.33824511137142	0.38371697313773	1.46629713631119	0.82556014724939	-0.30368683895506	-1.00000000000000
+0.56421949279054	-2.29501042851877	0.36172133786821	-0.48642766386444	-0.41906439710481	1.98725447529400	-0.16934223273671	1.18532692093968	1.23344277464202	-0.04522932653211	1.00000000000000
+0.51766856216699	-0.56896900044169	0.17913022973464	1.28421835690417	0.45240480202500	-0.90030862419487	-0.67002687452808	0.12071803935196	-0.04232036249508	-0.37988173714235	-1.00000000000000
+-0.52164631625913	-0.23496313209333	1.24005556172898	0.26065508559593	-0.92615493812795	-0.94657208286144	-0.67738764006631	0.26109988946475	0.18912996708229	0.45264661307974	-1.00000000000000
+-1.09065190559389	-0.34898156046325	1.40371824385958	1.46798861446311	-0.00781445876178	0.17985315749221	1.96294223107548	0.30083948464387	-0.48999220550102	1.57432384433507	1.00000000000000
+-0.97371352852602	-0.09914386107651	-1.05484831256138	-0.89651843684181	1.46240745788940	0.83684748907498	-0.63688115499846	0.27875437311217	-0.38546837802499	0.06112992441828	-1.00000000000000
+0.44347849403430	1.92053589044054	1.09603716283373	-1.63274802009234	-0.58923534772589	2.48856447578391	0.69923477925056	-1.55394187330372	-0.13048843213046	0.60852677506394	1.00000000000000
+-1.49389238242580	-0.83793063307315	0.13356184973703	0.59555764390835	1.36553318081931	-0.60107076204447	1.18582765566198	0.95771956028978	0.17537840441568	-0.58659727541643	-1.00000000000000
+0.97772402330584	-0.51322055927321	-0.73675469059581	0.03600022892302	-0.02974565307262	0.59650047750206	1.24000057117771	-0.49956088423131	-1.07868078799120	2.01660407443780	-1.00000000000000
+-0.47281516811113	-0.10277961523554	2.48696945012104	1.01051776207692	0.97953340820557	0.64799054223208	-0.23603671220787	-1.51238010075927	0.62420074873584	-0.83146161912454	1.00000000000000
+0.15227757952272	-1.02289250588344	-1.40003698531243	-0.99064988665058	1.40018050893266	-0.76080103650902	0.07957909379243	-0.32261894964856	0.48885653447396	0.01430091251741	-1.00000000000000
+0.86598938637092	-0.95296794095426	0.62363909190184	-0.29948556421190	0.97319698395399	-0.60437544914769	-0.65308910133807	0.23726573588930	-1.05797840551621	1.22652873486379	-1.00000000000000
+-0.46729421551973	-1.28570254756954	1.13391119263401	0.07523759631344	0.01432076602761	-1.58891974070957	0.29742779933642	-1.86431946552441	0.12915355419976	-0.10137627284018	-1.00000000000000
+0.59445799629145	0.09049492285504	-1.19415987009570	1.24158336283890	-0.95138163548011	1.17449045877171	1.17134551917193	-0.01126163187631	0.95421214160296	-0.44250549069916	-1.00000000000000
+1.14054472333596	-0.34917823722638	-0.22815658703488	-0.70737356837305	-0.25264148562752	0.83114356880118	-0.64240958170380	0.75053687686044	-1.18451892613124	-0.24463744040844	-1.00000000000000
+0.07557890966056	0.06876785318838	0.38503248256883	-0.32953465876443	0.70934957157782	0.47274145804695	-0.36501438253682	0.82596468158779	1.11278713789266	0.22155590841878	-1.00000000000000
+-0.25326134360214	-0.44547687631277	1.32360950454165	1.56227091837021	-0.62717345261059	-0.88456504211056	-0.46065178818428	0.03478126522923	0.38701085306560	0.44165251317623	-1.00000000000000
+-0.12612144766806	-0.70573285693959	-1.21856433578354	0.96729049482769	1.92276670767672	-0.56555066588036	-1.15636691241823	-1.19115074273189	-0.86482590177782	-0.38585862962316	1.00000000000000
+-1.52104532887345	-0.01145072029198	0.41038176842461	-0.81656155937702	0.46573248770818	0.03261476823102	0.00820946445343	1.86841712963467	-1.38724707734367	-0.29144168706276	-1.00000000000000
+-0.49277762586206	-1.20142140409454	1.17551065744234	-2.07356383786932	0.70901171897267	0.12703703358754	2.42010633252708	0.16740363915373	1.73267884044354	0.66390539046314	1.00000000000000
+1.11557723679743	0.09194852415761	-1.02245855429615	-1.62538140402360	1.43665775182554	1.02701825310247	-0.95425471678949	-0.26910387888871	-2.18848403014487	-0.41650786319475	1.00000000000000
+-1.13963578560770	-0.06278412631287	-1.19726224376852	-0.17709638528080	0.33542188047167	-0.25283564063977	-0.44735192279120	-0.36449139838991	-0.48783964220730	1.26014333480175	-1.00000000000000
+-0.89519087343704	-0.72493050516880	-0.01302177538564	0.37530726051589	-0.53776493987155	-0.52168118040851	0.54138996199515	-1.39547061890855	0.18047175768072	-0.22195766106138	-1.00000000000000
+0.86943295464957	0.23186718786094	-0.66884585720463	-0.50172397117436	-0.05277079283155	1.03512750116745	0.89385641829442	-1.88755182285789	0.67521237894794	-0.32137167674380	-1.00000000000000
+0.48797096448355	-0.04303766036605	-1.35106988930493	-0.24673344856204	-0.15305712467099	-0.62248555774358	0.54692747656356	1.54555358879892	0.02319564295206	0.19982295061721	-1.00000000000000
+1.01637266997550	1.26280324444413	0.15043221879068	0.24950544816876	-2.06570309222305	1.56176207780494	-1.16666693421572	-0.76032892212503	0.37432225821340	0.44990075786532	1.00000000000000
+1.50452312465952	-1.86686608706258	0.41756126667886	0.94048587897185	-0.89547172836531	-1.42887983039627	-0.35471755842257	-1.10198190829605	-0.07517423821152	-1.59493934735763	1.00000000000000
+0.81242823436860	-0.18912187433070	0.79284549438603	0.43944293048434	0.14276562505113	-0.97774489017983	0.84987653279557	0.66221401328901	1.30595391065504	1.20370474599876	-1.00000000000000
+-0.76882446293930	-0.47206575637980	0.68448148373150	1.27593384056155	0.61549159671554	0.04699927489267	-0.20134512074621	-0.25719039748229	-0.10087404382115	0.90705779762066	-1.00000000000000
+0.70135027272319	0.02243612589563	-0.42978166640217	0.59297714473438	-0.13091820678425	0.49356683470723	-0.21530450935704	0.58877133081611	-0.20789531496288	-0.25699973431261	-1.00000000000000
+-1.08634074599244	-1.23313964569410	-1.97427371455113	0.82592469976370	0.05488704011749	0.66769731688304	-2.21754522750275	-1.34531253413505	-1.22292970947271	0.63142611276114	1.00000000000000
+-1.30648881353264	1.22041253144109	-0.07033772118422	1.10117478171109	-0.90889054346666	1.55074255308108	0.08377603165651	-0.19241500755473	-0.33577624446262	1.11387789018750	-1.00000000000000
+-0.46673243837889	-0.34855333082364	-0.59712325415676	-1.60197328141979	-0.56407051006019	1.15097333073321	0.36598147943553	0.57700011802454	-1.15205680668385	-0.36167813201347	-1.00000000000000
+0.13785845798921	1.41456203980924	1.16259200577137	1.40005573695621	-2.82846961449498	1.06764983112886	-0.37119025300731	-0.69394965531870	-1.25752121526921	-0.20809773142305	1.00000000000000
+-0.57668751671715	0.30035016610630	0.54952946432808	-2.07746084828428	0.18484384614805	-0.17557752983093	1.22180964368602	-1.19138035122583	0.91288689331117	-0.64050027005414	-1.00000000000000
+-0.28545429582972	0.21556273971195	0.30765870309506	-1.62232407419561	-0.78063933081994	-0.80822329497450	0.66503694230887	-0.52942421651137	1.60583952601132	0.20613590585552	-1.00000000000000
+0.19054209075339	-0.34697592467236	0.18532554943672	-0.02188419962085	-0.01787933546717	-0.34055506195569	1.34980904990622	-0.99639685973063	-0.62065408479572	0.86979835385634	-1.00000000000000
+-1.63384733360876	-1.10958440952971	1.31490076333808	0.65741627836466	0.92892979095827	-2.67020456082291	-0.17049488289949	1.28219233323514	1.15439417796158	-0.75432451198978	1.00000000000000
+1.16892928990484	-0.37026238626989	-0.36567165711873	0.09303359659107	-0.18055214381803	-0.24797028282143	-0.54835287870036	-0.42868706401606	1.18262072605753	-0.36090403279748	-1.00000000000000
+1.43395276636576	-0.70551580565958	-0.61696536586027	-0.75778882170639	2.53813752369410	0.63653808124471	-0.05640415627537	1.08433662599045	0.19499097924965	-0.16667836058693	1.00000000000000
+0.21481007738219	-0.06652079606227	-2.22074590401634	-0.61464433025794	0.61564791511266	2.25723934808243	-1.06831744541819	0.09577430680967	-1.45307467290478	-1.05541132901452	1.00000000000000
+-2.07311847243354	0.15228607645099	1.49482581882672	1.39873236982148	-0.45672260049599	-1.25485864762379	-0.40465659467365	0.10179191047340	1.81026719981715	-0.09185278555574	1.00000000000000
+0.47178507491381	-0.39905353448486	-0.79964830077450	-0.63842760098578	-1.07200920321213	-0.06420357769443	-1.60576956265474	0.29820595869179	0.67547820558901	-0.73928473456572	-1.00000000000000
+0.98362184855728	1.94967737102337	-0.10707047508886	0.14253765744293	-1.07179256216263	0.81343642419263	0.14345025223494	-0.50009947875865	-0.21583794011104	1.29807133161734	-1.00000000000000
+0.71883843920895	-0.40122987564917	-0.79113880061194	-0.22221333700200	0.92289843864973	0.54669184002677	0.24378985107224	-0.27484451178782	-0.24558481589766	-1.69768776526301	-1.00000000000000
+-1.30179478980566	0.80566132141184	-0.36467812913657	0.48406256717252	-0.50480751444554	0.05207809964068	0.01989414462150	-0.95744254703811	1.27156766417267	-0.83496071233091	-1.00000000000000
+1.67862687200582	-0.03561306847463	-0.21391636243830	-0.93278998667294	0.36709702820864	1.81652094657930	-0.82249040953960	1.36686400477891	-0.18418417912110	-0.74543196342423	1.00000000000000
+2.50364426879349	0.08484672294595	1.18886032911293	-0.14145624371743	0.66950263656883	-1.57993575680299	0.66092281099483	1.40360544822808	0.39063791829656	-0.45098850862715	1.00000000000000
+-0.13784858987130	2.15154401536714	-1.42671238531045	-0.43969590801966	-0.87850965443440	0.45247403122371	-1.71129361603525	0.16366612600599	0.06719225360154	0.33626610207846	1.00000000000000
+-1.17691950250878	2.33561442828354	0.21104558670324	-2.59989284936545	-0.90538076603644	0.02042857538135	0.21338588211428	-0.36265402011081	0.84938047537985	-1.00399522478925	1.00000000000000
+1.26075937744321	-0.36185370889061	-0.07494582024359	-0.01848191306873	0.84478431912827	-0.49926970268962	-0.88316395131530	-1.09027633880424	-0.17078591837429	1.57530178633038	-1.00000000000000
+-0.50974043765446	-0.46323782701580	0.26262658304864	2.62183190340354	0.18809015505616	-0.27203864808540	1.21427225533026	0.29044536715850	1.43141609522492	-0.41826617074432	1.00000000000000
+0.69153415526127	0.46756218448350	0.32963642799334	-0.87417324052664	-0.87367251316405	0.04154276975900	-1.92734785236527	0.73251157106148	-1.93276408134290	-0.03884635899314	1.00000000000000
+-1.47501572434635	-0.58972796417140	-0.40574728771749	0.37540204446349	-1.19542655001403	0.34149219475432	-1.19919992857339	1.18092429213553	-0.08160359917262	0.50311395774576	-1.00000000000000
+0.74990674609868	-1.21904924102228	-1.83848977651586	1.34200214720492	-0.25383720021889	-1.18153494310768	0.88439635116396	0.90441912816395	0.64634957999112	1.15091183900829	1.00000000000000
+0.39444202359190	-0.26514110335504	-0.63195804699364	0.95815898425879	-0.05829082409804	-0.36253262524076	-0.26746609822084	-0.64018760752132	0.01842664066432	0.15550352950870	-1.00000000000000
+-1.82779135534257	-0.38328989077904	-3.05949714952679	0.95745754809108	0.98337992823612	-0.47010982126971	-1.04868854852528	0.36026054264068	-0.02016302969583	0.93783380520250	1.00000000000000
+0.04323689555897	-0.84195573327229	0.63387219422680	0.09113935997950	-1.24965964822825	-0.78821290862696	-0.31244865392365	-0.65040960535961	2.20549834503440	-0.05424175718164	-1.00000000000000
+0.18602330477799	1.02501888557393	0.22470764402918	-0.03722804585260	-0.25511364611016	-0.06360520326853	-0.50108938174718	0.73432541692145	0.13352126561087	-1.09208043942957	-1.00000000000000
+-1.99839462808982	-0.36074920076142	0.59141734044480	-0.39271756286918	-1.22150183462411	0.66700282287424	-0.42213483444403	0.13353697507529	1.08470165690043	0.14838963533428	-1.00000000000000
+-0.85323312213894	-0.18651527488228	0.36998033911909	-0.08097242267553	1.41081087789090	2.58481897258253	-0.98299511622102	-0.00961833725119	0.57802988787252	0.57896110467051	1.00000000000000
+-0.12459209855819	1.33884719515872	-1.80527679938722	0.43013422035951	-0.39440380834837	-0.78480149838686	-1.28337625405051	0.14068267712043	-2.26531539327952	0.62421016595805	1.00000000000000
+-0.01079433370340	-0.50252826289439	0.11347034693488	-0.79630402198129	1.34302226936463	-0.52664582034171	0.75906263618457	-1.54839719473446	0.17557426795434	-0.56163810771289	-1.00000000000000
+0.53800707759687	-0.37051078358041	-0.38349718044250	-0.07365951966237	-0.51658465767938	0.25234919106533	-0.09799374803552	-0.22091050882521	-0.59954458550226	-0.11058474511539	-1.00000000000000
+0.48614422799285	0.71491089843272	0.88016902794129	-0.31119893755511	-1.22372273872283	-0.53446779040754	-1.23027749048460	0.59407611347981	-0.64842961905046	-0.86556036114378	-1.00000000000000
+0.71265507783193	-0.38270441599940	-0.56546711536042	-0.67924751703561	0.76392700602386	-0.81865764959487	-0.53340510013857	0.45503215635946	0.26523785794614	0.30662119999135	-1.00000000000000
+-2.42325370738379	-0.75064390100053	-0.85283922722514	-1.48553721794855	-0.25263379490416	0.91334235054944	1.62872440981655	1.39475808934364	-0.70925224879093	1.75221247037423	1.00000000000000
+0.97757376332403	0.83960788240812	-0.32184370220659	-0.14203272584344	-1.14321075897688	1.92680347394963	-0.01491640322501	-1.25380334671831	0.02895720495786	-0.52437941179641	-1.00000000000000
+0.79266880476824	-1.83818120546154	-0.68931081793060	-0.63131390994737	-0.02080245151411	-2.44077870115623	1.62067902742408	0.66894827281695	-0.35914492500873	0.13954030282253	1.00000000000000
+0.31027787642407	-0.54044100258377	-1.42476959110036	-0.93644489531646	1.40871950424248	-1.14403634996386	0.24266002856985	0.42188932226200	-1.67161361432685	-0.97949123235766	1.00000000000000
+1.75867359299254	0.03891193812000	-0.28220518416319	0.35020532394911	-1.42125213786803	-1.26140319302277	1.31749922148587	0.60365111030638	1.19055269764394	-0.94502818714453	1.00000000000000
+1.14581200193427	0.32392665823348	1.42591953997318	0.01700144436875	-0.19358767221107	-2.29531467631349	-0.75291860800465	-1.59212580427738	-1.25529195445765	0.34845556100467	1.00000000000000
+-0.77010578066421	0.34634103956728	-0.57494335494164	0.67643086129629	-0.88921489278158	-0.62905233759697	-0.91908599793813	-0.60867679805343	0.40684765170885	0.39253269375941	-1.00000000000000
+-1.46015970711542	-1.24974547955447	1.40523699836900	-1.65369112422433	1.29571539948126	0.65084369034938	0.49666044653323	-0.95151924006822	1.90356938990944	0.88899727061557	1.00000000000000
+-0.69035644956053	0.49104689933396	1.60557649076494	0.06975667028108	-1.28302519147971	1.84809300819912	2.11629178449906	1.54047448862865	-0.31584440697514	0.44471278367600	1.00000000000000
+0.48444076403312	-0.38033825234857	1.43958755114693	-2.00230519574535	1.17077443568433	-1.24614796558833	-0.61693249059513	1.24815049935882	-1.65416645067179	2.61679205479955	1.00000000000000
+-1.81963594834113	0.93690730139435	2.86356834697718	-1.36798742064352	0.25340662787906	-1.67223165887821	0.21390706384404	-0.42901378561224	-1.05958365934997	-0.53202932097444	1.00000000000000
+-0.14684643772118	0.21056085623210	1.50470837095575	-2.12433023717386	0.76761415203736	1.72684023460786	-1.15626487759369	1.06574360720433	-0.32478847827481	-1.22352243694627	1.00000000000000
+1.09290329749350	0.40763508022480	-0.85828378663002	0.09036688739269	-0.05844014075388	0.78363050302931	0.22650896223156	-1.33745021641896	-1.29002928348886	1.17867074894373	-1.00000000000000
+-0.53401695206333	0.76050206888019	0.62980435576023	-3.12869622903184	-0.27753405794713	0.15617803325264	1.06246132916633	1.07388391315505	0.06862564303531	-0.98404085746847	1.00000000000000
+1.16802619396780	-1.94476685875299	2.46795776371089	0.45001447554626	0.00542184270118	2.09819839848769	-0.14248549612554	1.48689402338790	1.99433806161248	-0.08710047844785	1.00000000000000
+-0.24363640025769	0.36543542996112	0.16489248166406	-2.08982307775960	-0.83881781890980	-1.81223983184499	1.37972993091589	-1.25878567099840	-0.01970616764535	-0.22615600694960	1.00000000000000
+-0.13775938691897	0.19971524844941	-0.49389931866796	-0.19011021539844	-1.10061372894002	0.09920015119238	0.57210925734260	0.28515773355581	0.83734827234520	1.46008123308803	-1.00000000000000
+-0.69119203249616	-1.34670282897577	-1.55826443242955	-1.92598679247058	-1.09896262257054	-1.53638360714492	0.91260721529388	0.60676577411198	-1.77667766815060	1.61789175892099	1.00000000000000
+1.83526768135037	0.24078983836462	0.52791214780620	1.74588907999195	0.60477582863338	-1.15581180373532	0.12138538700601	-0.21597263248961	-0.64241357262670	0.58859378836299	-1.00000000000000
+-1.79383752363500	-0.71574448735309	-1.51944450693114	-0.63176614618163	-0.82276405066168	1.54408278194463	0.60126623946991	0.27793370922702	1.73227409221706	-0.86239485797458	1.00000000000000
+-0.92892918656402	-1.82863039575038	0.34316828753988	-0.48960580175406	0.07593455979134	0.63297530685007	0.86618430368661	0.66878459773911	0.34907694024436	0.17132399857348	-1.00000000000000
+-0.74735184307086	-0.14296956284004	-0.20651427944206	-0.00244524567587	1.22421875110002	-1.08572255587339	-1.27615365757855	2.27074028484175	-0.28488654961712	-0.74258645634758	1.00000000000000
+1.45397022240035	0.84104843045539	-1.85413043593493	0.39651871285766	0.63395759866963	0.81039692657655	-1.12299056233029	0.19924191626811	-0.10344298202790	-0.12304206642212	-1.00000000000000
+-0.12750531415383	-0.78925404559858	-0.52961216215579	-1.49761989604258	1.97273572820021	0.79262320131574	0.78515152438535	-0.11441356976532	0.03723352284688	0.60043884704839	-1.00000000000000
+-0.26069627298164	-0.42337328424596	0.83342355904292	-0.35335230037043	1.87839947753530	-0.69154790377855	-0.78674647627571	-0.72486987793557	-0.90007459733848	0.76408301361864	-1.00000000000000
+-0.70826548789076	-1.24275685193346	-0.07081546514760	0.39399626050129	1.07852804188514	-1.04772783292088	-1.69830406933456	-1.83644618857176	0.85097837559119	1.06716018515840	1.00000000000000
+0.99634274060561	0.12894544968596	1.13301696839787	-0.20342904755925	-0.19725600904721	-0.61547081800939	-0.86026628267161	-1.30489179618775	0.94471769499577	-0.58276012630878	-1.00000000000000
+-0.51122285327813	-0.83305260981275	-0.27199477188262	-0.04159427838976	0.09765442850297	2.44117061833017	-0.94020474119950	-0.52285201293340	-1.30614394433825	1.09901254613139	1.00000000000000
+-2.72391960552162	1.22182776099779	-0.53413789012718	0.06475173484127	0.34630893705267	4.34628200394563	0.43163171940740	0.10884846801495	1.68702197605900	0.45468109343351	1.00000000000000
+1.17193840976478	-0.13387781467386	0.19464903278326	-0.35116215605053	-0.61135994846618	1.26636624050289	-0.37005926278036	0.69474933441619	0.05426192897994	0.94932546714952	-1.00000000000000
+0.51221531971094	-0.26667675387258	-0.03522191613863	0.42362160816157	0.37190890831936	-0.53326968441720	0.91247684579734	-0.36739072385722	0.24451441237320	-0.16740744982380	-1.00000000000000
+0.40585874417277	-1.07396683551205	-0.51379941466305	-0.84476804043579	1.10772985621691	-0.03021992067775	0.05168991434152	-0.10419087332489	2.39226923921340	0.08362370237691	-1.00000000000000
+0.99289265632706	-0.48633591571559	0.23112874060417	-0.28546429393533	-0.85726464222090	0.03388330736137	-1.96743184027420	0.27713959099938	0.05275993642572	-0.15044168891485	-1.00000000000000
+-0.21467389766334	-0.84659951281745	-0.45629523761093	1.06869153204569	-1.48148791003150	-1.62643450406367	0.59077478235499	-0.35060524527512	-0.33145083275651	0.12506020153880	-1.00000000000000
+-0.88884843853820	-0.53283859753390	0.54179609137740	-0.55405626068157	1.39614293640733	-1.19852872336607	0.92991068824006	1.26150844307791	0.57620921883216	-0.44324974112721	-1.00000000000000
+-0.57081022343134	0.73806237358400	-0.68078481817492	-0.20610291171514	-0.73853571996749	0.40737427092985	-1.42552398520923	-0.73315017468409	0.05459882143443	0.33729000202405	-1.00000000000000
+-1.70698882497460	1.90799340387292	0.27041031164071	0.41292508784625	-0.21944290996795	1.01424541019043	0.02413915303534	-0.33680953787370	0.70057228122464	-0.99641452391933	1.00000000000000
+1.62176378551165	-0.14735116161548	1.86882285567510	1.71675238911139	0.55575682814351	-0.81989053690348	1.01596803141952	-0.63903655392503	-0.01306405842019	-1.75320835341874	1.00000000000000
+-0.20082993770808	-0.46317743070770	1.33116638672646	0.29025057447934	-0.64530161049019	-0.73396300519161	-0.44475295059462	0.02433077287669	0.75255386814689	-0.43140191878679	-1.00000000000000
+1.27537291006099	0.69233181481378	0.51725258921919	-1.31160953368584	1.44324345330907	1.16165279916555	0.67927185282762	0.80224800510258	-2.28994492511769	-0.40946492470217	1.00000000000000
+-1.84144782660739	0.79299270203575	-0.17448975695332	-0.61461962236879	0.09463701107720	0.50556704656250	-0.61476589270438	0.12884988838436	-1.22914834998135	0.01618458956407	-1.00000000000000
+0.01014310326021	0.07413863953420	-0.37249458085564	-1.58647670120950	1.25739690943733	2.67871949324353	-0.78270512464620	0.14770386854786	0.13808323640638	-0.31308529495660	1.00000000000000
+-0.12121988805545	0.86228253382089	-1.99554943183006	1.02479749669081	0.36417313571186	-0.21913484623483	-0.10763191524562	0.17167709974667	-0.09509201071975	2.26518517375083	1.00000000000000
+-0.54766244302261	-0.87262369909523	-0.31030054601805	-1.27460465471348	0.96310969856399	-0.50244598722619	0.31796872013069	0.01992399538156	0.80624718954727	0.10205961113664	-1.00000000000000
+0.93578038393526	-0.47220766600362	-0.01857627251043	-1.74686815585304	-2.49680649976063	-1.21327074842439	-1.34859164650428	1.65468715115251	-0.52249060007459	0.37140967136521	1.00000000000000
+0.78494815078294	-0.44626828030075	0.46163883446304	-2.36497369005876	1.65213556396510	-1.13653000363601	0.88312149132907	0.43110817016026	-1.17457981407676	-0.00972898832696	1.00000000000000
+1.38880210932969	-1.55741676097276	-0.18783159587610	1.79601237015182	0.69295525262026	0.52907891959727	-0.45366243107158	1.43526827304663	-0.13752571704406	-0.71812398730625	1.00000000000000
+-0.94479781589888	-0.71307437948708	1.25392282950794	-0.05342552771488	-0.60670237993243	0.64630214597963	-0.06224025228071	-0.33384258416422	0.37668120233985	-0.37459247697780	-1.00000000000000
+-0.17613652767314	-1.29525352472153	-0.19999779428085	-0.34519710975139	0.00534685910300	-0.97247368761371	-0.97907074582766	0.64838788850676	1.41057040544196	-0.86642013686336	-1.00000000000000
+-0.92996513940238	0.42067637015169	-0.49776553371907	-0.75557546631829	-0.59328493407809	0.03041089961226	1.81332530071357	-0.85255400133559	-1.17500956354932	1.87781034585576	1.00000000000000
+-0.82951940332013	-1.54401704341106	-1.69440055481512	-0.88387261858913	-0.51642330235524	-0.19199941607171	-0.92127180499172	-1.67754499804847	0.52673256920250	-0.62561295341735	1.00000000000000
+0.55361973065492	-0.40472444403225	0.32273600117665	0.94121664148456	-0.80903272309434	1.14510932916791	-2.01444976841816	1.03965791908787	0.69622718319321	-0.58105995314218	1.00000000000000
+-1.54872284027911	0.71747059286225	0.22515410804898	0.23120645380495	0.82675352335955	-0.75752323954681	-0.31481543783375	1.54933202399944	-0.88208688235492	1.87271239308332	1.00000000000000
+0.00031190857372	-1.24218912199021	0.96837005232184	0.29724133475815	-1.35029927721851	-0.22301377071551	0.75988379941455	-0.60304983378265	0.78870516719908	0.52074647087236	-1.00000000000000
+0.82045540358457	0.65727343253760	0.51709230622790	-0.22850943395989	-2.08168010919264	-0.80820377906241	0.56786541542529	0.63007705395325	0.69477924932645	0.51955610563325	-1.00000000000000
+-0.52721185203610	0.47990537386730	0.25625942327062	1.65735829597997	0.26459395610560	-0.39838303996611	-0.17521539570310	-0.42653402135982	-0.71110466741706	-0.46064294531885	-1.00000000000000
+1.34279814949683	-0.16594433220740	1.03088011972593	-0.15610544530555	0.06702070992812	-0.65215359314384	0.40109656149469	0.02646339042087	0.39446205464167	-0.29584394789508	-1.00000000000000
+-0.18167902835554	-0.31750370794969	-0.52703536120413	-0.05304218339693	0.44833250888538	-1.22234179574097	0.21436681020971	-0.02649028804907	-1.21429601237498	1.12897743810162	-1.00000000000000
+-0.88529107993647	-2.09795825109801	0.25838955794340	0.66575326389177	0.38654850286515	-0.04210682795726	0.78074098274421	0.19833131933626	-1.10706752989842	1.84111390670223	1.00000000000000
+-1.60706636198722	-0.18469693774784	-1.33709581845370	-1.23533089984789	-2.08701252161371	-0.84887200164258	0.41489350448422	-1.34275154873286	-0.14843137798569	-1.22168674246435	1.00000000000000
+-0.69260522853516	0.80309463319854	-1.26399417101918	-1.10354041094495	0.42798320881386	-0.73722779975049	1.09067719575726	1.03294099221830	-0.93064076189087	-0.15562568246959	-1.00000000000000
+-0.36186956611514	-0.82002908608439	1.37914574997009	1.67428552231569	1.65982241128614	-0.40988643246851	1.61219505959990	-1.51242854601075	-0.75635191486564	-0.04700170374079	1.00000000000000
+-0.72679713128117	-0.25562977387941	1.15035495404275	0.15853423686851	-1.14272675966342	0.40018608765687	-0.43954531532429	0.45218453445936	-1.39479822382269	0.76708918246378	-1.00000000000000
+0.87371966857797	-0.17352597092684	0.82477494228987	0.87900922827452	-1.42362659208332	0.90099599172236	0.64488155735028	-0.12157415814134	-1.15310008401481	0.00913506006196	-1.00000000000000
+-0.50310952973374	-0.43272941459722	0.80677687513380	-0.57705581912427	0.09330238420910	-2.12127640214739	0.27266884915382	0.40526800924803	-0.92852200474027	0.96144089860350	-1.00000000000000
+-1.38623072119047	0.18826222567190	0.49750166196071	0.21985699703434	0.74513749921876	0.24407615739331	0.43053630412681	0.68731626520065	-1.37290700916566	0.09655287129352	-1.00000000000000
+-1.26564832103731	-1.34252562492533	-0.11689634746829	-1.39292713444980	0.83992101533112	-0.58298990049037	-0.20133862368703	1.67862424506694	0.06689105618062	0.07006141310635	-1.00000000000000
+-1.25065351462298	-2.21440506055950	0.99169461470830	-0.18993500923755	-0.70606351730707	0.46430463596714	-0.76500693154659	0.16980179017631	0.02567619963121	0.22499546465477	-1.00000000000000
+-0.10132594702469	-1.08099113192333	1.35704098843558	1.47433378166381	-2.18285438880485	-2.21780347231693	-0.36140441931996	0.95680661346555	1.71747374933808	0.08999075785860	1.00000000000000
+-0.62584712200056	-0.34797009353239	-0.08501887736253	-0.11213165547618	-0.56561247338915	-0.62017698482181	-1.37784221033264	-0.96477377414291	-1.26134528083327	-0.02292353323490	-1.00000000000000
+0.31951569914409	0.30888176367218	-0.01772922712574	0.27815813761776	1.61467287189700	-1.41588923336806	-1.50366920627696	0.39228586508536	-0.24410438863488	1.00014548875422	-1.00000000000000
+-0.07263023169658	-1.36032898245206	0.28109623176170	0.40738009440296	-0.02955429821590	0.37946246503273	0.67562232638483	-1.80718313221095	0.50546015676441	0.00776646139152	-1.00000000000000
+-0.91526137463223	-0.77641494952696	0.14480157591301	0.39990703191632	0.04937412806033	0.39923765862964	0.42690337010474	-1.72830621544579	0.21579351267375	1.51888383612730	-1.00000000000000
+1.94996992250344	0.73391449859638	1.63091022432655	0.93730239961996	0.62190576894156	0.66361811520732	-0.26103240378187	1.35538630768592	0.26898522289568	-0.39664290142157	1.00000000000000
+-0.65188454467423	-0.87987916863621	1.24135631884616	1.36578689856654	0.54636292190010	-1.04606450318661	-1.79979737682400	-0.61995222031521	-0.53395810291246	1.15668569757349	1.00000000000000
+0.92535590359342	-0.36811099972644	-0.96025115347177	0.26752764738114	-0.21717209236211	0.79781875990688	-0.77383034322390	2.20320075055163	1.14851712585434	-0.02413219785933	1.00000000000000
+-0.16444818918657	-1.39678773660083	-0.78601149012014	-0.27454201303866	0.41651063042748	-0.71942668940481	0.97348658577241	-1.62770852527352	-2.19598623857907	0.03197979734668	1.00000000000000
+0.48704110101764	-0.33709439371106	-0.29655853508784	-0.17229087053093	0.60767833999136	-0.39024633469115	-2.52068035196941	0.66922944448106	-0.10970194049807	1.42290666304248	1.00000000000000
+0.77834095033267	0.27996079294766	0.85070021187128	-0.34119583150494	0.52343834263372	-0.24902900958797	0.53791199389738	-1.55568857902247	1.83178440426231	-0.24154420914858	-1.00000000000000
+-1.51511005772936	-0.92040832166408	-1.09676906857554	0.43179074854196	0.14835407647856	-1.02847484868896	0.16660164643357	0.84049674608833	0.96808973539762	-0.12496222809429	-1.00000000000000
+-0.56918764927293	-0.22761624269795	0.53617654298623	-1.61421148720340	-0.27571236104556	-1.68674179366998	0.96545759396627	-0.67453929063753	0.86439352724613	0.88123074431542	-1.00000000000000
+0.64251531779472	-0.04419581258443	0.12269293412255	-0.46412696684615	1.07962952849927	2.32663430835454	-1.20701572925427	-0.39152285196564	1.19900146556484	0.83962202478796	1.00000000000000
+-0.50609227851387	-0.36801426564036	-0.88941881336310	-1.15785784438743	0.44441389320517	0.42714965457642	-0.94412396516907	-2.19833563825829	0.99088061771950	-0.84429009217063	1.00000000000000
+1.46134785001812	-2.15717055071960	-2.18731832180082	-0.23676918277927	0.91574016145023	-1.04169561413698	0.35318667233369	0.34606428921627	1.05912910042398	-0.93608585948712	1.00000000000000
+2.78518546117673	0.70250061155985	1.05470031929416	0.29396768761777	0.10330446021610	-1.16595554674761	0.04598396201595	-0.34913120968254	-0.05037304490807	-1.50800942140121	1.00000000000000
+0.63486853142381	-1.49186494481865	0.77973134624106	-1.23869467924144	0.55840185100310	-0.63470794836442	-1.45681583570734	0.34556142946126	0.36990308239759	-0.38161415686416	-1.00000000000000
+-1.04407305942240	-0.79359051686969	1.14757563947744	-2.28208112029505	-1.08049122017056	-1.16479789112880	0.03762537470108	-0.43789679480406	-1.20717068885511	0.42347039061400	1.00000000000000
+1.77380442998704	1.36382997441591	-0.16101513174102	-0.56786108600392	-0.92716852922197	-1.11153763905330	0.62182159833144	0.80508388270766	-0.51676065193674	1.30733974386574	1.00000000000000
+-0.60380272370592	-0.16024578317461	-0.12656280240154	0.20981236520442	-0.76073485279036	-2.34952506941257	-0.32886841314676	2.23070779603872	-1.00404120743732	0.94790704650228	1.00000000000000
+0.18726464925369	-0.78716862947708	0.28752344512377	0.59392656171265	-0.85747155135123	0.99123172952394	1.76673276644542	0.63278726514935	-1.81514635198352	0.01296902556650	1.00000000000000
+-0.74398920920744	0.89272885955217	0.10730507638604	-1.06629905254465	-1.05453413849616	0.64024003968784	0.07035032477510	1.17616567364657	0.15567471793725	0.40697739409290	-1.00000000000000
+-1.28675827265495	-0.45751496899324	0.18816034746012	-0.13823230065953	-1.63343776764271	0.52638316757633	1.14107411154166	0.36102438705093	0.88793779105516	1.34441333568816	-1.00000000000000
+0.43517413831375	-0.35058906527072	-2.47625622275785	-0.06670617778796	0.35076147259282	0.68498098783542	0.49751095527556	0.58917775018755	-1.06548520713166	1.50890966568237	1.00000000000000
+0.45749622597795	-0.27559843330839	-1.12098248040545	-1.00549607803634	-1.70119439044120	-0.87815263218371	-0.85917091438438	-0.51362134552529	-0.30471349102962	-0.35409615939679	-1.00000000000000
+-0.96199029809045	-0.64167133555610	0.13858242368010	1.14102646579002	-0.62630949075068	0.53727547537419	1.41081657871773	1.23590220668631	1.50995840570229	1.12425966219403	1.00000000000000
+-0.85121576080502	0.02870835369231	1.30730358328476	1.77822629580046	1.21690082264640	0.85320909962423	-0.12331747620260	-0.40339414533463	1.30338037612118	-2.07834058227093	1.00000000000000
+1.95744058869705	1.08692021000920	-0.12311989932799	1.22882762833696	1.33255773210577	0.79385425135086	1.04576443543854	1.08948532605059	-0.16963105987410	-0.91712632873810	1.00000000000000
+-0.12919317279243	-1.82204751765334	-0.62677865850087	-0.92422317186036	0.72232065913268	-0.83584834350621	-0.76667572476417	1.27472531237112	-0.10419980747980	-0.29600373320512	-1.00000000000000
+0.30225305471286	-0.25832344498716	1.52377931787404	0.67218712761970	0.24321642271842	0.31378837974618	0.05627856532879	0.72825707953680	-0.20397375692502	1.47720635190408	-1.00000000000000
+-1.06907391353328	0.11176718852520	-1.94679308763614	-0.14181765526915	-0.08624357199873	-0.32509214369865	-0.98706927221057	-0.32068518994243	-0.50508816147006	-1.89415517305690	1.00000000000000
+0.27174658935158	-0.48675563920626	1.36037766010549	-0.34387434942958	0.24446643857448	0.79330549198299	-2.08142123055558	2.77304957234311	1.08972956736532	0.21572835881401	1.00000000000000
+-1.01455011143193	1.40403390681913	0.35897502591966	-0.39497414267690	0.99227310345334	-0.08943087899325	-0.64672236269038	-0.11472670397363	-1.57208271534724	1.27242663357464	-1.00000000000000
+1.66797205227200	1.63203346088180	2.36150528115387	0.00836913848522	0.02302112116604	-0.77407360079806	0.56979304072486	-1.16749349315709	-0.26669327688486	-0.60462017427508	1.00000000000000
+-0.39824916054203	-1.12148887068952	-0.86154700608680	0.12195793410075	0.26317743536053	0.85031026877430	-1.16748816464747	-3.16653978647144	1.45921591111906	0.43326036484975	1.00000000000000
+-1.40445027310086	-0.49979220102644	-0.64011748747190	2.04083191740411	-0.40570943719362	-0.84079227294472	0.42314480404264	-0.34720905197290	-0.00322943279105	-0.22347490078876	-1.00000000000000
+0.85535546159966	-1.62671479314608	0.17426473128724	0.23600542814851	-0.07943461502037	-0.03582322234231	1.18507456653468	0.41674839122672	1.02365463915360	-1.62050830824787	-1.00000000000000
+1.54337411129068	1.04172636194866	-2.79212160936544	-0.54330604790839	0.00063487603902	0.62198272777239	1.02372580770329	0.03769123905171	-0.25998130301743	0.42395913687245	1.00000000000000
+0.99240618722655	0.47890196845048	-0.73996470623463	0.22077597883153	-2.20182208280750	-1.80143669664387	1.46182877726269	0.74937558637304	-1.00519100833659	-0.66549499132012	1.00000000000000
+-0.87295102604409	-0.85806981958747	1.16721939076672	-0.09336624427819	0.33678000420144	-0.06569690629085	1.11147368596497	0.26922098185667	-0.28729039424588	0.75052678839860	-1.00000000000000
+-0.48253947377787	-2.06254377737323	-0.09507038315171	-1.58030748119958	0.22961230935371	1.64040722429838	0.52762044192133	1.20307254858520	1.12245418623853	-0.91317369492438	1.00000000000000
+-1.74759592521886	0.20667917183616	-0.44884022792973	-0.01123132747069	0.15667810331149	0.14200859703948	0.92894854461057	0.65874176326907	-0.36648172061379	-1.04669202445823	-1.00000000000000
+0.79114834138655	-1.97124033798269	1.45771053281769	0.78212730360709	0.68684567053405	0.10664754289189	0.11784875086391	-0.89997792711821	-0.44466209711567	0.25706447718434	-1.00000000000000
+2.52258599566578	-0.91461102977727	0.79771853821057	-0.11887916074581	-1.48756244086708	-0.13039322666941	1.48482026598090	0.05836217703983	0.69998360830554	-1.44612765463011	1.00000000000000
+-0.90765956063633	-0.87651685248614	-2.12098180511184	1.08996265855487	-0.96048139468813	-1.75329507798877	-0.11551454735404	2.03333733880142	-1.31803143008163	-1.30288773099807	1.00000000000000
+-0.66164338331055	-1.24107567758124	0.10286402673558	1.81586125135479	0.28999146498752	-0.65985295142926	1.14260584178988	-1.22612228949795	-0.06053450037162	0.16298871225186	-1.00000000000000
+-1.09923203441793	-1.22423785533744	1.09496898492224	-1.41771802588741	-0.16520134393098	-1.45620988730976	0.33319417491240	-1.07618748205963	0.06392151226115	0.28118412318570	1.00000000000000
+0.07507541156417	0.25642454830267	-0.58455541101990	-0.22602560495943	0.90083360311947	0.28160201721436	1.27362477294483	-1.99909863530054	0.38027296954705	0.39553627091759	-1.00000000000000
+-0.38955022858105	0.87578976398215	1.15985546229207	-0.05410588411577	-1.32344607136364	0.16850308215031	1.08683725569753	1.49317989372829	-0.17379321460298	0.40647173009063	-1.00000000000000
+-1.24716399261076	0.96073789953801	0.20365852965457	-0.15436238722875	-0.96119504828163	0.87503865583249	-0.34813905522143	0.40158038808792	0.11405220329977	-1.07079611433125	-1.00000000000000
+0.41935067334096	-0.86713981028366	1.25633245185779	0.25551705043171	-0.07435344392936	-2.26654590493793	0.78140354545033	-0.65117938704136	-1.28908505316959	-0.25320316862792	1.00000000000000
+0.40502733994779	1.56029653358144	0.33754452026322	-1.68863323092456	1.23825530149335	0.11048145780324	-0.88564121411992	-2.62518293639218	1.00139744347931	-0.11224396385041	1.00000000000000
+-0.22701485487058	2.06826139473902	0.09585061283645	0.69700439612384	1.91238660290463	0.80291480622335	-0.61061038475748	0.71056157890168	0.46233858483832	0.10185842121287	1.00000000000000
+-1.21060507617655	0.30095094409477	-0.34932660630390	-1.03549242531451	-0.80145966639945	-0.87021180040389	-0.78232009708018	-2.29514353275404	2.84258831882001	0.02517714160777	1.00000000000000
+-0.68887960639631	1.49323832867282	0.55697668661149	1.33331188387223	-0.11781182403323	1.27770534933122	0.13488721859564	-0.53297504567045	-1.07462222016083	1.15743348830490	-1.00000000000000
+-0.17397868066707	-1.35058980460435	0.43037494726651	1.96243015665367	-1.55536567943811	-0.54387618737087	-1.26146070834323	-0.19999457854435	0.76187428287221	0.78283940074744	1.00000000000000
+0.92423097433461	-1.92270833848470	1.00530189694985	0.71108020472344	-0.43468412515309	-0.93434607733423	-0.50127754615700	-1.26718671554154	-0.34645957891016	-0.58268767000595	1.00000000000000
+0.70934283648529	0.93379534245973	-0.23665276324925	-1.22596670401090	0.49973580007107	0.97217608905384	-1.58962261652397	0.57085605573670	-0.60804069467481	0.65628345798746	-1.00000000000000
+-0.75397082965063	-1.69887621712814	-0.92863859509393	-1.31619828175812	0.87174750755689	-0.50543834287293	0.61748888904700	0.62765537794179	-0.94111121851950	0.39692714133878	-1.00000000000000
+0.22347817141304	-0.99835987490230	-0.97601900087296	0.74827494931994	-1.41580917477151	1.94423939430486	0.20241844558508	0.17284152173208	-1.48611006746183	-0.55544548099923	1.00000000000000
+0.30553970735883	0.79806333960204	0.06266920860030	0.36195633277782	0.27182304988796	0.27898478730871	0.11049374342328	-0.76626690141477	-1.35214280451860	-0.25130896790424	-1.00000000000000
+-0.78967548558761	1.12714045401323	-0.87101402025553	-0.21894315933447	0.14086641049426	1.32472182493807	-1.28929793308003	0.07159609693275	0.69832907962956	-2.50817319222186	1.00000000000000
+0.37125839640750	0.00777670314844	0.84981328121094	1.10037533628606	0.04009473220272	1.45871812045920	0.54182904279574	-1.20591749018376	-1.32622300713473	1.71500661626529	1.00000000000000
+1.12778055468005	-0.89628617070804	2.36369985161338	0.98776150580605	-0.65117215972997	-0.38244108813875	-1.24099029035281	-1.94127042027795	-0.20607982382914	0.51778659493654	1.00000000000000
+0.50182968345823	-1.39976902559414	-0.33942734482679	-0.17545420638897	-0.85719878958557	-0.51175394715040	-0.00155118302195	-1.88268487682538	-0.67828802869310	-1.77486398581886	1.00000000000000
+0.56037234093114	-0.96308403359760	-0.46659192706128	-1.18590569814834	-1.74670050385852	1.17205580545754	0.00183397632061	2.30382127206881	1.13569844063958	2.27563117809983	1.00000000000000
+1.00206373708549	0.35604830306239	-0.80814578025007	1.07623112962477	-0.03488034640211	-0.98347804510215	0.44242381008085	1.22946139778017	-0.99305517195358	-1.57569407259932	-1.00000000000000
+-2.23197266397384	0.39693297757385	0.55897048758545	-1.30224131862066	0.49530879799474	0.36907324359078	-0.27594890584852	1.73557258029098	0.82587908189147	0.80790783401333	1.00000000000000
+0.23601638675392	-0.76818151390278	-0.59507288624739	0.52678991250665	-1.70150446099334	1.49166867894224	-0.37490144097637	0.25866780126004	-0.83012289510048	-0.20081770443089	-1.00000000000000
+-2.18412291399888	0.82137287887046	1.09518359865429	0.90393725846208	2.81252596835833	-0.41062253643390	-0.31482190723150	-0.03456075556863	0.03552068057625	-1.29319464966369	1.00000000000000
+0.11454998237449	0.61731205372163	-2.51561324487707	-0.00073330288382	-0.24210305657577	-0.44175484806374	0.26223150897075	0.50084969824526	0.87449693580537	0.55712025553728	-1.00000000000000
+-0.07892156124674	0.40035067986689	1.58925176933429	0.64519457407272	-0.09206880631264	-0.15073288908355	-1.04902371434250	0.37337467602950	-0.43741665563015	0.51724305365434	-1.00000000000000
+-0.45012519187388	-0.82150807263023	-0.97632460474178	0.33936211604308	-0.23669702989004	-1.84764136496735	1.36221868596914	0.01580037671486	-0.39826864910479	-1.23506407883133	-1.00000000000000
+0.93004600168820	-1.70170323681590	0.68906053593348	1.02819689929809	0.76903398275473	-0.68165093383018	-1.29493620546008	0.02592473804649	-0.80003175392552	0.55913020270248	-1.00000000000000
+-0.36876401985542	-1.89160963355338	-0.56135504544890	-0.32198482714949	-0.69379495890919	0.08545120812721	0.68562815160109	-1.34060817215850	-1.05352533219282	0.75374170183581	-1.00000000000000
+1.00906389244583	1.77876302255952	0.17052369511342	-0.02965796144028	-0.20270123616480	-0.26316900095803	1.72411225327364	-0.86802868218958	1.03031250323250	0.57266136272534	1.00000000000000
+-1.64200143236945	1.82631013490195	0.28665244065336	-0.43542947214785	0.45857211059200	-0.95122284297702	-1.20878921405383	0.49671548005081	1.46995650391899	-2.35292243145803	1.00000000000000
+0.31900829738979	1.47884325361421	-1.69546785720832	-0.84601926493353	-0.48082306413581	1.04459245315435	1.01302059922092	0.48802906395378	-0.44708148568314	-0.83407477625543	1.00000000000000
+-0.87509939176252	0.31544965733910	0.85490274958326	0.04345725319660	-2.57110741498308	-0.41925936962795	1.10625560078574	1.72257645063371	1.32504114082106	1.25094925057296	1.00000000000000
+-0.04074359550110	-0.30750533550856	1.81548094314402	0.84520950855976	-0.26428147845706	-0.49983194662563	-1.48749492486372	1.04124143628817	1.39922877736962	0.05441553675443	1.00000000000000
+0.99654912803909	1.22669623309087	1.61535221073015	-0.76667770369110	0.14395876631125	1.12859742381165	-0.42295718740491	-0.12785719970862	1.08358577616957	0.18176793440298	-1.00000000000000
+1.62358767874806	-2.10356197074180	0.71703569410835	1.44662271116883	0.40940154882537	0.99280542557252	1.10529429275641	0.65770415380200	0.98786764500988	1.40828367383798	1.00000000000000
+0.81970739565844	0.22075460673397	0.48157910445308	2.79169662444594	1.29527631726621	0.67072055158075	1.16171543493946	0.61490014101421	1.78066551697193	-1.80920083193193	1.00000000000000
+-0.83505452465902	-0.46266128263150	-0.16504063622962	-1.49077018843742	-0.89320913232322	0.38117681929748	4.01781580436975	1.67708930131519	1.43811882035177	-0.87690927904305	1.00000000000000
+-0.23900323407424	-1.01498829512020	-0.02000257026243	0.92486096073962	-0.76025926433010	0.38757642328607	2.71068662904172	-1.21109512665764	0.05785434386876	-0.06227618049637	1.00000000000000
+-0.69725026310672	0.67788150554469	-0.37278710269624	1.19756388866662	-0.69950648479192	0.38295460114903	-0.31063927541760	-0.57402282834001	-0.75465481581842	-0.09326570066126	-1.00000000000000
+-0.10680001625842	-0.07589301882973	0.72799503191410	-0.83050207649808	-0.75344280009642	-1.20878812253659	-0.24032260431479	0.19484502022658	-2.06784691590339	2.10880962317239	1.00000000000000
+-1.41821182979105	0.21956400835896	-0.61748710036939	-0.99669351523978	0.72307862200798	0.43801583811022	0.53581149658533	-0.87568412786645	-0.30273344357018	-2.03512331663953	1.00000000000000
+-0.63049181065422	0.11047406408460	-0.78362439991478	0.50022440995155	-1.69322325013556	-0.39776590196241	-1.41015733656610	0.92762618933406	-2.72459895793175	1.40603355387885	1.00000000000000
+-0.03517404532246	-0.84217889305526	-1.07585833314545	-0.58542997732971	0.00881666031457	-0.58911567056000	-0.67228960095552	0.03211151137527	-0.62049671487643	-0.90939411636414	-1.00000000000000
+1.62943239311730	-1.27092225333316	0.58389798083069	0.18180746099573	-0.25930000286569	0.27100583890249	-1.66738439540864	0.29533144235543	-0.82791559891055	-0.50320360627538	-1.00000000000000
+1.60281147895425	1.24896650062016	-0.97986631260166	0.60818953832283	-0.88931122217965	-1.33805194037228	-2.18546480957843	0.24370726398219	-0.76757870974133	-1.72668605119533	1.00000000000000
+-0.42534110477607	-0.50327330721297	-2.05251518443301	-0.28706733539601	0.28141659378792	0.82014941327456	0.15430690033197	-0.36917397077981	0.96306663598286	-0.54284830304856	-1.00000000000000
+0.90577273536599	-0.84489445860991	0.43830372285655	1.23065743267711	-1.49281386338873	-0.95578150113346	-0.09461486447847	-0.61058235634237	-0.25171097614389	0.03025951925771	-1.00000000000000
+1.28132350069691	-1.37193726264846	0.16586442801023	-0.60446333111194	-0.14707344513420	0.32377553910894	0.15729258894415	-1.01979987885147	-0.56305759343366	-0.66909186134776	-1.00000000000000
+0.73377513635836	0.65635362043093	0.91225390228312	0.56518028115146	-0.49080536990011	-1.19096287123093	0.44527579497606	-0.53228329870160	0.96132335530097	-0.46369444956293	-1.00000000000000
+-0.03458994187459	1.13008039411020	-2.13350549064572	0.27713745992836	2.70268596365555	-0.63341378584010	1.69337418887536	-0.43403986092254	0.61949709110325	0.69503263618734	1.00000000000000
+0.04756569127591	-0.45149930358223	-0.47326674247589	0.66972915443700	-0.30792706517742	-0.81128192950936	1.47708148315475	0.31573852987039	0.17929958427795	-0.41700999621177	-1.00000000000000
+0.00926341314572	0.69082191203869	0.34304573712355	-1.76226685149024	1.50210371785084	-1.33127782707180	2.13739376353082	0.84540044830456	0.91250220976308	0.13959975934232	1.00000000000000
+-2.16598057382321	-0.31500278360008	0.19621583157083	0.89748598648293	-0.76816689957692	0.68242210576436	0.08721178454395	-0.52607720638744	1.05045427228280	-0.43403543791694	-1.00000000000000
+-0.36364747065157	-2.22991364375993	-0.94463723743374	-0.44580455090196	-0.21439858482172	-3.08043955153122	1.12300894585370	-0.86667544996441	-1.50828877032459	0.53061738932978	1.00000000000000
+-0.35034657216656	0.38551205058910	0.06917639678336	-0.63800300708906	0.61815858322330	0.07651975986122	-0.24066216987680	-0.62011715618386	0.65779458039907	-1.46420071122247	-1.00000000000000
+-0.25581257255720	-1.13837606364527	1.46987232348202	0.04459362905116	-0.73420511668253	0.81654598560185	-0.51132400699347	-0.09168580212407	-0.08379852715665	-0.88046522688885	-1.00000000000000
+-0.42931286260174	1.35626277891101	-0.11620454247126	-1.56077147320047	-1.99218183650538	0.50544659515999	-1.41816716312624	0.45543400992555	-1.16559846764848	0.88888271497307	1.00000000000000
+-0.17642346048336	-0.90730154516482	-1.30396066771952	1.00241475236904	-0.75572710290051	0.63069128953443	-0.58410069437670	0.85153336659280	-3.00050905997158	-0.51429015957834	1.00000000000000
+1.73770262452920	2.01910336183345	-0.92133784163697	0.21228002125806	0.85406833313452	0.18572473932058	-1.08648415998937	0.43293018791493	2.11358857054243	0.63624248632878	1.00000000000000
+1.15749663604515	-0.18274168401119	0.18709241766204	0.07191969246172	-0.48726288420664	0.56193974986678	-1.58723018702951	-0.77777960316183	-1.23068675858152	-0.79890968693693	-1.00000000000000
+-1.44590064995913	-0.05585076044512	-1.53439092153749	0.98768148145324	-0.56870992448511	-0.80101751409663	-0.61738581392605	0.32145088362797	-0.42201666344771	1.50489668955472	-1.00000000000000
+0.25343710763796	-0.92134821118821	3.13998065575460	-0.21966977032342	1.32074280026672	0.86707638786151	-0.63472093047632	1.24818180967411	0.30305589385038	-1.29608499815513	1.00000000000000
+1.26170619389729	1.02253285644727	-0.09683548845999	-0.98552702214418	1.15434385724780	-0.47223188336006	0.00520132353481	-0.26830973895791	0.54496785085678	0.35860538402678	-1.00000000000000
+-0.66567410966447	0.19851214845772	-0.88422423658943	2.19731709408301	0.40601979787350	-0.87514611827056	-0.21382685311161	-0.23015229217457	0.37708386826768	0.91033737086870	-1.00000000000000
+-0.05118105820715	-2.39433719897008	-1.80980812187319	-0.54728643634113	-0.07821121332637	-0.61381714305414	1.66472758118542	0.43655714249267	-1.20525455240523	1.38497934960966	1.00000000000000
+0.01028440667269	-0.16516947325872	-1.27822352712357	0.12785400387534	0.59141761304470	-0.72352284779350	-0.50915771560787	-0.31208798165217	0.27255437601158	3.07438077914123	1.00000000000000
+-0.28193855035612	-0.16122339839960	-0.52281658531512	-1.22057824275373	-0.14413358489912	-0.49594111441271	-1.73486857757836	-0.24504848701138	1.45437390750149	-0.39624909778298	-1.00000000000000
+-1.18365352866712	-0.49341925806659	-0.50329229128183	0.77000536583944	2.35404688357236	-0.03797679167802	-1.14218863360302	-0.22696542862657	0.81855868643435	0.02629955341867	1.00000000000000
+0.41512445092314	-0.68412755719572	-0.48585404932532	-0.92312478802635	0.23422290916462	-0.06058772269998	-0.46975696108914	-0.39374815290286	0.10506270051863	0.73804793022195	-1.00000000000000
+-1.11364099381582	1.15091765697996	-0.95453213982357	-0.45397063667307	0.39807770938760	0.51001298937222	1.90143455889104	-0.25544164620337	0.38827588482739	-0.09318777629957	-1.00000000000000
+0.41937795282131	-0.66469739437279	0.50698535939543	-0.44834715941453	-1.40771978075081	1.59854764276190	-1.45711698111598	-0.24168994303847	0.31916618896726	-0.70201531461357	-1.00000000000000
+0.63450508486427	-0.12925336074662	1.23951532916887	1.36677337113673	-1.11221673514807	-0.55403199676736	-0.69183029249841	0.13830341505087	0.38707312075654	2.13685279646513	1.00000000000000
+-0.28021559825376	-1.82916142247481	1.40175695824926	-1.22272886412503	-0.06973806145810	-0.98127528565963	-0.81520009763290	0.70893648914848	1.28358284471441	0.91042941537888	1.00000000000000
+-0.82136433866951	-1.33341923643230	-1.03362145064044	1.35249029405746	-1.45343392499903	-0.86671323120062	-1.63820068093552	0.81872609164954	-0.54198633439567	1.13193358892246	1.00000000000000
+0.64349319659031	0.62395190264171	1.33390026208115	-0.32458371702472	0.16064607503414	1.93256503058335	0.79094164067268	-0.45484043045525	-0.23353101789197	-0.15639653864696	-1.00000000000000
+-1.36351947104606	-0.70386811803612	-0.05011223201293	1.94070609837318	0.16846516963044	2.21051748647661	0.41135296738412	-0.20624137980142	-0.02999057043991	1.01646123683391	1.00000000000000
+-0.62711608832920	-0.62415694390135	0.97137882150527	-1.41677447821101	-0.69239795880837	-1.06785873998040	0.60981985905964	-2.89975883964800	2.38125991534441	0.93565261995889	1.00000000000000
+1.77461345071600	0.28834697842429	0.24825845218815	-0.54744573473871	-0.36267371432029	0.59794318751503	0.12437580433927	0.33063488264808	-0.29228681215520	0.60783402052515	-1.00000000000000
+1.58545152428613	-1.91593608653007	-1.68653661759756	0.07607260504617	0.07268010693032	0.22990351483517	0.37383943439606	0.75902395268141	-0.53343938135030	-1.30028710333575	1.00000000000000
+0.11348779164477	0.47862429910421	0.26069642397157	2.46544000393325	-1.32186716643785	0.20954321163214	-0.23877000766246	0.04154886523125	-0.01617448489738	0.65951582576174	-1.00000000000000
+0.48465407739973	1.10307518518763	0.75879266771158	-0.56139383557519	1.04744290668946	-0.92410587092434	-0.83132161773457	-0.76117939048529	-1.21251543869194	0.56236888458264	-1.00000000000000
+-0.56639035205055	0.57165247368365	-0.82074558773914	0.15165508164689	0.11896561466862	0.68102758490422	-1.08588247020621	0.76813171058486	0.93151276529950	-0.12270500412389	-1.00000000000000
+-0.74140426282101	0.38046155687256	-0.01997454516176	-0.55752281987225	0.15139660993642	-0.29757037080789	-0.19298017060937	-0.85912100034566	-0.49650422531491	0.51807095026404	-1.00000000000000
+0.11239724291228	0.11297653365229	-1.09340337803669	0.56669016876211	1.12306008914202	0.42774660957721	-1.57628527021856	-0.31841539369286	0.21953265599088	-0.52950770726633	-1.00000000000000
+2.08288559419929	0.25571907005568	-1.26708717283529	0.09200585678834	-0.24458152115907	0.92439577526908	0.06396394129739	-0.17788090094893	-0.34317277660573	1.57706221337478	1.00000000000000
+-0.43579689416889	1.20337831712181	1.11137771397751	-0.84902740130732	1.63254852251382	0.83501802729186	0.99802633265204	0.34303500207909	0.08971924721737	0.31613822520357	-1.00000000000000
+0.47668979758744	-1.39215740560527	0.03001013792513	-1.31508163070361	-1.54493876436547	0.58718990495837	-2.08462964105338	1.26077030536592	-0.37363028122985	0.58556251401163	1.00000000000000
+0.66512457168786	1.66840935540241	-0.09889701615415	-0.68262150746164	0.19500784861425	-1.07377291570030	0.39894413622589	0.67697518798469	-0.00569847373229	0.25017047762836	-1.00000000000000
+0.35622580281547	0.49989244972514	2.00258518586364	-0.88061994501281	-0.64390393629827	1.84093303966812	0.57494932865225	1.08277717701462	-1.69123970073300	0.97232104777913	1.00000000000000
+1.42462635438208	0.17471713775316	2.05260360859085	0.40269992683176	0.47629082373531	1.17749395112268	0.93936562909691	-0.22450209709679	0.58887834738841	-0.56025863223426	1.00000000000000
+1.01812713185564	0.86179073523867	1.90277470748976	-0.05579576520906	0.68922408086333	-0.29511216143938	0.72420598754267	-0.94680275451086	-1.17687027877028	-0.67963249172715	-1.00000000000000
+-1.13501768989186	0.32507603087652	-1.34308050549703	-0.12936870874792	-0.34799359697226	-0.40251142914270	0.04392811047454	-0.71937646964753	-0.96300368789566	0.33132462075894	-1.00000000000000
+0.54105772579660	0.85720323588313	-2.24250879712107	-0.07393751004022	-0.18588183955102	1.28674367286742	0.71946119675973	-0.43057360117005	-0.27768938011143	-0.26022274080175	-1.00000000000000
+-1.61851658603418	1.30113468418518	-2.37316834393762	1.74046108969182	0.82414159308722	0.50432370629546	-0.31981424213452	-2.14338036420122	2.74234145024150	0.54664700255366	1.00000000000000
+-1.48101959975596	-0.06024372427918	-1.26702162539403	-1.70590718673038	1.75388881195560	-0.89029323284556	1.65254176143154	-1.97955241165813	0.17613588411239	-1.03346068635370	1.00000000000000
+0.30888349133645	-0.49345045194511	-0.08550994076013	0.86425452406179	-1.09546667815646	1.04828052141375	-0.99738851705634	0.10746750167783	1.87527854530352	0.68577843892837	-1.00000000000000
+-1.14760539407414	-0.45796739160949	0.38044157257697	-0.73759042023460	-0.24293665240463	0.25749659253200	-0.46329433565825	-1.78281496848366	-0.28429768543022	1.43328211886753	-1.00000000000000
+-0.13363808239277	0.20063340654351	-0.73869703887379	1.04058521093039	0.40091781249575	0.82608158126161	0.04499407460575	1.48696609274728	-0.22842606031577	-0.09403431031441	-1.00000000000000
+0.08902210127662	1.35121340030875	1.42581170241378	-1.14414010533883	0.43396542397926	-0.03148243111920	0.87196105584354	1.09412772879472	-0.96339889972835	-0.06084847520602	-1.00000000000000
+-1.41756569956380	1.58293656218039	-0.86567226925611	-1.22057261362003	1.92879015513687	-1.22889693240569	0.61113567224037	0.16867343259584	0.55065240970720	-1.05743045666499	1.00000000000000
+0.89411200955674	0.54263859621048	0.12525303998254	0.49655074505814	-0.51915689323350	-0.25245486602200	0.58133874608701	-0.36566900275554	1.88964140633555	0.41475646783656	-1.00000000000000
+1.40459047726664	1.75663126560962	2.04505788258753	-0.74303304476316	-0.50229552850793	0.87360465370554	-0.00243285872700	0.36133610814746	-1.09296555186569	0.16153063438926	1.00000000000000
+-0.72447720275713	-0.91778076085617	-0.17165905200021	1.32396257730705	-0.33079072158596	-0.19170162503766	-0.97830119862118	0.97925525112262	0.12424272362598	1.52922127579754	-1.00000000000000
+1.11636253499830	0.81663477171322	-0.33329915183625	-0.21677494187344	-0.34242913262478	-0.03431121585822	0.67683486934793	-0.17880389222148	-0.96577556149598	0.75305414763970	-1.00000000000000
+1.02474008223974	0.33395072098721	-1.26622581764016	1.40661015427913	0.33581524931877	0.31903100719604	0.07776409333210	0.48467060127823	-1.81922019305697	-0.64473718671230	-1.00000000000000
+0.19144865468920	0.38972609409809	-0.02537673072774	-1.38879389150309	-0.09966641441297	1.29814033671017	0.27319652839308	0.14419599912058	1.09164717136493	-0.28290303366490	-1.00000000000000
+0.13224807878934	-0.68595773648936	1.30859044087326	0.38628570185960	-0.45398267946307	-0.48443726933209	0.39675553332766	-0.33851873725788	0.24777801499294	-0.74079095005789	-1.00000000000000
+-0.12113953628954	0.12427845057509	0.04792311871342	-0.25446160281985	-0.63023159100196	-1.12555237448247	2.18150983555027	0.04874385193750	0.88928325699379	-0.86774178261135	-1.00000000000000
+-0.28517842513349	-0.45265647752477	-0.48848639900119	-0.37739634689895	-0.54540108188799	-0.01812797019835	0.91630564811760	-0.65557015936621	-0.98833084790406	1.51261489574346	-1.00000000000000
+-0.51169334710080	-0.25017159363669	0.51982356920927	-0.90364095694349	-0.71711702459667	-0.29830895349847	0.21776139223532	-0.03728237178051	1.55917994422493	-1.00679423036442	-1.00000000000000
+0.15240156126112	-2.03845373150767	0.71428945904848	1.38881524272306	0.68375815782348	1.67680661251627	0.74983345070720	0.58799061762598	0.78174328509217	0.23476118702282	1.00000000000000
+-1.90258400268410	1.69394385482055	0.81397203790040	0.75110670865605	1.00660425931513	2.12585548352679	0.42456626889655	0.23403667336855	0.56944737773122	-0.55334813012230	1.00000000000000
+0.58603704240443	0.76151918133361	0.52995932187032	-0.16353611392086	1.66575375549855	-0.54984103903439	-1.61727124296742	2.01996361625301	-1.28999314729943	0.39750374813238	1.00000000000000
+0.50274502697206	-2.03904161115252	-0.21021194121399	0.07143209059891	-0.52709242810039	-0.24245999069477	0.87149431829168	-0.96187579217122	-0.25135515790581	1.01800778757718	-1.00000000000000
+-0.19415697515167	0.02332129077472	-0.44270619459761	-0.37198494893867	-0.94198850486994	0.34504152898360	-0.79817701555161	-0.39640162611378	0.51416115337701	-0.88417495371617	-1.00000000000000
+-0.34420710676706	0.78253906689522	-0.00900043768166	0.36773899057948	-0.15828938412886	0.23066122916143	-1.59912689199040	0.28384812275845	0.72331105198895	0.27901451040706	-1.00000000000000
+-1.74797850682739	-0.94546709215020	-2.06239940650770	-1.05166547313614	-0.47145532334480	0.40513650469354	-1.12347429127548	0.27301190014049	0.33822653239936	0.08323529664127	1.00000000000000
+-1.60780718310970	1.07531546761065	0.11539036204701	-0.48115897492126	-1.13933093809357	-0.48206378005631	-0.30698864805303	-2.33121871112268	-0.10419387789741	1.48043033312324	1.00000000000000
+-1.15609648789663	-0.98522529033767	-0.84078374830533	0.13047352628125	-1.85691656416809	-0.51992078867693	-1.78967967814662	-0.23591204721589	-1.66932045780964	1.58400650100365	1.00000000000000
+-0.03790215463447	-0.31971236392096	-0.11943183384409	-1.53297562695414	-1.11491949115834	-1.27273751316524	-0.26404639803688	1.62676016775371	0.56536387885177	1.04898711484062	1.00000000000000
+-0.71956939428368	1.22489391216802	1.42808574017889	0.77682359567563	-0.24439611812666	1.22637936038114	0.29555686147650	0.22650817177256	-1.11504908393966	-0.40233635049103	-1.00000000000000
+1.54819721054665	-1.16536811341913	0.53587767475186	1.72201171287962	-0.83092997396245	-0.83972233658684	0.60758566243232	-1.10415928751921	-0.95591182274928	-0.29531883732733	1.00000000000000
+-1.76101822507635	-0.76343697014027	-0.04032905561403	0.39952041793549	0.48657245755096	1.08701705701210	-0.55489840572881	1.93662598936567	0.60217237881361	0.36347665266749	1.00000000000000
+0.35231936640842	0.11858305624438	0.07557412299339	-1.10839827827742	1.52248816888380	0.80557346490227	-0.24599871340666	-1.43909541104423	1.11745867408648	1.05119244462374	-1.00000000000000
+0.08522723573637	0.37672881023208	-0.86525451761219	-0.87911455165913	-0.82780381282276	0.05715535786335	-1.37276409715058	0.04198794880194	0.53634721040527	0.39762343870567	-1.00000000000000
+-1.17879439808891	-0.63107606295175	-0.20969042160131	-0.36176187129485	1.54223110630380	0.53447311113893	0.53870196153792	-1.84264220081320	0.26407975343435	-0.33449928932492	-1.00000000000000
+1.06941589635158	2.30612550036221	0.47295582198529	0.51661340026607	0.07248903004203	0.08743435615144	0.91942236433296	1.03186468205101	-0.85778416276319	0.57543084110980	1.00000000000000
+-1.23637322702780	-1.21511052113694	0.47871486524617	-2.02906151984252	-0.31512227398821	-1.88379151927589	0.78246618030445	1.55752349920223	1.66496306089994	0.70382164685210	1.00000000000000
+1.17030851043010	-1.79364938288009	-0.54478274106944	-1.51521581793634	0.54817280948501	-0.21888324675375	-1.95540289297190	-1.14440107906902	-0.91513946350725	0.75375568139553	1.00000000000000
+1.10125990185213	0.46924285908457	0.88386225789602	-0.40940429408285	0.20207723705683	-1.20812547664717	1.02164718297517	1.21344739231293	-0.30160902630828	0.91748584205343	-1.00000000000000
+-0.88078898159084	-0.31575020626429	-0.41970920731118	1.71100295893813	1.47942276929483	0.78325412831501	-1.14953901807099	2.05330339167640	0.51574446216465	2.31195287548333	1.00000000000000
+1.32554898674121	0.37892603869167	0.05962166804689	1.74949452604479	0.85256133311430	-0.26250993326440	-0.67598151122270	0.37789446799216	-1.04334750427474	1.25282040739129	-1.00000000000000
+1.87328460563084	0.14353354124543	1.76142821237778	1.64165588151227	-0.74251682210603	0.37470962365824	0.09522435115085	1.56118767969618	0.21076890426910	0.16729370748338	1.00000000000000
+-1.86330345608366	-0.70373730334971	-0.87856880836467	0.85840679209693	-1.45412337643378	1.29423522613338	0.67015042963130	1.85818224025140	0.03330746285479	0.48372292364121	1.00000000000000
+-0.86262195706276	-1.45452074903132	-0.64518998723079	1.08717306453847	1.81100358773733	0.49983516451842	0.30796239288171	-0.91705701441333	-1.33555514610887	1.42427832907063	1.00000000000000
+0.41807163743226	1.76826674662695	-0.15065208330827	1.26235530631173	-0.07641148588782	0.84988674638536	0.15756977166308	3.44366592976517	-0.48100143657076	1.37433837328516	1.00000000000000
+1.50811692164684	-0.05886362087948	-0.19354463573443	-0.29166048590071	-0.96754899920391	0.62881673289242	1.98113555174066	0.84530649798354	0.31725837022814	-0.06972490644551	-1.00000000000000
+0.14339392615226	-0.45463371121866	0.33701666261868	0.86496505419934	-1.58829346030377	0.66299504885976	-0.22902524714236	-0.40110109835671	-1.26551826558165	-0.05777470896962	-1.00000000000000
+0.17941418327359	1.27837985435062	-0.31916780772310	0.77624562220216	-2.27942993363037	0.17825973629721	0.30963940411090	0.97104454448336	0.34394748458431	-1.11756417090485	1.00000000000000
+-0.77719580428602	0.14163688379423	-1.42155610193447	0.76774011877644	0.11842055559168	0.12504574048319	-0.50912732982659	-0.49772572977852	1.27858536440224	1.59807572013505	-1.00000000000000
+-1.34541851436554	0.06863232790286	-1.01120361294717	0.01718041839420	-0.06631031284048	-0.57020340611933	0.60539284765701	0.79712761806740	3.03991789728146	-0.92824969311824	1.00000000000000
+-1.16790941979066	0.95896282783547	0.27061776671952	0.25634725454783	0.17646378777601	0.44257798386514	-0.27811597886240	-0.88242743807876	-0.10988065655334	0.03433153103802	-1.00000000000000
+0.24592661226846	0.79536912425746	0.60528601850859	-0.12331817837421	-0.79632282416872	1.13719218843783	-1.52820432541367	1.33350678817939	0.20925880915226	-1.43632517104528	-1.00000000000000
+-1.13453889642388	-0.69382612471993	1.61995339557720	-0.33192356715247	1.54677574856035	-0.69483883184803	0.33209386275980	-0.01937675116811	0.96718919519638	1.51784489771074	1.00000000000000
+-0.56726227040273	-0.43810016832325	0.63769943120278	-2.27949617042751	0.46561539809545	-0.41128992555087	1.32792782370429	-0.68114579067073	0.23113299167223	0.02106043599568	-1.00000000000000
+0.20981788596065	0.53367995225980	-0.13741707170015	1.08761136708773	-1.36709747030691	1.39302516206750	-0.40859249987056	-1.77662212203977	0.30287347919237	0.70453929422885	-1.00000000000000
+0.53274101743372	0.29591921423315	-1.58355001149468	-0.50327018550810	-2.08769762958884	-0.98553942584785	0.30941261424421	-0.00057975981199	0.75810421661512	0.12121506847866	-1.00000000000000
+0.68843392826705	-0.43926294536560	-0.44057912592377	-0.72397790312340	0.58080461888365	0.81774185879153	1.75003931772753	0.83415167706819	1.64475895977549	-0.08228139794011	-1.00000000000000
+0.66314502371137	0.28223046295084	-0.61039530541971	0.72529233605689	-0.91994030750416	-1.67379925842072	1.62855753899327	0.55754189845601	-0.85801864595554	-1.17324315549354	1.00000000000000
+-0.86554681213878	0.65731413643942	-0.90259199365127	-2.09220709764963	0.32016561744446	0.14949960637862	-0.44382261241928	-0.83908450319035	-0.67281527216908	0.04557862527560	-1.00000000000000
+-0.97758928494842	-0.67520119490098	-1.51548251846174	-0.05588475288604	0.52728398550986	0.25849475046405	0.71950968671252	0.17040493515032	-0.48477446476089	1.06273939409558	-1.00000000000000
+0.86510671178362	-1.82065965437319	-0.15238801413517	-0.15032486127396	-0.35842771877340	0.27365425126523	-1.60858780583886	0.33547345269479	-1.74412441312461	-0.74584051290751	1.00000000000000
+-0.02818104183257	0.60920684768056	-0.44841867502208	0.23862752575370	-0.72050635967023	2.41920938464478	-0.85819653135999	0.48554227650150	-0.37161668535106	1.91219705616198	1.00000000000000
+0.47109493480408	-1.40752687137128	0.80687285858688	-0.93412735361193	0.70196379698529	1.42483411598254	0.27893084409142	0.74646739787494	1.12731497651228	-1.72375059660389	1.00000000000000
+-0.88358106208075	-3.01714774841680	0.16657504666618	-0.83850048839591	0.63117325666416	1.54179637284465	-1.79952479946232	1.34369637780361	0.72888392839672	0.64877843379205	1.00000000000000
+-0.09283639945967	-0.25907013532491	-0.06485773125614	0.42664148388659	-0.60846412639766	0.93291588650624	-1.32062981105825	-0.95595053667322	-0.43682327199801	-0.04572941533583	-1.00000000000000
+-1.61869449211657	-0.27395543406036	-1.56867855705578	1.41915078526551	-0.44257595961771	-0.26082774031544	0.21601391122082	0.07921073281346	-0.75364922837917	-1.31155449560367	1.00000000000000
+0.38079226595555	0.27511826103290	0.25146851345870	-1.06497864268896	-1.22118696932385	-0.91647219698949	-1.91872070675987	1.27984468968296	-1.15936041732126	0.01472983818402	1.00000000000000
+-1.47223796955182	-0.54613233573238	-1.12027009505010	1.28043954242079	0.81741610776596	-0.51645909946452	0.33057572027635	0.31990361624450	-0.74656087022862	0.99843048216768	-1.00000000000000
+-1.18883398561683	3.02361914352436	3.19734797842357	-0.64660792442791	1.51087832201687	-0.05516283895667	-1.30340773839462	0.68981228823719	0.14919467905828	-0.00899726990493	1.00000000000000
+-1.17529648996771	-1.37822961035050	1.72456892544234	-0.97628723035621	0.38880702865962	0.93919676476821	-0.12129851652492	0.31670816742855	0.63924475015696	1.31326233606435	1.00000000000000
+-0.36146272856189	-0.04800971728461	1.35054953937722	1.04305903277206	1.04868054452658	0.28208995717151	0.00138156560799	-0.31568239092728	-0.87689946661729	0.86287519575198	-1.00000000000000
+0.72171517056570	0.18938256924022	-0.74299129130160	0.56620376721800	-0.21318291027187	0.82223626430390	0.38677417020544	1.26063663022172	-0.71165688494954	0.09625896430398	-1.00000000000000
+0.67160075837970	0.97137111370962	0.25547517735193	-0.83064779179701	-0.65349526004570	-1.39311565218564	-0.49204819366511	-0.23860787964181	0.58242238093990	-1.15525514509466	-1.00000000000000
+0.02625875091975	0.93269427781914	0.07678907248888	-0.38292488180623	0.58454050918107	1.17612888181527	-0.23074556937704	-0.83062772541986	-0.74670813286382	-1.42726522240270	-1.00000000000000
+-0.60935471298802	1.01471571718742	0.59156914794381	-0.38073645813488	-0.39608832559225	-0.63009388304149	-1.91875946234543	1.36819785579401	-0.01826150781311	-1.13782164047197	-1.00000000000000
+0.64887034389863	0.17519450132420	0.02414468575751	1.27522191038763	-0.75340454249061	-1.15344130837687	0.72975482945946	0.46181938486399	0.38576419129970	-0.81310926724646	-1.00000000000000
+-0.80727152747724	-2.66903371490828	-0.00786410210508	-0.33043729467364	1.40895607192705	0.97897997994381	1.85012834165074	1.56227652631718	-0.86874163659435	-1.92058101529539	1.00000000000000
+0.49868060799646	-0.22152123454525	-0.86071156851203	-0.21831940136630	1.14926539974541	1.23821577597085	-0.25708792510057	-1.31217280863043	-0.46098393962654	-0.64729466090758	-1.00000000000000
+0.14810316937791	-0.03466649287224	-2.06416805766416	-0.18778634383423	0.01643238439229	0.32066766293431	0.62369152204222	0.17435361481740	-0.37346208660592	-1.18360537984743	-1.00000000000000
+-0.18761943540590	0.32380188301425	-1.00458553037626	0.24649048291339	-0.24275346874517	0.34200127048166	0.43043595483285	1.16989272238836	-1.92968431603864	-0.25194190745889	-1.00000000000000
+0.76039822378397	0.33663199396746	0.08936119710998	1.52359446697520	1.26479873982567	-0.18829641859426	1.79998158560371	-0.37584895526326	0.91033163494832	0.54313609835292	-1.00000000000000
+-0.54666268150807	-0.51326564135110	0.53156203143122	0.73075288786399	0.02581533700624	0.86021373055238	0.50721844372501	1.85088859559466	-0.69345199160280	0.18511985537219	-1.00000000000000
+-1.73550804874708	-0.71425234706826	1.04918568817629	-3.16743697876766	0.31291718150495	-1.23617247198913	0.34424753776707	0.28052080006766	0.86220750022786	-1.03904679091847	1.00000000000000
+-0.24806433903689	0.25394322442767	0.53361832390605	1.30056134077201	-1.57078867187512	1.76656420134944	-0.44276656278160	-1.59727436558215	-1.12041524925012	-1.07860569120379	1.00000000000000
+0.52072064540199	0.39648097927455	-1.49950501902372	0.32704240803276	-0.45399406658439	-0.36914194035402	0.33219616353014	0.40191726348504	0.45088535021764	-0.07425594822282	-1.00000000000000
+-1.09135982921395	-0.59147255779156	1.40712377435286	0.97054919741671	-0.28453045749415	0.51781013025983	-1.10526464491336	1.13645795565015	1.17233415998935	-1.68781409570895	1.00000000000000
+-0.63127192088414	0.60009094978794	3.17020597709386	1.03083451683742	-0.11753069845634	-0.12048749843038	-0.63153008091855	-0.13872114826724	-1.92626001098561	0.44259316043594	1.00000000000000
+1.44989649620838	-0.66002381943540	-0.44567788709852	0.76446864438408	-1.14891968676129	0.15364776794575	-0.13065913014806	-0.52831358279700	0.27716561006879	1.22011787401813	-1.00000000000000
+1.31578126125410	0.49966346450090	-0.58461305848059	-0.40205915852449	-1.02267150351233	0.25729133594443	-0.13579977345050	0.32566254619771	1.58989405111378	0.64348222212094	-1.00000000000000
+1.99571369483614	1.15759268957636	-1.79044555127975	-1.00911422500380	-1.96630683006383	1.00198430182850	-1.43558592739798	-0.48705714157498	0.34835745381275	1.74404675136096	1.00000000000000
+0.50848434206153	0.26526587821752	0.63489532356786	1.32583071350501	1.21152607658463	-1.09094502160897	-0.02932900093936	0.14098995185732	-0.17942334185324	0.78355402247827	-1.00000000000000
+0.09835828525401	0.22960404746527	1.68863444959375	-0.59419008905582	-0.04447064030362	0.06880100468993	0.11716590870103	-0.48237175838021	-2.26895015100528	0.61635066094074	-1.00000000000000
+1.26113522613431	0.75281292099149	0.06134149833645	-0.36648328288538	-0.20438626284692	0.93887841358291	-0.40101153498731	1.20651809034120	0.92435473609110	0.34608221069721	-1.00000000000000
+-0.77156168423687	-1.07489311641467	0.51723453899266	0.25536202440633	-0.10852833677002	0.61918375713218	-0.25290962833863	0.13744706755945	-2.56924169490994	0.82519328298081	1.00000000000000
+0.74621592127196	-0.38266201960241	-1.93013014087385	2.21571680317412	0.10285482052746	0.27974261152755	-0.20038345826315	-0.13272948739753	1.73856774662586	1.15386382695392	1.00000000000000
+-0.31748886336621	0.11765626151483	0.47695289151781	0.61546640385551	-0.07159213205553	-1.32647541461482	-0.17183108141328	-2.12837872886805	1.61080509496765	-1.38941441502241	1.00000000000000
+-1.37086732709110	-0.54590668238493	1.11626207147134	-1.23414243537662	0.29067524425971	0.53873660890376	-0.05727621012994	-0.18570427225978	-1.15510804311373	-1.54762553778944	-1.00000000000000
+0.34411477803285	-1.99106155080788	0.58211783972030	-0.19352722888278	-1.53132702393719	-1.05928246872104	-1.67090412731948	0.68914255347618	0.62660054196961	0.79510035428878	1.00000000000000
+0.91513263358324	0.45334826025024	-1.16994907410279	0.92073986123418	0.22643804862017	-0.17521667831850	0.58596587877035	0.98085720080590	-2.09689095338821	-0.86099461302499	1.00000000000000
+1.75357953483095	-1.24097683450150	0.20979629497199	-1.01838527361256	-0.31392407372124	-0.43501757548978	-0.09222952917738	2.67250976638050	-0.07756155965948	-0.00108036794362	1.00000000000000
+0.00051152449438	0.69749252417154	-1.28196142087534	0.26924026857163	0.50026506156088	-0.17325828107341	0.57479052298703	-0.33132046959775	0.30558789305187	0.01623401599781	-1.00000000000000
+0.79273300847393	2.29725627726218	-0.50918403361900	-0.33124740608820	0.63036540258570	-0.47615747575794	-0.81960592500764	-0.37216987439971	0.93536882368154	0.38078980954619	-1.00000000000000
+0.17880916119400	0.92119599356401	0.39069896962334	1.23922527149301	1.97923838968720	-0.41828258910449	-0.55868956391462	1.09766515031520	-2.43423499083631	0.21433584509437	1.00000000000000
+0.43486860139435	-1.21817004873058	0.29973598999756	-0.53874064254781	0.26389114719595	0.98072697934014	0.01893573657158	0.77355898719207	0.84842862335684	0.13673273970166	-1.00000000000000
+-0.01898260469371	-0.59549173062317	0.58827024271257	0.81874961987471	0.94061346749739	0.71018549253869	0.93039029514751	-1.08237197406790	0.32457931743650	0.69796156114060	-1.00000000000000
+-2.04513712566742	0.80117242373989	-1.80647305378095	-1.11248587722933	-0.51266876852845	0.16980075335886	0.56713485163391	-1.12912548407513	0.74268877772689	1.74124406626575	1.00000000000000
+-0.72844453210899	-0.93996215334007	0.57423288309421	1.09808059466454	0.57326494693656	1.20644586899532	-0.58918865125368	0.76412808495450	1.66536825959964	-0.49655619102402	-1.00000000000000
+0.22266742328247	-1.07488630139487	1.19125963240234	-1.96968394377416	-0.45967661628187	-0.18493586715847	0.15799792316290	-1.69514010801253	-0.32005844171664	0.48788942326911	1.00000000000000
+-1.55811496316474	0.63204819527625	-0.56844165445129	1.20684189361698	0.08090177388406	0.24236225507060	-0.03997352886724	0.77722764191308	-0.61008250275765	-0.42485042560188	-1.00000000000000
+-1.36551225933242	-1.08885101148928	-0.46560221061951	0.44195197871808	0.09790184076897	1.23331635914843	-0.52160600623517	1.29680863242557	0.26192368440954	0.12808461236094	-1.00000000000000
+1.84234913485085	0.22450129675183	2.03985228031674	0.75688707491057	-0.96098600742658	-0.38789002155311	1.22975183867802	1.19666021270167	-0.16280230984275	-0.23957670044622	1.00000000000000
+-2.08527888514953	1.27434549032665	-0.75826660972042	0.05028485445787	-0.24624201743839	-1.17440414425903	-0.79053190214003	-0.53746362223533	-0.72923667626031	1.43300592309031	1.00000000000000
+0.78381209076423	-1.21279821575009	-0.63358475081415	0.07349485413335	1.26693008358043	0.70930593174766	-0.44440987795559	0.54188839019500	0.09125245172607	-0.14710864057127	-1.00000000000000
+-0.89232407184372	-0.01807826266852	1.58302003945571	-0.07755069810543	-2.51331700707378	0.36941469381386	-0.44578806310909	-0.47221865301029	-0.89053336352553	0.22009190461466	1.00000000000000
+0.70476790160445	1.64417997893564	0.42752015200917	-0.24461975313551	-0.11587834996926	-1.02390302938067	-0.39498746402572	-1.20031577143854	0.43745911736911	0.94697189347015	-1.00000000000000
+0.36628276978729	1.13762025566283	0.76310103529761	-0.42113223548484	0.33324090965790	-0.67757516569733	-1.49791992208997	2.21545257416070	0.52764082760322	-0.04610130878199	1.00000000000000
+-0.35227035525722	-0.41286152976855	0.15565873720728	-0.78337381629102	1.39306248804903	-0.30106062265399	-1.47365067650775	-1.09027974294121	-1.40628524285224	0.19961725150004	-1.00000000000000
+0.04780655184097	0.85620905638047	-1.02322256621655	-0.34606072301137	1.22571307391532	-0.14630768277473	0.04330336633959	-1.46915146328415	0.13969648320451	1.03591662625390	-1.00000000000000
+-0.05487988556424	0.96453746804068	-1.18854065385727	-0.99726738485652	-1.12060439060159	0.38577391481321	0.56317259780551	0.63422578297186	0.88889324227129	-0.63193777351605	-1.00000000000000
+-0.63641828438029	-0.52239455743915	-0.98915899341444	0.29214784208322	-1.46275359422084	0.49952202513062	-0.73220471761768	-0.23776473848125	0.70485934347691	-1.06527859367473	-1.00000000000000
+0.96280092395761	-0.02124857196188	-1.35963994773533	0.01377249385329	0.93121159873029	0.64850675627597	0.35641301578959	0.02233050736053	0.31297302102923	-1.85353344114308	-1.00000000000000
+0.53568368160404	0.97549214245132	1.82758811953343	0.23482939931512	-2.41052376591136	-1.16424283791111	0.26686081083444	-0.08595279254278	-1.31476075344726	0.04688103043269	1.00000000000000
+0.25925907103299	-1.58644359043569	0.23893524725261	-0.14908543756293	-0.63028348967048	-1.72752140325603	0.44294623230182	1.05193010558541	-0.96573500639005	1.19402209543735	1.00000000000000
+1.09405368067935	1.91993277934119	-0.33737276862505	0.23091567042053	-2.20432577043992	-0.39869793208158	1.32105028055841	-0.06864379499979	-0.96029470189843	0.48338615878529	1.00000000000000
+-0.10204053458285	-0.43552551972641	1.68388921526871	-0.25761877792034	0.18674315329201	0.97336356027630	-0.30220513893830	-2.12118823185801	0.82317774141937	-0.08751158463813	1.00000000000000
+1.63086244145258	-0.13319582628286	-0.68491809048637	0.33304805728997	0.17533860593034	-1.74784075491037	-1.40876856696319	-0.50404000352031	0.50604646532115	0.25640791470377	-1.00000000000000
+-0.59973363957189	-0.89016234791857	0.89589082251129	0.76416373172833	-0.39301717179964	0.56699600067457	0.19559128745164	-0.67183415898583	0.92471753089068	0.24461367779875	-1.00000000000000
+1.37534116564826	-0.90520874362249	2.38112610936566	-0.62594643802452	0.00872290724840	1.10362545614170	0.14208265965241	-1.10998965460153	-0.32642982149005	-0.24319305387496	1.00000000000000
+0.18905087517209	-0.45404885615320	0.38556885179753	-0.47406309931633	-1.06717262694293	0.50073241156502	0.18992453098454	2.04628516955088	1.82528927949279	0.42917283635627	1.00000000000000
+-1.22259082208966	1.80486825966875	0.25472873542702	-1.14612326011794	-0.65895878644957	-0.50665881367303	-0.58717488257737	1.98654951853110	-0.92459516782334	0.30357698596096	1.00000000000000
+-0.45373427820446	-0.61483801155467	-0.47897312964695	-0.04537445187094	1.32531372085786	0.33328592586201	-0.71798479536006	-0.10644860260678	-1.33607751334297	-1.07453058288167	-1.00000000000000
+0.27622491542758	-0.42838847957279	-2.04367124772039	-1.90685851796119	0.96798821663439	2.17219080431942	0.10964573562466	-1.27426723194757	1.23222183027782	-0.21419343967053	1.00000000000000
+1.25575137679073	-0.82899667584661	-0.31025868800052	1.16595362276325	0.39295553260644	1.18950871662693	-0.40465579431053	-0.26518694565902	1.53187556786493	-0.67960362882453	-1.00000000000000
+1.50485411320375	-1.23818277073586	0.36024637121746	-1.70726489995878	2.04691378922358	-0.91974061417311	-0.74871898187249	-0.18819401708008	-0.06675497482732	1.13417573817667	1.00000000000000
+-0.99461699492346	0.61660727541860	2.07874813007413	-0.16292573253302	0.19275302467826	0.39123837209778	-1.91087474789752	-0.03029080425482	0.60144061405756	-1.50549085992392	1.00000000000000
+-0.89012378251865	-0.34737909401570	-1.21739990485979	-0.36097243202727	1.53931715782095	0.96461318969018	-0.33536048200336	-0.39976788596124	0.80781874858536	-0.01648269060780	-1.00000000000000
+2.71624984831006	-1.10170839054615	0.40823857179199	1.25331975589293	0.24343699441434	0.96603756159211	0.16755705151620	0.52653125273934	-0.70407892178746	0.33239506844990	1.00000000000000
+1.28538553907580	0.72766461340125	-0.76023886670864	-1.11152239856363	-0.44518987222192	-1.49074021117829	-0.22775458347687	0.99289407328571	0.96480612313626	-0.06280974312666	-1.00000000000000
+-0.80234755283167	-0.44824994889487	1.87749617599518	1.83135584380522	-2.36024606600980	0.39528743184894	-0.89400524994086	0.48937627815753	-0.40659070466213	0.31275234803913	1.00000000000000
+0.13505159908171	-1.15605347603301	0.64922003423281	1.69618114190407	-0.70155197211798	1.08145071330605	0.85047933757755	1.10637056716661	-1.04623999358839	-1.30135399847546	1.00000000000000
+1.67077062936354	0.64354784129343	0.59812997964100	-0.17237698634320	-0.50352290746151	0.51328398132421	-0.58000465555931	0.23233150054032	-0.78335885157152	-1.39723167543104	-1.00000000000000
+1.04247849341898	-1.81435068819736	0.71293771767906	-0.21705433945730	-0.10080393703821	-0.88205424097537	0.72201960894325	-0.79149023242802	0.28627214656039	-1.50545688584277	-1.00000000000000
+0.21341208874143	0.72014711833863	-1.79828012260809	1.71395949654835	0.76266388164113	-1.31967951126868	0.85347469034475	0.62002640738142	0.30566431217301	-1.56924194492647	1.00000000000000
+-0.64999199308320	-1.02562683437324	-0.13050507880770	-0.14950841874608	-0.31428180397186	-0.84782684899640	0.81216245245208	1.21473327282491	0.95005680843726	-0.08427812455387	-1.00000000000000
+-0.45255217423509	0.17011399688269	0.95454352978426	-0.50524967574339	-1.87634064821904	-1.74871436736529	-0.90831051008574	-0.37931872451117	0.52607520147334	1.57222444122907	1.00000000000000
+0.66169157934456	0.88668364824582	-0.25547151405970	-1.24022983583502	-1.04307067938948	1.26349810720956	0.40213622984300	0.19115412195518	-0.78010551786820	0.30644220235020	-1.00000000000000
+0.90409905530316	0.81499532233643	0.32991900836553	-0.64930144336002	0.41358068830326	0.33464811275834	1.13234913031482	1.77786603651925	1.41434355354132	-0.74600858518167	-1.00000000000000
+0.69637765860924	1.04166053271514	0.34093340616616	-0.06843683271006	0.99366591723931	0.41459338970991	0.55689330161166	0.44922520374121	-0.88329582162890	1.27761891051187	-1.00000000000000
+2.42943479416636	1.38124984515009	1.05541499372178	0.69618399416012	-0.74518317796755	0.99911118671284	1.92133407983838	0.36285784396181	-0.27791688211903	-1.15010888994762	1.00000000000000
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/hinge_loss.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/hinge_loss.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+hinge_loss : 
+2.7688227126800844
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/imblearn_X.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/imblearn_X.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,1001 @@
+0	1	2	3	4	5	6	7	8	9	10	11	12	13	14	15	16	17	18	19
+0.6001306800348731	-1.427664018242596	-0.8128431040977644	0.1861963773309323	-0.44607171267571116	1.4615378813401159	-0.20792618079810765	-0.12137371720639965	-0.06446772833491145	-1.3310164666152242	-1.6691939894626755	-0.13944961174285558	0.030953613196132247	-0.5179508164020254	-0.42962235164106233	-0.4500954165849111	2.3038532915304692	-0.553023784461563	0.14876985407627283	-1.7479587701471315
+0.2536411543894025	-1.4563873415342614	-0.5225979569522042	-1.2005696101463839	-0.5955528693207531	3.498593261471326	0.4473543934217947	0.7526786936590912	-0.43342196111582254	1.5525428863494506	2.169113462445944	-0.7532432311768639	0.6556246969801681	0.6124285450253644	-1.1902855719466887	0.1977380945472285	1.0019115951772508	1.694093458508633	-0.24969904983753968	0.45875979745362017
+0.18225579346195472	-1.2796018753350356	0.6780773010107425	-0.10707199060615594	-1.8915329365851754	2.9791576382913614	3.7762486948586975	0.7669666081001365	-1.4611274189917611	-0.5051625294981158	3.5706473853319283	0.361457272353967	0.5353157105921461	-1.1171165238191816	0.5003091857920472	-0.062337162720739185	-1.664216917267093	-0.8111511264316701	-0.2873360912302924	-1.8361890958897182
+-0.3139065727141332	-2.714269287754568	-0.4617890824485205	0.45142947949293805	0.29920888623517505	2.3280472639084735	4.721085791340013	-1.4606647440626481	-1.0757028886615319	0.3037546381512859	3.8378027329578264	-0.8505759374119342	-2.4566574243609414	-0.5335097714369801	-1.4769442197132496	0.43056336705151876	-1.7354548844106463	-2.0028486121607005	1.215284108701237	-2.4579651124937256
+-1.2628695216496104	0.11918065353143902	-1.2346278008576206	0.2531467787794355	1.551433469203308	2.3537000928251253	3.6644773361790386	-0.6331477268237771	-1.7695433837247796	-0.16479992734977722	2.8574163681600524	1.0802040441260066	-0.7659697128037619	-0.6336634851328513	-2.961579371739917	1.4941732279481985	-2.712420873286752	-0.6176127736001279	-1.4459486909547319	-2.1836873518837896
+0.42487189699856703	-0.5373034697510026	-1.1657883437507215	-1.35351449329613	1.2670224544537296	2.5781881776435234	1.0747708563973197	0.40242575332019875	-0.7595747370840253	1.1128259625451298	1.3044963239922482	0.657714479238077	-0.4536911884265618	0.03825851981369715	1.6218469815954708	-0.10738702838298275	0.26418374248900883	-1.3036201837106316	-0.7840346128822773	-0.772900984348529
+-1.3152539737693658	0.04739388964208212	0.5667176906282858	0.16723645448034968	-1.3237156046414544	2.5576869458278955	2.970895813541885	0.36800572011534793	1.6753411364337387	-2.235192749512666	3.0193747039169194	1.635306712078988	0.07453719247058022	-0.3316821738414471	0.12148384247015409	0.012671348866862102	-0.5792108700037811	0.6156470679976609	0.6011935845440075	-1.3138953376368692
+-1.1420064626568525	-0.26584154465143667	0.4013439975765152	1.2247115662795574	-0.39875703183699024	2.1389258755397287	5.048265811735874	0.838787906446567	1.3340919123877284	0.04328433744956178	3.6904114144831635	0.8071200727172667	1.2016866972951539	-0.6410634897182509	-0.6346817606270283	1.8890510410569996	0.266916933787833	1.8832612181439792	1.4865109081694494	-2.9062233054748243
+0.8154945938187875	-1.3942602322147186	1.3918151037180722	0.30202718503532827	0.653444631281608	1.4452870874986299	3.8061827873167413	-1.1277346263276433	-0.22425124977321367	2.2090491331008986	1.7562433930226553	0.5570092974580497	-0.5401661645837045	1.3119452613127471	1.7224918758723826	-1.5521406849496893	0.8659915301504891	0.4448835159980526	0.2696306769788708	-3.091110583794352
+0.31171461250717486	-0.27367105664188995	0.21180263497907753	-0.07760204005752984	0.035673036767129906	2.3879833063367846	4.706387286358583	-0.9578325355578868	1.452350881861973	0.6231711985001551	3.3855289481852875	-1.0022023758320022	0.5131015704227361	0.013664588304865943	-0.23597344957725325	-0.4882209765908194	0.2629281407481283	0.6789361892009779	-2.094347254072613	-2.878015482344443
+0.8454145497044547	-0.11559831096717205	-0.14965161795668327	-0.23000653493539552	0.008130074950937484	1.25435469418028	2.106736066933848	0.7094023142379762	-0.04372142106466498	2.8607652682167615	0.9455600138157065	-0.8988557079953692	0.0008453768187008857	-0.37152540418437624	0.5080020492184416	-0.7807151292087614	1.5328700794451393	1.1252314901915745	3.2321749215261457	-1.8713003961740664
+-0.9004672368776512	2.7833434656936795	0.32973805758224706	0.884038730723335	-0.026483186301724394	1.586468784136876	-0.8784018037605543	0.4670593783186675	0.22004629670726678	-0.6054105014839533	-2.8870211486292483	-0.13533875259554518	1.6442621731079579	2.4460538043733266	1.284896111486521	0.6163752058727686	-0.3611754248489945	0.45669533848788874	0.850439504844309	-2.1578640307973567
+-0.3450617457020049	-1.1705203628378154	0.2559816638660931	0.10066574276207955	-0.025700112890522302	1.8905497509729356	2.910576636848324	-0.8409870840282226	0.7655691737076551	0.4074683516491773	1.9648904332949002	1.2869779090489812	-0.1446569653487437	-0.29494001494114663	2.139405711211175	-0.28849517469553526	-0.6521626349075068	0.09911556151150251	-0.4420247197445718	-2.022770393323058
+-0.7122710457144602	-0.1636053349589016	-1.423210832965341	0.6944670202271233	0.46610751182918814	2.050862482472958	3.980371402661503	0.5665031591034912	-1.4109184485306152	-0.9146221477411763	2.770029034844895	0.7018622801176573	-0.20960302820402651	0.10953797526017035	-0.04484863239510577	0.5368199214153357	-0.1817648347302158	0.02608135338964048	-0.1109334569052211	-2.5297056696988136
+0.13893339762742232	0.12505996785068957	0.08522105155729653	-0.1244369842572512	-0.22690680066614485	1.831636080721623	3.273801896388091	-0.14361169441485566	0.5189381057678109	1.5175678616559087	2.120751180565815	-1.1009460471476578	0.0697979596038345	-2.602432052361322	1.248073481436293	-0.7921499782618511	1.7844460663131363	1.3861343251812623	1.4521502972401201	-2.26979310594039
+0.2176334592198871	0.48074461869280133	0.673158979776759	0.636440749953568	0.7835755296549078	2.1303699571451626	0.8113712750404862	0.06423855983077208	-2.006296343197277	0.18317286865295157	1.3046409482829349	1.2001945427968321	1.6375575940523748	0.3198067518814887	-0.6470967287268916	-0.6135523479432644	1.5172614952296342	-0.7534784242218241	-1.0489427296468021	-0.34239385722903015
+0.020920491049658634	0.7027441578490573	0.08170904469528671	-0.24669316258992044	0.30566165627314534	2.7371695012534407	2.868337591997709	0.538217856133155	2.2918827568948688	-0.9237203601625923	3.0899821862141454	-0.43372845174430646	1.6067902017030262	-2.116400787011476	1.05588131954805	0.9867409511837285	0.04275846625683837	0.13198012785877802	1.3537651023784019	-1.1867148800179004
+-0.6347348303079425	-0.9560945090068284	1.6863650538988215	-1.5033590625324131	0.6456180403148323	0.3151584766159612	-0.34314485410209566	0.0741498233035726	-0.30725362657311034	0.17143871918212664	-0.8802323730461277	-0.17553886611449096	0.451573716731918	0.29488626870165335	-0.7016491034774969	0.7588129606737859	0.5923591830372874	0.032445812664244345	-0.32016923814039705	-0.5227425015514169
+0.898264466223496	-1.0723723075047917	-0.05934873441462101	0.03947255117153827	0.7123627111010281	1.4722972114366517	2.023850790289881	0.27502051823953133	-0.013263410794948853	1.1520885276580854	0.7677638330743906	0.23669198116095674	-1.0068960105261195	-1.125991281704447	0.45371695627340247	-0.41378718528928005	0.3544820105776354	-0.5620569423503952	-0.6784990064495436	-2.0077175515587933
+-1.4469853530925652	1.3631627087626947	0.9737610630074449	-2.3475175227585816	-0.18600319345269115	1.6310933130945002	1.9251237022831016	-0.2696936146812368	0.8628599807683874	-1.1645807211869068	0.8493460373911352	0.32282254456100645	-0.9422348719632229	0.4039941672744458	-0.95630511275648	-0.24615391546264098	-0.1325989110046682	-0.25728577126348773	0.17004074943079078	-1.8685078882873503
+0.664333401792528	-0.14899329760927724	0.30319383615397666	0.4778643376965752	-0.8634191888757885	3.1588275836555657	4.534790309970732	-0.5087444137528151	0.855335079565842	0.049164819616769787	4.313410957087214	-0.6640483549238847	0.04452219012973246	0.15284614587740628	-2.10037952602695	1.542912579098876	-1.2879106309244106	0.8565754201538678	-1.2530471101940006	-2.056246294310101
+0.4592115613268244	0.7240288196960938	-1.8282561271989157	0.48095730955011506	-1.2463886190756295	1.551998982976051	2.5012073178165175	-0.7847202558655209	-1.0899992222333341	-1.1286507646857775	1.1582787163852484	0.11347448375396031	-0.38772005289687483	0.4373507445947763	-0.03722840927228575	-0.654219453976486	-0.18371326359539306	0.5150563082901165	0.3369930870347399	-2.207429512319027
+0.702043786012072	0.05973570195824322	1.241970860801853	-0.05024303276154963	0.7003762073435562	2.504931413045719	1.6202974365274196	-0.7873365480467469	-0.22647878349730233	1.233877377525239	1.7798134741529545	-0.03885121505893872	0.7528239208996157	-0.33919650099902876	-1.2084789360495116	-0.9370420616930395	0.4411984013677271	-2.6313651151568047	-1.033166744723384	-0.9251389203648208
+-0.8315837274650301	-0.5158886908950561	1.2439548584361089	-3.629483716161212	2.0586227897904616	2.19215438188954	1.7201266615207358	-0.46202610300875574	0.49574263970640514	0.9826165086537505	1.3471228958008492	-0.6293780806823064	-1.1359871314753092	0.3995426007611163	-1.2881768141322625	0.25289870586826974	0.29200315211878775	0.4409548042518607	0.12223669156907754	-1.3446012455347258
+-1.2724368317972197	0.8403168331287921	-1.7537588474989196	1.1764629573485503	1.2982716870778908	2.2955109762955166	4.155392766456353	-0.5832881378893574	-0.12455536428126394	0.26728930552797264	3.1444043147609513	-0.3925452102832424	-0.08689414540559873	1.124691587585965	1.2137008978706965	-0.4124830524661301	1.0658627814626058	-0.04154279442965808	2.282015003171028	-2.4532903350748603
+0.06544588793674148	0.8672022959284329	3.484338032973535	-0.02374518393946098	1.0653642889362873	2.0899048603554378	-0.5495298537580076	-0.5724135933882305	0.8503645076852892	0.727383152199246	-2.6405290046468286	0.40925903305395944	1.2197368434857745	-0.5524776414543108	-0.18263543110247368	0.22780551928008505	1.5174384374256193	1.217136131015033	2.416549460749879	-2.450382279635916
+-1.4675542529280075	-0.9848041590673581	-0.11939854902765815	1.1071295731187265	-0.6529803455309847	2.1673557144476643	1.5851269907482948	-0.1746975060187288	0.8521613244890587	1.6964457408806553	1.2695670676403998	-1.484490613540506	-0.32360305860714517	1.5343149397518807	1.802170263439629	-1.4537567316424964	-0.12452454175962764	0.8859841898328035	0.46238375901218737	-1.2570041582452474
+-0.43072012382960007	2.9527632759154834	0.8555883502289018	-1.9864311620725106	-0.33386868563050703	1.6617337977746989	2.4566411890300976	1.0310332573871603	0.207605727330399	1.1151231189961701	1.2572588397062372	0.8714873125657657	1.331296517652578	0.747926376073887	-0.2595108359099074	-0.4793757351328446	0.21575304625034858	0.9513269487970989	1.0847906778909489	-2.098424902477398
+0.6303525361768799	0.6504224794810018	1.478545394395583	-1.3755169237348692	-0.20875904616948454	2.023112055453804	1.5148566741753804	-1.2371303616651121	-0.32835851221186085	-0.36545833968870906	0.9869094309825199	-0.8616453027371711	0.935281489165153	1.462675697563884	0.4699164134396534	-0.1331088034049216	1.0250012691699901	-0.7489234810747207	-0.3563003937738485	-1.3964494670922993
+0.9589174975950321	2.1753431574688626	0.2049476266489324	-1.6542078201197752	-0.7667426047295631	1.6523759211828999	3.779065606845299	-0.7780869485496407	-1.0552105947667842	1.1198919693726814	2.125845965959274	0.2484555354308963	-0.9888205857437855	-0.931851040337972	1.1211418889383482	-0.4338891904075787	0.5659547635838563	-0.17587942893004743	1.1377333883527443	-2.7803222039776685
+0.6653208502146517	1.0839488608395755	1.0306954546399998	-1.1681076317135197	0.23655926666621035	2.187996362843351	4.528886252190511	1.649787570620876	1.0013188293201156	-0.7902564124604601	3.318535677903331	0.4735359105884258	2.3365292964774893	0.4391844928271769	0.6912148845695928	0.09406878708507839	-0.09704872659293494	-0.6875833660891899	1.2149180225299518	-2.6804337552467006
+-1.0044321626117092	1.4605327954560388	-1.120598101476901	1.1530168264477374	0.53609309193676	1.9695545102854912	3.3684008196253634	-1.4275442634696585	2.311152469250487	-0.026260120078416757	2.208646692776524	-1.3575716949698298	-0.246834600823776	0.4032415479540457	0.1987093863828843	-2.2610431495952805	-0.5069672149969131	1.3254711585622558	0.764296682120309	-2.3361439467042753
+-0.3018803714475903	1.3890853610598006	-1.105624908636632	0.7270388644810397	0.4859496023264988	1.9318555645729851	4.142317152849513	0.021003865390925885	-0.3454559685286904	0.29259919159818165	2.690243800555388	0.3927128124907365	-0.851362886519374	0.15903064362812877	-0.6786672080015265	-0.9655248707790342	-0.29507544184081486	-0.5924404384564174	1.4259526879792237	-2.7503146981782183
+-0.7012548044466032	0.5321700028199301	-0.3296497029448247	0.06775540686204533	-1.4630039879016832	1.5538363072283676	3.7210510017389753	-2.5023901399336306	0.1120498212767861	-0.7291606489372675	2.2359479157754127	0.07194851605939293	-2.505341161730066	-0.030825773886334593	-0.3380672266912789	-0.6194093321898435	1.5799957928919635	-0.6703243392872298	-0.8058669818684211	-2.5836341745921603
+1.711730790757852	-0.7812378825997724	-0.6151308173460539	-0.5957282208120518	0.6957156336214385	2.0323240834674348	3.1200684020824156	-1.255552608914288	0.026554513313315924	0.7338824046677725	2.270666683694908	-0.8131592038613639	0.22756081582923732	-0.23265796055671992	0.4537881215437723	0.7318355607783815	0.9003078687218798	1.3635879302521012	0.7801647539734483	-2.017919676438447
+0.32769145920434123	0.07725137863004701	0.9411551928257473	-0.7046056420078316	0.15710497868255513	1.5931719660579367	3.102484575652539	-0.7006612803897592	-1.8241662278672892	-0.13619426769754847	1.7880752778829268	-0.5723032119404491	-0.9180028967664989	1.1784615350557546	0.21381432544151419	1.8121908423558308	-2.5370331469759906	-0.30030437224168927	0.8616375196814056	-2.313624282458037
+0.3824752347638102	0.5416779107477381	1.811381964890586	0.4810061799173542	0.8207761736169595	2.6914452475778994	2.350842436083438	0.24036289768817762	-1.78730487746063	1.6081822162050903	2.7899007457419436	-0.283940803195158	1.605205722292626	-0.8104423597475212	1.746809694841071	-1.1769442350386627	1.8500129754543901	-1.1585200370504454	0.34072058225787316	-0.8682529514680002
+0.9543426448921855	1.2649566527957905	-1.6009653878086696	0.7528750978572278	1.3557627177533	1.9492208681160408	4.155313966867934	-2.127772864221915	2.0004578715222783	0.010993573370189604	3.085196947257771	0.07223555878829373	0.5221954828387224	-0.7979652557347361	-0.9073876378668131	-0.2632743322037203	0.4000138820361586	0.3297449522687978	0.1824212441050433	-2.404515378212356
+-0.8874360483296729	0.19849402726012452	0.8613282851329194	-2.011543253722156	1.8502268490554337	1.333581616742887	1.5472341534167362	-1.5124374047638895	0.6904862198074659	-0.8999642116549436	0.590533721243814	0.027134075984467362	-1.92416704194715	1.881244934038946	1.1752931069347872	0.38860887994697224	1.5211394174202164	-0.027488248672624113	0.41299587368311685	-1.5937562947276773
+-0.5636058204922485	1.2832265810344736	0.4221739796152919	-0.22666965496083805	-0.16316883968895335	2.0468258193436317	4.889670456662167	-0.6343118999741365	-0.3214045528644634	1.0184410472113357	3.6659874360135727	-0.7019834181988128	1.7180594748472755	-0.4910629497834292	-1.146030829594674	0.05736421537985095	1.03813919278987	-0.7201558565015309	1.0843844852192437	-2.7227620157337435
+-1.763375103457406	-0.22156329155334747	1.3464145823500586	0.6450374307377071	0.9157410168307402	1.677062393899815	4.0014085761291485	-0.34587826476600536	2.538985571272172	0.08029180893026838	2.279847674178507	1.4063944780656885	2.263620824857588	-0.07431064482534441	-2.1740919182706984	1.2701381312258078	1.057253999396625	0.7982996387911043	-0.8477261177186299	-2.895447615965107
+0.9135060016454908	0.8255984849729782	0.6332123062631536	-1.9372430851348428	1.0632651751451203	2.1662519230941735	3.211624342860726	-0.4416682348761625	-0.11533026355791029	-1.103065292017164	2.1188594539404324	-2.000570297634022	0.5881327376547375	-0.7583314619943677	0.3791256397537473	-1.251909482858564	1.1183694704803964	0.7568334408289964	0.07996433038328896	-2.301552732108119
+-1.4405290237288506	0.28973038824551395	1.767866568305351	-0.9923093750210011	0.6387055144068591	2.0413911887846248	1.249746501115949	-0.652974230670579	0.38907890992861516	-0.3392371294084054	0.8604735496588447	-1.9951769945211395	-0.9488644654361272	-1.4499176399796132	-0.9112778707472854	-0.9268459109308762	-0.8295268879136654	0.08045998137214022	0.03428176500572475	-1.2204997534529203
+0.13793569060269825	0.1764966407458776	-1.1429693034706114	-0.7815581493870771	-0.08733877037709555	1.511006255837344	1.9135498883407798	0.8530775986080076	-0.7965840921101351	-0.6461368548305794	1.0771058321980982	0.3085122445814064	-1.7483318600304123	-0.3148177747331888	0.4386606526200204	-1.8298364547056591	0.004103277249528298	0.4948933535257944	0.23209586699933613	-1.608742848974897
+-0.9592667382519147	-0.3572389263806731	-0.8984683262992555	0.012049115035773527	-0.16919462868622423	2.106414276464541	4.407253775229526	-0.4063463396035063	0.020454767810124536	0.13116602790746765	2.895491882828315	-0.05265537358754887	0.9338273833922878	1.0384430044574802	0.7238932447702978	0.6617523925338565	-0.05657760125243368	0.3418870375315848	-1.469331774651078	-2.9107438468164357
+2.1646654933930205	-1.0944227909060513	1.437839981567494	0.25079635571445524	0.9228906605763825	1.8740435422367272	3.2088278813549085	-1.529494400446775	-1.5160480581094384	0.9686225045117204	1.7745254211117512	1.5891059323170382	-0.7608595992675468	-0.8897564037089094	-0.5938840606210156	0.5973035965907227	-0.0919727762767865	-0.29946736093691767	-0.184344822686865	-2.529832834853226
+-0.5537533052462159	-0.8884777651225628	-0.006032737205650106	0.08564188237710685	-1.5017293642965752	3.715157272877544	4.989620143144116	-2.4295449796432576	0.10042679104304736	-0.6176889318176607	5.198758326119293	1.0085993988548778	0.28260597950539507	0.7511039022261455	0.046183389454740695	-0.030898589212943892	0.30749093958732976	-2.0254036863617397	-0.5733567577206761	-1.914966086309804
+-0.0512857020516092	0.34914429784385886	1.1727230142408986	1.1585827827169557	0.44060824010799443	2.0819408183308994	1.1548860952550846	-1.5141437292203923	1.654001364469893	-0.7394211684962744	1.2062005214528266	1.6372437806610987	0.29292527727493534	1.4956691141678622	-1.2251072596359711	0.6851439119706818	-0.40175646169027357	-0.4842186993452254	-0.04372380188149388	-0.8057751656004264
+-0.2432147198887513	-0.5453532447921198	1.6057340333710466	-0.8957691132200181	0.7767857789353484	3.102397000123717	2.9611758164758086	-1.415239693827167	-0.17238607298198338	0.7349252369004419	3.1299501212009613	-0.07473318895620759	0.0007636314021302159	-0.2393883582088851	1.0592390839335102	-0.26227746633375304	1.93230024352111	-2.2644252255034774	-0.21430822081766468	-1.3633879943995821
+-0.9831304246100677	-2.1093592194014477	-0.011612415022483525	-0.4146087274208725	-0.22253949217958646	2.548458999322077	2.232852163172559	-0.8131642593932751	-1.0871043663488726	-0.8860826509664107	2.5327430804979967	-0.07456416354353278	-0.28464145822378867	-0.2010602009175456	-0.32489659338762417	-0.2522783712227327	-1.0691976097423719	-0.012922519765378022	0.6363905733729942	-0.9307452098046052
+0.588516771689807	0.404448404538389	1.7383805902269218	1.5227166018909715	1.8453131469609583	1.861720383305236	-1.2975868162741306	-0.2018305337179511	1.637502635197612	-0.6006900511567116	-3.947867824052447	-0.685708202108215	-1.384102529261304	-0.8084796651305344	0.3930492119575427	-0.10934919694693476	-1.2776525731836228	-3.094359631222712	-0.6570281254865423	-2.750274708057692
+1.2359023018791975	-0.6395223025690417	-0.3122867631439104	0.4249576616093138	-0.25157417349036676	-0.6399484111059723	-0.7068387552386721	-1.8179071869778214	1.9847204820364956	-0.047598440623969875	-1.6859857891424603	0.558889844165621	0.7186711700675769	-2.2060565086434725	-0.5739255686224868	0.23733804172701395	-0.9269856503790516	-0.06228779497658088	0.10665030338389467	-0.5737566424923488
+1.7490345945862273	-0.5980349798547323	-0.35392937792046364	0.3384857948548837	0.6185706358891989	2.5881016811643036	0.5264720169617274	-0.8234675466610604	0.18448261988073625	-0.7457794659949291	1.3394810502836414	1.074207764084097	-1.5378330981787252	-0.47928235677681685	0.25289993079234546	0.11216533084818772	0.9355590702491581	-0.4200029379365508	-1.1630016174018964	-0.12620742730551315
+-1.1053454612184992	0.734631497770831	-0.6102768499875317	0.7481936436767541	-1.6795750912691534	1.8765620303213049	3.249111054012613	-1.3761139938077216	-0.672163960199235	-0.71299679329763	2.132225996965744	-0.9480755183770655	-0.981526714575313	-0.009079399216074657	0.8975731924939098	0.2413058156435132	0.5609559720155725	0.3475876517991958	-0.7985455485971579	-2.244800875676579
+-0.9118330141069645	0.3009136612841261	-0.5099080993051367	-0.5570225832231591	0.05006912200556351	1.9801575442147894	3.229989288906089	0.11618529542066212	-2.556273467539149	0.8140155460881774	2.2985596163531117	1.3290344269540115	-0.6940693573673032	-1.2801140586568323	-0.02868401171092137	-0.05418447625479286	0.6042083705862891	1.4263278201500984	0.14226584694763983	-2.100255107080264
+-0.08945370904463716	0.828459734416814	1.1581283337427188	-0.28698321871148996	0.08204313848656813	2.370718473703605	-0.14513596693224184	-0.3654737311585621	0.8596792439321654	-0.7758824142295386	-1.6300418013158329	1.8034415952599843	-0.06232318278602236	-0.6738461774789973	-1.804092794423749	0.8800072863267687	0.6593203112151367	-0.822345505402547	-0.23924067587348175	-2.0541316481613947
+0.6532966022716153	0.13476692488816933	1.3032947412655265	0.050083337052521326	0.061338858071556465	1.492838009091984	3.5047539415863653	0.09239614969161386	0.4768187322887299	0.8248140826706194	1.7003889637904057	-0.0489620587069034	-0.25349366129531853	0.7148536271151185	-1.7859686379028632	-0.5041954314709504	-0.1348857550245394	-0.4585285128430802	-0.8043316818173476	-2.817682599089971
+-0.8055613244294758	1.504927894897263	0.01931980321041564	1.4510288442323935	-0.8374739000763685	3.465230214032937	1.7244867522476912	0.5277472894826627	0.341634121942903	1.1835461972678056	2.8954264582426914	1.07458982094769	1.549276337232482	0.5989420660053004	-0.27320969598874806	2.118336471565051	-0.781044059627567	-0.1782141835598015	0.02334412783353981	-0.2966814417894885
+0.5149085796828722	-0.36801234456530424	-0.058114811648922744	0.04489556751386444	0.4261653227611838	2.040859324122451	1.23034751673836	-1.5049944986709813	-0.4371971543576366	0.453643689260885	0.8942157815395451	1.225164428151974	-0.5917103754273912	-1.1808660642462807	0.6111196867255198	1.7258628498650521	0.2201986393479825	-1.0380229974289965	0.1560345365244636	-1.1672653055435291
+1.176491040175315	1.0502145183089455	2.577524932589958	-0.4510946919870676	0.14910395769783108	2.101825136671898	2.7455179905279214	-0.10070412191014894	-0.5440656338091385	0.5085510615851614	2.187526509462752	0.10649343733211804	-0.9069001448659356	-1.5314980538286962	-2.3782007383438866	0.5565030740008334	-0.9631786175550383	1.096322824469115	-0.8409825448287971	-1.6939916736896246
+1.2347070987709132	-0.37474705743509373	0.8091650423940262	0.617387841679817	-2.9246294149893806	2.0520157271856054	2.137356517565275	-0.6121952611088145	0.8308450365656047	-0.06060816911827307	1.5438544181178153	-1.544793937896965	0.2850494942701719	-1.1175449036596785	0.2544732954056604	-1.033773120298472	0.3838439081968495	0.4956962202621653	-1.4028491429454337	-1.5903105602010963
+0.12442145590544271	0.2719326135443037	0.2993888744734621	0.05894551167579988	0.6681471725890039	1.3290311603107812	6.358869920317455	-2.664024184653911	0.16825736958609036	-0.8446700603219813	3.387792511039644	-2.395456254491091	0.10578066014163656	0.07937774360886328	-0.351872274350808	-0.9576018618305466	-1.6068552291058655	0.2630615245161198	0.141050424501559	-4.419778969680483
+-1.301606872884547	1.3822620350859813	1.760170144679466	1.920859045586603	-2.369481978795261	2.7659841222779455	1.6744154960727617	1.9647866649562078	-0.5698615302056752	1.3839406111253092	1.7719281527963424	-0.8265978552448533	1.0398087251236903	-0.45381890518014095	-0.9981831816857836	0.8498838311065051	1.0215487139773107	0.029213138321989605	-0.02448426705785115	-1.071385607414117
+-2.691455216782579	-1.4809761619786292	-0.09263369755410167	0.14509972992553943	0.11444664133441237	1.5945088064749466	1.4585842813096304	0.1594001038472238	2.1928523424997715	0.4330403604877451	0.9172852721145084	-1.5097015998106609	-1.6199394927303903	-0.11284623559329578	-0.7012687094868372	1.9978389054113048	-0.4134162805118704	-0.9332936707907155	0.6485008859690167	-1.269454332054131
+0.25857397216695877	-0.8226380528779011	0.25184236303769386	1.0043828423123942	0.02089930233282342	3.0622580296475634	1.8423471375725011	-0.11156969396219979	-0.18946072934318048	-0.5665875886734555	2.2669030994179695	-1.2562945167961659	0.28513116059255245	-1.0509990648433927	-1.302937112967481	-0.7815108169950001	-0.9121190583657786	-0.9136595104272532	1.0077636471651705	-0.8907750722516858
+-0.6858524076329154	0.3930602627876125	0.07871223103436373	-0.48537245117320776	0.6787539637536787	2.7043767556474196	2.2749255201773595	-0.11391875869615092	0.6683350321052208	-0.06644262970592991	2.166520993817938	-0.606664208036896	0.7888242749660439	0.6263123975458482	-0.40272898188418593	0.25782078609180065	0.23690633208035106	-1.2775677406183348	-1.8843357051111145	-1.363734219960445
+0.04097089298222627	-1.375126605956231	-1.3330876289325848	-1.0460449212459342	1.3401456783285108	1.5505628443271187	-0.639763115790617	-0.44240942491148144	0.3198194259372756	0.10820831283975721	-2.802855760062708	-0.11068769449138946	0.045808284690436324	0.23422092161202243	-0.7244134603794363	-0.2024637835983589	-0.9745508743597724	-1.7643846368119496	1.352012842079788	-2.3378753986655925
+-1.3526980541116047	-2.542313547992685	0.1809826712750604	0.5786042707338463	0.21265362594459392	1.4368494121624695	3.7281618860234267	-1.4433793927489575	-0.43379904637082306	0.8984130058813806	1.9362977630144687	0.11939437931787665	-0.024300924266039314	-0.12707888955316649	0.40919280334050423	-0.5494570769083005	0.21899236924812554	-0.7968814722327079	-0.1662037512205038	-2.8340713584060606
+-1.004643048946826	-0.24751987826021213	1.8722558073924007	-2.0507341208526775	0.22321841535188797	0.9972967022037826	0.21687494749301134	0.6815453371376522	-1.2369792180109707	-1.7937590177703913	-0.595814082168741	-0.37146552424863083	0.8054558366241785	0.707291290265989	0.002676140347394089	0.6858925338135025	1.046091505116545	-1.05529607831364	-0.8524278739013349	-1.0937845388370384
+0.19250953553324276	-0.6731099373392948	-0.8741470848721418	-1.6624945141475038	2.114744799841897	2.8248755922704714	1.3514871484470607	-1.065127641744471	0.6661362979715585	-1.3234646636439806	1.9518214866404244	0.8975270340747491	-1.1472842259469471	-0.5005646741982791	-0.6733123550199571	1.2751695004942918	-0.04549461676492151	1.1003965378136797	0.2727088422956263	-0.5589036489993326
+-0.5101195185460192	-0.3463834813464618	0.7103315220434744	-0.07253655400439625	-0.476876489923363	1.6878862787974453	3.6680725597985706	-0.12995717420316935	-0.46841285313759984	0.6818431445792099	2.1963806891668236	-0.6546065175614443	-1.0684150409844582	-0.507264184864691	-0.6244792424031724	1.6858061429417073	-0.3511531700768734	0.3065693729444771	0.8096844193831295	-2.600683983520173
+0.4276542109461463	-0.681385693664468	0.26053476153777866	0.14724687142950013	-0.21226508782160425	1.3165680338341728	-0.4488228241558927	-0.45690377928390713	1.6464782021605109	1.3662794383611565	-1.8448158592664476	-0.21618808713354018	-0.6902087996106149	-0.8532624584583077	0.143872946670431	0.5569290628844467	1.0138508911572106	1.6028056906751957	1.1909533578632931	-1.5960109474342405
+0.5887007586272001	-0.9656133145847267	2.098378168263082	-0.019555211583899577	-1.328373614347535	2.1540005978934875	2.8623026578352055	0.2291259173129184	0.1939030409035364	0.6849503075032513	2.598392537139887	-0.47259519684184	-0.3024946517076788	-0.28140377602950545	-0.5595265033801516	0.18054430875020872	-1.1082229510479242	-0.8304884318114684	0.2887794328426672	-1.4607084996125717
+-0.20257808370320818	0.5798596929325263	-0.09552052998188215	-0.7215042348653432	1.149883372616504	1.7149868788168852	2.0730671063782005	-0.02169566460944735	0.3970957304286605	-0.3303369287522827	1.0613813788032087	1.347766579915079	-0.8185564643254218	-1.8637772246527913	1.0803226362744074	-2.045862690112989	0.11018888663514066	-0.5151808538578183	0.8616538645895059	-1.8638466532035698
+1.8286834466133017	2.0865229868354445	-0.005708411481602123	-0.5064327411486649	0.3780725585739115	2.1562756963657455	0.4545934853873987	1.988832670961451	-1.630339363909551	0.6095288953738113	0.3697705388971695	1.4697894022706675	0.6037594786182908	1.4846173580736206	-0.10016708658387098	0.24024533477281973	1.1008003796028063	-1.3030533654459766	-1.8144165703366881	-0.8139191744996379
+-0.1278222022156613	2.230712068914909	-1.358356412779543	-1.6339625868922063	-0.13077015108317633	1.5064916213024713	5.233747405735313	2.948276785720189	1.0531102113435264	-1.5884720300446156	3.0109849353761984	-0.22036644526777543	0.9874356171718295	-0.741406408910022	1.3186106102658781	-0.43397415415141805	0.9193486281481402	2.2272312712454623	-0.317044642635066	-3.5549871657830354
+0.39770762609356985	0.5268334091977741	1.2091735467767932	-0.8649665234285591	-0.15446691322601233	2.7423918794710653	3.920839665222484	-1.6374662065096848	0.3134246881164397	3.2474655929926635	3.379064119321045	0.8316709588752277	1.3140873287315114	-0.23113510007819274	-1.1021609826515157	-0.5186121491894758	-1.3270513344762935	-0.45814646703700385	0.5347596604071564	-2.1055605288597077
+1.0377986243050017	1.4186710263167046	0.2400757086880295	0.538952068618652	1.8888030361793755	1.0625333792587077	5.033955812765061	-0.2604425067703008	-0.9899047019142956	-2.202216658161988	2.347540394250042	1.7212262428713727	0.535641143810167	0.2723737215663877	1.6064238412141272	0.9425749419430591	-0.23302227737663728	-0.30922052311597537	-0.5715640799461522	-3.811549134811197
+-1.2662896483050952	0.23234124404395243	-1.2842969729218312	0.02593604117637617	-1.3010170030628716	1.7501306686635911	4.945870948979479	0.5065549298810499	-1.9706670473471377	0.40514195246876755	3.097298169862623	-1.1150314100263885	0.5645772755872404	0.02812549465983259	1.4142074359959589	0.7464985369010867	-0.3375939749165018	-0.35619209162794274	-0.11339420295966876	-3.2238123539830137
+-1.0982441366636915	-0.9251417807215478	0.22098112006994164	-0.4745319436080365	0.5721353630693963	3.7720164050953775	1.108970640091619	-0.5525942469986713	0.8940734059180592	1.0847946388169223	2.6977148989935205	0.5361128931933424	3.019294842147078	-0.5375566121780513	1.1252896580341505	-1.4507576228240895	-1.2293680187801523	-1.4511966262965585	1.3784189789640657	0.12154321962479253
+1.1636193176993483	-0.2598850823382007	-0.6963172808590951	-1.2590786740802555	-0.31426441258288074	2.1852996466226777	4.599500847586467	0.5908499864872871	-1.173293960853366	-0.3098773830570862	3.3521415607689837	0.39853085795936355	-0.6306317758164298	0.005661309231509867	0.18176374952023364	-1.478236079319358	-0.6195560564019568	1.0785393065969529	-1.002232702364883	-2.728014998409381
+0.8295294987051712	1.144789567244623	0.5990799685167143	-1.5554810028367756	0.5102419695063936	1.7071129187735217	1.9642555601048401	-0.5891912035575554	-1.240562435937737	-1.1743051837397969	1.1968253165587197	1.0945798436859713	-0.19612163706689925	-1.273141651113483	0.5182400868094292	0.6507908768416131	0.25613972817824043	-0.03405978642415101	0.6955652302400193	-1.6136094075893181
+-0.8299475394845793	0.4793459131416379	1.3783207294647946	0.5935468724799494	-0.5841653390186355	1.7651382607470083	1.1785643295073345	0.2606096519467143	0.2643082404013817	-0.2667257407984492	0.5424352263450816	-1.1218899624068217	-0.34452754711500755	-0.5759313399605643	0.32854439851471173	0.5399364336113526	0.5499006514856264	1.1611540971612364	-0.5833398165140331	-1.3522176785471114
+-0.7179057075240576	-0.12740975604843865	0.4725257050217392	0.018885641287147936	-0.4164122150844146	2.3596364849530658	1.7051612362839181	0.4825139658558278	-0.19006039843950176	0.605294639573055	1.6528867619617986	0.5396788951330505	0.28690271684743335	-0.7364663514800027	1.25563771190586	-0.025639015983417737	0.6741496321693374	0.5462158383758914	-1.6437784646932987	-1.094753432603696
+-1.2189795410468156	-1.3192779463783035	-0.5290452885143646	0.9421092691330588	1.4951464724115529	2.323923678009435	2.7279122003822738	0.15722842318772529	0.34766255977457633	-0.970658127368562	2.1461722226122415	-1.5653800871174819	-1.3049821789843392	0.07520895848515993	0.0008349673734161867	-0.151612227346886	-0.44063648143688533	-0.7789137127238094	-1.135481098685554	-1.778833294622792
+0.887440118042033	0.27296169881224813	0.965042687374125	0.06558544542434806	-0.8467578601575918	2.446464645028372	1.5988143653296034	1.629478434180424	-1.0406877823083114	0.7520517028108071	1.6145242866515315	-0.7442926960389398	-0.5662955076269388	1.115835031937194	-0.08641075578037914	0.0037223617878501297	0.7823052910403725	-1.0002639809050446	0.5862996118495495	-1.036492984428764
+-1.0179531333820946	-1.7094624516795638	-1.0724868522213002	0.9112561647512403	0.20180528847931473	1.1312115206576938	-0.3363147689029984	-0.9705339014755475	0.6895320838144706	0.462938616380188	-1.7020195325869742	-0.8658039083464577	0.6235916750383783	-1.3535437651753222	-0.0027485380650846443	0.7351902114416059	-1.6297132103667766	0.15739774282589752	-0.17095052788127546	-1.53508240451921
+-0.3746483078527021	0.07128892200078375	2.3764236854980587	-1.190761596913492	-0.08487420101509466	3.0763307926650114	3.5286369841279663	1.2049588909764604	-0.9680582857051521	0.5178529903862314	3.3362848070408138	-0.4998680067722221	-0.17254628846964762	0.343688632217849	0.30771861811025464	-0.35600045948031694	-1.433835626829107	-1.4072040475451206	-1.180571003928377	-1.8034294795559662
+-1.059449287670839	-1.063837284022175	-0.5026217383633865	-0.4235952388857079	0.6413703633998253	1.1884048127020113	3.4425393934979747	-1.486271480196186	-0.4608221596072769	1.695247226956674	1.326806567677235	-0.4016022042901078	0.6130497229637535	-0.25783632181928545	-1.813969563463349	0.7747306308104256	-1.387902380069024	0.8377867011255383	0.22295399389875045	-3.0024928609707393
+0.9571904236480426	-0.5166858192224664	-2.138334271141819	2.1988769896303375	0.36642111026787877	1.7237158044054093	-0.8979743114948329	-0.8158662928641365	-0.8216626208819356	-1.6433359220961008	-3.09991180073614	-0.28300667039499494	0.19065971946532223	-0.10352239885476204	1.0075260330715912	0.48541283563645765	-0.40193012832160585	-0.1294389073177106	0.7510050079556692	-2.3739286028008015
+0.4979239549121508	0.9111201160745993	0.18796740377418655	-1.5281542057943858	-0.6109910823067333	1.7693046634463152	2.6835357478319306	-0.4512222342493453	-0.549657204491142	0.9291285260111506	1.6176377090268963	0.07854046873120377	-0.6217420628594426	-1.6936645098523484	0.9232365670070746	0.6964749368777509	-0.8957817611843993	1.717511270287392	-0.39082700353942684	-2.0523962073689366
+0.7277841274075557	1.4636016377544936	-0.6311818995441049	-2.0495600384499113	-1.2076149919103354	2.1813737838993323	3.594542332858304	-1.1859278063712975	0.8000125607067509	0.12983011291729898	2.5219141532304334	0.6689689937382642	0.5338283128823416	-0.015064922819664569	0.46260717967564713	-1.689121878949801	-0.6296358825050974	-0.28498434257521393	-0.7168871413742963	-2.3640369851366017
+-0.6768528147174994	1.6007834076844003	-1.785040300039898	-0.3519228848999216	0.7035609218658003	2.7031226520487364	3.0150381641121933	-0.06957215415864514	-1.4285344105635516	-0.4771861957853329	2.6155697580534047	0.5325344220414974	-1.2308369874242666	0.10423768117531654	-0.2942121614140048	-1.3430571929433248	0.05022263590512763	-0.8882786693698044	1.456233380235276	-1.7808724899238926
+-0.9412798203804342	0.056817754501647125	0.6091599884623712	-1.00788339459915	1.556637531469471	2.920648237584563	3.352058861342	-0.4427205370603986	0.8106968873453949	0.6047332820021087	2.989102523256598	0.35117738249311903	0.6523185197261707	-0.5099362684176568	1.0755604521030155	-0.5677350187558565	0.24154153791205357	-2.7509340216483897	-0.8380896197608263	-1.879508217986813
+-1.29291039748216	-1.205122781874419	1.0818829397263372	0.9329424514174601	1.0672857653245211	2.2342012117756918	3.1538537450218334	0.8529210788868371	-0.49876174803576495	-0.7885907632159455	2.2501783937064403	0.4240165622760923	-0.301708152720122	-1.3285792938947256	-0.13608456691557264	0.21870143388402402	-0.20122696261059705	-1.6070822021598519	-0.232696434037722	-2.1352570249496745
+2.191915536497644	0.9770610894666886	1.9980248265111706	-1.014999403884577	-0.25581427835027004	2.1985895425250304	1.4699343814628425	1.751255328415539	-0.1824260908533994	1.3598997628922809	1.1528848519783823	-0.6358130901553876	1.114305865402065	0.714571571990682	-0.7725304112756132	-1.4962473008720458	2.356546035447639	-0.060002868478135296	0.40525362159148137	-1.2446728048958091
+0.7934951684083875	0.8326179752656594	-0.4939579963258588	0.533136021835571	0.2780456003316678	1.7757908615203393	0.5418640809304345	0.5542200857992018	-0.11554031234643891	-0.3737528963763186	0.40856220158031964	-0.28345179295866496	1.1961820152004032	0.9291298479816915	0.3002313106229747	0.1590627463128686	-0.8042747867154614	0.2906881176258059	-0.3226519711423905	-0.7625406346779662
+0.6350694574613921	0.3128929981655972	-0.5568676637150615	-2.26056021795419	-0.6132938090417401	2.1717225677537724	1.977539960383794	1.8822954818549695	0.02481343110052421	0.5082062247574778	1.9084333685257642	0.6598564778966847	2.4791884677763916	0.7143732778722958	-0.09023921834416349	1.581935058397792	-0.2437750398749264	0.06091484245426164	-1.00263990799171	-1.1086649055974505
+0.09562251047570013	-2.7401511374519183	0.43591600928625857	-1.4617614967999661	-0.3933764606016778	1.6514195495043413	2.267310084799	-1.4867753146088627	2.1700360861237495	0.3103277042185106	1.4738858707402307	-0.5546608332664228	-0.04844104601614751	-1.2062838557322773	-0.004314199774900239	0.8809462228680158	0.43089031906275266	-1.1440073630583978	-0.9753607891884044	-1.681656286043539
+1.2824283924285858	0.02230954044299987	1.3834280808922916	0.34659637398850834	1.3410210783720067	1.8803847584063642	3.2831403894196622	0.8427407933167973	1.070115983540206	-0.02388813601850158	2.227355221552291	-0.9730473787786366	1.12222805576021	-0.5371740579498492	-0.6814383921279306	-0.9307949884796113	-0.7512685064233835	-1.1987075695453524	-0.059085357032831874	-2.1961890747237587
+-0.4041079480943597	1.0356611048468418	-0.8331260832292957	0.8528773993534664	-0.3272103663889842	2.7368401798990023	3.7261769692878115	-1.0693019848208754	0.6222825036743728	1.4257042852378328	3.3121633884029293	0.7507020589452051	1.8377749105887997	-1.687140949209307	-0.001826444734249578	-0.21973519750086684	-0.7886718332646895	-0.4008292417503086	0.26363283237325336	-1.9466839517466332
+-0.27309199604549345	0.5882607859181938	-1.6057790734926953	1.0207846012500097	0.9199081530993948	0.8695009173489399	5.6958932663825825	1.3380885715275816	0.6753639896793793	-0.33896233124550745	2.5966399337061548	-1.8023935490689353	1.6977118427580102	-0.21274424590661659	-1.2368684488617832	0.20670101653660752	0.7313661977920073	0.15480683307248136	0.1288079811634011	-4.268460807238357
+-2.2423415721848134	0.7433117665699458	0.7754964129747597	-1.1786709086198106	-0.4630171323043283	2.611664326748767	2.556408683752154	0.37619756397713494	-0.145412067896245	-0.9071037532917616	2.647852386232546	0.02204519197155668	-0.4335704770272613	-1.3031063978215367	0.22248628958021688	-0.07820302502894291	-0.3979396280451351	-1.4069082723376831	0.3919929648227402	-1.207332107444496
+0.42044846388717505	-1.0037016791510043	-0.3461370847235719	0.5360662805757384	-1.9737901336317092	3.1385380497259785	3.5331323668802828	-0.6425094172601967	0.15663652614092285	-0.4761023350416621	3.5731076891720024	0.2676512966837469	1.067753645457387	-0.8856444696119857	-1.489630303142243	-2.288095703241076	-1.0491991634974585	0.33642858061197617	-0.7192338289233191	-1.6078476793612604
+-0.43772639062299895	1.2236723097184858	-0.24525451746675161	-0.45278395019792	-0.977123347420565	0.48007750170119445	4.656325341351739	-1.2402497287253265	-0.037137892005258355	0.29551481739060453	1.5456775609724092	0.20055520960553994	-1.4919961569272242	-0.07424588141098107	1.1800088111770137	2.523557697148035	1.2051595907459638	-0.24870529914697045	1.2403641854703886	-3.9546469451613113
+0.3659773801794877	-0.21693829241216425	-1.3812727911020655	1.7422041134703947	0.8792874065362272	1.6561382157986893	-0.9084199273782014	0.11764605791414007	0.860099089561453	0.24448949022896152	-2.7385223868905726	-1.7275731212411969	0.7289985763422766	-1.7225616345414976	-0.32136258887557945	-0.7351742035799104	0.7037981279415298	-1.4378658320391613	0.7741920549031613	-2.0074219912305344
+-1.2057198042638038	-0.08717686180465045	-0.9129821720189268	0.10003478062877798	0.3148260275626049	1.6909726874119646	2.3502954957533078	-0.5769535406594208	-0.7088255133779552	-0.15471507927864683	1.5425786547963876	-1.0065350569491496	-1.9857963177031828	0.41913092851261974	0.2543903128682686	-0.6284879708428699	0.01176453343783537	1.0020185565018973	-0.0024497207723691242	-1.7233106936808642
+0.5091726327988926	-0.5920795937469221	-2.3798979883132856	-0.27788386384957037	-0.802803408341894	2.510573317935499	2.470272003573001	-1.8293264557805164	0.40072556706353196	0.5223894390061974	2.456427652354856	0.4190241655216926	-1.2707079669016155	0.938857672028325	-0.39093330431640627	2.30831204382867	-0.016990397075924202	-0.8503349367036842	0.6131573634382521	-1.2573550513470888
+0.7025789970392468	0.36949732579694466	1.1426595527155228	0.6610783245084025	-1.209834953703469	1.079745744995395	5.174634326253376	1.0949860461381462	-0.6942328363283464	0.18734228784823703	2.3230389576662898	-1.8259102431365453	0.3257847934368073	-0.7474961198989433	1.2047917410944917	-1.3385971657404387	1.2525738843340042	1.0926258053174454	0.3626283591671365	-3.9977498203078223
+0.5224388039995446	-0.2348792573001989	1.4006347684758764	-1.6957381343423548	-0.19166407922865517	2.24976665516397	4.452414333239426	0.5269065219971465	-1.549526412929304	0.534447741106523	3.444103789624666	1.859888187175636	-0.006001484109576579	1.411883351743066	1.261656114713378	0.7040906211122693	-0.6504979741929314	-0.7228625349832777	-2.0143337429554222	-2.496561268145196
+1.6967104291864272	-0.23778674739668715	-1.8944296213939202	-0.8400667098274369	0.8965212512813948	1.2583658696675635	2.200706387961394	0.45605314536558833	1.6013708327273157	0.2697418509455814	0.7329268780515044	0.8572777120272382	0.9820663357042935	0.46389719510496985	2.0044074363423707	0.8612885591106244	-0.21685926475231404	2.6859827905209634	1.9808022386826623	-2.1751316053184726
+0.3157096864203656	0.6434192233617501	0.3900712140736337	-0.44015500134177615	0.39326472412929764	1.5357843167622844	3.040333467237497	0.8265318592457218	0.3400004522580762	-0.17584597637929839	1.4665185958218823	0.07862486722735151	0.8542448095717428	0.05863689291284293	0.9663018063926588	-1.1632002035523632	-0.5216681405539279	0.4262205426251896	0.5039947066503373	-2.5241790738053944
+0.9602521642622905	0.0771520601293097	0.7574432159552731	0.31699311123004253	1.5856473046726567	1.568114070829583	0.09986099992669606	0.4965881163389473	2.4078912040561824	-0.022865934267314144	-0.8168145646619165	-0.17236466878065262	0.47458478022703726	-0.7250478784074437	-0.5862686820036532	0.900244925737662	-1.7715623412956185	0.772573646974686	0.19166154851957634	-1.337240008267447
+-1.4602503916149732	0.581131342410052	-1.293093987263315	-0.544960177511813	-0.2229744791169114	1.8882793055135523	1.4224317331246774	0.25756238656420644	0.5358050556042735	-0.16731427552808442	0.8767555217047103	-0.3740366560319499	0.736840477293736	0.8075782844720164	-0.4703690306036901	2.143308284766961	-0.2397493053253576	0.7648777916928304	1.6633556159651546	-1.354073624201665
+2.342264068318088	0.27062041707486717	1.3986949969206943	0.8191055092821005	-0.4610188600184868	1.5100404025159821	3.4812040921416	-0.6310532473450514	-0.7114468597889587	-0.15946592266167392	1.8925581820495816	-0.536524211906804	-0.4810852099574748	0.05260369768984389	-0.11411137676314143	0.32418449336901217	0.9438523773498336	-0.1641025643135676	-1.4326239397017158	-2.6184143856901363
+-1.0468181909575451	1.5175429079207952	0.3616923802856441	0.1301450005653437	0.6589162848707805	1.345253890832172	1.436210117497866	-1.7191791485327417	-0.7757059364824569	0.7967314825542651	0.22554532216603596	-0.7486248953612005	-1.306364937280833	0.21339848577051698	1.6074795984905592	1.2893808491285854	0.35551887325905934	-0.9634172409103514	0.7063901014171252	-1.8101366217551496
+-1.1651655425087375	1.671772635890422	0.12178621410424606	-0.46001434849291734	1.6629045393441455	2.602462970556828	1.4291675107070079	0.9652195997296061	-0.8517142348539128	0.394377924468995	1.9618277595714984	-0.26963915432314745	0.8300363998693987	0.3028291480534201	1.737150973980813	-0.21036327201154628	-1.1277029132640044	0.9778027505682625	0.13073581917387953	-0.5706194533145836
+0.40899228854668246	0.5254412831889318	0.3538383912732106	-0.4793026595580887	1.6039959412251406	1.5919893096570898	3.7694156366718152	0.005187708844410828	0.4241000478762458	0.6912312293112581	2.1797456997480005	-0.7763180814028171	-0.5894420357823813	-0.6875200940396184	-0.6635159800226781	0.5022787902313949	-2.057611379055981	-0.7101740271756245	0.7338636549148264	-2.701513739934537
+1.0122646825354957	-0.26444178820394487	1.2903067713908758	-0.35021838877384637	-1.3107303785193367	1.152865971948072	3.2802965531769956	0.1778016560155053	0.33892964369510536	0.5921914954810813	1.314573744464055	-0.24252710417773096	-0.3821764882274388	1.832400781818733	0.26868622476562776	-0.6743999438866403	-0.32616959683579455	-0.287837261858431	0.49708925605453314	-2.8205440815676432
+-0.302183536545722	0.5757143867586756	2.3995022020165093	1.219756987505889	-1.011003330388579	0.9048540295213414	1.4791259953402807	1.0616156476538852	1.8060698480226673	-0.9251886698030873	-0.09225989708118165	0.045678108557516375	-1.2402631541948508	0.9576336956518977	-2.18064500523214	1.8750935232918822	0.21711698547758926	-0.10836062649476631	1.3035640391248193	-2.0210303850273696
+0.08189926332812304	-0.6417450130133527	-0.8357127168776991	0.7895121723250481	-0.38827860628594546	2.6592183984657956	2.026993406458776	-0.6194199208237673	0.007518572394552163	-0.25867041116266076	2.0649175109808287	-0.580852723778659	-0.284704195586655	-1.9948341135575354	-0.7840312124723862	-1.9300483657709095	-0.4621558369050141	0.8550611223030656	-0.2849295925493774	-1.1651755563261088
+0.73778987250031	0.5270301569096658	-1.3617000213465165	1.451525382706503	-0.559486752359962	1.361162963752438	3.318688027922164	-0.01303219450647038	0.12442429280510077	0.1618713130439463	1.9522010393943867	-1.1256737331019406	-0.3761571587112786	-0.8048124141339282	-1.041721750050959	0.6949461197323408	0.7536224966301338	-0.37518518838883663	0.22184245352840753	-2.335746609228522
+2.4366892748151594	-0.5693156806025699	-1.7218141143792118	-0.7636370379358908	1.381242841429633	0.8734261792585589	3.6993297964062584	-0.2510229748899681	-0.2572996499581653	1.0939573204735948	1.4250691293913333	-0.6234909491978371	0.8946129186610708	0.11348850342063864	-0.8171226347069339	0.4036243685718015	1.2492832667321032	-0.16559924725384395	0.05010698769682866	-3.1064820228464267
+1.2198108579700322	-0.7327130265740028	0.7379204110751999	-1.1801894541198878	-0.4321937981484643	2.4597445359290155	2.5020473299345767	0.6929929086979875	0.9881186284203118	0.9373827299664916	2.5009440199957247	-1.3524798901657713	-1.6518555167974003	0.5194743124033047	-0.6891432407923574	-0.3146452254297556	-0.3395329008758737	-0.8775844058880249	0.004755391072035025	-1.2367258717037242
+-0.3489246764552496	0.3493158584725233	0.1792727322714177	-0.6467414622988045	0.4954572593190936	2.8981300632229927	1.7087131841327312	-0.3635495970901646	0.5781474445419587	0.8082432804108768	2.135156345306513	0.9555050136138217	-0.42699294578556907	2.138777022362779	0.27231845957150413	0.2972890172751824	0.8581412869497096	-0.4351550614166491	-1.0674536744227254	-0.8132401719206843
+-2.1015735042130967	-0.42800055162206185	1.181790285105666	0.5980789451588301	-1.638367432538462	0.428060277771104	-0.8060723584132028	0.07817371554237104	0.2866006313372742	1.363811537975804	-2.531652885834059	0.2763810043578396	-1.031493852033636	-1.2775401168041998	-0.20361833436990698	-1.28754356114213	0.9128243064391962	1.5818582368609093	0.13006972010663756	-1.56409993482754
+0.2456307272179787	0.5943091746736674	-1.273655669405128	0.16873404654912996	0.005752441478044986	0.5666353702678641	4.842127705182823	0.698622620435285	1.2592032824188062	-1.3867865971369038	2.0103146282963	0.25453278665231965	1.037764245051936	-0.14900969999222113	-1.3508991449570242	-0.6347960472728013	0.01478239489509124	0.1237920700532843	-0.8008367439748938	-3.759561609920222
+-0.8355509382212309	-0.94171754818003	-1.0403840987967305	-0.34906358600915044	0.03519110938843641	1.969815334249149	2.2794347207929726	0.4652434864577487	-0.3964250912127527	-0.9080150243640708	1.6652174972065037	-0.0777743344911417	1.4431317862770447	1.323217805115743	-0.08897519168315415	0.025775191414115647	0.20367260693621358	0.2893072459619773	1.0720938743763606	-1.6133437641441288
+-0.8270619503704507	-0.018461347593061946	0.4136908720227689	1.1544754060446831	-0.626916467991998	2.8191295799001277	4.132425628847836	1.2386449528748338	-0.6142436120375467	-1.1171355379789385	3.7682848156849325	1.2707364272237742	-0.4554504104612259	-0.7866086586916367	1.547264271824794	1.9691466016699344	-0.37164621605806797	-0.47295853508715346	0.7039343015881926	-2.0063825619859594
+-1.304967589018845	-0.1681574612682337	-1.7201100627503998	1.0220421779587125	-1.9287476113013016	1.055604563227349	0.8637016737521978	-1.119928506225051	1.0918088810822655	-0.15716473257788632	-0.2477199483722652	-0.21338986242804095	-0.23489644120020184	0.4741391180951388	0.01431920687056363	1.235548210279463	-1.9970592044958633	-0.5464305085548254	0.6357106298272877	-1.5171607621371903
+-2.290274757521458	-0.22982707862665006	-0.5437791659560656	-0.8887050206220238	0.6068607175020732	1.014139199581064	-0.1046438946239151	1.0290649773376694	-1.6823403336428542	-1.7745776898711971	-0.909893588376145	0.3255736956397304	-0.32234496924319644	0.21041959595733503	0.7506461507951088	0.14572627258695117	-0.23847409803304906	0.2732338784561998	-0.5798077015100508	-1.0276089094305294
+-0.39596118242910666	-0.3215792807378486	-0.5700443523025025	0.5921330954533696	-0.4282933540189782	2.5717064719541742	2.0104779599668516	0.3861123870277676	-0.15847228729945742	-0.6643612805880219	1.8238261825114768	0.5077949645887693	0.46602751693456335	0.6790817057981919	-0.8125582564709328	1.474285272602649	-0.7798269166206359	-0.09286369725007794	-0.9606349371817199	-1.3436138578477386
+0.5059132731147049	1.006975243643681	-0.49381396862692734	-0.22563628905071123	-1.3202600062771264	2.189636263058905	3.3501658013611166	-1.572379520515759	-1.5530376197701337	0.886223035627872	2.140767539673516	-1.217721863705038	-0.39940146428057666	-0.2414156611406031	0.16650040666114957	-0.6164594083426257	-0.2953339684513159	-1.0030676167293335	1.5635792261066224	-2.4442293610774426
+-2.069726154052854	1.1181168872353897	-2.032344763581566	-0.35442434433178815	-0.05858508830198017	1.91326706277381	2.2981668494863445	0.64055790463222	0.2755906572218964	-0.024690206165114404	1.5134806626208481	1.8967531550046879	-1.683668423250224	0.09817292577735465	0.6443479245202423	-1.8977526103997429	-0.6438440463558295	-1.0090913361600102	1.855057703217202	-1.7579992696068265
+-1.002195936835779	-0.006636002262405284	-0.8585005766763797	1.761733589985297	-1.0188473211182143	1.031643479560179	4.428339906068279	2.220039962898178	-1.0504859545163359	-0.5930142208859176	2.026201789321326	-1.2201507171478372	-0.09283936391824175	0.10323138754810327	0.8454363552271102	-0.7610050613083237	-1.1624071904114635	-0.8600893159513574	0.6469193733857586	-3.417993679193002
+-0.722389955834358	0.8492285195542429	-0.592264716510007	0.4480384132388975	1.5033741889196623	2.3276799684458336	4.660946689625867	0.29289110206286983	-0.44367426063545096	-1.7557607987422432	3.5706795071255	-0.36096491179956347	0.02659782363104836	-1.242219657615387	-1.2525892373324707	1.5996716020855342	-2.4382680298331842	1.0708501591052173	-2.0142080916701195	-2.637435966190677
+-1.0987915687060685	0.418052303740777	2.0104765939379217	0.26263062906470835	0.8250615817794623	2.669988625723742	1.702249649367344	0.060523991506092646	-0.16970487117419306	-1.1561902993057387	1.9436395757921443	0.7113338639576827	-0.06201416063518397	-1.0165595362415079	-0.3653322175700214	-0.8216013850139123	-0.14138402983673476	-0.7806499948496226	0.04538623446625039	-0.9150718065011842
+-0.17266283981014527	0.49820367457196685	-0.45363137713882346	0.40594291850256115	0.39228934409125943	1.712466765908072	4.278893227954132	-0.40918667144833576	-0.6205976587381308	0.1171090896773261	2.590213172147494	-0.04046383609492369	-2.3357621128579167	0.16503357082318204	0.1252219884400177	0.615482592839309	-1.6620310192506431	-0.1595443834368173	-0.38167984662396814	-2.9311032564246027
+-0.3156511149738039	1.4735826606388318	0.13396306518652382	1.4358415007923637	-0.8659447335937774	2.1016165915331766	6.3108659613418325	-1.3815084314691686	0.3154165647736827	1.5256756591495022	4.33386534087067	0.8737132598892909	1.115910965373977	-0.7451165124657585	0.344492015887092	-0.010584046414279326	-0.8566380846602463	1.864032409362421	0.2852898108444793	-3.72083023929173
+1.6166338495294434	-2.786023061289485	0.11547874231254811	-1.602772977613175	1.7928019583953605	2.1526770413506338	3.5721510752648684	1.7055312301422638	-0.16320122604525394	1.017354803451667	2.7816384354957457	0.5900409059134919	-0.22104890516651096	-1.1292444768918668	0.43030179668864643	0.6540405984932541	-0.4663180512955738	0.46116331050851755	-0.9460048482294817	-2.0898172067319334
+1.2491702429950782	-0.48927056923616524	1.0060199782898531	1.2285902432164522	1.5728600569323683	2.625247295309574	2.6381089688464514	-0.17663065864934988	-0.17417983853350416	-0.8038939911057054	2.6408784714138656	0.0018481111344722263	2.6978139848999745	1.2443462422511158	-1.092203748470184	1.130637885375891	-1.385207741446387	-1.2845451304240803	1.0403998997831143	-1.3098251071225635
+0.44460842025028263	-0.24219702763221074	-0.13159829497403375	-2.1873122828386147	-0.4991549912914671	1.2733698312446267	2.715494547348113	0.16591834123280383	-1.4921126455473783	-0.26382111495694216	1.2005362896916791	0.9123263257334722	-0.28979959883521883	0.527222095909203	-0.2838636467803784	0.16405023386601117	0.7542954045405754	0.8627526388924353	1.7822596969560773	-2.3262784727223296
+0.371498041230213	-0.6463515871348835	-0.8637309103264056	0.33463812909723306	-0.23655632437165444	3.868523963317794	2.4528986044237415	0.6606380511424897	-0.20051868582268303	-0.09925572238187336	3.393403803710198	-0.07060300621821793	0.43139463901299246	-0.8615572139979175	-1.222135418828377	-0.5581068852300717	0.2601277990921944	0.21673251112864544	-0.07619333421846844	-0.776260330314088
+-1.0811890233040133	0.5961018468735124	0.44337357951389794	-0.2793508401252058	-1.750289306335398	1.0725432270567707	3.519941026814716	-0.14760309285558776	1.2882124010560363	-0.03701787688206821	1.8257921166827586	0.6626755447952352	-1.3429887149057116	1.0686688123063854	1.9288327962972993	-0.6005613832786536	-1.0078058612919036	0.18330723114677946	-0.23471637774404597	-2.5930759241483985
+0.9394363508641311	-0.8071016514985924	1.1256810738635628	0.7522414325353994	-0.9868449888129146	1.4056069041620336	6.201253242659822	-0.32614285263396847	0.5948965720180931	0.6298709459523409	3.481746841194037	-0.23709916029214834	0.04195788759139799	1.8681379289739604	0.014485755804432175	-0.0556710464145379	1.6716673939481426	2.449707233714025	0.16883464235390228	-4.178245285324356
+-0.6512454621212219	-1.37373475613224	0.30085906666200124	0.0797497766512836	-2.195376961647302	1.132356514093129	5.6861294740324535	-0.1068624210733533	0.4255497794528917	-0.14106687226428918	2.6052434613346884	-0.019347259391620557	1.0454590995696535	-0.8660690232570448	-1.2900010408195701	0.10819900014776096	0.7755088867812867	0.6015079687881466	0.955602538442458	-4.328064444458374
+0.9412202695055163	-1.4771589923512887	-0.9180780720984875	-0.1022896241818975	-0.7955194751615451	2.791093098687897	2.2974799060949125	0.5726993826234683	-0.9946533562963062	0.3355633596180662	2.3754196042871616	-1.6687011799218947	-0.12441495422381156	-0.7101099695834886	-1.208952894883404	-1.1939482150755893	2.180891589685506	2.879617286175681	-0.387514440411874	-1.221658574649176
+1.0172463104945588	-1.4591199381749502	-0.5465354017286078	-0.5308372105800935	1.3105415869701187	1.556130251125983	1.1393793041484488	-0.340608532669134	1.0842796812525883	-1.330185257510295	0.4482523280748538	-0.5581253320925358	-0.6524413087116522	0.015003785396091344	-0.38437267589373164	-0.9923655077267242	-1.2494073036200242	-1.3459276906900794	0.3481978653631176	-1.3328250570601081
+-0.8844255979781576	-1.067022557954717	0.4268970268412451	-0.4792374662006493	0.8774697010725497	2.0312282266988575	4.956071644421575	0.3213541753652649	-0.8329849287815198	-2.9127670891791504	3.3035479805336756	0.6551018446390298	0.5601240239650124	1.9378083839436648	0.6510057852005603	0.5434997376470951	-0.16431466813504966	-1.2255895916041704	-0.6701271433847471	-3.1283762290921473
+-0.35512503307880317	0.9911218366902423	0.8589398910444943	0.6411798596925127	0.34683517503071853	2.4326498779229153	2.6031073847436823	-0.21846992205709811	-0.9701023665510146	-0.31482420032951536	2.3586271041179225	0.8409650677808186	-1.3439104684209913	0.3396654517605355	-0.30356184274270237	-1.2195429166323182	-0.533243777591616	-1.0217452843190125	-0.3570155250458031	-1.4741479549581809
+0.18311311808017525	2.0418102596098593	-0.6723124516686888	1.4906880544640408	0.4018312604758727	2.0310810088043585	5.15239970002119	0.02780979289997514	0.24277268985103528	0.25168228296434675	3.701923086550565	-1.1293845220263203	1.3593375772494678	1.5664653383828462	1.263422860244274	1.0804708001013323	-0.16259247759674064	-2.2777597860833825	1.1239093640255808	-2.9805677562579422
+-0.6466673144669094	2.516022534894192	1.6420168650612215	-1.597251653354509	1.1169513401798528	1.4636645929796763	2.985953178309904	1.2607471153513428	-0.37430246013105983	0.7090057651109957	1.6015559076828896	0.10818018292704526	-0.9151561931256589	-1.3496304379430575	-2.423994162193402	0.3012835936684857	1.163048421069734	-1.4548330515715497	-1.0060895570269104	-2.316395213377885
+-0.710609298170323	0.1843703738506535	-0.5210653387766099	0.7882273915699267	-1.4804866511689658	1.768426791930184	2.1850958875534556	1.2313706736727499	-1.0517972543010152	-1.0565011442695997	1.5391895081912739	0.7385575965720057	-0.8579526619458461	1.8134041574814894	-0.22880032581608048	1.0248172896814707	1.1310797973357256	-0.19302348064758965	2.67696627049162	-1.5636167656273967
+-0.7914308637261251	1.985612789926387	-0.0052561481721258175	-0.35316733034915	0.579338249705522	2.1446134476867122	2.5030979133633062	-0.6635026511869591	-0.4748562961547021	-0.6137088323740558	2.0197348783574847	0.35831997723332587	2.2856665079707716	-0.1717207577518353	0.030323676559100367	-0.7780720462817794	0.22504081482032556	-1.2387970901638923	-0.3976305981216354	-1.5891957428173775
+0.23541620748136463	-1.226148311890965	0.984433256759061	-0.7383992009376846	-0.05499176171510542	1.6886976783706165	5.122864212352436	-0.07503986940931022	0.15544365715087308	0.3913773625585149	3.091366563262726	-1.923566793251599	1.0556898320510477	0.2126059286142414	0.37674263255153667	-0.5815578386607549	-0.8562251919749084	0.39361156020911753	-0.25266049836105425	-3.4102002623275594
+-1.710044274702664	-0.37213292869251874	-0.6725971527625199	-0.04980084668851625	0.7884849528707534	2.097342559487313	4.643308162505548	-0.3002140883540919	-1.4032028879411773	0.16622856060976618	3.015767614607807	1.9072741139592224	-0.3233542764715035	-0.670218381345843	-0.8880467785508395	0.41099823636808275	0.04735613652800763	0.5308120409174298	-1.3829703575545689	-3.0624373080490983
+-0.06408444122782704	0.09129166621114443	0.07029252971492504	2.7736828978375203	-1.9692218872848555	2.981736958230873	4.515200903810606	0.25062154712704593	0.6392501352089147	-1.138132534120967	3.927671244593082	-0.7659506477307092	1.1666121509307439	2.422994090891371	1.4956824387203616	-0.7840187430718758	-0.12928456621212123	-0.16302313657853035	0.8642410010381918	-2.3383571203437308
+1.2115706900506809	0.7511370721853647	0.5054470816108368	-1.182284668628701	-0.127496345377895	1.897809302111905	0.7547318811105508	1.3925959600074516	-1.525259760901757	-0.4854737510034887	0.6050991485835093	-1.4215106366391637	-0.5097610036638291	-0.37084090121147073	0.35046305361254654	-1.1685328337963719	0.9149575018720613	0.37533686505135133	0.7781554995915203	-0.8567125327814342
+-1.234831036473272	0.1346996935608397	-0.13384555629484876	1.107829324222268	-2.495411542408338	1.4056605467491947	3.7711832500957483	-1.7519158745197125	1.8812310828696646	-1.2236470873058574	1.9851854524919532	0.1213182747522412	1.260283674727517	-1.330223969251305	0.3506122184601658	1.3225858438952598	-0.5858097003607459	0.3942601800211517	-1.1659554962437335	-2.8279260143032734
+0.023487867232908348	0.2640265273943643	-0.7539314921802025	0.34030040045294874	-1.3406161512594812	1.0710100577349957	-0.6344920974112087	-2.16143937740645	0.7702649541994134	0.14269638186049788	-1.9341868649993517	1.6678302830158553	0.02207184045832031	-0.6425951828083939	-1.5600031733159698	0.24256669592404073	-1.0925585369181723	-1.7510014444587068	-1.6161846437764398	-1.3963293817587816
+1.363025815374947	1.0833373363481411	0.4920074602024537	-0.17824530076125777	-1.0171824211718559	1.782568998289738	3.1285960851145234	0.4342519964534964	-0.1615148293190506	0.3022367149843733	2.0639305135203285	-1.2529639313954268	-0.40218212335779324	0.5207346601803535	1.0395172178158745	1.2614359689238375	-2.521552355940818	-0.3710717721298147	-0.9792990398494973	-2.144257670377911
+-0.5026994313320163	-1.434687901220804	0.1784930740770608	-0.08704988699280047	-0.2083664492569463	1.9947702511992107	3.5701753950835498	-1.3069516547812363	-0.8217579927850355	-0.18361701958914642	2.6206774677256064	0.902043242452173	-0.5316778320596816	1.3337457510819322	0.21847193529793793	1.2694836362223554	0.5099809895448899	0.403909801007753	-0.9614499065412264	-2.189405898378754
+1.5070822229498453	1.14198046878351	-0.7584518559338493	-1.4652059535409712	-0.29770157083156745	1.154106590280307	3.8928422667653826	-1.7801454697689798	1.750289340321511	-0.4794067866218366	1.9127039854362906	0.6599200193625009	0.6182408075096993	-0.17263997816949522	-1.0887119468043789	0.7614231993031584	1.601519230228435	-1.2960021742716514	-0.3184047697364418	-2.9568046568094175
+-0.740453356514292	-1.1302980993121208	0.7585721106028049	-1.4381362108773488	0.5580687356191484	1.3165703254447103	3.053557647896911	1.1562480910247732	-0.9251879210308657	-0.5362186986529506	1.3476230355469485	-1.2986815374939635	-1.6218008054313175	0.2178068426709808	0.10974624577478832	-0.7279652096751927	-0.8014186246580597	-0.3251353631195757	-0.5269152170010608	-2.5836153022693917
+0.3388705658708576	0.8912041180142616	1.9061335090187863	0.04939300739492469	1.1677311325626378	3.7359757675132634	-0.16951727096010005	-0.6291472528718124	-0.08739730719992712	0.5745132260618939	1.8057198316187613	0.2055027967421793	-0.2466266904825908	1.2527805784715362	-0.37571629021316305	-0.20148151476982526	-0.4819185482928284	-0.6262047696181615	-0.8205517147876574	0.7458760474954391
+-0.33415820362370036	-0.06489432367129845	-0.17440367000918097	2.2053958751265696	0.5597298056510357	1.5324916573056653	3.356382028775411	1.4505456478399459	-1.4083887143462073	0.5643002037269549	2.046593812361199	-2.1663944564985917	-0.05820991640678215	-0.6165247360430952	0.12599810563886032	-0.4325859399673962	-1.5205806220278828	-0.7321252915161326	0.7060354505004723	-2.3420050660231313
+-0.9404454591667538	-0.3351189162980546	-0.2891419478425296	-1.9392229290156795	1.5847695294559687	1.1266085839044302	-1.1247307922493657	-0.005015660530794699	2.5253549230109105	-0.9294973955644055	-3.4549307034398273	0.6802573263323414	-0.1488136455421226	-0.36522033350320926	-0.2604841240590531	0.6137306235471566	0.3749385907223552	-1.377138056945525	-1.422237264717014	-2.2688421102305973
+-0.17921022820979493	-0.2430720691012419	-0.4432965436003182	1.729409033134315	-0.5693683288898782	2.6707440955125135	1.1832111328873138	-0.33453367914965265	-0.7742733216539114	0.38250385390077946	1.8696181216137688	-0.19717762360131416	-0.9581313649195882	-0.5074841538888902	0.744775785405354	0.02723691346664615	2.0490508317014307	0.09065444786669627	-0.7612414363929269	-0.3994927582733083
+0.9756526443400013	0.708530513460404	-1.4790086707417076	-1.0825146674879234	1.4883645279130986	3.5696638006995975	0.2715979418314507	0.4850860718531146	-1.2136999135079118	-0.8740785810376731	-1.039797790118364	0.6851508207583848	-0.4911622718183391	0.04795997351403434	0.8606793409068718	-1.0329576837869014	-0.44325566995751703	0.566925412896605	-0.6924839825143905	-2.3352100606131154
+0.17812024240415833	-0.05295600034445677	1.0201164679338903	0.8887788738686988	-0.7974796634703253	1.6082254344438403	0.8662432063649252	0.6367981204214662	-0.3588081580054154	-0.7297704034840196	0.1410181914138562	-0.5798506332822285	-0.06542438607326914	1.08794654465001	0.06893452722936678	0.7104413495610685	0.6160875263777031	-0.9544356673305302	-0.20441422380095464	-1.3253173487312113
+1.3465333732883709	-1.0969293566827099	0.04536354244166674	0.12368396957027268	0.8467356167934995	1.9693627761497903	3.4077978398740543	-1.1407383421040413	-1.1681136968085462	0.098392002977311	2.37430986004332	0.5996787876596983	-0.16433178442895713	-0.023301383004994312	0.9652154184581038	1.758882212359256	1.3431881749413712	-1.7637000061647015	-1.816172835079474	-2.2270796534201422
+0.30583812342800404	1.4359840169594473	0.6841603131429532	0.046785548122364205	0.6617045481031051	2.328065146195231	2.874215681827974	0.15407687123449412	2.662490475575853	0.30379519967994434	2.164184566967484	-0.521039360914999	-0.5736756917784674	0.5852419194934416	-0.3400252886852069	-0.5389989326707573	-0.9477123987396945	2.174970682980338	0.7637808201264753	-1.9281035977550067
+-0.796761666602051	-0.25281382595316576	0.26493179269628	-0.07566574126889675	1.2269790609108577	1.7779804105429429	3.967367213855166	0.9693528622537074	1.2068246284840256	-0.5203243513186181	2.561699557446264	-1.7620545818701143	0.5104714672107399	0.6047667356918389	1.580964234029972	0.3338075129097786	0.50019349609898	-0.04652207952333164	-1.8001313858244603	-2.6263662414992472
+0.9333342554474782	-0.1812008347416821	-0.3518831797118566	1.6466793185943842	-0.7324631302221323	1.7317744956394312	4.236065882581352	-1.1499804703606022	1.8615029044345022	0.5319857782554136	2.9475356088290576	-0.810661877586522	-1.0103315790862426	-0.46780117358195905	0.41253829690576627	0.7040993233166918	0.375960550477118	1.797549554284187	-0.05112739272976128	-2.5578741113619725
+1.089348586482459	-1.0709236209038284	-0.774618542482868	1.595156857900378	-0.21661276674313817	1.6936102996179758	3.0745285516976066	-0.567443303095085	1.1757614794742919	1.9046095702502732	1.8564853386976579	0.8551446803489657	-0.3482006388587625	-0.21791044571852494	-0.7244694281840262	0.1987946545718582	2.535464120324132	-0.4039329208588596	-0.985743168266433	-2.2488404261838357
+0.34459239711415796	0.43825990465854847	-0.08832262250121234	-0.16354023586475677	-0.010729943632386912	0.9422456332091285	2.5708606210471836	1.6342325503822466	1.250109872515728	-0.06934989256802943	0.7295276580538788	-0.0806676828395662	0.1254789310026851	-1.1885873241361216	0.6652822310428977	0.5699792683001599	-0.2228951985142712	-0.19693061463709713	-1.0629631775451847	-2.5005151887180954
+-0.26146301467813954	0.5035209144983425	-0.6257097131247876	0.12873370840777884	0.08799477257543599	1.5884397989041334	2.4454222263303773	-1.382720250932745	1.2454838439683764	-0.19294867009828595	1.5661735857242163	0.04726372127539392	-2.075096036426442	-0.6310514383798553	-0.22755017934675428	0.4040176875346362	-0.39386065015271327	-0.5469468409493091	-1.82667847753962	-1.7779167016789934
+-0.26387554346813147	-1.1498904079279466	-0.39562213090534437	-0.6464549134694384	-0.40718434846206675	2.923283438706388	2.024925084999711	-1.1218079017560993	-1.0224928627066325	0.1114134850233958	2.4058376716058856	-0.9604732115130257	1.1246273030001728	-0.3502836158150444	0.6781949049910659	0.12412486919834634	0.907985482979058	0.9990717910016341	-0.28368445846792967	-0.9261677992528385
+0.1375548213016121	0.4421127212032822	0.019765791150460295	-0.6036530145273973	-1.3091636303111713	2.5433921979598724	4.610219158434105	0.20211404535680078	-0.5053055670440705	1.3926193345513496	3.5694946974033424	-0.3580891877732687	-0.020190737740967944	0.5323594706301538	-0.3764922467904848	0.17348356198809525	-1.029720182911515	0.21763235297515135	1.3435995510891767	-2.645894541233597
+0.27638210605911184	1.7701935208067625	-0.3768567635895532	2.0345458542100334	0.43765840429493663	1.6769965146795986	3.6322075956475803	-0.008637995433970598	0.1494331157711792	-1.0746890710571915	2.362938794089774	1.5556951520887083	-1.0445237634316746	-0.40213472900226843	-0.885394627749135	0.7780015524001082	-1.5510718363933644	1.0841613747740548	0.6972407342505825	-2.402864606958631
+-0.3174738178008938	-1.8356259498501295	0.5988627963108684	-0.5019171791335749	0.22120963741280614	1.4241147618043644	2.7876473050403394	-0.8413666963455343	-0.29038084127589253	-0.137758962574124	1.3035986089946876	-0.49127881920091343	0.6167682878681838	0.6559573229501688	-0.2910984636767628	-0.5653394903479322	0.7794691093563144	0.11193575181368103	-2.156275033039426	-2.3571526956719833
+0.5209197588538454	0.1061412651807575	0.9032755325611442	0.14494591735966494	-0.6296194751036227	1.417918129124205	1.4111752528779837	1.3173339774653408	-1.3677005808648324	-0.01265786658049492	0.3613477919598367	0.32021858016938953	-0.28159528284044205	-0.9294621921870075	1.27855804990781	-1.1095221833469713	0.6484763502836619	0.17704589049496577	0.7885865907193124	-1.6779531264792538
+0.12875202163284372	-0.42754068768573383	0.6246416080066166	-0.9048996919923964	1.730143080975311	2.4785864283336845	2.7908537788942347	0.12775942344608682	-0.2116388003443376	0.16587414857263422	2.7172489662447328	-1.3820208557750682	-0.47473422090301354	0.6360049674097757	-1.1861930198828563	0.8927270146909101	-0.5564095703270809	0.17926140562605036	1.8194513832416892	-1.3672523508499128
+-1.038698328522962	-1.1246475636619413	-0.6747675090197545	-0.8194721743123851	-1.5086194002481363	1.6391604984340697	1.4757211874186331	-0.5049180899642637	1.6444876410913167	0.9440635196558228	0.8478819792778549	-0.9540934037920993	-0.11485199467758735	-0.9039741514127602	-0.6504603840357099	-1.3401434746601015	-0.9257192198542362	1.255202015043918	-1.3737082682017248	-1.3663409444159655
+0.49807752746749046	-1.3337638601061106	-0.6504301707264595	0.7187459961417263	0.12589904975753738	2.2703703825758756	2.7448066273653855	0.8945886300271161	-0.5984570699719595	-2.296700276253833	2.4505143938699603	0.3291021366063392	-1.8175507064734897	1.4503885262516467	-1.0179394793566443	-0.022213525781882484	-0.7079088559256078	0.6073543713907952	0.27138585409447713	-1.500107822575218
+2.056671113249999	-0.8112368070272404	0.9524635415411409	-0.8923048033698343	-0.4157260727694277	1.5162192664399674	5.280701100561421	-1.150268220169979	-0.3783959327118854	-0.11501156195916304	2.9153397676504267	0.651210843647549	-0.7339118617253378	-0.21050156628437303	-0.4532917919855919	-2.3529717280118927	-0.5619790797505642	0.6364669674083044	-0.3963248967320606	-3.6992963902798803
+-0.9085325744197204	-0.4840820550976455	0.03512035245033474	0.5685365851320985	-0.7143986641420886	1.5775364398048626	2.7354654392856403	-0.5785595579171878	-0.2120105257793922	-0.43335744894259326	1.2927707189616022	0.7944788648518137	0.04568927287324208	1.1848966209391438	0.7925955209108281	0.08728774062873168	-0.8428510669732144	1.0988104307685196	-1.071959845256176	-2.3542840026955902
+-1.249569052616608	0.4737157062413394	0.8826293401409404	0.0019389068976761153	0.897353842457795	1.918149528236938	2.3129422548688217	1.0301379148309915	1.3104882904929784	-1.3161626859333644	1.4786959755883151	0.2844380539056954	-1.5084713937835763	-0.7539019461482459	1.0531318885976126	-1.5753299956534543	1.241304897575564	1.2405238473198423	2.0467259789730803	-1.8082938414767533
+-0.7599401952072544	0.07135051781602166	-1.6977262628197387	1.8392175893317135	0.6258122007098087	2.1074776003015216	3.5267962234943835	0.06862600596709006	-0.6957191828631955	-1.2921014618727553	2.5272067071250772	0.4727876415870824	2.0323657459689373	0.7511789053185328	-2.048555001574089	-0.7973465176867899	0.38303615295706567	-1.050922197858093	-1.0428275328555003	-2.2607840274197177
+1.1410980373908597	0.433610337667337	-0.6830686559274884	1.1146030428135452	0.13886480153094632	1.5452625864768086	2.842502181953807	-0.7585181047073901	0.10664192893469994	0.10481305896989988	1.6095914309674892	1.3299182926980695	-0.0867499488142989	2.043628901365718	-1.272606680207718	-0.1646652630612466	0.7964919525957804	0.5276045724148632	-0.4000084924279473	-2.1718479805339053
+-0.712368302657243	1.1421208148947644	1.4729321583477588	0.389982521813685	-1.9925387733130964	1.5088165854681252	2.5581204585101025	-1.8733032705241779	0.9074804274704645	-0.027908534926279153	1.143676646902378	-0.6677851047046144	-0.3329353691332084	-1.1665795905825012	-0.38719558917592206	0.9735720067919156	-0.054719900900026056	-0.03648705506513659	1.3033519079121922	-2.27211341672911
+0.755301486948179	0.051239820144989526	0.6056833687707719	0.23235484269182347	-0.3985845026570925	2.4695018638003208	3.3046082426877152	-1.5392214393660082	-1.2437671101209755	0.8292264893879323	2.7651426208798178	0.08356163615746949	-0.6649571261557049	0.20150143867607676	0.439973602500029	0.5489623599360979	-0.059062638935019784	-1.687246455409144	1.534455444547992	-1.898580683142116
+-0.03042402302151745	0.5533032756826644	-0.4112837804349074	-0.8355476515317032	-0.26224605389486766	3.2506287207592406	2.7918182608890447	0.7231913854378242	-0.6670274819747994	0.5685941468669105	3.5491412455715414	-0.023494806688237974	0.8483881498776288	-2.005652105849878	1.1553011540926152	-2.6632735840355553	-2.2541594101883873	-0.16307610254100074	-0.4833161866730346	-0.8289701866860151
+-0.5422373422898125	-0.48424383757193745	-1.4857752934025337	0.02740083089454924	-1.2258620712240451	2.1718220229922123	-0.2753650562954184	0.11732118608734847	0.28360458872388544	-1.6599800591911267	-2.013842377300161	-1.7015193325350968	-0.3542772259543772	-0.09089848136548087	-0.6220573700347691	0.06534633637085979	0.6695542482159784	1.8184688037598429	-0.2742464045727176	-2.203373035807254
+0.9496429004802099	0.7975517171086541	2.067898091223105	1.7999669537065923	-0.11770886395970658	2.85831779826181	1.884672425483257	0.36318096341533634	-0.7958311110559291	-1.1000459254036252	1.944048875273072	-0.02454141209268879	-0.0034468543739087825	1.824171563839155	0.7588157247045666	0.08636803825509709	1.9289088008972604	-0.08164708035399441	0.20768302675957126	-1.1763491599408598
+-0.7201222146320414	-0.9957176369836593	-1.1934244801445835	-1.0825804400601107	0.3722519820848698	2.713389670258845	3.0659806472872875	-0.3249171259935644	-1.0212484704502331	0.1252493627215652	2.8488167360371826	1.2634373588320378	0.7531035814434479	-1.3285649086918663	-0.5183673220314433	0.24458340634085454	-0.643383284886937	-1.0029838443382966	0.5417016131717819	-1.6253672644607224
+-0.2572336609353247	0.29438982269850145	-0.06531975450102831	1.5097968126742924	-0.7755962651137243	2.4354435421606127	0.38216873050665	1.1239051747279731	-0.24424364518669522	0.12718619074952095	0.9026611100653392	-1.803720014048137	1.2266258763633622	0.22899043555447016	-0.6493009189318991	0.21750122466449906	-0.4382663216525586	-0.2972087114804226	-1.5229655091814298	-0.32250530560878676
+-0.18674598117442076	0.05810286493849637	2.0832638983721865	1.5706991694342203	1.959051799167809	1.6717018606409413	2.912645306672176	-0.47990530136580234	0.2407036900923863	1.1719704670777331	1.1759851434701105	-1.244764830843674	2.265525538395898	1.7453365279804074	-0.46879999733324684	0.4710880558238378	0.9475162511463309	2.4560814814879404	0.7899789440490115	-2.6900071435204187
+1.4356733158747097	-1.043269062288849	0.6279365757730198	-0.7767415885286685	0.8375696019439606	1.6447108891698643	2.3802036352247447	-0.3224697749185229	-0.6412291608588162	0.7221780144126404	1.2195211853981727	-0.142085011817173	-0.11967907717861677	-0.21210410492656478	1.5201894734778592	-0.9108042257711886	0.5912413369559799	2.0850729934685	-0.6101056020005583	-2.042219495701178
+-1.1152539352060962	0.17596438840572617	-0.638387941004853	-0.3559718629675508	-0.5191276056268652	2.044839483228192	2.3982401505628586	0.4430071442603455	-0.23884426839780737	0.800186557837165	1.7376203765749263	1.5527633483707475	-0.2612761658389151	-2.655695545647964	-1.1232976644314556	1.726017960752439	-0.23007474737414854	0.7079109847952255	0.3367770016936063	-1.7024907659666242
+-1.1976323706056784	0.16412137873658084	1.7493511915075513	1.2004790838355472	-0.5295874078123236	1.471575112384103	3.8216340376789715	-0.2975203182268952	1.8274765199989487	-0.35525907889484315	1.8856938133922367	0.7299773726193981	-0.8387155813454352	-0.06295590922002815	-0.32054756935613077	1.5829365712016732	0.48693832807137327	0.7664240845146179	0.4459097210597343	-2.9965257392774087
+0.9679896046445294	-1.4732710909088613	0.3095124990134438	-0.6217728414560036	1.6016693819733792	3.0540275999995137	-0.3460289025765282	-0.5189664701037171	0.21562929714867987	-0.4791841776000365	-2.4172075128048176	0.41941256777179947	-0.8643923437020078	-1.7976215361285763	-0.08965554664699954	-1.7279303200931704	-0.11765634562759013	0.4382610238683399	0.12719799872768883	-2.7608951817986034
+1.0447694184772804	-0.3972929175876652	0.4042937030613593	-0.11714229216725272	0.9477809295086385	1.6384406259093924	1.8849296445580497	0.7359361517241836	-1.3690020274056451	0.7432765001412242	0.9686625717976203	0.1294196108545363	2.4951627954942195	1.4594884104853663	0.06243926390732022	-2.274085074904432	-1.2298522583888996	-0.9255218062988984	-1.0472700053555266	-1.7149984736847015
+-1.1475788924160997	-1.2243134131793458	-0.28106382911866185	1.5438003443667572	-0.5061083537570078	1.7553418818582902	1.4063901268814076	-0.020687626237173625	0.4798051069103366	0.6613706454347527	0.8944374158149913	-1.289233009828207	-0.0835005107341455	0.5328818540440895	-0.3061523183682434	-1.0962708285470242	0.26470911515648193	-0.012605657201504757	-0.43064363695046165	-1.279914139354739
+-0.9556497664863514	-0.538086912321532	0.42047253265866813	-1.5939929126433345	-1.5284059627673094	1.7404982669868299	2.6589539946822196	-0.5073378760641131	1.125481595543427	-0.3822533478060774	1.4819016747250922	1.6436524766860021	-0.27917577296203105	0.759378978929082	-0.7966321272343784	0.9382844452595116	-0.41011524215140205	-0.6205415310666719	-0.4846339116296043	-2.1417681407236007
+-1.2157670680274526	-0.4049695550937962	0.9346877261546677	-0.4629962072624288	0.2613324701509642	2.137521572752848	5.1575034910200515	0.6862828143315671	-0.12701721028968824	-0.9550882240497799	3.7576202973757935	0.2490249974503447	0.0652821179107545	0.2931266017654128	0.46497510615940846	0.4110875223497787	1.2327600557189324	0.9648907499859871	0.5130940176494724	-2.966564942782377
+-0.06219684523647995	-2.0393807658146037	-1.9187498383786263	0.6809357333812978	1.5800309031284612	2.661230435137157	-0.19086200209833049	0.9024014644495402	-1.0895165413682129	0.036097102889466874	-1.735682767027265	1.4271774901366239	0.6317958443905936	1.6544585543611376	0.7665407197203576	0.11941508616761494	1.092144051983638	-0.7092121351034691	-0.37801911396479254	-2.1872748860644675
+0.3721314014631772	-0.5676054693573054	-0.298828266500998	-1.0631070892051282	0.12188589337977518	1.7767657498645797	0.9369944119475355	-2.4258378247271914	-0.6960560725375087	-0.6374253696078421	0.7258222118075017	0.9764206346301877	-1.5788995567721558	0.21841416174212921	-0.5714482473816488	-1.010336575121777	2.014786300008805	-0.6214315555662153	-1.107991109332037	-0.913968241423992
+-0.7848199397008466	-1.8815917108766245	-0.46012391783228007	0.44085049225489387	0.9782812118372258	1.6967232427703056	3.8714619747498613	0.4542755671879655	-0.9126716006511537	-1.0194426688832547	2.3845063587874997	1.4580311614548782	0.4321451999833061	0.43979450296337863	-0.3722730739352583	-0.6047407714268296	-1.0632933911757778	1.601253682363583	-0.4941259177638753	-2.6581450134395603
+1.0972979972126113	0.6996839165080748	0.5630509033561146	0.7681610108448214	-0.9998811516718533	2.047224838981895	2.7613855624462134	-0.5420037782629098	1.2008490800787306	-0.3504385842530725	2.124758043659224	-0.7884275458427321	0.7659532175570779	0.4151151697528843	-0.2085987860912564	0.7080568949319629	-2.5825626690065895	0.8977831326998011	0.23849768676820948	-1.7536435584438508
+1.241823541428592	0.8737583250055312	-0.1912724597172355	-0.03536847321154902	1.36513871271259	1.2940124370246349	3.592981264452179	-0.3858262674500241	-1.2540222733631994	1.4189148099657742	1.7982943890522498	0.9003745620147101	0.8620190411209271	-0.46961724188759757	-0.7932459203176355	2.5928264362991285	-0.15744157290586883	-1.9671493098315544	-1.3986771191143237	-2.766950472599907
+1.2093180752240562	-0.8439010026601808	0.82920547037134	-1.5172933631792107	0.7852681108249888	1.1901526246115957	3.64214073598362	0.4606772850942558	1.113955090914277	0.08804038738087654	1.4114918276205788	1.4065041329081398	0.6357153700609178	-1.3744817845642012	2.611025164156949	-0.7977049788928966	-0.727108224344703	0.649785940623927	-0.8617865349849225	-3.1493287273216626
+0.028946323196051504	0.22047168662932992	-1.4616476676022487	0.6406926295172415	1.898167615122827	2.1223739624792826	0.13419069262950883	0.519036590394594	1.6256522631270836	-1.50503031284814	0.35349136904598555	0.12034330460655673	0.8907714409091958	0.930828062369546	0.4120802840710209	-0.8189482524568741	0.2213310938940966	-0.47501676540589083	-0.8994738244069899	-0.4581504577368225
+-2.0010302086867213	-2.479471962399053	0.9849917564235247	0.12653019797592746	-1.3119853774174173	2.1269490619177653	2.035409519170356	-0.17283083215631348	2.526417485792979	0.8333682578142222	1.7911925014333576	-0.25091731438382187	1.052543196470219	-0.02943918788909436	1.1725684861381225	1.2502881829385344	0.7842847979674329	0.7741171372153783	-1.3136742574250926	-1.2689660846161424
+0.8526061217676254	2.890569104573076	0.12514544880355422	-1.7931549186334916	-0.047565910456687115	2.3703117249021544	4.214386969493908	1.4615330017561632	-0.3207090168887341	0.5413689371839099	3.0633083970960673	0.9681115520245244	-2.2399277175229293	0.8451898746597469	0.3422078712887107	-1.2758651874547635	1.3034420511350837	0.5552768726067583	-0.5710326591973566	-2.617134472617341
+-0.020628769645490264	-0.0032967495187343383	-0.4501830830156778	0.260907300529596	-2.271863044086535	2.4207454211703316	3.8939020518797682	-1.2000591674699577	0.31304801464702814	-0.46277607476238064	2.563227157008799	-0.4838107662698698	1.4476581668704542	-2.0008563869381133	0.6066836310969237	1.4331961594624956	-0.2387671805162315	1.1070732426540397	-0.8394505363926305	-2.7343501738843763
+1.742034203262497	-0.38108033680383613	-0.8739098314077827	-0.24312059848991388	0.9195467243761707	-0.3974548355640013	-0.6856587145947941	-1.5275353503018694	0.20261294596900659	-0.008427893871154283	-1.5029166951221056	-1.2840577653996599	-1.8901673563605172	-0.3332941082058783	0.9914392784046294	-0.7295794598313519	0.4801645908486119	1.1405965724199736	-1.3325754614309127	-0.5006024604639645
+0.6705907907138725	0.6802685710337878	-0.6108867892361853	1.23273338417596	0.32123347448046946	1.6192902267396565	1.5847537850590059	0.2621355730371479	0.6319591505620831	0.6895834591738729	0.8606467184331479	-0.2332005637937669	-0.3415398988685128	-0.25388972852556974	-1.307617771422407	-0.10771555520980146	0.5902605469805197	-0.2616560228000526	0.588757974076873	-1.4713334616276814
+0.10913300465098688	0.5003731594453635	-0.4564629532863303	-0.4808380770402665	0.9031665743543839	1.9148672229750758	3.6379707955451934	-0.23940633932160854	-0.9240936983262824	1.1686815701080808	2.2208394660689894	0.3679112488168951	-1.5046065317889468	-1.1553619236721338	-0.0969920713766839	-1.0786124425853505	-0.1008555113933318	0.8221279785332846	1.4174546597193953	-2.611991660974563
+-0.5192979253054466	-0.6560215037403326	0.12043400448330743	1.3042972319536457	-1.5942644619231152	1.6439469066455095	2.7762055139952992	0.5633705166363252	-0.1551088436640631	-0.1028202818901331	1.6655804659154465	-1.6354308695992612	-0.08447713329069609	0.21905016591596677	2.5976122612963763	1.42738160635765	-0.5321541570437919	0.11927090101838383	0.040126206989694144	-2.074874894128924
+0.27750959494413063	-0.6572612806921747	0.4754458957792205	-0.43866488452913155	-0.8352355098443062	1.204596664567204	2.472353498943236	-1.3580077493508007	-1.2784719142764764	0.597823910798153	1.0286630364137306	0.8897522589041525	0.7183564809309552	1.393624364989123	0.13690432943338085	0.23646858476571372	-0.8102752174417753	-1.9407869752674285	0.5216721052671571	-2.191106761156213
+1.315861190759734	1.2453073788196478	-1.1958143852608247	-1.5104697277021288	0.10406857959434847	3.4588485801218987	4.115114650896856	-0.7584240940327722	0.19200083518059388	0.2562234054875514	4.095447401477248	-0.12666846695637818	-1.957261118239877	0.14241866089637167	-0.19372688774998492	-0.2914782847793498	1.3195423881909019	-0.5540726169123796	0.49799520255576346	-1.8752230676022075
+1.1304048739861847	-0.5424103717670591	-0.5221881940746272	0.8379418383054157	-0.6024924619478366	2.325110655973898	2.3950629968052697	0.599820828887549	-0.4625381183061425	0.19148056529519641	2.2186388131439867	0.11637061503572547	-0.5300067114322958	-2.285096503836976	-0.5396760591618859	0.8933840589016022	0.09217959502252637	-0.8528016668850324	-0.9298974510267081	-1.337384708185947
+0.4547290799527628	-0.7891779085762396	-0.5804856440971565	0.5200847387374442	-0.4031374294196634	1.5687462847356084	2.507469020256943	0.38265855256278625	1.0982172073722858	-0.1672828601275129	1.6796948485248981	-1.304922001222257	-0.21419558826316648	0.6609637600651339	0.38426684012763357	-1.049352945569162	0.4896274346477366	1.0119164730080052	1.4631524002988088	-1.7367922466883157
+1.2594327124305165	-0.3531530173974468	1.8741245458666402	-0.36529752362072415	-1.090603618829501	1.596117927630134	2.131486353491063	-0.6500848814955781	-0.923492597452189	-1.260040444511476	1.387780088707475	1.3773897533920876	-0.10791166326784492	0.908733611206833	0.7370645711623426	1.3770136048699788	-1.612484237451667	-1.8837017446531552	0.26561963327402843	-1.5919299693726887
+0.517955748151366	0.6318272084355643	-0.3107747636931994	-0.365457321692025	-0.8274374115464448	2.4194174604912053	2.3032702476837796	0.21323568902165374	-0.34749586039323094	-1.2336943161240128	1.9333180474483584	-0.11120924443438872	0.22819730522725612	0.8592514118273419	0.3180321931163383	0.30553315583446156	0.6925973076728771	0.3073300158215887	-0.33683090931277254	-1.5263616690610993
+0.8137305410193888	-0.42809629541568545	-0.2650060365102651	-0.1588432269061491	-0.7436411319839561	3.162117601698005	1.4055066419322004	2.832824494929513	0.7866966169511465	2.299861076500972	1.944396645262342	1.7349096759765468	-0.5614239770728938	0.29492321306292973	1.200537214408608	-0.8272146136237638	1.056734754612945	0.9936522467879726	-1.1213776466196437	-0.7273839429848803
+-0.6011891914492875	0.6120598949960766	-0.7240399479394372	0.20760718876662412	0.17337319541975202	3.415591906523655	0.9047088175666533	-0.1409379061862926	0.21105781987193767	-0.2518117614193036	2.3016011279005135	0.7487448669034811	-0.22669728331469693	-0.8260310059914105	0.3400417236913147	1.5953421537126642	0.5039650459195798	-0.917569822901216	0.36543502209094086	0.09132922541303357
+0.6690921098074866	-0.9509772885053853	0.3997533354034768	0.9405680436239983	0.2152158899526536	1.4473172321946322	3.5482198328445427	-0.30036433500895177	-1.3309452640649237	-0.14999503492937588	2.2138380781841636	0.3977302278266586	-0.8418293270515786	-0.21263559979107682	3.0715313053875555	-0.8338324050611114	-0.4880340143109215	0.18525174461346003	1.2426517835216657	-2.3776946155297956
+0.32124200365030736	0.31226756032151337	-0.029920049695343696	-0.17810407019045363	-1.0709070582072646	2.275949277944105	-0.5867144131362929	-0.7049165219477354	0.2608837092069459	-0.171700711159022	0.32939839018746664	-0.425534718496947	0.7437150780073776	1.2397774485743882	0.20154521358921762	-1.1749026832899025	0.16142622796114606	0.7119318848617147	1.5025625154972027	0.28523502631590913
+0.48613079278509413	0.11437576593328767	0.09073899290676084	-0.4112896609040916	0.9345426788243266	2.714175279344765	0.6945506509376038	-1.1083639581427998	0.31090561609780487	-0.5403200781907156	1.2275730784349748	1.1194187691981605	0.2610247487063873	-0.06313561728034926	-0.735319433769787	0.2054695641662287	1.0006964808844536	0.5186472301169204	-0.06918184869329998	-0.45670558682858653
+0.20819487728524036	1.7517437594780247	0.5607144546844195	-0.1898809235612777	-0.19274526118064694	1.795931837776819	5.022998923953971	-0.3642808924412975	0.6282573053935844	1.183437735191513	3.3281846173689305	0.518010787372897	-0.4629600229510797	-0.7899405925906323	-0.9259608246488847	-2.1163546304586336	0.764896692681848	-1.4140632763141217	-0.04129413053485322	-3.110591905669118
+2.6288336361621143	0.15472815665474812	1.190827295167686	0.3033404066097632	0.6463515851967158	1.2301565035355655	2.6082300614121308	0.5520066530980764	-0.435648258071034	1.8680691891170398	1.1720152560994697	0.39260612732421163	0.018860975569405865	-0.20631542116781207	-0.958427574031694	-0.7225454433980324	-0.4495276966147726	0.028230408314054354	0.727729502352351	-2.21900867066118
+1.1190743920068005	-0.7403697788053457	0.13338011710283992	-1.3305918540856339	0.6064447313633453	1.2596411028709675	-0.6579028928733395	0.455979460852772	0.24117474886523524	-0.6987556915686035	-1.740640230245982	1.0457486425891107	0.37341872576961643	0.7421998487488862	2.6401335035149853	-0.09372964948407726	0.38443210562624075	1.8351887479960927	-1.1288622878117203	-1.2471778288931619
+-1.745118950171193	-1.087662513199082	-1.3067543261621826	1.2981550171630716	1.6338763682313204	1.4529294748638157	2.828826843640594	0.33759317216276935	0.8192252949901223	-0.941037833438626	1.3909314478999395	-1.338735927521906	-0.06494662189967791	0.05504301312346662	-1.2855021524939134	1.309598686631453	-0.9212999199778512	-1.6146834549611304	-0.04596675454010251	-2.331277304195394
+-0.42291911396551934	-0.5371970287443942	-1.0245620935091404	1.08283664631495	-1.1378019775205346	0.9446603763473538	-0.34480877998836246	-0.24301593252516246	-1.3780698586675302	0.7330953021557195	-0.7500005453200604	-0.1866036372108306	-0.9691922955604696	-0.7788940231841237	-0.5852572057582929	0.29085103699098264	-0.3315020930536074	1.00524481411681	-0.3084892222569043	-0.5884499437737856
+1.833106131074649	-0.9253023537722841	-0.9781308749638685	0.5362198078988519	-0.006403036254377451	2.4610962765225928	4.925262901286306	1.1298678675599783	-1.348681092414651	0.3637532936152425	3.7230547930926736	-0.29633555021715857	-0.991764085370986	-0.57376394500975	0.112674550422692	-1.2044358870819927	-0.8186046485955064	1.2016284576494767	-0.25649430071190715	-2.833816420560174
+-0.23644132310175137	0.4646165493517338	-0.13823395933558338	0.7675171054189917	0.274321592814178	0.6395414632682268	5.063025623935326	0.07176217024959806	-0.6392767788726983	-2.0931515163952157	1.8220634402374616	0.07383731958983192	0.7892570112242479	1.112541177836088	0.02898930035557655	1.9441298059623757	-0.1869933502822191	0.2505142613716322	0.9999008808845814	-4.20430637284476
+-1.8788109863141287	-0.2591378018139627	0.8381106044898028	-0.5072744665301563	-0.595258305809499	3.169979460316541	2.809696463418131	0.18763875612579528	1.1156681823083359	0.7408412769547971	3.233582262075152	0.8546610957862725	0.04570928630467548	1.1753721035949314	-0.48734172201228365	1.1724322285212339	0.8107127367248127	0.3777709136811393	-2.20369287138989	-1.1171167485969495
+-0.4238501480229034	-0.043071823864136674	-1.0950136243969524	1.596384493257369	0.012836214164663306	2.665425673326264	1.4341486469690057	-0.07204009706183934	1.2482208311674732	1.384040667362209	1.6716694672593173	1.4734401284087797	-0.7444836059598698	-0.3311063531625213	0.22765335543282533	-0.5777379646133638	1.5090544507315493	-0.7029372435228882	-2.324074268511131	-0.8636539677436696
+1.1662490832091168	-0.6100256048463902	-0.6118942873406289	2.029971327389954	0.31103130529847256	3.312856721222007	-0.36822272258717437	-1.1131826995811984	0.6628120317320988	-0.4630725918950804	-2.6457376515379556	-1.449935000605986	0.7864143970862417	0.04532728294045466	-0.7797708958065228	-1.0317770225334417	-1.9789745592104049	0.06550030978357675	-0.003503386858423674	-3.0248241801531273
+-1.3680471638643745	0.8484754659061748	-0.29741778268482594	-0.8926214424600979	-0.07971091085805777	1.9880793753905306	2.7739294972129707	1.0434148429195516	-2.201317085191371	-0.22787354256098147	1.896287371931002	1.1857369264504987	1.5577432866913192	-0.30862407978154355	1.5168601409139189	0.548863260483619	0.49855072820239377	1.0141176235924896	0.42316124503732916	-1.9615912404031977
+-0.6535683423618488	-2.137633509186756	0.7762788491710003	0.09894181504307525	1.1037055994522662	3.1214844627573206	4.223939126104493	2.0742751756176334	-0.2602980557533139	-1.0373036506740347	3.7207768620987087	-0.620133397184403	-0.9986487068706014	-0.31442969712612845	2.0213922997963985	-1.5417065656263356	1.124176301640526	-0.26920766154740233	1.1352703677369325	-2.2437527277143823
+-0.8335518785575083	-0.6736182715193956	0.7705010025608595	1.9023779425875649	-1.8998522354758953	2.756817911438289	4.852337310705003	1.3458770609265895	-0.048586735458268734	1.3069501151863285	4.007022124982015	0.9227173464428178	0.4647858770762998	-0.8579726897824581	-0.6008728707746971	1.6958877144360527	1.6218481309921213	-0.7254435816672533	-0.9143667676786916	-2.577222548871343
+0.4424052465929388	0.9439289365256261	1.738397490506961	-0.12161122641383292	0.15475728725187682	1.8624246245418485	3.2762488723359144	-0.4270106111994435	0.15289751356598819	0.47719532297262146	2.315577412539543	1.3689173890211586	0.7770702960925243	-1.4296307560984765	0.7923063752623205	0.2514409708101872	1.1840866916876511	0.8951950393049203	-0.5737280626680346	-2.1013927221698583
+-0.4107989913365759	0.9675376475353166	0.09374211379388764	1.7143886101095047	-0.11156554775507473	1.6257337330303492	5.671063244915109	-0.3775968070412295	0.877274281383301	-0.2249373445476654	3.541130040089443	0.7064690478674034	0.3274452454361061	0.4095309780710557	-0.04020259217468653	0.3999351212624621	-0.4789427070381956	-0.8383398308678357	-0.708499089846974	-3.5921789270343747
+-2.088966994676032	1.236457580964869	-1.8535216750467454	0.43910394038003037	0.3319118806763949	2.085621524727778	1.6207927010412093	-1.150451973087763	-1.3481767386626249	-0.24550630904309478	1.1967070860879958	1.3588785998822575	-2.614482225545444	-0.027797223240477818	-0.2633219027457806	-2.875269612300505	-0.9747463208820838	-1.5841195865030742	0.4282378023863565	-1.3401770932380839
+-0.6849216342988442	-0.26739947823627463	0.5563186111134434	2.4952042071352283	-1.7343810027173352	2.096993757705501	4.008422432044121	-1.269496952849422	-2.338013646998847	-2.092558097949271	2.5362161853411958	-0.24571719438796538	-1.0335638073487243	1.579284226459286	0.7617039964846011	-0.3447191647413052	0.5561441448770215	-0.19730972211095046	0.26059717927464277	-2.7915208040238877
+-0.8613031641712273	0.754885991661359	0.014506694549685725	-0.7725388164553778	0.9420257234654726	2.406347680082704	4.062222795554533	0.05123329724330174	-0.14359828877363504	2.0380441177983064	3.1176274424827377	-0.5117640104512878	0.40125984386595254	1.8036775806072016	-0.03181381557587227	-0.08116553061930988	0.5584189145998613	0.9098269863404442	-0.9841144613073622	-2.4063146349505473
+0.3548379428542684	0.7937413185888049	3.0616971315696566	0.12067351581569183	-0.11107973727663371	1.9969915710840989	2.7146696560396295	0.7314624620504575	-1.8080312772355362	-0.8075152983733025	1.6866511934152115	0.17869088400165173	1.685301433994801	-0.6033296319090635	1.1883474809851688	-0.23051769587868115	0.2400984345288062	0.3072620314869415	0.05609502892331942	-2.0916077020577246
+0.7175528849076579	-1.36082494876305	0.4790233763874763	0.7062978693241538	-1.008727246117216	1.699515387209511	2.0472284266047414	-1.176067580708429	0.8788194982506593	1.5289397217554812	1.2451337333787513	0.4523909839326161	1.2914359061515253	-0.451981801510628	-0.20724151150076672	1.4454753462757588	-0.3878165165455179	2.3738100316022934	-0.7407334460367552	-1.6600281492753426
+-0.9858386652982728	1.2038225334882884	0.9913927981584805	-0.6383605981688752	0.6686733755046687	1.9440491746018926	1.177871996552097	0.40071806525012665	0.9357035794817845	-1.9583984180286444	0.6295282764796293	-0.9748716854218933	1.2016659197728485	1.0154092708158746	0.7544258402945309	-0.2418872130582476	-0.3037598296147763	0.19013731276938323	0.11663655199361096	-1.3242848500310445
+0.04740702323760463	1.436722136747048	-0.1778250078406814	-1.0126176773718838	-0.6202457305057594	1.5674373517601214	2.5133011224843353	-0.2742159688861192	-0.2615039407655619	0.43462718618562846	1.7248087248955728	0.19269514911856106	-0.6864684528177579	0.769416831671574	-0.5605262041718009	-0.28850180066954545	0.053049405295672064	1.909962637894601	0.11132111224094965	-1.7012033835890519
+-1.2187691284961824	-0.3970968555057288	-1.7076047987383967	0.14135617390004285	0.1026675207286729	1.5597316433901915	3.647367336695905	1.4115316569371419	-1.2164254396964458	-0.949865667445862	2.2151657801963442	0.13974978544805378	0.3971847811767589	-0.41048380956571484	0.18016119269532951	-1.346173148720035	-1.0384094609650407	0.5490396492345285	-0.09689461117364116	-2.521682416951914
+-1.1843830101552355	0.6372025961048643	-1.3320365233255749	-1.0376582066314555	0.2886584602567423	1.963853391211319	3.6475686791672013	0.6069901427259338	0.2174842454868614	-0.7874496835644563	2.7271714390428423	-0.3381605413856096	1.157366492739605	0.583017842921663	1.425340379541198	-0.5282509655446305	1.2387985042558738	0.2352014298344215	0.3270695011007737	-2.1687094332150005
+0.15188301918232064	0.3637492859947632	-1.4980483443964205	-0.19184416908192156	1.5886709865834137	0.49105760352348105	-0.5928646505741548	1.6105654736065005	1.2529613295863375	-0.20231292000611883	-2.2104556150892414	-1.5478331679570747	0.03637818097194665	0.9401750146604404	-0.6305885835620778	0.8631881288030407	-2.0668934992343546	-0.7224676916596977	-1.6516461456203326	-1.525612604651429
+-1.3261027550294568	-1.2116729915398818	-0.9815086437685253	1.4887197888447816	-1.876659764268069	0.6550291995125828	3.098253641952458	0.5781976013439597	0.5705680259306741	-0.05844918084263093	0.7998209564611682	-1.2804384290881408	1.4004180546031646	0.11892347709085195	1.2032715188984056	0.9951810082909729	-1.097792883991487	-0.7989543947464705	2.2706937453628018	-2.9433357604172965
+1.5147601118599665	3.1424168233199317	0.6289737596975862	0.31646675633358834	1.4621113315321983	2.324866058987269	4.033358892861964	-1.0955067851578209	-0.4556225167141566	-0.20036608141010387	3.289774979563968	-0.795079088508298	-0.04246846155834184	1.7756074364756211	0.5659406945130532	-0.5930939804035597	0.10393571919026705	1.1251526836437182	-0.8295979442916743	-2.190104737179638
+-0.06795478709540641	-0.4838580703148541	-0.38977128338483463	-0.019425374807728532	-0.3753906493573731	2.3037396360889	0.02729811911007296	-0.09885092682668718	-0.2949672325552082	0.5390517760282372	0.27878524147728023	0.09681393055809895	0.5106724081215311	0.19856234359782504	0.3347627531099712	2.004779234838207	1.3739270614824624	0.4383128533777317	1.5446147152085052	-0.4611747891897071
+1.320252733875551	-0.8266768121127619	0.8859871995998847	0.7848687331050375	-0.9246809189058507	1.6301766330920144	-0.5041976097824967	0.48674681576178797	0.47558254321078347	-0.38009822536873744	-2.2573434051279477	-0.5231503396058581	-1.1832769856333776	-0.11641899946322119	0.23037379211403056	-0.1592363784077054	1.760239443823752	0.22607096714942604	-1.1484266036176196	-2.009289573506787
+-0.4813193986666376	-0.18864854016261237	0.04873492350697364	-0.20004930206569052	-1.0585699644909594	2.762538399566734	1.8863896126660609	0.8214112065844242	-0.4384103073465777	-0.3211449191911812	2.1905218992111397	-1.59109564541547	1.3097995624508914	1.5592201449464334	-0.3552421947179116	-0.41280755083284904	0.5596595170526524	-1.176294355286121	0.16888633455190943	-0.9214884435605952
+-0.7964354751140823	0.4394721732543886	0.005669890613303868	0.42234341313238283	1.4273256838770327	2.025985823495318	4.042010593229301	1.7589757465780294	-1.606236353616411	-1.9159973961124879	2.946633032462735	-0.48077583493951587	-1.7691767811180303	1.3228878485957916	1.2939017124220977	0.46915154389560765	-0.9552520365004187	-0.23903854975337488	-0.08908134144514264	-2.4281754944273564
+-0.5694519107756933	2.7557898969439996	-0.28307323041725263	0.40159773945659155	0.32362526831651595	0.8868265415606529	1.382426901483134	-0.6497759957900952	-0.975440854607186	0.37966788804039164	-0.15247446518730756	1.777767730347284	-0.17267395193178492	1.288507974782868	0.2437765774068693	1.0714273069626374	-0.019722172575620953	-0.852893036856783	-0.6721609884469364	-1.9625220900578662
+0.45183510942323923	1.4283314373571223	-0.8093765799705744	-1.7447059359092438	2.0618722786957577	1.4551996796090798	2.802379728762748	0.27645183269366697	1.5486051282876774	-0.690636948398545	1.5090176693243451	-1.296768408912027	-2.080180701435173	0.3012143539931288	-0.695179577086202	0.5944908517809671	0.5424074535525948	0.9342115821628357	-1.4668998795602932	-2.1928656098820607
+-0.6508595695098619	1.174359499075513	0.6989160922005314	-0.7467676567837521	-0.3690379147742644	2.088712338619903	2.859843974132576	-0.35016693725724424	-0.015581152020022528	-0.5587663443411471	1.8080988255484143	0.7368712871812693	0.9384183087369772	0.5533843039191851	0.010037985343830528	1.654197707286071	0.7820676494354737	-0.1726259052724984	-0.6539333309444797	-2.1700283863210372
+-0.09471792677187456	-0.5135179012041948	-0.14963115526285822	-1.519402890248479	0.9154853559873898	1.4820250138410533	3.4200047769728315	0.26790719471591967	1.6774744121586138	0.3761148943111244	1.7395759699099076	1.3387808158182166	-1.1190785208079892	-1.4818005068326587	0.5633874155754541	-1.0404197996089612	-0.3974499059204859	2.096262227198504	1.0813514959083736	-2.682764355594449
+0.6848924399152204	-1.1801849525721115	0.049286882917165105	0.5067605554725978	1.195494179756907	1.7270137103237482	3.522096040308619	-0.06553145621715739	-0.12630378748088314	0.08842728946248231	1.8915111158684985	-1.4884237888244427	0.2462104645174005	-1.527529581199937	2.5683685830996277	0.3581347981231358	2.3009304345252417	0.45010829717449036	-0.4508955435054717	-2.7302667374607656
+0.6309081374615825	-0.16417474911560834	0.5249882767709858	0.2079790906947834	-0.4692254758939625	2.9905658340106767	1.5796910701649383	0.4674280510886267	0.07623058400572041	1.1247669241924447	2.0636580924381764	0.21585950067294896	-0.5434900438932879	-2.099853985871644	-1.2965744834558766	0.7569687473855268	0.6434380713135899	-0.3761545539812786	1.0311969233899883	-0.7618029673715117
+-0.05323174714238143	0.49524689410740824	-1.0808463332884595	-0.17727562550307044	-0.1530747905859675	0.818092252722818	-0.8376450671474183	-0.43274958122130097	1.7942577186192583	-0.2165680017888113	-2.585355840707329	0.20574120712259178	1.4841206680857013	1.7730767055886736	1.0919223829130356	0.32203386283945185	-0.4951889860749091	0.5835407933655548	-0.5125660139705128	-1.69483990018446
+-0.8241048715700412	-1.7096306196720101	0.8344355626930005	2.0358353155885607	1.7911455658725854	2.302042441593658	2.521321524733537	1.3316627151923417	1.346394208251838	-0.6533557058328594	1.985951280469393	-0.7450076451887588	0.3004622010231175	-0.8053102023057821	0.47310545044623803	0.06293360966746306	-0.45694161762276825	-1.0434982176910794	-1.6995004418204058	-1.6880374283543418
+-0.1518240729756151	-0.800024619693461	1.071370068597601	-0.11732981556143947	1.0872283157630753	2.9613669501759783	2.266396440487712	-0.06720863650983012	-0.8101890159248938	1.6708204308750179	2.726747930819702	0.132234936166787	-0.9860032210224221	0.9348304229361147	-0.43511856369149027	-0.6157149235505767	-1.199479199837047	0.40617316895468564	-0.45616657021510315	-0.9123190834367434
+-1.2286956670125235	0.4263918325088047	0.05544554276928399	0.5920863377272435	-0.7587220746296055	2.3400331961743923	3.920070231009017	-0.12167758274437712	0.012501016321337714	-0.48991086124015415	2.7718866511245803	1.4417663782675654	-0.8054884372887359	-0.2587358599857022	0.6814799948712266	0.022808943132095305	0.005558691529809898	0.0823255781307819	-0.16623604771256384	-2.546524541448889
+-0.4543896746509648	0.37610302265570317	0.7769269078867526	-1.078499226469951	1.2136752954039092	2.118760219697332	2.556120154806675	2.2701416916282633	0.8922149110615465	-1.518486834789108	1.8634285919315072	0.27468843711432267	0.32230306177101264	0.05392947600472704	-0.7694167013543226	1.101814923566644	-1.2053869962220407	0.6674605791491364	-0.014205074222655862	-1.7858587317271
+0.09908775541221823	-0.10009616181562413	-0.2362180873514126	1.4334217595249676	0.15090710421304557	1.8547009751478907	4.796279303943893	0.05434715531404748	-1.2411028971913662	0.47241165217916026	3.0944740734643754	1.8303291674085238	-0.16945310010625034	-0.42013908564853997	0.5366308916816512	0.527042925433368	1.476774230694092	-0.4668292804632578	1.1060595051742386	-3.0892709207901725
+-2.1716858452075485	1.3304815462513384	-2.2942181151260983	-0.41724840683784725	-0.6469292140102966	2.148934386720688	2.519135594743286	-1.3173117267470533	0.41457170870207527	-1.101276117296898	2.1644593139972517	1.5216296415750281	1.5874445561453852	1.4303235247854797	0.6178478569231879	1.156192973055907	-2.039652262581486	-1.457175983133854	1.4918725877685555	-1.474566094352015
+-0.5837315518436431	0.13259156386065885	-0.14539135594554908	-1.5405664756320387	0.34663827224936755	2.203801732392534	1.9017884579084283	0.27444577473032694	-0.14224639360792032	0.20187300743399972	1.6823035981585988	-1.0541950872736683	0.7415272834438557	0.142330906064119	-0.4883293890530258	0.40217860471239836	0.931153806285668	0.17293671766450044	-0.023803617345703337	-1.242307818772351
+0.24781367000273474	0.6076768285782402	-0.4706146392365812	0.29461788785868914	1.0265857026021186	2.9141075017347764	3.203195085442138	-0.20763656097465014	0.7306140689463829	-0.23513606775767015	3.1691384198501167	0.7607250622492812	-1.1063133013904605	0.9434699683375672	1.0617599327153964	0.469445945339698	-1.1030822806449634	0.4233178311600399	4.50865960073775e-05	-1.5432987624472552
+0.30787010169619466	-0.5564479920108842	0.07230187783278454	-0.11269086285659215	-0.11053641516008085	2.9630041872547244	2.923628644035186	-1.424438170885555	-0.24269532380673178	-0.7528468289116288	2.8084967537163212	0.6542901201877552	-0.2755976238876351	0.922932543784097	-0.7982973678213905	-0.18738333677555144	-1.610649944953213	-0.29315995084643887	0.5294752632671612	-1.5770369827088935
+-0.3266343368456259	-1.4902083075506325	1.011104462398968	-0.24810908423531797	-1.9182612470566456	0.044579086914527055	5.454818940319756	0.5929397493493039	0.3758048117614718	-2.3734238132343473	1.667711667868944	-0.4705671056383047	-1.0984164595916883	0.3459127179536385	1.6341848087135655	-0.931536223933278	-2.0128213765256744	1.86420121254675	0.30732115670738086	-4.610454623218688
+-0.6289008619934516	-0.9290101836523096	0.2610284321593238	-0.22378932209539984	-0.30655796449616723	1.6333019886702367	1.635116243833255	-2.54098734554924	-0.9575184279622504	-0.12730487166005625	0.7809371531973295	-1.1431861803986088	-1.8090489476951135	-0.7071502756869374	1.7045588203588715	-0.29930129361121205	-1.1743999943381322	-0.03077642308592621	1.8529438943380778	-1.6060085374296165
+-0.0014046138557737833	2.089781063063872	-0.5946751139175483	-1.0210617665981998	-1.098987116520477	2.341811397819016	3.8188360292674157	-0.8776590382492703	1.0235546104947226	0.37403188486710587	2.799915187840715	1.1239145377953599	-1.546419505730619	0.6972571681373205	0.002571489299991648	0.3058951611523615	-0.3632252484547484	1.7332474554116464	-0.37389404720093106	-2.40714050712376
+-0.5934161269477581	0.8622747085375272	-0.11734794604921026	0.07528124134078676	-0.31074996570210084	1.090331016557331	3.3002933449784333	-0.807482890613045	0.4559998188842976	0.7093436362748776	1.3970285548927608	0.975893142168031	-0.8939045193179023	-1.4528690382358516	1.357761160993651	-0.8711906152509289	0.24823645123571056	-0.07068037746500937	0.5999625136731279	-2.7480352300920172
+0.21565413910601952	-2.0291881618704153	1.5199776475342168	0.8903724803843097	-0.714706268949093	2.32928588598798	3.06783924668116	-1.1479530860388014	-0.004988226332444459	-1.2693938314954667	2.485287098585613	0.609339264927705	0.8626399118443158	0.10046074002738956	0.44044664146316903	0.05189063052993408	0.43397907849242867	-0.6760941148338845	0.670964906746592	-1.8491930224121982
+-0.8110577218750892	-0.47466877305620636	1.19808996735177	-2.0468373333517755	0.16474100744601206	2.1266307782886966	2.9645794383703796	-0.4936217222620454	0.8989277648694434	-0.9128318511022101	2.3310919587917938	-2.027582877359986	-0.216537234870562	-0.522189765735394	0.3749112393331848	0.8055943878900366	-1.135688473906993	-0.8440574828562551	-0.1237999019855925	-1.815119580018857
+1.0048731235410555	-1.5664134984018727	1.1702716221937508	-1.2246863095417388	-1.4949464537839001	1.6916317783219097	3.060677657592823	1.1287905409610193	0.7746048837840838	0.6986193956594127	1.7396724616531418	2.0653152757194966	-2.3668933908974346	1.7138065863258822	1.136413848924958	-0.25183738754843826	0.8646451773970928	1.3957253620190417	0.3383433216214572	-2.340793382451502
+0.5344443546920801	1.975419324259767	2.745267837264514	-0.3257072460493911	-0.6694982677374978	1.8269757620923117	2.520899623209691	1.2391116188006535	0.23612108111020721	0.7741449343223655	1.544927302275995	-1.0318988228951902	-0.40087473854766564	0.6706733870082953	-1.617635687435056	0.0861088671804899	-1.1129191024347784	-1.6693109947735312	1.0014532716471625	-1.953848591912209
+1.4047803843453852	-1.0485243676680134	-0.3607747770870837	-0.09011223228675085	0.7897776126741215	1.614118142559645	-0.2838904980309337	0.3655652793521345	-0.2509089995055197	-0.4138267679274389	-1.0844305338162998	-1.206008237551912	-2.6392724208546507	1.4535888239108192	0.398915499187571	1.8712913849745119	-0.8738233077444731	0.5964988718385081	-0.3031629835205105	-1.16670617902186
+2.0295307357993484	-0.5233040426607474	-1.945995471921972	0.9467077471379803	-0.6037657908369891	2.291738182217463	2.2538638333528773	0.47569296977985187	0.8176604183206089	0.41799853423665123	1.7027353709421003	1.668950161455266	-0.11201354100477223	0.9906223385728955	0.5887352748605343	-1.8072381416767946	1.3734118909826563	0.7308789341803912	-0.6159562578694081	-1.646038512228191
+-0.5177426774601384	-0.2650891841335386	-0.2515870229542602	-0.2279460959335521	0.031589546466442464	3.2131272758645455	2.871129123585945	-0.4364488685464952	1.288108391257587	-0.031769001653634395	3.221679525051394	1.7023732595615286	-1.7310727956544232	1.3428644569572603	-1.1208480451694676	0.21820157024780165	1.8453399907069488	0.056957830034067694	0.9511256841106402	-1.2101915159666614
+1.0586150289506076	-0.9451008128244744	0.9516458505549167	0.14540222063946884	0.4864117001030171	1.9622288783428008	3.172885744161993	-0.35166528446611045	-0.8666392523368681	1.7469955381157765	2.097426991550094	-0.3394778258049207	-0.11703329207731814	0.46373393613506064	-1.0663091318548064	-1.8085557338701297	0.28726312158735173	-0.016040416144976574	0.173058737943344	-2.2168051071015733
+1.4013166666283152	0.1651229085038521	-0.16607337620482204	0.6739716812343363	0.8859513014852549	2.72893856963435	2.0101882389902124	1.5857974308905642	-0.2120491868833335	-1.1274411007211014	2.1526796374410666	-0.7973672699914216	0.714785726301327	0.639603402383757	-0.06591071742657474	0.821072440847387	0.5985550529926329	-0.014533266792183249	-2.245594076000848	-1.0858495950584024
+0.7695952364748747	0.27665481361970595	1.1757527098482938	-0.2534868632892695	0.7681197615989556	1.7947314950285136	4.108089597184644	1.3125257889258077	-0.9957576243489944	0.07949451819136631	2.700655888132813	0.35051585462461365	1.2504813967924138	-1.7727331579112782	0.7153521357631991	-1.7069235925298902	-0.2666096158716658	-0.9147633175222815	0.6963295815818868	-2.6611602600833764
+-1.9776968849147682	0.5354277948894443	-1.0970851953409875	0.5975517611507678	-0.220121439960596	1.8104909696309364	3.112416187447602	-0.19055579719829574	0.4097068093675625	0.6398137838896993	2.093237365663468	-0.9836797818531198	0.21119761843571663	0.49062947602673107	-0.5066215441461074	-2.006405087745728	-0.4904706631656061	0.241667690058295	-0.7153629788010654	-2.10725727384205
+1.419544108567752	-0.5302913898878276	-0.8989222004178926	-0.8302441069991687	-1.556346769018039	1.588516510643813	-0.6821226994931056	1.9896951949569888	0.48630107687943475	-1.3355949538149055	-1.9008622599469747	-0.5153011619334648	0.273442024924114	0.45769489907641103	-1.412967908530496	-0.3589131145495385	-0.9839779220366992	0.5816739281602021	2.376818975949754	-1.4665258212046102
+-0.03406020343858024	0.474219206695115	2.5428070915605177	-1.7332584772151296	-0.342129224589719	2.717912529957715	3.5466910107487375	1.1190774092883293	-0.1959932024883101	-0.45868106440357026	3.400064643094667	-3.1181266772713703	-1.5298183078786933	0.45887044515930436	-0.784462075016455	0.4023961396664023	-0.16246426902267352	-0.47781783524036225	-0.9911610669190728	-1.6575902603748252
+1.140173450566895	0.684122463694484	-0.07226410461713982	0.27403311842726663	1.8554316540622444	1.971779533694179	3.408536641976061	0.6748392343037308	-0.6704062201756863	2.2550328682798098	2.5711895386761054	1.498131458376992	0.7462488874584381	-0.14869525065031114	0.7921981065543583	0.4438862055277262	0.3816042382444239	0.4069247916044735	-1.4234816784566633	-2.046375746026292
+0.7229647815879336	-1.4950045303025798	-0.06278217798152083	-0.5176307425603122	0.9443037519637014	2.335428177703774	1.8249308968463178	1.1894006982012362	0.2823987852771153	0.081267460322264	2.110367377865234	-2.0596455312680586	0.282617019804783	-0.9398620369930037	0.22968973454853456	-0.22698196461788692	0.16396923244108913	1.533428801934348	0.34136253586416276	-0.7988491169777574
+0.7779207036186429	0.7713352696334365	-0.09036673698881985	1.5191326504764902	-1.014915055254843	2.240659236990416	1.6042588226751864	0.1211391987778111	0.5399596359888125	0.02401873454504451	1.5135346981235744	0.6171281716306359	0.09087375298925937	0.5859866223664421	-1.4492751006123588	0.278202828151207	2.0953939187451294	-2.3497396880069283	0.47545680250647027	-1.0746021783877673
+0.30467735063757617	0.4950748285222781	1.1745071158428404	0.3034433400242362	-0.5972450368627183	3.2449046437909392	-0.21970542892113665	-0.586305341913781	-1.644359783968742	0.7130489813267271	-1.8014041559353062	-0.03636943288201469	-1.0006977212756551	-0.25017832294922354	-0.644531892325814	-0.3118254379981234	0.07622142678869961	0.6395553710681844	-0.28948772880324036	-2.3900875624935933
+-0.22074967966048256	-1.281166151424563	-0.940750639442885	1.4438715140371627	1.1892321191571729	2.598001362474519	1.501032599101658	0.6997110251801681	-0.5300155092939783	0.4736277830846962	1.5620182943282654	-0.4495469771613009	-1.837438814441454	1.253050205753288	-0.7152551652587932	-0.10755091928794683	0.12108777811690905	0.8080185164999842	-2.5391008536090394	-1.0203077496696684
+-0.6890274800354274	0.3390077054521436	-0.710248400302451	-0.5324707744986014	-0.3254409135051557	2.613125241610317	0.7308589497586373	-1.8522274646144021	-0.21414275494980958	-0.39513784235653626	1.2667105033366806	-1.655873243337887	1.6320068256648261	0.022146305045788732	-0.011714039476818504	1.4823287523549964	-0.13878842562141558	0.03192287636752151	0.9647571507509299	-0.4311493197320697
+0.6567188464850897	0.6423057017014039	-1.771257427660016	-2.5490094223910105	0.9553358745860415	1.5022761336199433	3.8263463890565825	0.3750175229499582	-0.2727689327059305	-0.5850958519596468	2.0077077307392903	-2.659359584064821	0.6149657347953668	-0.8670313010730362	0.24540996842712043	1.9692506504070697	0.33431055563869466	0.46320563514192925	0.2401789152913461	-2.8980542733720815
+0.05096660766985905	1.2142311115327094	-0.11017999887876426	0.1050224984348922	-0.4736659458109734	2.2316665364588726	3.6213307836866013	0.0017664344558535163	0.19530721629168982	-0.12453563152824401	2.610448360201038	-0.2647945544489532	2.63597551242705	2.706737773618113	-0.15506805501539794	0.5231443075647396	0.5299034891396377	0.19085582420658043	0.7451781237084969	-2.3272672761941298
+-0.845677581038838	0.6324979033755312	-0.37830841990290814	-1.3820092158435437	-0.733280333692642	1.9748712461728304	2.4952769436403166	-0.13505499923892406	1.4131580266996855	2.8995039517096517	1.7376615399708744	-1.6961701410520915	-0.047103292281320014	-0.060051332980470384	2.2665283454134766	-1.48935853289957	1.1977133739437809	0.009851697031027968	1.0969937668372025	-1.7907842611711229
+0.3850943195625088	0.517885956249044	-1.5852224280624532	0.1614906477284908	-0.8689098950676082	1.6296388049492063	5.038981935748236	1.1004994927055702	-1.817034568337276	-0.5850983457234109	2.899071659102094	-0.3222955530897831	0.6243621621346612	-0.30316419326278726	-0.768437596766751	-0.6987293059187806	0.7937472337702038	-1.703794570821298	0.4170152398311586	-3.4761289694979998
+-0.0033313467544201997	0.8829655800599139	-1.6636555656097944	0.30038038946077045	-0.7648132551078605	3.884009906559937	0.06026091592532068	-0.4556798784297069	0.44484720010911083	2.2242185876176044	-2.030793739573518	1.5852165275831909	-0.9018095488428167	-0.4951827977111728	-0.5149842220928732	-0.12792554001357226	0.13728895890262896	1.8356462303901908	-0.34628665249226465	-3.108635298275778
+0.09172095071203293	0.5451689952047694	0.9457013346504404	-0.5807009136573694	-0.38371529891974454	2.540574236029637	5.309241938058227	-0.30154097435740945	-2.8204942118659546	-0.6631445657242003	4.404110133658081	0.010943234756893997	-1.835508543875019	-0.8365277879167308	0.8150551632630056	-0.2116291444452173	-0.7182346203650892	-0.6076934948810246	1.6496297748570892	-2.6593751615790495
+0.23085451041921534	-1.1705778393780524	2.6963202333153355	-0.9726928269766584	-0.7483510750289244	2.409581039456249	-0.28042376165958505	-0.062091315638404525	-0.5290700540882435	-2.7511334754626695	-1.63581801668147	1.1054639855159423	0.5919111497728006	0.6376742709164823	2.1376505679510287	0.2902185834325203	0.2934181623763208	-1.5738193918778998	0.44377710254759345	-1.9187880266363873
+1.1358760061730107	0.1923543381440709	-1.6075793640224159	1.621571095227103	-1.205345904475444	1.168238558196638	4.407311234402713	0.7999472744658443	1.099538430444266	0.4142104989007787	2.220516866647822	0.8555391907523587	0.7496406478278134	1.0353471241233458	-0.3247191643341877	2.168998744180977	-0.08172758472755108	-0.6883394180860428	-1.345248437196805	-3.255260431105744
+1.4987905264540586	0.42452312341631915	1.523189900454302	1.0086952611566393	-1.387896982684632	2.077572245351613	-0.2467029833102683	2.4419615018894922	-0.26190891687834955	-0.7512624729354835	-1.510506381801984	-1.9253520174088246	-0.8745017707516978	-0.17608064367933363	-0.19240605647073555	-0.7561444860204843	0.37952534822602785	-1.3943825386940707	-1.6638022957397571	-1.7415173536923374
+1.2284357861128286	-1.370353244789153	0.5109278598273853	-0.8440666543340386	-1.244719213867558	1.4767178479460825	5.741646654683227	-1.6316625926351616	-0.09528956523883686	1.2241398905408076	3.269232696388254	0.16256064696869366	-0.9798513305087118	-0.2018646907176312	-0.14189660124190315	1.1609784843356579	0.805302745584659	-1.808440161439459	0.6056205005558484	-3.8788086600723695
+0.33863309127167907	0.08199386792038503	-0.9480686460225325	-0.1087014915623919	0.78115907727415	1.6771734386946926	1.7409145868282767	-0.964000608572466	0.6690378150671465	-0.1325680428963215	1.2328919604599529	0.6902238614646765	0.9914110659425394	0.08402472255506091	-1.070663887386318	1.5610070423652935	-0.6629081907479497	-0.43681940264155816	-1.4717509350191182	-1.3198379963289462
+-1.043694962102872	0.42764702676618127	-0.38330134606335586	-0.22422440129615465	0.14573984552133568	2.3607756245173848	4.407807414864508	0.3529945017232335	-1.5048124615984926	-1.7541833758558636	3.3276454182934305	-0.6456027283085127	2.3398179932427574	0.2149473414654958	-0.2211243019362347	0.30110196243662035	-0.49257877309907394	0.14043498246014202	0.08402793497475923	-2.5873299942618204
+-0.03644568270667234	-0.13535043567464705	0.9142750414975054	1.315586421647208	-0.822785479724611	2.265553143006393	2.8471193758355136	-1.4020993858389192	-0.17182447463269826	-1.563575519816094	2.261910963889256	0.3813485275698677	0.6381067603338761	-0.7597165794070948	-0.7006088869724005	-1.5568714738449145	1.2765894072569306	-0.47181623941532363	0.9591370826093525	-1.7884472121573274
+-1.501692926751251	0.699613783499153	0.8680104573629459	0.034836691229755044	0.22550233808505876	2.0538923980859325	3.2088604731124386	-0.48162715705515396	-1.2867678242148852	0.3140757354413236	2.296657560429872	0.6795450066209905	0.6560102308670276	0.9938948329450138	-0.3649688948153308	0.11856819673444782	0.3665944368328634	-0.8178538076889665	-2.0048620186081663	-2.1002665583846114
+1.016954847324003	-0.8534933987228832	-0.8236427146821849	-0.31409595355560305	-0.0733107812450244	-0.7178684641606452	-0.4930931936234877	-0.7779280990283253	0.9591219026974327	0.21464641554564695	-1.4020935839594362	1.6643812959389819	-0.42171387341148886	-2.3477576345142195	-0.5909250570674568	1.1228155604581922	0.817183254924087	-1.4701239568775182	0.701402288750227	-0.5282930730212123
+-0.476667738499993	0.5095124255636537	-0.2686531172961019	-0.35356263122091247	0.7522230149785379	3.4329854559565525	0.1356524588518273	0.1479163790179784	-0.20697649457878745	-1.0584137161924674	-1.5814767368456297	-1.0684985374164642	0.6719268515203786	0.21813255039128465	0.4959365608359233	-1.613229053345047	-0.3960649712218743	-1.026183306422255	0.7613216539526603	-2.642764398606253
+1.2238695003240572	1.3850809247624136	-1.0045695855387822	1.4241083648753596	0.4134417321609469	1.67097868576185	2.3908930291761594	-0.053310545408637236	0.7870865092160486	-0.1920833137470679	1.5697071824780808	-0.3044306915156969	-0.7076625217101292	-0.09503812498495524	0.46358470522256257	0.9584718122438786	-0.11037046926596449	-1.718773301282146	0.2971587465947135	-1.7379256211147995
+0.08792483481571493	-2.0171615133824026	-0.9406091489953338	1.663055830983064	-0.7198461595034623	1.223284430428668	3.8851931366941486	1.8957406453806946	0.37986199171374174	-0.1886037879251071	1.6802587149556854	0.0762972923672287	1.8512411551372756	-1.467362876716516	-1.2991377887018576	0.09029502146143259	-1.3555946161456331	-0.9922670880113497	0.7408240783457657	-3.1840508331172077
+1.0906919567058855	-2.1987338027493664	0.7693410209249401	-0.4445065964516402	1.0343603590180137	1.8164815891912556	-1.1726457007985491	1.869470588812964	1.5532303719967329	-0.13308317426188015	-3.6630590898805475	-2.3907981770880697	-1.5035700766768543	-0.35483374962223185	1.3090068967006183	0.46947203012634475	1.2496710684771428	0.104156650904999	-0.4596162998025877	-2.61375494278818
+-0.7945133481249493	-0.22329037165899598	-0.2572619487179075	0.43362248483169497	0.40632277171454934	1.942977568289874	-0.5952331479982496	-0.14272966704180193	-0.36551528563595326	0.48099601795352365	-2.7913040493884123	-0.6414875690793794	1.2978916209576314	0.6718570512338119	0.7645055767719879	0.37354134094932323	-0.7131129327125377	0.9584927894131935	-1.6123751408098643	-2.4945948387309445
+0.15973873784033266	0.3738124905904236	-1.464928446143478	0.23017750559067043	0.16116284150718213	2.9186209395551153	1.8960027606593748	0.4809827374515892	0.31518004319926857	-0.5276802913174692	2.076920665801533	0.7330483043105207	0.045503370759151215	-0.9500766420460972	1.5705524844268164	-0.2967939804196304	0.5048724405136928	1.7054354379336136	0.13093522258575785	-1.0841239198686308
+0.28674851985581823	0.6770190448971434	1.2917776455944836	1.762062623848641	0.24702915501307823	1.7435626997520794	1.278138022291112	0.31477342729286967	0.3409619791154886	-1.036456105820626	0.7246651979670073	-0.04650254662328408	1.997740427143905	2.0397635337525775	0.5130478237122792	-0.04945523066793977	-0.3504516531530212	0.6013918761901531	0.41991762890533746	-1.2891722843057587
+-0.2617103818857828	0.22823693484477928	1.320646882926118	0.17253441387165439	-1.266316245260346	1.2548769029480153	2.614122001979816	0.8706950708780713	0.3772912506213664	2.5335721792921904	1.137945568392357	-1.441172765432063	0.1331809445759401	1.8026208672066095	-2.7818645338013215	0.8014644974789901	-1.2311322413058532	1.7678982187656445	1.1416652357708936	-2.2645694233619214
+-0.0487887671293451	-1.8708379372844472	1.3125281437951462	0.5009884062913943	0.5114740064850282	1.307229687147632	4.271914456737363	0.7275893654181388	-0.4290265355987626	0.912402881488848	2.1091400487050933	0.9853087654643979	-0.8896064767845016	0.17872517647249836	-0.766190788668922	0.3348968425424903	1.8045690852101366	-0.5278033891333851	0.26790695532730086	-3.2474776725296364
+-0.4551739245133178	-0.15463612331216547	-1.3282850950889369	1.479255474194613	-0.10632594911257398	2.0673897419550262	0.7921421901177994	0.6190090271508178	0.7384380272253843	-1.0151274853084162	0.7485164293831468	-1.28430084909237	0.4294927104372925	-0.2307655643043178	-1.6268761319571121	-0.29413486605469985	-0.5024914734361625	-0.30380273677775954	1.8667797399133148	-0.8167455203829375
+0.035295544516024166	-1.9104323901992721	0.3772005541907945	-1.3930134424083707	1.1644203512186246	1.0378696470566018	1.77282545169593	-0.9298377997734296	0.7493575030801707	2.321638942371457	-0.08034307477028912	1.1550835295148456	-0.18941983068977647	-0.0975120810271489	-0.6634686579564337	0.41304370378450694	0.11618448830593339	-1.0124630224969529	0.5515825935118087	-2.380397462882215
+0.6793550711333031	-0.4191013119895944	-0.4893757250506237	0.2594215098289507	0.23325906782680023	1.5413252344589876	1.3577670389530803	-1.7790200674256471	1.8538285155636138	0.41843433534140945	0.508446274295653	0.8857713613362909	0.4004306808425445	0.5664708408038909	-1.0272445889612456	0.09722885614332347	1.328302046696424	0.15992134498842278	-0.18620724369776814	-1.5185357062825569
+-0.06615816960203896	2.0099795291303066	0.3713735532042358	-0.5487484003197485	2.354415943408788	1.8572881651916524	3.323002263140202	0.3735478888166094	-0.8598539493190498	0.7274541656791573	2.2055329399574846	0.29758553036688457	0.8972227445878997	-0.5747601621532991	-0.2127621916795853	0.04006436449869401	0.5849058397345099	0.8758434197897889	0.46632609308108375	-2.254363887228946
+-2.7534181233964237	0.15251525911021008	-0.20584222795741333	-2.2794471269564593	-0.8144105766690436	2.8773426585378097	1.5429281812550981	1.4985752740046263	-1.4094805967568251	-0.10531932647204258	2.2682479564757156	-0.2434988747745178	1.846506924605995	0.367790227682453	-1.3880884342340434	0.9864442846854627	-0.13823968875165207	-0.41215733507222707	-0.940063515805705	-0.4971808768073218
+0.11516565113877908	-0.7015135262926236	0.5733414328935966	-0.04536374174292529	0.20233265475204631	2.524439752615348	4.086278594682964	-1.112933013605597	-0.7895615883279572	0.862399299400241	3.82548773440063	-0.8220835805099878	0.9874714719148654	-0.8407852114947026	1.1037622110452492	-1.8114395628916193	0.3232148711606187	-2.0778586306932088	-1.0334684157452583	-1.813401479363158
+-0.5570615931965526	-1.1555179923477565	1.2633379723509903	0.5501010885352858	-1.1834276985097483	1.7221446851366218	2.9386511802151736	0.48136167424496834	2.718181665880015	0.20316463121269465	1.404953817679366	0.9803252081948456	0.9236683496038417	-1.3410592160987471	-0.7614151485620896	1.3345414836465233	0.13360700741108336	-0.8792661252273373	-1.6035026838049187	-2.522396497694443
+-0.6464571677462706	0.6029902954974177	0.13741858064161386	-0.2006675802348722	0.101128340234901	3.7221378517165937	2.8382178752448812	1.3426785310393314	0.47034053849844193	-0.040981367071828964	3.5879739511839395	-0.6399266751797357	-0.09314127104465543	1.4750018269383505	-0.757791805206929	0.7179982428753898	1.2832539262010039	0.10019484713392982	-0.9581785987149996	-0.9861786588532084
+1.4511282137834625	-1.12509668327752	-0.11164645066028989	0.49082215428082127	2.3134408421598356	1.2258431046789608	4.635563193303908	0.7855199492933614	0.6189341681017415	0.13957248250837517	2.2151968606339163	1.4647093193316385	1.3540386142955232	-1.3178156156932554	-0.018911823814481747	-0.16650805610606043	0.624246542350533	0.3287232094040833	-1.0711328087871905	-3.534365734986116
+0.18242899131739806	-0.07387960211473193	-1.5676981234848886	-0.7211136911069154	1.137544826991606	1.6543373360631421	-0.6864904228976956	0.2609963419235635	-0.2504264888288445	1.1508621998365947	-2.894664899669979	-0.24750545428931464	0.48302245214038697	-0.3516269931771375	-0.04574426993053227	-0.4380775086539643	-1.2147040364611676	-0.7581808405570541	0.028361228042608065	-2.4012762284498
+-0.6756809739181575	1.079471447754306	-1.1999332876937001	1.5664312182161262	0.5311591589406599	0.6302867195745148	1.4606346334851814	-0.47662003908075234	0.7820017595717437	0.7348260710807446	-0.10182208063616871	1.3648678746739982	0.36155576855067045	-0.446495269809014	-1.5402157447520224	-0.1532312285092569	-1.1155856726046527	0.9704677731142478	0.3132782116585783	-1.9270045034842667
+0.09434242266873713	-0.16801183506911793	-0.572352820860361	0.14736195563808172	1.4779749790671912	2.043365789315091	-0.14797224132786324	0.8584564233119734	-0.7471343764240743	1.4402011156625905	-2.0920414470551307	-0.5097702435097735	0.9556551929871878	-1.4477194647619367	0.20529168857207108	0.3658350481389593	-1.2433604261868576	0.1335542621049311	-0.1473290445088834	-2.3807901785010803
+-0.5126282664079215	-0.7471737588202465	-1.264255927762154	0.06077515108242789	0.12011156495033358	2.1615568522413735	2.903693794727297	0.8834527803925559	-0.09832375448529188	-0.37515983854310525	1.9605924522500904	-1.1849451255078969	0.9564626156954673	-1.407486985495923	1.1673920632384982	-0.942183552075411	-0.09908944851975902	-1.4219739518574874	-0.6853751920306654	-2.0999969831949405
+1.1034050601870742	0.936825383299966	-0.022121816458808306	1.4375701963444185	-0.25845124223900684	2.6576537238066456	1.4585944058815579	-0.9521695988858875	-0.9733761082831991	1.150263476311506	1.8357950229154152	0.1757679428696348	2.2279171745871795	-0.8228961303071012	2.330566601201061	0.4637245739266576	-0.8956889435947641	0.17403784199914288	-0.9994450866169455	-0.7369155810228514
+-0.8742937048078996	0.029895969897584765	0.7750346905093748	0.6926013609552826	0.09550020423547455	1.70549943306672	4.375759156019916	0.7872795410262118	1.8101137695721117	-0.5833558611432724	2.5474989452762618	-0.004379563343783399	-0.36597315863321384	-0.5847168713670012	2.349880116194758	0.6899863179510956	0.27760025388674653	-0.5931365213259131	0.6348241225918102	-3.077613663816643
+-0.16802084304849504	-0.17293492291163326	0.40196422837266915	-0.38847099128805684	-0.8222783903346285	2.6437472242307987	2.621113295737932	-1.0405699451706092	0.5088831138789093	1.3113511322170786	2.016436934774882	-0.7810816637682926	0.6759035773105402	0.16077964215240317	0.5715488389390373	2.1478237662118524	0.6480456831231489	-0.009348914951530058	0.848287679240828	-1.87428655726112
+-0.9065306590530072	-0.5764585133906066	0.45336821073214845	1.0175602239852777	0.08236616935990708	2.322001012891657	3.7539287106789527	0.7527327389284063	2.491816157853236	-0.505848600672184	2.887781237222197	0.1967850415749898	0.09132517484601156	0.22894921808081314	1.3734054870861123	0.20836886686826345	-0.23994429070080242	-1.0622541332373914	2.3257840911771597	-2.24680718836753
+-1.1336098433285582	-1.3885132396808428	0.19343965425329895	1.682779669518624	-0.2696707432856892	1.529290707135153	0.8720375153883999	-0.6212566540305139	0.35074846417167804	-0.031713347840588456	0.0804037215335065	0.5909928654947588	0.009806449499266163	-1.1767020186636343	0.13240869046561005	-1.2775069646063268	-1.180299533347833	0.1451404457082739	1.1452286506095457	-1.3643619388887798
+0.5303189319554741	1.3359877779446372	-0.1262806381621546	-0.9388951088088411	-1.1496000366748502	1.9840807571718586	1.2403307754090132	-1.3847526790009284	1.0693727460138733	-1.7103797889182184	0.8898311124568845	-1.1371934908194559	0.16865644518497025	-0.8917544142573286	0.1954441902534015	-0.35098371348462903	0.5739862627493796	-1.4701125468661869	0.34828884002008864	-1.1655938728043451
+-0.4587179019990953	-0.8679960709357589	-0.2938096266255055	0.15743454265415907	-0.450213630842127	1.2563656752980072	1.9021812611559583	1.0716810713696516	-1.2472831587910842	-1.0912392866371223	0.13887379831440705	0.538083085518758	0.6774827761390336	-0.39936819468727064	-1.8857423948542473	0.505937721552417	-1.1143092264526717	-1.3709915040445322	-0.8752921492050035	-2.3883912171232375
+-1.3022497239876523	0.41162245619920174	0.3850631031897158	-1.065301842496646	-0.6940008550138481	2.2608403458600925	3.6222044348145364	-0.31834651813274867	-1.410027169684386	-0.6307904628990526	2.8091740350445975	0.7840390953413314	-0.032913359309272236	0.1269040356918228	-0.7038487276500461	-1.5433857418796189	-0.26583883983781437	-1.2041251387510379	-0.4106305941465671	-2.1530032168711024
+1.5520684858783473	-0.4842660107164966	-0.8425352485553168	-0.2874361705381057	0.09412780581966246	1.3256608697758143	2.63511828833789	0.2910072509634572	-1.1787266342806275	-0.35851997823292153	1.5698466573184315	0.3874219406289059	-0.5091389770719648	0.17858117751755365	-0.6804576669073298	-0.02627121097297176	0.3929430590374208	-1.0569336723342102	-0.7684431903438547	-1.9095372673829223
+0.5355765955194189	-0.2276982282125964	-0.6403452192539892	0.7392956464173716	0.34499670458368	1.473716067933001	-0.5638558434384038	-1.1931070901173368	-0.9350884522843936	-2.180928872849771	-0.9297165575841411	-0.07356231818186161	-1.9131638739828056	-0.7647947336649623	-0.23094261108610942	-1.2943321213312269	0.29611064042094903	1.7279864695311318	-1.1120282902424241	-0.6663376648912336
+1.3012828549140179	0.6195178515860085	-1.4126268197055285	1.5107000969447615	-0.4460077117108762	1.9614913143142265	1.1034518801107094	-0.16225392303761535	0.21275832971404765	1.606357854655996	0.383510466777897	1.1048700017414501	-1.4096803250134005	0.8947143435160732	0.07629959037210224	0.9772601028253349	0.906407388390164	-0.46768462622142726	1.6137031915757825	-1.4734630351338132
+0.5671010865686062	0.1790440762043691	1.4538656111342823	0.7839254259532238	-0.7311355108274872	2.064835501767575	1.9710283474696888	0.9296948988368413	0.2641436738236375	-1.0657664020002027	1.4962747965592094	-0.20821142708529947	-0.6648362721586298	0.021730185123573102	-0.1546301122574695	0.17482785535538847	0.392375537697466	-0.2643903765808739	1.9305143832073717	-1.4509372771874918
+0.3897141453284529	-1.9791967823256231	0.721977653590172	-0.1583724591737647	-0.8305735167784021	3.151100213653878	2.7712386659587254	-0.8356207857898387	-1.3838060648273698	-0.32928012533865525	3.4982328898115576	-1.313975656038437	-2.073113660764942	0.6201166141037884	1.3602057578102293	0.7414109998136922	-0.6235174542680544	0.007665542468290603	-0.024769590889330905	-0.8231830998937835
+0.9156118091260596	1.4653470442872218	0.7543920049429863	0.6761731119120915	0.16888144114738718	1.7119744676101676	2.64682810453856	-0.6874789204077189	0.07243964010282551	1.2470434628304552	1.6675700543505387	-0.5351408790533557	-0.3905609474116137	0.9320658353880262	0.17373077161487166	-0.6688512750982486	0.8099337751726392	-0.7632906866661262	-0.4690729566985443	-1.9477126755122085
+0.7639271858656146	-0.38527044098664454	-0.06116840966607183	0.5629872723830476	-1.2325929551100905	0.8199921273285704	3.8911180963079435	-0.17323418364949214	0.2735690958134404	0.11225602768295281	1.4288097026336133	-0.3698835745594445	-0.12846193121970573	0.9588936944933452	1.0196659223962787	-0.19312296866763867	0.8827993000376971	0.21342429951646077	-0.7074489526816709	-3.302962857379435
+-0.197352684246694	1.201024838765764	0.08046750685343801	0.06760693086592535	0.41131534499914446	2.2670952622024543	3.600243486030845	0.11331236002730946	0.2406860096904552	0.2570849380301977	2.6301118636443324	-0.7360622766045185	1.4669618480001918	-0.3845944417198258	-0.25441117309466954	1.0096435210534833	-0.8221197210069986	2.2423329228504665	1.303336365752378	-2.295912894539909
+-0.29857962334717353	0.5187548131291775	-1.9906058462301046	-0.15810950392474332	0.19704993914693691	2.1642205832854096	2.2752686016181003	-2.2278056917219167	-0.2831103685595049	-0.3066669635420203	1.9149361018846183	0.40166530968258285	0.16045671697573377	1.160859221542065	-2.0185516654417777	-0.3217860243574659	-0.6035872238846478	-1.4495549655909947	-0.8291375657051266	-1.435583217459223
+0.9882938330971429	-0.12615340704839545	-0.845168144712235	-1.03806556979161	0.7169104093102628	1.5937543821980684	3.264660127806917	-0.17819839945708105	-0.2231826464874199	-0.055643701156538806	1.8532361185576012	1.701600339976213	0.3594849578717528	-0.09058146161716321	-2.0959387300647028	-0.31621122505602317	0.1731082794484872	1.0492357045339615	1.1312349951005922	-2.43605261726707
+-0.03459560863715025	-1.6561102276657325	0.32158310852011146	-0.5452414313501147	-1.4275638962651567	1.9419794887041613	2.10935291960301	-0.6763011150906199	-0.17897203711977763	0.7439773773076427	1.654043873799636	-0.270818729192882	-0.5682513706472916	-0.5025506509498933	0.8054818063737333	-1.360276242793959	0.6016158335761412	-0.4743055199258454	-1.0150732734455448	-1.4238916270035613
+-0.9960622638259021	-1.5196417447239177	0.3076885025976186	-0.05313485139309232	0.38367244326420036	1.8185197263980808	2.4837449172773023	0.19945807509646343	0.3307594171271862	0.39932981483693436	1.2707978066525205	-0.6343339609112488	0.461441807706143	-1.2477946235895987	-1.11226742988765	-0.6352110834695488	-0.9236285743799636	0.6701105940203763	-1.4391476664834393	-2.1632635067475805
+1.5577340020640367	0.29463934810390013	-1.0055498557068867	0.23052931956335684	-0.11930516852373929	1.9991415603534324	1.4917044529186603	-1.428905499369014	0.044208188129187476	-0.8180649392995241	1.1190487142628176	-1.2395709939523072	0.767074962870864	-0.7995439437594899	-1.013434199869592	0.8578706964554137	-1.6589355290412877	-0.1441349191683705	2.091210168400335	-1.2408951443895744
+-0.8041661421065806	0.7750428244188536	0.1264412041572951	0.6096057465741515	-0.01809473513999463	1.482499843968898	2.776853167611659	-0.9880901711782684	-0.23392807734014734	-0.48912640053750583	1.2590594348365087	0.004606379749517793	0.8356808119300939	-0.3299803074258261	-0.6028160839659226	-0.9453083290040736	1.4172611277945126	-0.9483474720005549	0.6112231422907429	-2.4036817896456197
+1.4386816001202691	-0.24870216704728568	-1.36577793681868	-0.10277788770286429	-0.22777579230771694	3.2453737496728623	0.12992864645166602	-0.17483715413715123	0.23663515513552405	0.5403042121027316	-1.5826521256552046	1.481172479034853	1.0872054124215704	0.19678842782978406	-0.043403339532877366	-0.16544216058899186	1.1630659587085383	-0.6342909579111724	0.31376042326208414	-2.5813367805866743
+0.9801982382336586	0.8449621394672215	0.6036679199971402	-1.967096038686357	-0.3960886003261935	-0.24219746215022564	-0.9920132175056962	0.09796268392729507	0.5577797283283508	0.39707357088072415	-2.823382494197471	-0.3946430777039263	0.33060957811252667	1.1229825436731722	-0.5959602726036303	-0.3455188765230153	0.04821562582804141	-0.5581061989133528	0.7785819049490936	-1.4245116913933897
+1.6681575295682762	-0.9171985153049196	-1.4730335325170245	1.3579807246532978	-0.957931885967352	1.4399143542151855	2.1391712286918363	-0.8875517293739079	-0.4502523925505127	1.377581757188388	0.983892432661009	1.2502157783132806	0.7964233813969241	0.6798937824683904	-0.5382867575851753	-1.780811302495567	-1.6807026254574289	0.3642601460202257	0.807959557066913	-1.927788637129851
+0.6662189130678242	-0.45371760244010334	-0.8473456361893165	0.4959790885898313	-0.5303663872405996	3.216494470142121	-0.3451368247395543	-0.8240708538762171	-1.1814210516690988	2.290241928922136	-2.18956871763562	-0.541586388983844	0.7127735711740859	0.7491959431525474	0.9817476190982323	1.4524807842936474	-2.018762361021376	-1.0416873018018649	0.30362761875474675	-2.5997236193687066
+-0.7274546332830187	-1.3796285260783419	-1.004419847277354	0.4696377949455288	-1.4429744219930851	3.043887419402296	3.6127548415892132	0.6323738493887369	-0.6319032290600979	0.19075519779450073	3.5031454293741913	2.7651482147838693	0.581599858344147	1.4475318377303785	0.2187049359203952	-0.016463187585465954	0.1504255722095556	1.249282192376311	0.10969215508075868	-1.7339638672451725
+0.9713468451036641	-1.323953603096887	0.9828725946362548	0.39897647437653627	1.0164734308622358	2.343877885387008	0.8141740240623774	-0.17844352672566993	-0.2489017318486975	0.6871989981519004	1.0905772981888384	0.3935153475685985	0.9654036912633457	0.5917388030402491	1.4923753812876686	-0.3595798307016698	0.04834155585694497	-1.188019371192315	2.298134881322113	-0.6075264300690095
+0.5805618199544053	0.2645812658810532	-0.5373391022335308	0.240003364637587	-1.3431343684498187	2.0052629807701603	3.570028201649511	1.374323602792592	-1.50270052294141	0.339739212156282	2.8969195995149004	0.1535142860088634	-0.3407307701303503	-2.6288697498232447	1.0218897198393	0.2728247005606436	0.1306762952345407	-0.8592151134167213	-1.5521508417928758	-1.9366498139279626
+0.9731092767871748	0.45228275667010165	0.26808240830432717	1.3118879688879106	-0.1273370614035902	2.327319312864987	2.2883566599151726	0.7878960717328493	-0.8518929787211744	0.34635146886010704	2.1303770216231372	2.494048898265553	-0.04417290714256913	-1.452701968003817	-0.25539899515499864	1.0695336669640703	0.4119544564991219	2.1463377494699056	0.9385726247199281	-1.2996225972161055
+0.32587348104985453	0.09471356504520756	1.6832753741795377	0.6665282345098696	0.35038117937896285	2.7494707267189975	3.104908674124042	0.6307818689264211	0.3675269009717439	-0.8002643064644159	2.8769964580802427	-2.220294380621682	-2.1071995643164203	-2.22492327545781	-1.704312536148429	-2.4234198912136846	-1.462577110304502	0.3034076781883192	-0.1311225473693574	-1.6538888195078705
+-0.3462053932070919	-1.7678894211716918	0.5258793370846125	0.09972001668415349	-1.2343496933984301	1.9828828354039245	-0.9881498473192838	0.32449237377436446	0.18645105594896275	-0.9788611040684897	-0.5399204589904061	-1.3596700422995305	-1.1456519366025641	0.04264815687689102	-1.6263248630092706	-0.00438320597157671	-0.7059570129742992	1.0826894438457562	-0.31819151221558767	0.019999977414706827
+-0.10428792642189662	0.5137508642981464	0.9612391109756672	-0.9055803059973913	-0.2116598285505977	0.7066603850832758	3.6997899372436933	0.11531771339274693	-0.06851326089765655	-1.9429385034905569	1.1272182117432221	0.884100737853627	-0.5564530730953247	-0.8647095991909356	-0.1789125451401707	-0.08041142395645363	2.7706935569696634	0.6767748268846535	-1.1055945102160951	-3.3328887264670057
+0.5758733698283545	-2.3559034027651924	0.07494827521817525	0.08217703912828125	-0.33466367892882953	1.1501261015493973	4.080980244177029	-1.5203049972810572	0.24321168503965698	1.38360574359016	1.7830192353412027	-1.692743205513163	0.23748419446475408	0.800377516472027	-0.07872569688857932	1.9800999358815223	0.07905463657497667	0.8769857098137989	1.4195769589653744	-3.2874724566396427
+0.5301810810881368	-0.6934578392308087	1.007651883954439	0.5491111064273388	0.3513624596184423	2.4402637978741244	3.032707122931437	0.37572610862588623	0.10240523132443757	-0.24867515742445503	2.3110331566727185	-1.1977569311647003	-1.169122088884187	1.1874715130678046	-0.040441206209282564	0.9315164034486011	0.4280758789588995	0.381272337314699	-0.26694694635201943	-2.004122351633295
+0.8928715602130539	-1.530992312464539	0.9948915626274635	0.6855869704120358	-0.7654858499101687	2.575510800983307	1.023991092139656	-0.49042584679492446	0.26551656372039517	1.0752987366827749	1.322910308326086	-0.734505752104269	-0.2001691178351472	-0.38716703995342566	-0.2770937983149195	0.27012883662385334	-0.05584829497167008	-1.1470021036101354	2.115117515366132	-0.697886961026954
+-2.104720540569781	0.1471932378083623	-0.12223983219404207	1.3306569537423167	1.7234468103871767	3.123082271557201	1.7773520093296256	0.057706003575268255	0.4237884297931551	-0.8323793456458339	2.596713116730705	0.02728504335614491	0.3455583691262062	-0.8254061177361477	-0.4610712360722394	-0.358703602579189	0.0156509340617373	-0.29866939100662265	-1.6195148440050573	-0.5304669059945188
+0.8464348134293538	-0.8937607716718787	-0.13288636354516942	-0.44302529523055295	-1.5831576871631323	2.5605323570341127	4.741260918208624	-1.416002112464092	-0.4264983172262856	1.0279042852964881	3.5659651271878845	0.7680406702093567	1.1155545033856322	-1.2323669601882548	0.2421153871721375	0.5652587523993122	-1.0642215963662085	-0.7280379019799155	-1.2761030623858152	-2.801810333841571
+-0.04354986105996295	1.8974881888426887	-1.566625572667934	0.09238406756519599	1.3189672446770813	1.9344840577497093	2.6023487694757925	-0.6898701544884301	1.0572078129514235	1.1305996689085478	1.8802911040856527	-2.2029789404073576	0.17617563396515354	-0.06550188130499993	-0.5951939719908497	0.4557178796436762	-0.8612792144094344	0.9885499893678413	-0.7780268959157338	-1.7672173180869986
+0.26274147322417596	-0.48642547917279294	-0.24871810831404637	1.8784632443123628	0.42660900921288997	2.6468392292741036	3.415971223252901	0.2990321043972744	0.6521694865081346	-0.7959373193508864	3.144594450098718	-0.6973040799790121	1.5008042559889716	1.0007598400212232	-0.46076090582486956	2.6612219785693414	-1.8310644061575814	-0.9521004549287339	1.342777484377094	-1.7256823678021926
+-1.7681716796857743	0.003005843662359899	0.8094206044833759	-1.35496431694714	0.7860273648565489	1.904655872059288	2.089807008701457	0.5880328118504345	-0.483665385782433	1.084591025695556	1.4093584927847798	0.4589059941192419	-0.15484349452223675	-0.35873225874048076	-0.5631608720371972	0.5207247425464998	-1.407798604261435	0.39012350912099225	0.35280643870884865	-1.6172452741387724
+0.49202815503088376	0.11988425365002105	-1.1850059009490415	1.276107137185634	2.0943941680051497	1.531105863360968	4.761302803487053	-1.2960577973997778	1.0771876739869732	0.3795914926066698	2.4488404302829476	1.2306229642227184	1.0574677765128688	-0.4083607899845762	2.4995367096283485	-1.3753069610859798	1.3639010847116528	-0.6951078403254606	0.5901490539073592	-3.5508652919444144
+-2.0014946652928254	0.40085635381267715	1.2845466401624541	2.0490387959982748	-0.8858819827651856	2.3053278489730684	2.043555452474301	-0.03685157291107207	1.2982121974514549	-0.29406355440716164	1.7065768664587888	0.8355328503031196	2.2329449085027213	-0.3730353853793912	-0.8140890141528517	-0.5582063132416109	-0.021292720944643077	0.7808133845424405	-0.5199122156420262	-1.4097805943671116
+0.9940111419081585	0.16391385106194653	-0.0182087937175438	0.48055673366507795	-0.9196549854678645	2.6281979898266448	2.9034755668333094	-0.0816274489005151	-0.8051939524742046	1.609201788562581	2.5712991920280026	0.9532803764941381	-0.67735433924049	-1.8103005832851415	0.45838061425119536	1.0493469537216866	-0.28610924757294526	1.7387812369618667	-0.5186064481313725	-1.6738661370493633
+-0.39070368173214054	-1.112656077853423	-2.9461906758503975	-1.0625442506297067	0.9088346312821078	1.5063655206656095	2.9691476729278286	-0.7778500248423136	-0.7127853422892418	0.06854530163039355	1.2633280046291788	-0.32870872393223133	-0.3411469813846178	0.836125381703182	0.7723604280813917	-0.6998771115822838	-0.46555763754293256	0.7776235010811396	0.3327818668905032	-2.6233464511627633
+-0.01364920122941139	0.7235066356584124	0.4526139596776698	-0.24892106664703165	0.32764179027287876	1.215592045519506	4.188094982846291	0.009904297651453134	1.2296605546439987	-1.5029379249974046	2.185811309620051	-0.7712141005856427	-0.3942065169975788	-0.9815464979117614	0.1734274927093316	-0.37449197558516256	0.6672351997121623	0.035169507062573276	0.23176211331401778	-3.054749439683289
+-0.5524121943437592	0.43242520759355163	-0.2956005155541632	-0.1135456542462339	-0.8637531001731001	0.910058593645831	3.259501525517466	0.07608846516334704	-0.016821631935929737	0.17770675749126574	0.8807707123355701	2.006455641906978	-0.9088909360468795	-0.9710136282422827	0.4514663871314964	0.7914767591814829	-1.0117347218774508	-0.8983150902874757	-0.47246046197847513	-3.1261505124025346
+0.40959677034429925	0.7802125572698011	0.804253110903669	0.7158871403926644	0.5845139751134156	1.952347373973627	3.9908460041566385	1.6250611431527022	-0.4018329918213579	0.008274377765044137	2.5087982826023043	0.42262623836268914	-2.0701097756480666	2.0254512542593295	0.5149738287458937	2.1938771990589565	-2.632124115283511	0.9043680903067354	-1.5518112188980098	-2.753884303890593
+-1.05795461059746	1.3977974222267546	0.4712677746318343	-0.24950405745536794	-0.9558826294155703	1.6665424129940942	1.3964051303408294	0.1833173809747806	-0.5276552470459347	-0.7062757970490893	0.3218877605783783	-1.2273587380460425	0.5588191670966369	-0.09051119007442365	1.508141484769061	0.2392776584590416	1.0496570603030577	-0.018133797099215695	0.7843917222040053	-1.7721613457910055
+-0.14025796463115775	0.14443087982346273	-0.14729328451259155	0.05901880846946653	-0.03809953698337312	0.9246669082754357	2.47225857127193	1.0259150209865053	-0.11491300874914655	1.0897435941109395	0.693156043268562	-2.0032536320269982	1.5850356506003898	-0.09712843851038447	0.5795472989924035	0.914335265576557	0.03451128415007668	-0.046494024390102154	0.09711673427774202	-2.417926485525231
+-0.1280242373611725	-1.0418824251685377	-0.38893355903995364	1.537286047687501	-0.9757752467887462	1.2946446892236971	3.9935568064371507	-1.3067318281347982	-1.8178451933036672	0.3395107547169122	2.2022065152807206	-0.18254677033909852	1.8268083826145347	0.25821025614543974	0.01443615440833153	0.2204099998046111	0.7739675276488129	1.3823948063230613	1.4413132580042287	-2.8441891522470355
+-1.1346058159141366	0.32888604323592807	-0.19834853474304354	-1.3760890817649651	0.26235776751061696	1.8601635367314142	5.256745314115815	-0.06431814997829806	0.15659307921661267	0.24875082914418853	3.5057406086179217	-0.540833128349284	-1.1716921537210738	1.6734130762339683	0.021710342057198993	-0.2726440550059912	-0.5813415369437045	-0.5803093721565593	0.8936749574874223	-3.228569181259858
+-0.4918206409856688	0.21217258396471697	0.30662294545688995	-0.6062117305084304	1.5444761348108496	1.5135823907760482	5.159406559273228	1.36431116628279	-2.4357197022790302	-0.8329529341747502	3.286164266189587	-0.33051907359722477	0.3091421496872711	1.064880539820166	-0.6249056929883043	1.2003745330323883	0.019850891510347055	0.5988953285694542	-1.0199629945889084	-3.2186716499397248
+-0.6616838628262479	-1.462857223769509	1.8477398712542576	0.7107508669701301	0.9236153003067475	1.714337310643642	3.898674095234939	0.6435446384326483	1.4455802815249688	-0.5431661617077835	2.2787886079988326	0.13490893377582952	1.2627201266045407	1.403689406148342	1.2239474397470662	0.9520868286123362	-0.4539467908437067	-0.03416441338434603	-0.8795552599479753	-2.7919109007002088
+0.5033954659077959	-0.8055111698492576	-1.3128570040814527	-2.354243115398951	-0.5641903582328863	1.984073387336747	3.7124042370675285	-0.24856569848440405	-0.3908643484827116	1.7139085093179516	2.5809867601708483	-0.4667472532409632	0.38591503656747794	-0.8069594808045837	-0.7774982878506045	0.6751392359483327	0.9123852674861958	-1.2610290716249144	1.337052505371117	-2.3830718448576365
+0.8718376397421419	0.6775229227681394	0.3295413094937147	1.5257614168437887	-1.356873960965865	1.7007501238723313	3.395524812600126	0.16622779435235685	-0.3041952141299466	0.13646525130838577	2.331653669723964	0.9751851967972089	1.06618589388962	0.73790820391218	0.09289036956604112	0.9704000891940904	0.5421091095293874	0.42441476628649066	0.8185435767864992	-2.1724702004505785
+-0.3630899481554348	0.7657042055696669	1.494190692140118	0.4430322775478667	-0.9623479153162574	2.0097788019577516	5.163770296806747	-1.4826918214825986	-0.11423962529062212	-0.025648528648750658	3.399307615776792	1.2663155689313237	-0.3501081931093722	-0.6506901993388245	0.39452655189835084	-0.21024089857253242	-0.6622335369221916	0.1764273363447479	-1.1844349427480363	-3.2671430577866505
+-0.1035491871101012	1.7281594736206258	2.002064783705441	-0.13984685642494113	-1.6662891057364775	1.0504030358920957	2.555165238853082	0.04334486673571123	0.5041084321970939	0.7417643192265909	0.8545366340152005	-0.6726273930851234	1.3609992023086295	-0.5348429418121006	0.5721882580707846	-1.0905176775634728	0.4618838974959317	2.5504476744083697	-1.0404624475929458	-2.3994458038467665
+1.1273957835773392	-0.16570463017419002	0.268044199790167	-0.6061383168821821	1.120755457390718	2.2851199317853665	5.232738224848175	0.17399935651565387	-0.5798426077103686	-1.3723727154915153	3.504966576137144	-0.026222768758817957	-1.0426531629501894	0.37570531998390183	0.49619925790306496	0.39809937807838525	1.458315409647735	0.8409334282471755	-0.7048314136082275	-3.3292663553445556
+0.05343846656633279	-0.33632174783064356	-1.4922247715405275	1.163878903054141	-0.6344532935099135	3.143252889161575	2.443227232843667	-0.3037236573023205	-1.3574074082550882	0.3944751307668178	2.942113620994244	1.8538160078930586	-0.7026879635515185	-1.0166919779324013	-0.03399936153428743	-1.2118416600755175	0.28149070476997223	-1.1513159232664771	0.7806130817069888	-0.9663831812133032
+-0.6636777093724279	0.6097320173784144	1.324356959791675	0.8359548089630419	0.15768221765960322	2.24839981847845	3.982814285284842	-0.4940839846094395	0.44230288220745817	0.9655012847991775	2.9905679844023867	0.11157439172733111	1.9645540957227288	0.7549109973727394	0.27995425379026123	0.5895121330726366	1.556613227776507	1.140543823178324	-0.1796825379233944	-2.3873341306256135
+-0.614729537917447	0.19146837341346215	-1.2913729399367815	1.7078651661242286	-0.8699432253319973	1.603270451228559	4.410657556827813	-0.8975866343571094	-1.030264969967855	-0.5381439014141097	2.6329320163550687	-0.19993548286578688	1.3606292668710889	-0.08965598150821463	-0.1285417755022696	0.5926443766325047	-0.4389915225827188	-1.6056899507032996	0.022136100096261206	-3.0072604017607585
+-0.35340846164188144	-1.4154505748777673	0.5596772281483756	0.7035929818083434	-0.21753369529226474	3.0346103629958545	2.8077843256459865	-0.2875277608993955	0.16051508470306242	-0.7822606326669176	2.869420603313696	0.18336237729155536	0.3503413151570071	-2.2146739376099913	-0.9514113233730447	-2.1362745378306696	0.009848859271095953	-0.0041475379806335914	-0.7787365811695839	-1.4116223753683705
+0.6585291602933541	-0.43410453904923013	-0.338458522063375	0.6859692521826731	-0.03749657703273569	0.7440419920955434	7.639137439046159	0.6562621281468585	0.08859781118211603	1.2300541513475132	3.8551681432662894	1.8441101182989081	2.3064439700702817	0.5259427065567346	1.5158548509002345	-1.2559031577031372	0.480701819651685	0.6624489043654656	-1.2603453806648006	-5.253590879253102
+-0.2591798346564017	0.7762873046906557	1.6347945472621304	-0.7187123290984577	0.26093698105771296	2.0590331753630093	0.3371361983486265	1.7494711751275687	0.38935134742277727	-1.2357727407469972	0.48727843365314416	1.3718238581239808	0.7823767889933477	0.2337356257106217	0.659067780479267	-0.7537640425739309	-0.4772899329809797	0.021669907406565082	1.1569242667553794	-0.5438428459905889
+0.06866603744714529	-0.26346364253159305	-0.13189749165518277	0.6531862599096141	-0.5020506768133698	2.1299282146645817	1.8617698078622402	-0.22574254071723993	-0.5196381320454121	0.4630201498079319	1.5495319617611132	-1.2908858921242479	1.0419113635496824	-1.1709573191924714	-0.2862416481535068	0.17206397475354887	-0.9112945963318957	0.2278046106804231	-0.9293990759304724	-1.2980874885817362
+0.8443999545108608	-0.9582609932131453	-1.2784867051471982	0.35035780617782236	0.39813320821689346	1.7973546036692893	4.694035613841032	-0.13656810995458668	0.12138392589876167	-1.2797625292177301	3.2978323064146973	-1.165011145685445	2.5199394829250545	0.955282238164183	0.3180940242821031	2.0749834647867993	0.7244054683992351	-1.8107710448519876	-0.015732563563592112	-2.7687713072629756
+0.03066182760641518	-0.480753645343969	-0.21708013055300726	0.7365206622202892	-0.9733138013767817	2.7814368870174198	0.0814281223482991	-1.8536313075349184	0.8365034898469558	-0.3780092101528741	1.1488253255970005	0.7584329587691614	-0.16966689756820957	-0.538104424489849	-0.6476891994926868	0.11925069613399565	-1.4822439625395039	0.6736294194286171	0.6847974062585389	0.1405402842878276
+-0.5568392699632165	1.7177777986108547	0.26188557099361937	-0.3535108506422352	-0.8242805368494927	1.7348605377820554	4.822163880694091	-0.37001791422321073	-0.8891456703337479	-0.8221269602822942	2.939419428362877	0.017620885511955432	0.6884349732173668	1.7098829480128357	0.9706348252174551	-0.39669596128410695	-1.510374923832186	0.40336974885825944	0.7458701101232638	-3.226133733743387
+-0.6226889152822709	0.550803553684379	-0.024723995267758883	3.0474300010955115	0.7728599919802949	2.508500240805923	2.275987391123806	0.07878101205842962	-0.2321998429272392	0.27187052783958404	1.9599140444685579	-0.5831424355782268	0.9644901775113173	0.126881538090106	0.8048452472249035	1.191603740030078	1.5240628059980084	1.1989361036763444	-0.08690326511012564	-1.4976504448656964
+-0.06444392858273763	1.871585571783054	0.04563918243769767	0.9642102586697369	0.4033706637398818	0.3360788679768012	1.527406848398566	-0.5094445907792163	0.7096897351390229	0.2794713400460773	-0.7781955878270437	0.9278857805414321	-0.29039612866857867	0.9743974024237188	-0.7992688463923856	-1.5344521043018122	-0.7341240158319564	1.4337543413363052	0.8315047535722693	-2.540386593751513
+0.6789739501996778	1.1416273762784184	1.924159291878566	-0.5242014936055541	0.5633755766457473	2.609619819353753	4.469923745854042	-1.2324062314165813	0.2842180660922226	1.0146072445109209	3.5190676990245184	1.4677494914177995	0.2663714585981554	-0.10324822913979724	-0.4971527782041585	0.45030829795275285	0.32837319792321473	-1.6757757328714173	0.08822485747532637	-2.554426726342216
+0.7686158678728096	0.4927645670008814	-0.42781722204253375	0.10267678044053992	0.8767453063169729	3.961045379072452	2.511191222158499	-0.3017605393130381	-0.6799933500300835	0.09537604015163328	3.7920661918162333	-0.5234868489101092	-0.1168842074667231	0.3972114164115965	0.3576015619159449	-1.6466774757263503	1.499172031143971	-0.4027193274717641	0.157080959737042	-0.5004829167192113
+1.521281862758885	-0.2721628488030696	0.6653262289631977	-1.0904064343931499	-2.221059583625352	1.990988745213429	2.662276304383417	1.2594200235980053	-1.1841270607065244	1.5192943789048878	1.7697170048550295	-1.181175378412508	-0.14910215125196682	0.5493634954426062	-0.6321766258572109	-1.4694962371000255	0.6232610864107102	-1.2185498341579513	-1.3424355868327775	-1.9539329257799638
+0.2791850281663797	0.12853725688338968	-0.28545985115681316	-1.1130922801587513	1.453599883792357	1.9092207180532592	4.964613254153322	0.57290032827181	-1.0400400236156364	-1.857680744050084	3.1412592553876335	1.3244591922049573	-0.4747793591655684	0.5921850313211542	-1.2003493615565233	1.0010025487342271	-0.4611680615535708	-0.496572519728438	0.13427798165217592	-3.2517636320841214
+-0.18153304116602087	-1.6891302761640212	-1.7210618707130352	0.4035085336551342	-0.7903786528656707	2.0452119006560223	0.7095472630219429	0.2917699302066243	-1.0162746748574556	1.1993902902154265	0.7432819253515135	-0.9163995480320978	1.429444131209781	-0.04476940708858421	0.5140722964432515	-0.6931957970624721	1.2335532877723585	-0.1542339908338252	-0.7978523835863003	-0.7219783052976696
+1.3938993939433983	2.0510986373979505	0.03803516857695638	-0.6655450120632206	-0.23265547938315098	3.240794223872642	1.7364076482588184	-0.9833501339653251	0.39490023262167817	0.9268380772373078	2.633372285433938	-1.3937374216980214	0.26259103262907485	-0.06104295518004734	-0.15146935389638788	1.05739806869583	0.5488419438992468	0.6705518106586442	0.12274619415784051	-0.48561633543866956
+0.2778464711492101	0.6591089314741738	-1.2520467493046588	1.7297394630819667	0.9151442695497782	1.2503977171179792	3.356222251008603	0.006853174228663374	1.1670719699117964	-0.4341071714125514	1.3605608207299955	0.08446342435428636	0.5880124895188605	-0.17486157338649533	0.4825348672723966	-0.17728227351902845	0.4421225774959192	1.0149291525106503	-1.1699149111329459	-2.8925983280742398
+-0.05203215942393847	-0.3091953812872161	1.6703570366486318	0.7096571343332749	-1.9646364696902001	2.104523865905882	1.5792840675716273	-0.80205459621812	-0.6789389204053137	0.002173560770872007	1.325841038583107	0.4123497112908414	-1.365765991366901	-0.1891905590742081	0.36746062892575587	1.821262796309193	-0.5185148799346501	-0.7121301901741472	-0.4252572671256069	-1.179552911754898
+0.4276936108816017	-0.941381928126349	-1.812397539423608	0.17863431717807204	-1.971668852132766	2.407450006286576	2.9937967755848893	0.6693897477222533	-0.39110172534958404	0.3394291000215264	2.4335282433195395	0.1293309574566157	-1.281580221093997	0.5693241925907302	-0.06470943737392296	-0.641827626775341	-0.3784272543217646	-0.5210090850488098	0.6341058777248818	-1.8371126051178457
+0.8323752589511969	0.9198876202908262	1.71564583731071	-2.097454356449989	1.040322737999199	2.985646107143695	2.5779094964118707	-1.0431908161146326	0.49704775519435546	-0.4093546115246626	3.0438859187074288	-0.8064575082996426	-0.21412945490502075	0.6455416673097428	-0.45458397554389374	0.7812002900053857	1.085951757885085	-0.4609287456202755	2.4205301518195266	-0.9766890655523457
+0.838589181932876	-0.27079831798614273	0.860075294290476	-0.68040284991987	-2.0673218266201463	1.6346046990917507	2.272323802029761	-0.3321222280602771	0.2327121950853755	-1.4213927154568395	1.0631039485819196	-1.6549092199604076	0.07300786390352497	1.074132524600872	0.5395990804630169	1.016075860611816	1.9133158370757357	0.7916213761051947	0.028396403029722364	-2.0625494300123286
+-0.4188373448546324	1.0370272719126579	0.947879494300537	-0.747801713329183	-0.23429974707535375	1.738523134860563	7.436063128686274	0.42763061512577366	0.21292592132776947	0.8519777349618294	4.712785290001396	-2.1062924527135385	1.1603181901263637	0.839474355139654	1.379704484382984	-0.08038264543191641	0.43632046214572323	-0.3933055978775116	-1.023339368549263	-4.528270077767919
+-1.018851012179135	-0.9343972193502801	0.9654815936222505	-0.19838080455638696	0.6857634270277421	1.6224942977837893	4.249769193656595	1.2901505004904958	-0.09025869011375127	0.775775384236071	2.5145485034234842	0.04512694715463794	0.607172251891146	-0.43519600948236975	0.23143516569095887	2.171675496039189	0.5812111291243358	1.3412096378387637	0.3930201053709436	-2.941470676426481
+0.5024432722662603	-0.3170695459005996	-1.0507511003560002	-0.595819030675119	0.6106401208660948	2.7029014785822465	2.6384527262016633	0.545716995784472	-0.43752534303541213	-0.43945928004309415	2.5648588999517994	-0.4126248045679567	-1.3251054188486961	-0.5541094379560182	0.5616157741490085	0.0033106255017113723	-1.2427924338981253	2.3789672622442457	-0.15376765613398435	-1.4037945706692843
+1.6263349720322593	-0.11080936592039041	-0.4312777285345387	-1.04210178423783	0.6739443016965623	3.095844299799279	2.1814137719547144	-0.030309730562406656	-0.47637662440359385	-1.3349642335058616	2.7701885007832865	-0.5018340585555352	0.29233474998994285	-1.6378259766483918	0.36230592008887424	-0.8660889588183064	-1.9948653056154153	1.17968430697662	1.1465112254913645	-0.8166235250342249
+-0.46270505111043375	-0.051916069304480124	-1.9579303604157956	-1.4297838838157428	-0.08699022678298668	1.6053334733726325	1.9340641473991882	-1.3951535016174204	0.4009804480704179	-1.2810276781007839	1.0499150207454488	-1.6783387738430426	-0.5616237464683679	-1.5078865571242706	0.9281438948132863	-0.8667883897279568	-0.33553480609337205	-1.149694701378354	0.869683561164043	-1.6852008096741484
+-1.0117272215058968	0.6860718716122916	0.9836843278364427	1.8475899959663904	-0.48250276493116306	2.4462848864822253	2.8806371254272083	-1.2133339222701702	-1.4555044828186585	0.9207314458156891	2.317003853013272	-0.7347110365979591	0.036369961659607625	-1.0704815176958498	-0.4534585995504072	-0.39636773885880466	0.028933544944094617	0.853805133360757	-1.360774769066178	-1.8291955769662054
+-0.40927284409171427	0.695541270383399	-0.9251354187942042	0.46052395677303976	-0.7546987539601194	1.7222365088494678	5.083681914222991	-1.1754685333643666	-0.007734582249153796	-0.5320256739788822	3.1435767564611936	-0.5179996616952594	0.5491430276617395	1.7102786994640697	-1.8912837665617306	0.10603577644695292	-0.21463627393338558	-0.293910449472995	-1.5248632263031539	-3.327780321134841
+2.601279838480613	-0.22292135030624036	-0.007380764269103167	-0.1398576407584887	0.9935127984372908	3.1254259788666423	2.3684619326235037	-0.45367207568622986	-1.0654885935435199	-1.1989898296273265	2.93576739663758	1.650568675318627	0.23402846248466727	-0.7619078375693511	-0.7655393783346462	0.7409562050810378	-0.35031567709955913	-1.1575552771952822	-0.45501367376686036	-0.8827600174522074
+-0.8464479625652498	0.24403977455962936	1.0620206551543867	-0.9569459722034078	1.0199969028460156	2.079582676478854	1.5925127902571172	1.4089925554176155	-0.725477757515927	0.2849772727041869	1.2187612467122553	1.0150753121482787	-0.9367398810708287	0.9817122720517615	0.22434712483600308	0.4713701853367609	0.4409113010793254	-0.35821031801009523	-1.1104859478717637	-1.2861187234971778
+0.6047497904207736	-1.3000057865886792	-0.30398900557740566	1.6967968864428324	0.41093171948017476	2.323639639465794	-0.6507001750121015	-0.04217025549201341	0.20065479534400707	-1.0780937505960195	-2.711432323986421	0.14656801262213603	0.5572462556408848	-0.2578403261778948	0.40804474385263156	0.14432071871450497	0.12467571555672453	-1.6797399528794326	0.375628766765078	-2.471979950148262
+0.1025284847407583	-2.655435202533781	-0.71518541502396	-1.1404916299860086	1.1910205067228126	2.1131536251796614	2.9349032443668133	-1.2362775613386645	-0.05861748263617049	-0.12932403608468457	2.217536166240706	-1.19338504289619	0.08517274490563755	0.8749991601378865	0.03823939811250166	0.7007347847223218	0.6221756436475849	-1.9582697041316883	0.1486878915218063	-1.8828047461722934
+-1.785494148707842	1.3285224891343512	-0.5279590208716799	2.6751675688193854	1.5490279490427394	1.9850254692433154	-0.45387054941240884	0.2596309736678987	0.1769080847916054	0.2504311940060068	-0.03754622317067513	-2.2382627787119773	0.37993032097781315	1.0271276164050467	-0.8246136050829563	0.41276474787631523	-0.34515534022029715	0.8158793586435744	-0.061216117948957045	-0.11706301505657657
+-0.005284295193088592	-0.07419128363937132	0.30155903226578823	0.7703266464499491	0.5774961995598239	2.2650900566834693	2.712033319874392	-0.2197482060664983	-1.4953747859129303	1.2409781989422282	2.304461953350486	-1.1933204764863599	-0.15987947592437993	-1.3155943824892373	2.03081724230452	-2.7667172873258297	-0.3974004151271982	-1.041235218725304	0.6906336920740085	-1.5968392965850708
+-1.2366202930402155	0.6438478848350571	-1.3584702727362294	-1.1540851572022714	0.3236682878165681	1.6788835477310724	-0.05167050970699549	-0.5039098269480742	-1.4720551484197901	-0.17894410540739125	-0.43697215892493313	-1.4959600908507622	2.011551964626398	-0.6559099171314278	-0.06773878996324438	1.700348644940961	-0.44302389635619627	2.6341920947988338	-0.40654881568732854	-0.8481205788472577
+-0.7270590165486067	-1.993984339812711	-0.8131404095242811	-1.7406298117954244	-0.8309427101365122	0.4733058637092207	-0.7431041668983949	0.277722313281924	0.7670198255983852	0.633890909004301	-1.949002179847341	-0.06437401206065406	0.5775351350227779	-1.2731019278971343	1.6710399600893209	-2.794439454452689	1.0582902522856223	0.15907026398896715	0.11140181058545491	-1.1091328236804252
+-0.8983199726078809	0.6875679860327243	0.4379809168039516	-0.33726444707878106	1.1107162675999063	2.738084321744025	0.33415318944188943	-0.8871470832472127	0.30193335807188104	-1.581050894173058	0.848632195791031	-0.044266817976806316	0.08378247673725185	1.9566875413996867	-1.5313148536222791	-0.9506238675766625	-1.0097978301438961	1.5797446875566525	1.1910335316667802	-0.4089170422874009
+0.30174515097219756	-0.38545122410863125	2.4650464461327997	1.2703753840941219	-0.3972497650115369	2.89817535269066	4.5793189725524535	-0.9350646544759874	1.9819233058926493	-1.8549594743104107	4.0287118896029845	-0.5087420706410128	1.2849715850410157	0.3082381560545429	-1.5498378996389057	-0.0628960695240709	1.959502834546713	0.6944966895552023	-0.600165722278339	-2.29202981528538
+1.194117898675278	1.3203361460291785	0.9330324989253637	0.9204467580230075	1.9139562206877043	2.0698727554068905	0.6658164494690632	1.1350197080630593	-1.5654922056525824	-0.5522329731917909	0.6628409499414403	-0.10904349197007504	-0.5042899345153676	-1.2833018812979013	-1.2773962771782734	0.34037339210135537	-1.0587406722483097	0.21920375248891658	0.3303470857952149	-0.7545838243561365
+-1.1833216641221993	0.5459231627994967	0.07064780256505823	1.1931070513619866	-0.022338644824062177	2.1304748948102827	3.4419683184530743	0.4221405807258909	-0.39965204727182	0.18550343731278768	2.6636493577807094	-0.5346201033472257	0.8427030601696365	1.7475823049972792	0.9929257712049214	-0.05687681060186753	1.8169057722409085	0.29690187349367014	-1.0340311577686288	-2.045849364614192
+-0.3567159236604347	0.4778390934002922	-1.180881888309948	-0.3819794080908899	-0.5893609788984335	2.298121263349495	3.312961699279363	1.2295299738132672	1.3375589945577444	-0.12971043505621385	2.5118692567781653	-0.2869661579405015	1.1046803526950393	-0.02150358516659223	-0.1293945281278592	0.10438670995938429	-1.0321636447240388	-0.9880797094573126	0.5797093424210948	-2.09122747777658
+1.683290241268913	1.391409991488713	1.5252877447563458	0.6004913757218563	-0.6666893200514004	-0.7058218845133997	-0.5434090680422664	-0.3522415300261075	0.2711495250188863	0.844692507210522	-0.7993570245738351	-1.7087545819846852	-0.3164948996100411	-0.6454612002149877	-0.29196744552320886	0.8926132247871932	-0.044693766069247416	0.2676790004760459	-0.8181839588411116	0.08272461059141811
+-0.10330369527608499	-0.6268306779256173	1.2205480887821962	0.9640461243017857	-1.0981469111738278	5.149645570130961	0.24087247340750095	-0.1983394117898782	-0.9865859409799932	-0.40919332939114916	-2.0376998977825918	0.6037234326472765	0.022807240108352174	1.0530212119851892	-0.6355963589060236	0.18216916909793385	-1.3822307813458767	-0.008491407317447595	-0.21642080426289984	-3.6966225658322385
+0.2810986818772717	-1.284028960385019	0.3476131410696118	-1.1138388818525888	-2.19537458396533	1.4861426623615641	3.4894771637647093	-0.021780618790178313	0.8549539239228833	-0.8104175518521606	1.9960792920761772	0.2544586378133393	0.1260327836512191	-0.9902093365889318	-0.5579015241854952	0.7697954734724988	0.9823693589233438	1.2382849247376286	-0.2647209214733634	-2.5247528978973515
+-0.08139741602298939	2.299234424009778	1.4948382841925754	0.759742216034274	0.6824008965864415	1.4755438784156545	5.342343634769698	-0.2196681066908892	-1.14839035144971	1.351041537084993	2.9909710239760363	0.039054489504306886	-0.8683618140030777	-1.8724663580563687	0.3225442488814973	-1.7794101337081674	-0.17301614606297372	-0.9271071512469928	0.14854695040529742	-3.686521943346972
+-2.0566470201273424	0.6522321673898922	-2.1916799060296563	-0.5007323083499854	-0.6406026908296573	1.441954804114003	2.8755194097529317	-0.6734775293759021	0.762670625587138	0.5020124075873403	1.4597787068260377	0.8702490196297611	-1.0805392396122608	-0.3251934363380442	-0.9547692662974372	-0.8492106639324543	1.2531320577384726	1.2920687987635875	-0.11048465443849932	-2.316829199461857
+-1.5328615176870268	1.2169605437157904	-0.49083334151230107	0.6121638161433741	-0.4652353221961043	1.4921871013903178	3.0619523313451937	0.939447704428967	0.7110329454551249	-1.2129265075543445	1.5306786813755893	0.39826594463912646	2.2850233704457383	0.09219919458273829	1.4885994216526002	-1.7253957245279279	0.5466117301709021	-0.6734976446827496	-1.349806589288676	-2.476092322203253
+-0.31913022391118473	0.25975975488053304	-0.5870711707328359	-0.9349744205872673	-1.4092898598212125	2.6733652175224742	1.441308661375765	-0.5485029211293957	0.3816496529517005	1.085778961585693	1.7002406854143652	0.269059515711073	-1.054984560235382	2.3872009688051823	-0.997668673645414	1.0723323563667293	0.022442067659465038	-2.2167785432315745	1.172444342748572	-0.8476382464364949
+-2.5618415630151516	-1.142937918731313	-0.6109026259761219	1.0470392091794285	0.6590753856991097	1.3063985166803644	4.181082459593609	-1.0599883793818587	1.3576235726011596	0.9788148416207925	2.1071792295600598	1.0512969900654132	-1.3700541400055817	-0.4362991525070591	-2.594721553964074	-0.13043045738868658	0.8880055493797212	-0.6088186487594294	0.3941354408497687	-3.146786604264186
+0.3692992324895649	-0.605651047436269	0.30286229539128245	-2.4949975072171253	-0.1751153855365943	0.7685657540910389	-0.30101201923077614	-0.7891102261737206	0.20608321181892922	0.21842393973781057	-1.5524261096350394	1.329638361440231	2.0310935556754313	1.4426464730774413	-1.8615069290650395	0.9636870184373171	0.617228580938192	-1.771931307726792	-0.9158632993732269	-1.3279577217839
+0.5833618502756229	1.9803476553023558	0.7362153315700787	-0.727516254601993	0.007596037769166722	2.358839208691481	1.6033958800823023	-0.5470476566480859	0.1524416265914658	0.8239554312118085	1.8115170209220106	0.034411082623233266	-1.1726416053173037	-0.3720127395623672	-0.7565662878298344	-0.5560623123890711	-0.2892577344933041	-0.6142295535806231	-1.0860886586005016	-0.8330994132885878
+1.1723319326247261	-1.348002333268632	1.102255569352498	0.21048987795263763	0.7552190298568585	2.322163933285033	2.282099733927104	0.6850546894988618	0.12259215642916667	0.8037865999399166	1.7420352057981248	-0.43907200416866116	0.6919692888632403	0.0205674402152309	-0.1039782187203247	0.30502318811479256	-0.09942667624830666	-0.2297847849155441	0.11296857183827337	-1.6505385030748871
+0.7608946490875592	0.17451707198561298	0.26645243460528395	0.41208689030495865	1.7863410944683387	1.6228812438519113	3.369522652431277	0.8276643883753844	-0.13252225175503518	-0.5688100536643096	2.1761477285173494	0.14074746655755174	1.633366568443561	-0.275690722926645	-0.7080215786593276	-0.38639810295840793	0.6784476457550095	0.941017725092418	-0.21127422035464316	-2.263881294985058
+-0.5555959266049059	0.901811341261968	0.8228399820025042	-0.4033951686615085	-1.779141903149668	2.134422219609	1.8933299992445367	-0.8884447099477784	0.9420555281633141	-1.8755453727109035	1.6494407830424436	0.6271885350563828	-1.1688346429409349	2.3193386754209273	1.3100830848177263	1.5553190633474525	-0.12306495807013179	-0.6561184971962708	-1.214703928490693	-1.2424719446096608
+1.434736696171178	0.7180908683386881	-1.111250715276349	0.6032664678913374	-1.6945438232526557	2.7243913848747865	3.478065256330881	1.3559159086303045	0.7795408285635743	0.7791293972233797	3.2281776620192293	-0.9403307484135359	-0.08409735504222991	0.2994402146069926	-0.18798105897024056	-0.4873943298236203	0.57392221055027	1.700695708769154	1.4801087017906358	-1.7413897388438528
+-0.632989637986975	-0.8916302568590228	-1.4855748497405912	0.6552494344189193	-0.8604714263757747	1.6471960108098525	2.428365019710531	1.2874781922579497	1.695625911148618	-0.5776827262115979	1.13062297570485	-0.18929037823128803	-0.11526192493702843	-0.9928446034112263	-0.5006247128792445	2.4234396372887517	0.6026951229548356	-2.322810044166204	-0.3504460875030854	-2.1794778591869153
+-0.762539079264614	2.3448516833388338	-0.3047785420925162	-0.0031155816161271936	1.2828863608229801	0.8189057448896555	1.5914694039261748	0.2958856116046954	-0.5076317520009277	-0.6632132658330571	-0.26543378086684033	0.9099655543823153	-0.47261303247863845	-0.8458139605716157	0.5108353518675851	0.04522025380636013	-0.7498307157093044	-0.8728998532852056	-0.6305402832474036	-2.282130764800372
+-0.24616937355123394	-1.4503203220545298	-1.3470991105933183	1.1946784639193542	0.7856624364727782	2.036422646970823	2.677170464216715	0.7361015400401276	0.18353100845882075	3.028026863632007	1.8555408256137196	0.04603387617929432	0.002061404099080999	0.6254466643481201	-1.587587267152933	1.0128933110465865	0.495142376067932	0.4950767848477774	-0.04594598506859876	-1.904829648804033
+-1.2275347948607858	1.3717723729208886	0.4340982375600173	0.00601958491061843	-0.6801431981733557	2.249018719542261	3.789584659854256	0.056189115722609505	-1.3803242034350578	-0.408101385442635	2.710877265944192	0.3425177784428977	-0.8363878090843762	-0.4757243322025422	-0.5420494734794098	1.1380643853506844	-0.09494704207799128	-0.053010989319220436	-1.3011438633645769	-2.428901749396804
+1.269168407340059	1.3696522534135722	0.1923464833808599	0.13477914838661614	-0.3548537968017637	1.7302695459623842	0.6995799181317361	-0.16564640638856887	1.4636306777839558	-0.16293924384872457	-0.06468608238603446	0.8791046358913516	0.7335477148383647	0.3096615221549914	1.0826826523525315	0.04396803631819266	0.03873845428677308	1.7386021884926375	-1.57836522531077	-1.364592047694599
+1.0035331234823706	1.6533732561447223	-1.4443289719194004	0.14646048830874273	1.2140022319155457	2.6843578040548164	2.860282912678083	-0.4991807978768485	-0.026128195303549723	0.9063098504612405	2.4615014962216675	0.7276625904058	-0.7095992872591429	-0.36042942699276903	0.39019144485405577	-1.1296614458189977	1.540332858470506	-0.7727913309488168	-0.13610624839635435	-1.743668144431092
+-0.2984991804837332	-1.6426421983629622	-1.0099344497295062	-0.20683063259480788	1.7371391385934105	1.9175803121382835	2.5305082449767884	0.6198917597202278	-0.5024984291905042	0.6767881974129	1.5691116709686161	-0.8206492678463314	-0.35119699167786794	1.0578552660085534	-1.0111524265487517	1.503872093145261	-0.7474037040854009	0.6582529782133406	0.7064620422956671	-1.9693568011538762
+0.8155347515034014	1.5359676922020387	-0.006581156638981026	0.08014674169330586	0.09221280771786952	1.9612217901420423	0.7936598399194466	0.2761683310422501	1.327350373643392	0.7529154139294673	0.5350082101484221	1.5059663373854055	-0.9440580723960716	-1.0834306241994516	-2.0929134532440283	0.3417290670236543	0.7261175522109186	-0.6887006406301462	1.4889444915856738	-0.9843749708609135
+1.590712591946866	0.0458448137767023	1.461251625275275	0.08355835172063117	-0.19516378350500116	1.9845087680788722	3.330000880918901	-0.9704577257549258	-0.4373212456894066	1.0795815100388715	2.0579150189956366	0.0012722768796864692	0.1658599786665992	-0.5404389554514174	0.8631598397814113	-1.3705737798300004	0.2996685790225976	0.2894984716839168	-0.1886474090535927	-2.436920280363811
+0.7790079720957943	-0.08879895959713145	2.4751302432608684	1.1634730890304426	-2.965061277220385	1.6368979524527285	1.171857064067209	0.8578913753079475	0.7569145214609329	0.5259308127601289	0.5657243057806787	0.366127009962066	-0.7941685971805807	0.1574057729743758	-0.3201879766046616	-0.529588356289408	0.32089693840780503	-1.280658529675866	0.6670692452769942	-1.284779793026221
+-0.2756752237582578	0.41161966275340467	-0.5070488596988124	-1.755725333568857	0.15703201110925621	2.396130891221492	1.190787134964292	-0.045309608525586104	-0.934530812706186	0.27573618211174944	0.9266871864867794	-0.9315301981264112	-1.3841307239694045	1.3121967478934886	-0.8930667986017299	0.27852337354750195	0.8601589763298696	1.6774253836693505	0.31907330811712936	-1.1988494874593458
+-1.6821910477852704	-1.8746943903369535	-0.7082099807192962	0.6424770253357462	-1.4930241252692575	1.5323561572500217	5.157924625818405	-1.1329502348192315	-0.398017648527865	0.1466380851540313	3.198645648143256	1.3274725467912363	0.8227256173171731	-0.6804253510184366	1.2103390308757045	-1.627809001686949	-1.478598643579263	-0.6161000134689709	1.4331569777605964	-3.3036330984815137
+0.012630809965772793	0.4112382078037832	-0.32524197522894777	1.8495994076277495	-1.3340753339338642	1.7934635857219308	3.083348366679176	-0.9948631153876137	-0.17292017680479674	0.19677213976107358	2.055802766112675	-0.09003963631381225	2.3155333921048067	-0.16141623576025102	1.32581202629688	0.5018275786888001	-1.9479525780361302	-2.1594618415551254	0.3133983248911552	-2.1040984030684777
+2.134026107981366	1.2683146608819396	3.3311931164385715	-0.4877744419137185	1.1010435735131885	1.421595213911772	1.8897310351522756	0.07090251852857649	-1.1571524565076565	1.6571103094275352	0.6349809749095592	-0.12317913668579608	0.1086301791515965	-0.463688003322472	-0.2219051735873101	0.18446910824646937	1.093355752677023	-0.4690659984810035	0.7706660653430607	-1.9644947483142157
+0.032676457194706	0.9195003005495186	-0.6004106895174112	-0.5181239866080637	-1.4880783527757413	1.7585987597374257	3.6167146719366867	-0.926745309364339	-0.3921938365425091	0.1945830780883252	2.016403873316207	-0.14655597584953794	-0.627578496212358	-1.9389816548790604	0.6385171780897303	0.8923649414899649	-1.7041866288604277	-0.4100670975168497	-0.8280861328188959	-2.730610131758933
+-1.4254316071365545	-1.4668916162782402	-0.6107770216120793	-0.5085226541777201	0.07412064265633588	1.9948679347123441	1.8963353488367671	-1.3332826570067284	-0.21364584172339768	-0.26986629781470056	1.3545504943558462	-1.107821363381043	-0.04420706714912589	-0.12922400021134883	0.9614038373444088	-0.33159602386602127	-1.0320265682818657	-0.7638005088687775	-0.7382624865012651	-1.4771360303995889
+-0.14270959047266035	0.26002352677941537	0.607860280935106	-0.7830316847928788	-0.014951240110465376	2.5894816308901185	3.022680119983818	0.2272465522519733	-0.5571925781703636	1.3711606329127388	2.375474052944191	0.7503329690202869	0.7459191531425254	0.21416019082258264	1.2381482640824273	0.3658327962385043	-0.6053334959000413	-0.8295332258863574	0.31201604998189614	-1.9777760413023822
+0.07256206917206026	-0.6098693197497123	0.6617912616239641	0.901989405085049	-1.1029407287954514	1.3603897593625711	4.3164730532187106	-1.2324688332575495	1.489308106864288	1.3551119989012765	2.4146394805760325	0.0062841020135916284	-0.1628288239690072	0.013084316040596561	1.7457283872001668	-0.2188235386717719	-0.857921515068338	1.7470398074844475	-0.2259335866992599	-3.0307186048066703
+0.03828523975918534	2.30499737232678	-0.6651482359254142	0.012545139769640178	-0.5144692453987985	2.048195179334697	3.3523902829010925	-0.23722744724856937	-2.6493908303405975	1.2201386759241357	2.675540995473468	-0.8340407633471549	-1.0654280177290398	-0.8812721591942397	-0.828611838433189	0.6948455944140072	0.071208413280071	1.4072169241004653	-0.772700476632655	-1.9094036291800578
+-1.0232962736455569	-0.18799915320323848	0.6151870012560637	-0.4474015023984131	0.38700583505674924	2.294323923622892	1.2734140162014849	0.10547621246948616	-0.537434974384953	-1.1083898654278426	1.2448888990757765	-0.24250817433427121	0.5764992669017571	2.3161115016707776	-1.620526925478404	2.4850274824760548	0.4378403730557297	0.6406497706746266	0.10389167323389428	-0.9668731195070717
+0.021749848136393888	0.39221750289135876	1.2961219606627064	-1.6346336591877693	-0.41753789001767216	2.4259633567391456	1.5024932510585813	2.02176973735554	-0.6112274230823096	-0.07029272658209117	1.3904530922092913	-0.9111722704560431	0.5846479793633218	-1.0769811251192933	0.25464045788395456	0.133007999966388	0.6993297563444039	1.7870777602593393	0.20264116998128803	-1.1293582936597966
+-0.06484486298879133	-1.5864734760487462	-0.511520346292638	1.1064029476089237	-0.3511349722987396	2.250134642602197	4.188547637892629	-0.5098243827267152	0.30607315761138226	-1.0106705965669933	2.9518597344888327	-0.5037623840103496	0.9652636990529554	0.43024774390807763	0.19531270812485169	0.23289404572706077	0.7434433203778102	-0.12177349979341139	1.0156580834208304	-2.655298877526027
+-0.4021626827180369	0.7286047849136271	0.6466684469750896	0.47560382586489036	-0.27019134562365177	2.1340795924024216	2.4315487533010547	-0.48734015940672054	0.3483736237236339	-0.44143777122060257	1.8885786000020228	-0.9991793541805599	-2.3431040952821807	0.06612147043908788	-0.20364398811713874	-0.6713680848812348	0.5838876901550442	-0.2526077487471815	-0.08911005004438052	-1.6269137125259858
+-0.17563575840889348	0.6584446923721584	-1.870437866164478	-0.9975534249945348	1.4782350337374022	3.3398341834271132	1.5742377095356357	0.238205443398017	-0.5770432936586664	0.6822205102977827	2.797055448995223	-0.18814049391171683	-0.5134348066541328	-0.9734964693829805	0.6822600120854664	-2.2118928487689	-1.253185405850127	0.1683818756776064	-1.3276881164973087	-0.18112029964138876
+-0.6912590099100736	0.6609525791866946	-0.918988675517003	0.6036688884208299	-1.1428652314988472	1.2262821809910056	2.0169245896909054	2.8022165992553543	-0.7381810651751289	-0.11392393075770119	0.5833692106099575	1.5556725387757264	-1.7509143810133536	0.710401684020095	1.4807152863659045	-0.20912313556427706	1.1616873088629838	-2.3654615113387853	-0.7922804072524127	-2.097093199529288
+1.6155658325809097	0.1749087416499398	0.9896888265176418	-2.504906090816109	1.2224459502342022	1.4167313009951907	3.325951912044702	-0.4593516290653921	0.25754215751679005	-0.4830707217677706	1.7656488968139545	-0.4882724167439496	-0.5485300390904639	0.9813148270236494	0.8873636063532481	0.007630859397540299	-0.12848236860938253	0.3522269089272165	-0.10248539229866435	-2.5332294565549254
+0.4166127968184379	-0.2403399965893478	0.693368635020572	0.248454743420721	0.4614387230300682	1.3431192552712483	4.51147546910666	-1.4785614363301918	0.6774870096642	-0.512759517574491	2.485984544128798	-0.9848453373424392	-0.8071040776278213	-1.138783592733058	0.06829399701955205	-0.05089042618174734	-1.141187264249916	-0.23527356483335016	0.49331360093087273	-3.1790424527846923
+1.5746482836909124	-0.3765617557956756	-0.9610392378006045	1.264408422374557	-0.5491781603221076	2.2665066614534264	1.0222595580799438	-0.424187237968946	0.9198666460120026	-0.25166243876147576	0.9188187110465917	-0.8694720892514489	1.3500590081714554	-0.8683763001108192	0.2058737275579564	-1.4330188879819394	-0.554765935438242	0.2592005143859049	-0.36088641920837594	-0.9776656947157365
+0.6391470750630938	-1.5775820786944088	1.3439579175529768	0.15473836034279861	0.28071593776693504	1.8627205136906728	0.16974963162619777	-0.9402688934924027	-1.036472803931309	-0.4777234600116845	0.11056994730080016	-0.4655730994583234	-0.08140393032701232	-0.33635986625208625	-0.30679826332827764	0.8712688530102753	0.554635107787884	1.2265231446340064	2.208724567176668	-0.6454595218574328
+0.06290835883439318	0.12173385812977369	0.41292418105979495	1.6106133274342145	1.247872643994745	2.5984665647507645	5.072221706621566	-0.10205461453385213	0.3600092418229811	1.0146186712456	3.9643341842454896	-1.6770453937112855	-1.227359589872202	-0.8533478927675883	-0.5287898592040687	-0.6149884433068177	0.388525351413179	0.3295868873379104	0.1449787027956597	-2.816957259715146
+0.725757653030881	-0.9509651252887482	-0.18579693868751318	-1.0305740047589904	1.1240566263867124	1.273071625149838	3.1129128522474234	-1.5691191532401652	0.5561510648555409	-0.21499638106350946	1.2534266193567063	0.4412056513093408	-0.027986703416406883	0.337994718287937	-0.17859978404849478	1.8834780320248623	0.8894526072860123	0.895653615536447	-0.43296826967642243	-2.7246370110491704
+-1.2010699994595064	-1.8698603176049986	-0.6812404649329873	-0.3142404431267331	0.841067143981216	1.8458741296989076	3.9712937354344673	-0.7989045351042543	-0.9463825744461307	0.578543653560004	2.3544540676819703	-0.7100444568673048	-0.9795043786700394	-0.26014968313349635	-0.043481368048318224	-0.7991429751643763	0.8385456232546127	1.1526387837458452	0.6156800055440547	-2.8429321352466603
+0.058132510739954735	-0.4293659191730406	2.5722605642801835	-1.3396713047182542	0.6070628353930587	1.6044980841650363	3.1905491230796104	1.2934875344938386	-0.1425530979451835	1.3281086938411146	1.949006502647802	-1.7242495240721114	-0.713812151267242	-2.1668744712062376	1.430398112360383	-1.2641815787588329	0.6333998522189861	-0.007128422820397695	0.94285784332821	-2.2671723332905747
+0.313186609368111	-1.0584422320506943	-0.38716115816470914	0.933603636247654	2.276463292630465	2.1765625432936164	2.914496625932917	1.2414986826973946	-0.45010353680108256	1.433260966068766	2.3254904701770314	-0.45411451133788366	-0.1290718471108637	0.960231828161047	0.5899050485293155	-0.6879902657174161	1.2146671337903454	-0.6492064116521465	-0.9217649736027731	-1.778845488614689
+-1.802779874297435	0.4739131172088667	0.588287484248143	-0.17679622688560145	-1.0379381331007251	1.863771146520504	1.5362319863225848	-2.4203027811316447	0.43262227408664167	0.6002322205808268	1.1069945889011747	0.23352374455863242	-0.04728318893665933	-1.8637614728240097	0.061502658839190816	-0.4561027784341833	0.5416441817692238	1.5556234254205492	-1.0133000372245216	-1.2617243056715277
+1.06963801217404	0.11487403241547238	0.38580446246198885	0.7731652516868915	-1.1304449817915037	1.3230566380330306	3.0455066223221126	0.6936090260191082	0.666456768796761	-0.27161414329371936	1.2132255640849179	-1.7139681687971506	0.48802068461090886	0.8247769805975845	-0.7774365137662612	-0.1584602045263796	-0.6806909088937353	0.7507623379147603	-0.021122733836890742	-2.7009062340114967
+0.43314196004645134	1.183182645004714	-1.874985893828627	1.2297778703293696	-0.0022111557262277956	1.3495066430409666	3.6693602879930562	-1.043018449780227	-1.4731645596768688	0.3218398595528051	1.8152620685800913	-1.0557021561152957	-0.13432468819614926	-1.456763287953568	-1.2825252273977652	0.5223526084013664	1.9233850065431957	-0.7274829537660861	-0.5626200239626561	-2.853815426096259
+0.3941955631644271	-0.18512202015007356	-0.09010109211279577	0.09204928175413185	-0.3957508606532468	2.2280670166468064	1.2041662485478422	-0.20718597146390416	2.4046716402728343	-1.5354757708094928	1.0005974424414454	0.8239382161535445	0.8175289422863223	2.0216544829015066	-0.912446166051401	-0.37481629129781663	-1.6265028765143565	-1.042821565021852	-1.8475907619435508	-1.0952608406895796
+-0.22544885082470298	0.06386315231614687	1.5726172010695427	-0.0669182447638599	0.4369949314485657	2.5178682850555103	3.0565508749907764	0.3170541729217119	0.08634170038787475	-0.38899542177115026	2.4796185349702475	-0.31034690027284767	-0.031686589679618925	0.85334775187858	0.7333284575899439	0.17063463003981263	-1.1068647111475776	0.619127855804522	-1.8731730602341052	-1.8980942590639058
+0.6506067755906946	1.3415302554218027	2.368334439750456	0.4580119095867352	-0.21957818166400656	1.108954186990041	5.43980547541718	0.38170902575566973	0.2861184902938498	0.3840164553497353	3.081148059619486	-0.06322676767086638	0.5286415269251237	0.11703840692229225	0.46653684051065464	-0.5743658787868358	1.5424255640970015	-1.63855311094584	-0.7534488751797914	-3.603200368944491
+1.4344974274755478	-0.08172393524892987	0.2922140069549707	0.22831410851049896	0.460794537423988	1.9558651527541449	3.251285532410523	0.3899963212488138	-0.05597983647818918	0.41228101658043115	2.2060907120025925	1.99149733633157	0.35535537395976474	2.015641813918009	-1.406539783010405	-0.1606372806776499	1.046332405620784	0.08210196863489966	-1.1289823517594137	-2.202571393557174
+-1.0882466148942516	-0.7329848370896312	1.1098239212161356	0.7117113559102838	0.3781866514894133	1.8135678387063072	2.2396886264659477	-1.0031685166694686	0.5183814891205183	-1.930593596822645	1.1642819364051449	-0.06822044791894688	-1.2775670598474242	-0.03490649660074342	0.36382840030373176	-0.7446904022169872	-1.1117153671260604	-1.2833885947846855	1.7691564863595177	-1.9856323575658883
+-0.051010026264645104	0.6275704061705466	-0.6022927822437075	1.4613706419487948	-1.1777684701300584	2.3915954170987948	1.2643248145128831	0.0614097626672117	-1.2413682948647629	0.18604885307542943	1.547388157878695	-0.2833704427129832	2.1537893796620056	-0.598755841596727	-0.2073517024347199	-0.06395268373838488	-0.5075778705363709	0.9513935384131776	-1.4799894171982402	-0.7056788705268879
+-0.11869898362467479	1.7836421698313514	-0.7750775352454679	-1.6293416755674714	-0.6843986506548367	1.677272166763645	5.61626113564464	0.2921048965669931	-0.03311146686259204	-0.20216240643483607	3.174632106697607	1.3260918422916352	-1.4169867073972098	1.1177286442516994	1.144226101377356	2.2927637054906245	-1.1696635334539613	0.9572219962948342	-0.9926026254824301	-3.88516570201557
+-0.5500510601200493	0.5284765375580582	-0.04667646776560313	0.45882304818151665	-0.39972760513262984	1.3145619118510279	3.8685946361041603	-0.6400246629512608	-1.2694179956000293	-0.015966426406102595	1.9329699764458659	-0.6762506025982987	-0.2873256184704967	1.534411795719368	0.10044962545885514	0.8304616343673373	-0.08848777205738576	0.29037006483676153	-0.5926980498319211	-2.9587016143577194
+-1.2478591777833217	-5.529383677620593e-05	-0.4474189793203394	0.12489093975560525	-1.5512330526708145	1.568566197355096	2.3534660230177114	-0.011753304801995199	-0.3033449993207853	-0.6535642471237213	1.4975745462525434	-0.26760693408768615	0.30595386015448756	0.024570087742480037	1.2940424195105293	0.60425630627991	0.06715866470075975	-0.2796629524483194	-0.08689175775262101	-1.7319579374858676
+0.769368091793121	0.042252199267129815	0.9205787331784339	1.2609933412881686	-0.9009957896033098	3.4649606386186127	-0.09641604038965235	-1.4408423082558595	-1.3370985919131873	-2.909342960508076	1.3996034179270973	1.107134834593895	0.6373319894768134	-0.20576308333152923	0.5627232979887723	1.2446890017440848	0.14542476550535846	-0.27293462018189524	-0.08718378360133876	0.3686229650559225
+-1.0619428163120725	-1.5368485179027247	-1.5220044099943824	-0.0381266514261158	-0.059887412564853505	2.1899350041972023	1.875844578746619	0.5359248394845503	-0.5670690389576558	1.2769396201688308	1.5431727873415793	-0.010681923592355357	1.1397048109539871	-1.304895696961426	1.5025684232826648	-0.2663844317517222	1.7582045978263972	0.1324118176510371	-0.8945570152564526	-1.3377539877256623
+-0.5126992309410434	-0.29327129972201604	-0.7209033177609449	0.11823514456593984	1.0185048212158117	1.9880767397341998	2.686753386358137	1.4651352081500577	-0.38566742837976103	-0.3023199045826741	1.4503684961095584	1.2440009833472925	-1.7541792319060168	0.4279862621232771	-1.2948249075710545	-1.0312961905396154	-0.5807966585635058	0.12769552442732676	-0.5434961483019195	-2.276250027804859
+-0.20176608898423165	0.2667081140555863	0.027690075972072386	-0.7420472081730041	-1.1432738698995621	1.5691948258478312	3.3705088540054504	0.531152854344601	1.0253033335353072	-0.28666845422945453	1.7816847285245496	2.0763863561779705	2.141173843530342	-0.6499414900358631	-2.08989464034931	-1.5635221606202259	0.02689339203347275	0.7077331746302371	0.46109685498726266	-2.614113457581488
+0.5473617041184043	1.9751924750566299	-0.259689762931571	-1.067859258078319	0.0949307595750899	1.8407825767820107	6.6038414770272915	0.3683226023090216	-1.2888342402085198	1.6575523463917863	4.267973294239981	0.5932970826520194	-0.4061792277965817	-1.029047934387739	-0.3545003906371853	1.4678642399827753	-0.6438683305448487	1.2406778567246992	-1.45115029073611	-4.033701870418852
+0.7223674355662362	0.7211769163768268	0.7907944105539868	0.053353337105481166	0.5215504044789233	1.3836847221099462	3.4480661154608416	-0.38556146894968046	-1.1356581143437137	1.3463831865321614	1.7257452924580856	0.8265243145744323	1.8606123242982258	0.18381717209596357	-0.5988614099729492	0.37835874779158035	0.49578445764879736	-0.9531572495513265	1.555823017556082	-2.697767903230436
+0.4526132136913205	-0.48963262050045075	0.01236715270885044	1.370794907673876	-0.3285232225022272	2.552366513975853	3.106421412115619	1.9143920388152518	-1.8779496766998436	-0.3192727749636239	2.741060213401183	-1.1284848726217422	-0.09199207904255519	-0.9646557830011478	-0.9112042344151053	0.88082930687135	-0.6720390293800687	-0.12366931911170281	0.15526413214710455	-1.7225235235927348
+0.21992054494775562	0.33387181810712646	-0.13261691275948356	-0.9440853889317338	0.9540622554201055	2.607047790477213	1.6925012510945963	-0.019886242901408908	-0.9589751031853935	2.009905589300817	1.8712411377158356	-0.5296483412766111	-0.4342554955120449	-0.7998757786982951	-0.15803983071015726	1.857410258548496	0.642196466796706	0.7227815220671054	-0.9094607265833338	-0.9523074874786828
+0.750611838041341	0.7351114571734384	-0.23579769908791892	-1.286284825712267	2.139641535055575	2.1089859743089328	1.6762401702255012	-1.0044960583707188	0.43214544658796333	-1.3257324336250549	1.4810014385788919	-1.9375560999160744	-1.0636837237310415	-1.3582725811759673	-0.5100578210902735	-2.0906930309480822	0.5824608266164903	-0.26198572327134567	0.22896868838113751	-1.1464017759874143
+-0.3423860375495837	0.16114516738878823	0.7201327906418337	-0.11609763493563295	0.36071934847033094	1.911463596151625	2.7019911813070303	-1.6077968112914414	-1.672777842811767	-0.20816299896347945	1.740889397019437	1.3304588819246128	2.1212237639382856	-2.0227189305075943	0.9004546160265379	-0.8414983942209431	-0.39544308410210394	-1.605576164054829	-1.0174713944664258	-2.0015623910831697
+-0.7520295625982659	-2.4127872789462526	1.1149691531308705	0.12738367326432087	0.3924486997737678	2.380397782748297	2.242666640739439	0.38787999689721003	-1.834908184377902	-1.6437872826290705	1.830234815691929	0.8091220471284494	0.0336680557514177	0.26544891510314256	0.12717461984072792	0.9545111140594092	-1.2377270032696797	-0.4633054753285572	-0.23157487228334836	-1.5419002923580991
+0.8724104768754056	0.3781555881288779	0.4385993876844641	1.7126939362373603	1.3835964323054866	2.1116594565692295	1.008414495535137	0.19777448425854552	-1.4878457871081665	-0.3278760141172251	0.8019115507238654	-0.2456214718719778	1.4884926194059045	1.3987996384527603	-1.1986194309715905	-1.1478802531147383	0.6923496957104975	-0.5345270461449924	-0.14175301702282198	-1.024024318890741
+-0.7904113880544682	0.22680159134602326	-1.8217453535096226	-0.8277784842173556	0.9467888622978179	2.286709458666288	2.028857816082303	-0.7626448816430961	-0.36041411686187935	0.14716770965815357	1.5845753199442971	-0.005334125188020739	0.5444768401364775	-0.4592798519226368	-0.3660040473851334	0.43066566403188333	-1.3787430058550667	-0.30384458382185187	-1.4562497202322031	-1.5006104245357772
+-0.4566090484917418	-0.746273419842733	-1.4090882936750055	0.3384940089618935	0.6690986263997156	1.839095403800589	2.182069290028181	-1.5860482535287703	0.6078577837520807	-1.2504557514143824	1.2621613314072446	-0.3787759197561486	-0.4280690912681503	-1.374231835440755	0.12942152594891368	0.0640325352670389	-0.1891054637937475	-0.9977605017162883	-1.2550540707927962	-1.837784349430953
+-0.6477070170291487	2.0059481739390685	1.0079907431867807	0.6897504015264714	-2.418973253238728	2.325704782772243	3.0327110628113836	0.35838948718921787	0.4836685747699333	1.4355915331809486	2.3944127277523943	0.18419630290628225	-0.5950372283001567	-0.88516989920447	-0.742600030238054	0.9482352165962002	0.16316053363727268	-0.23940017447998385	0.10066556921242045	-1.8927011075131737
+-1.3861644102816748	0.8916724457539306	1.3792594419068076	-1.5564387538898712	1.4272232901517468	2.8936382665619553	0.905449048386573	1.2100898706780467	-1.5062527942084865	0.7443869640277698	1.5627965463596438	-0.8766597340375942	-1.0880394772793425	0.38897594282854164	-0.945440841852021	-0.4161238279720469	0.2658527518802181	-1.9100500671588525	-0.47989772276760634	-0.43744227921315737
+-0.7000222184372452	0.39601353066670575	-0.7012707118709374	0.6996151731460488	1.3340451896089027	1.5859962843681392	3.6347811808391786	-0.9324936856873486	0.6693858092464632	0.01701735462937255	1.9228674678594206	-1.8766524615452926	-0.6605629398986551	0.8601897322860175	-0.5790904131664881	0.3599076514053512	-0.4598248277593877	0.07763406307470337	1.1901886777742632	-2.785952892323229
+1.3082853626314719	-0.28690416494289456	0.5242384367631786	0.03954511947990829	1.1338589565211392	3.0624848298908685	5.075729985216571	-1.117442844210379	1.1965681873661138	0.7561639976104059	4.337815560231325	0.7978089232730771	-0.13758369175816645	0.15616229949543903	-0.42796134777140554	1.326077221151389	0.48594859679443964	-0.938277982100918	0.392404680419875	-2.6138450412049887
+1.880507126943784	0.04403841600617511	-0.5575900715534121	1.2835320276895819	-0.2240192914581777	1.8470955984882889	4.993367804504495	1.1909970460532608	0.44779062425763216	0.47102733106136574	3.3078460223618658	-0.6606917180056735	-0.5153598680864947	-0.7868000181916183	0.38999367759699183	-0.9825092814933194	-0.6610088402291131	1.715940886283959	-0.9023813510268889	-3.11135297663591
+1.0098923348657987	-0.3404395572391499	0.28768679961742755	-2.0977984796080182	0.20567191732810186	0.07192337116067704	2.962373543751767	1.1013577938477077	0.2887631802554654	-0.1314750241074004	0.046408238895145226	0.018100000352631027	0.8497049978073374	-0.581919824244956	0.0060485240903830105	0.6564480090897391	-0.22570716567252436	-0.444796415531791	0.05347659247096472	-3.313547870044739
+-1.8141421392781396	0.19699260688693523	-1.1411278793736215	-0.43881800250090547	-0.9066793825576756	2.393960988900564	3.490039988979334	-1.6521217403163329	-0.31610266553983485	-0.8112727678402681	3.130269813288969	0.4871927336904667	0.09841845388398629	-2.6225221528996876	0.7326039848783956	-0.4381945066313648	0.6288844614676175	-0.11289758514719168	1.920865799395449	-1.7467508642968863
+-0.29652354320602214	-0.3240465909605783	-0.768109083038823	3.0529541706884147	-0.21962771732038283	2.356003561012099	3.2406369190864632	-0.21299678759109772	-0.14195282453270752	1.243498628623908	2.6410941593792563	-0.8788438644669767	-0.2671174515174104	0.16414945439618386	-1.3025958437785632	0.10833885160708687	0.09492183678195011	0.8254364314730024	0.5224865906360728	-1.907476578687147
+0.4824277297547891	-0.22585823283242096	1.043741638967233	0.6048087443690295	-1.2752517268949817	1.9448828090698096	3.2156117098396537	0.013786519387294834	-2.452739925923316	-0.9850459973554946	1.6747679004322753	0.38767720346423873	-0.5387648812215301	-0.3133942379363572	1.3393860150619614	0.6097967587691464	-0.8746455760909123	-1.8290225805776408	0.21492737723753294	-2.6509906791869415
+-0.08753471812243503	-0.5855048524157443	2.205065012314366	-0.4076169131516706	-1.1542470739204378	1.2933172372635076	4.689576301204951	1.1091005675403023	1.1539366566885105	-1.7969386563104157	2.2383964433332166	0.22572336020364106	0.2673484151104047	-0.12703433021332622	0.409636606703197	1.16211395983596	-0.2946048604324758	-1.333533878136858	0.5641570758338537	-3.5938627300822605
+-0.014144038170879902	0.12379419793980737	-0.5768645265983704	-0.11109046485880204	2.7436231442218375	2.6826507568593185	2.883659612663606	-0.12126430560198674	-0.09628683951985376	-1.098651001919086	2.9331781907713	-0.37568032655587547	0.6250576355218406	-0.333617867271015	-0.23428753567892702	0.5973246412490503	0.5806964756523063	1.3286963765113442	0.19373408759835908	-1.3328287215606378
+0.6564548420557932	0.753972771869133	0.5393315126677425	-0.9429833616846889	-0.2778807981111586	3.254337522521803	0.4246203861838087	0.6995735078859348	-0.7789715985556849	0.7829277183544725	1.7500885504652288	-0.26180563820353214	0.5756566899457787	-1.5951752198222084	-1.9484647934877672	0.7469531787568143	-0.22182142519187154	-1.2188163213213616	0.6021084233526719	0.1694497152337715
+-1.781176985321723	-0.26038165579020295	1.0209660099524362	1.560039256238692	1.3535634893411435	2.7540551856007305	0.8058800433005437	-0.16373480386489808	1.0025465117298913	-1.5163274396248125	1.6231317321344658	-2.7901332462666537	1.5495020544851672	-1.5081588688730605	0.49592680963289487	0.6726752826467978	0.13859014946152112	0.14157496571126474	-0.3933375546307854	-0.2277766510254875
+-0.6160295468308551	0.040379484431003726	0.3340016847407607	-0.5125290815878366	-0.8009739074576929	2.605727302966563	2.3075474233295616	-0.13536532324377665	-1.0133895766942842	1.034038650893345	2.3928229170518076	0.03422276414723176	2.2710062850069366	-0.43031269498499314	1.6338076097518865	0.21290712289928937	0.10521657617234903	-0.6731719795272194	-1.3168503944216035	-1.1614810234929251
+0.2814798326149793	0.5875101493421397	0.21729777590682092	-1.4858016373325553	-0.7259055545195056	2.3934625979413915	2.7959678417593414	0.1748287231468569	0.7064308999942802	0.3497777551584115	2.225996647861514	1.6301969056059507	0.07651250932855069	-2.034249428698424	-0.888345379070633	-0.7345168234009436	1.5287683026280032	-0.44210217150113573	-0.5779836284098872	-1.8023368901730872
+-0.5469368430325561	-1.0926493335830798	1.2190092098989331	-0.6824703376670214	2.251389815882725	1.7829154261741558	5.048892861513018	0.29653169827802117	-1.3809236060128829	0.8498975242450165	3.3540842491552256	0.561366166539981	-0.5351390173092582	0.20670892371099275	-0.6895084141676261	0.6807547966206714	-1.7191208673634555	-0.6291748608978927	-2.3500834589654507	-3.111876692314869
+-0.8054869888007677	-0.2057105316690873	-0.5770880610110481	-0.2103755273052463	-0.24447624300349433	2.126559777103986	2.344359269053596	0.447736269444329	-0.20800610065417863	-0.9454522910917761	1.9564827710928665	-0.9619573462412819	-0.4074262114505925	-0.8242317002159052	0.33202922514865324	-0.9114187024478011	-0.12953861839041333	0.2601116432784293	0.18796369556217035	-1.4636480014536617
+-0.11591016092361603	-0.21531373841085943	-0.4797837145322148	0.01633601145706258	0.4076203455448018	1.6830113487255887	3.062615995602824	-0.5040492463496218	1.1272782242378394	-0.5108065501000415	1.5355798549035995	-0.7718032287195337	-0.7136469182327017	-0.030571436300690664	-0.23395773571601966	0.9237859894186423	0.52603368969594	-1.0613762618674252	-0.14579389168100118	-2.529334328982399
+0.04961822227781708	-0.44654335864737094	0.05057628671437352	-0.004974552463009993	1.8940262383937119	2.273052621792727	4.2971271380965925	0.12816961135887625	0.4235121446545551	1.8654615960252385	3.2293295092854146	-0.527437079107373	0.89927873709644	-0.3050275311849272	-2.4300164002272893	-0.9713820404062066	0.25620323882851614	-1.210967872103151	1.0448483962310495	-2.527523421796456
+1.3151878034597906	-0.9111933525565098	0.557192150498691	-1.3164802299266611	-0.6027382222898524	0.84247537996697	5.40654810353967	1.259764566049889	0.06433545956595203	-1.3888750030853736	2.4573190247113654	0.014046960307323678	-0.35984860535253255	0.389439006035652	-0.11329140207440484	-2.5138847368113595	0.8441929961945559	-0.15112864799083542	-0.7642307971118071	-4.063615349629067
+0.8459890084880216	-0.1798805532249348	0.12473300471107658	1.91040893927297	0.7605722103614608	1.6669371551325918	1.2985662500573063	1.3154454380707898	0.2564186745725073	-0.5451173985806242	0.715584523328078	-0.7387210471050133	0.8935945265301429	0.016320488671511403	0.7576969329906925	-0.7672735615874072	0.9350386340118323	1.7361740800648813	0.06570184206115576	-1.2976752427803342
+0.39035309672574053	1.8290499563619196	-0.36513926318850387	1.1831443985265742	-0.2140937185924737	2.1779652351010963	3.5144533203622492	-0.8909954390280309	-0.8625173575207544	1.3603437833776775	2.5329554395910105	1.5704180801035201	0.9899524729238903	0.18390757182788448	0.8243242854569228	0.4512440206580324	-0.6800738014096455	0.9018333657750703	-1.352446399528328	-2.2626334928974208
+1.2771423279283738	-1.8844884314297716	0.14554095424762598	0.17315822836884684	-1.0923224777024985	2.489512046638492	2.463848514420896	-0.07667451732962248	1.3858467296008836	-2.8484337243604387	2.232905555248565	-0.7077241601503655	1.9550100970345	0.2906712976260231	-1.22722997808751	1.9420751701271206	1.0013801886228249	0.6312481047008845	-0.011389607439268262	-1.4507506212447088
+-0.9848286603701792	-1.0086266703011035	-1.2922285311573352	1.121755635827733	0.437491124257349	2.854735537012354	2.0090843166081163	-1.9389762906599688	0.10881478767820073	0.6084180979048448	2.4429778909119153	-2.210603188529176	2.982029384218293	1.2610267479125878	-0.8563375356483675	-0.021001942459403	-0.1337335540852778	0.19990190263866514	-1.6523775664182168	-0.8534654380737174
+-0.4544613318847323	0.6419230426601322	0.24703793638570298	-1.1249450468525073	0.6404103227912943	1.5997895354672735	1.9701428421250198	-1.1390758673668742	0.21039809691712885	-0.5063657922948606	1.333923840706221	-1.1195949532920544	0.9405819563183947	0.12622177250891142	-0.685591836286026	-0.5717121573370313	1.8432803141314325	-1.153356415120424	0.6440226827603482	-1.461244717072486
+0.9402790390363627	-0.25617954481126526	1.6578072856945025	-1.1643838879194148	0.22044602330504917	2.492041225824331	4.1832976660174905	1.744016792187879	-1.0341816112684545	1.3927608311560231	3.3633499894967294	1.148848169603716	-1.8876011227963063	1.4198016132392033	-0.8398452411497905	0.05061882576888153	0.648018287586724	0.706215490391768	-0.20154748819012855	-2.340757663146282
+-0.20028061131329983	1.0501517145789057	-0.49608060422633277	-0.29977350607328984	0.4483810737530678	1.951213035247656	1.6707476204906078	-0.27308940271654547	-1.0115529488679271	-0.44038398970685316	0.9905092560223763	1.6404619292871003	-0.3261617333094734	-0.9231361862218009	-0.2976043672988928	0.7610320479583951	0.27984319790919804	-1.4035385947901966	0.16283391385488358	-1.5471290145462406
+1.7194043037917044	-0.4063918577259047	-1.1410977186236644	-0.5224031413598372	-0.8969270647328188	2.9336844459939897	2.2995653732545587	0.5907096123306279	1.2572225970579423	-0.34206177511764163	2.315426620969164	0.7469701194581027	-0.6997435511893488	0.35964687898805453	0.8352895929408934	-0.17228223287452388	-0.7965485640228581	0.030929121730566375	1.117653448328372	-1.3221604076377536
+-0.743645487604758	-2.5762733938865523	0.4959059013688749	0.2693342927294206	-1.03671465009553	0.24927595970419336	-0.6353295512455281	-0.4797881300505439	-1.342457899158445	-1.7846125048165906	-1.9904738364265844	-0.26875613068708565	-0.594407867195891	1.3451419001423852	0.688896246135964	-1.3969223884129345	1.1422721369901558	0.8985785806846744	1.0503044823125693	-1.2018999082666029
+1.01864781858489	-0.8186258715703851	-1.07082558839674	1.404475035619576	-0.2980078596732726	1.1425620536895749	2.639191764306714	-1.5236283164956341	0.10907789563461374	0.8053687731220703	0.9785991246179533	-0.7360407539694588	-0.3827024727406241	-0.5496141643312615	0.5029534481931748	0.20273591754416834	-0.03830644578200393	-0.6025855771567924	0.033259104792453524	-2.40673717168606
+-0.2957751931021886	0.8312516958131427	-0.6166024148729954	0.9870530651791578	-0.6277741203243402	2.378221977692728	0.9712919835327858	0.3958800035700611	-0.49706621765736125	0.3280388811133758	1.0482988747115272	-0.6688596868884841	0.24788529298245093	1.4061016877005401	0.231352903513007	-0.24384329876159913	-1.0846504539458117	1.759118748443706	1.039721702201326	-0.8338114281146303
+-1.1306906928262215	-0.5142444543732294	0.7549973972526974	-1.9662156247151903	-0.6576234588862503	2.507390338101697	3.528068584149235	0.3973707535535508	-1.0701132091583154	0.007917494164628195	2.3988813532768054	0.8675102099591249	-0.5750324488956121	2.2508806890624444	-0.6977739472880568	-1.5375661185605172	-0.6943842091460203	3.2976644174235106	1.0837655548815266	-2.5005341524096147
+-0.21032507882334595	-0.5171599173170767	1.2284352369782803	-0.4558726081591166	-1.1338040764280377	2.6983886663131202	1.6472614161904309	-0.7689441138861486	-1.0231045608062241	-0.8389861105873413	1.9629972379511387	-1.7654679270612272	2.0907801396634516	0.2887099210489247	0.6245755363448839	-0.46804778757851506	-0.9611459166554811	-0.40269892739680396	1.1801512541325447	-0.8437345048932148
+-0.6661638451410906	-0.14037608353230868	0.24222590360715582	0.2931329400099097	-0.9193030880086062	3.050437233015665	2.8711946847179117	0.9333933392714833	-0.7672050140874112	-0.6226873608630835	3.2249567937730745	-0.5607524697685358	0.7320656929587089	-1.3504268771691397	0.6948643438045686	-0.7067821959118112	-0.7098132705881919	-1.9991659948741936	-0.18702061833539996	-1.158607941272567
+-1.0132232484623767	-0.08499134162164261	-1.2193365928969633	-1.7929306007082364	0.03762678471284656	2.412719553681634	2.6304704765080187	0.8018290767275901	1.4736556077234522	-0.4123899461040924	2.2600301676672374	1.223150124075341	0.04108399616592593	-0.18980150292645118	-1.3056688325445598	1.279674876381994	0.7449856909919363	0.46073946538120436	-0.599727056834385	-1.5902708642476735
+0.7222246787319202	0.5569315255739874	0.3529077044674478	-0.437583410261709	0.49324267666685	2.252933226897361	3.6898561424304313	-2.18879600620993	-0.672482632961127	0.2969639979425472	2.8415837051973303	-0.1354279699434274	-0.17419252174479333	0.5651610752117977	-0.1397904854202576	0.4843051215780049	-0.706468453972353	-0.06614469368693078	0.008661179663330198	-2.1967989968641315
+1.6878123267347658	1.6668976183379678	0.4267689016572672	-0.05156300202885702	-1.0934898392871306	2.287923842040098	2.0542799383532238	0.7675841811958921	0.3584773401817916	0.33163029989859116	1.7980877997785614	0.13840799521993208	0.5962754808317323	-0.5171306005194638	0.1397899188734722	0.3141225967600222	0.7367871274186139	1.216540137019813	0.9126227734987159	-1.3319378948523155
+0.023561266296768	0.01327469130218088	0.9878045214079304	0.5750648387066529	0.4047426855593061	2.7304295522570334	1.0141221327309589	-0.0010397698579166189	1.295003498767012	-1.8058502169084876	1.6388229124609937	0.9286520099757947	-0.34109406603463605	-0.02757550682732839	-1.2286674947471106	0.8011744540858317	0.8424403652177841	-0.14115310456128677	-0.44894002007093775	-0.4406268508179094
+0.673159354530678	-1.4525380330508713	0.3116188181253339	-0.36727071318003485	0.29049185256953325	1.6564484699714122	1.1138298152043986	0.43666851803257994	0.2167858707407041	-1.7720187699864998	0.3217318243148224	-1.416272587336355	-1.372787575891375	-1.4431996255328994	0.019105704366803564	1.4611679444318662	0.6166948818307844	-0.4518447820066962	0.11090421935354654	-1.4511681443950488
+-1.0162897396086445	0.6801298855824894	0.816176605918297	-1.8483708938817176	-2.243004861274481	1.7113630551062333	0.28198661833269134	0.8937900976093729	-0.2067242948428999	-0.36026582363661086	0.1370333359244189	0.1690832489799306	0.8070612560630268	-0.09778025993669395	1.3467573712653023	-0.04979565523660462	-0.04881318624469081	0.10320733419234611	0.16359632944564997	-0.7020803782256477
+0.5521510367358053	-0.6985360193952379	0.28589856360769206	-0.2698500836718701	-1.233572207804677	0.9442307917651738	5.38950572926151	-1.082182799275394	0.8602376084493024	0.8548109813626272	2.1525321423227552	1.1005208719054742	-0.3809891286363444	-0.4893066054388385	-1.6299296832705485	-0.07431220707811259	-2.0046033392727995	0.2750243930759012	-0.7153419937271636	-4.356992213345053
+0.01795870111983534	-0.15505625169990975	1.3682610157428468	-1.5273767658090307	0.4127538481271831	2.2977759813581518	2.294258597523908	1.0032569103897226	1.7138405446138736	-0.5094393904050415	1.9111338511055131	-0.14140180620656634	-0.1010290069145633	0.6370567575155008	-1.4406997554661205	0.008787087175001557	-0.8972642603382903	-1.6899568948704065	-0.11035784888927551	-1.5003978293491054
+-0.538506828340042	0.8946977887921799	0.8902185931571148	1.9506597920004267	-0.9506953994397934	1.6637511360034263	2.055724981986931	-0.9796438016770483	1.3385547098334702	0.14965015372693535	1.2073203388220746	2.5490267942445644	2.227830718385727	0.4232899404564634	-0.36873070515686185	-2.0123015663352386	-0.904884377670821	-0.3861814948327561	0.004498743303437344	-1.6939096535420277
+-0.7701345740416514	-0.18535717195089962	0.9293706675084347	-0.29348499356730245	-0.6782373538164788	1.6007027207258857	2.538068489149596	0.4124185923634923	-0.40794211042370176	0.06659794948756013	1.2361315596231046	-0.5992566302376658	1.0610655699620557	-0.46148015619993593	0.8301277462197238	-1.5866016107872152	-1.471526459444944	0.31022464090463225	1.5400647970862402	-2.19141275687635
+-0.7019285983764028	0.08813127636085127	1.0961703827398896	0.5174815573553699	0.8864605510671765	3.0647707193519365	-1.0067723906854442	-1.2888486125917957	-0.931132959360689	1.3876478221592063	0.6715365830469666	-0.38698557690157004	-1.1022123029004836	1.0452578889045347	-1.8695557938157739	-0.25561636709328023	-0.20737135106566812	-1.14101038949494	-0.7767409219800914	0.8391043406330279
+0.47405749687483056	0.3872804936979775	-0.6825147841619196	-0.23556080631908616	-0.12032414153517222	2.1859914034013435	3.0633799951179297	0.4829632729838492	0.22135910481848545	-1.0794363918402283	2.226815455160911	1.131184596940553	-0.13835966365652924	-0.049507937793034626	-1.0891585612191703	0.3887366175538692	-1.1840998502354092	1.3885120556663755	0.0715171700432888	-2.040621757708071
+-0.2847497018236397	0.2739332482372896	0.3794408057760184	1.3169805607190643	-1.387177335591283	2.4737271395954132	0.30124799818714415	1.5128218100911075	-1.1207116752222175	0.7039851760173653	0.730428680938942	0.6956400222664223	-2.636081532386276	-0.19613976894941532	0.019319796889880694	0.21659005444398777	0.26231684334182714	0.8203334468918724	-0.18769725804228687	-0.4022885495056232
+0.655674008293916	1.2237160790901793	-2.12004482812638	-0.8191115663082313	-1.4028841464371198	1.251056490028162	4.57721766523312	0.012402574402732128	0.4619505914805479	-0.6329087355562556	2.286882277290005	-0.9495247223917601	-0.7167153751948611	1.425172792671914	-0.832594747991814	0.7924676835068942	-0.13279272458063557	1.3149997616182403	0.7978117298368185	-3.4098549081029246
+-0.9937362615735554	1.0386491696430098	0.126140954347204	-1.4286732659296197	-0.09545175185843638	1.8148173479233516	3.7591048036827015	-0.20908815442798961	-0.6984423858559853	0.8254801212939504	2.4907524735966806	0.10048284107270083	-0.18395017908814812	0.030038027925126942	0.37633627556802535	-0.16051382936092398	0.38443304963884295	0.47531175456755687	-0.09400559608977202	-2.468593848121183
+-2.2183197097665257	1.1428038180473756	0.3476696442277431	1.0999547969577297	1.6022620535841692	0.9639325995114925	-0.8232907319560592	0.22535168187795268	-1.4223995603508417	-0.09198444509724797	-2.8498514297798816	-0.8096146211848197	-1.6668439340272987	0.2123223087029958	0.06313167904927706	1.7713936990171932	-0.5240968209643215	-0.5118180657211101	0.2785910808830476	-1.9994396880647538
+1.0967474642963038	1.0583106032892968	-0.29322470846102766	-0.4373569447154982	0.19021943680620051	1.7638450643948416	1.5260189902998962	-2.715031364121287	1.6033908683122375	-0.4629741297634331	0.7141727170286223	0.4965528075339686	0.706164497010648	-0.4932992000995075	-1.1420927759266386	-0.32099693912817984	0.7550520287737073	-0.6201680673888945	0.049430573814040715	-1.584009522381633
+1.0947756520984435	0.7527016396583789	-0.459375926938769	-1.714020476471207	0.5871799132758577	1.4897718029372888	3.4751412606275878	-1.2014057647494556	0.29237325581668977	0.8315555557706409	1.6910116128773374	0.20718675924446922	0.1430364635331725	-0.19721360327238888	1.76064059352998	0.46154031028402154	0.41036899160904444	-0.4588635921890764	0.4826742141909833	-2.7921094245739377
+1.0288781775537776	1.3497453978117082	0.40804831415989273	0.9420136357664776	-1.5537257865507055	1.9115791143452674	4.960184981032533	-0.11831809319599901	0.05154150697467328	-0.12906498012405052	3.1897458015432485	0.5592195008791052	-1.4290367063357206	0.19347169638643152	-0.11039911771240173	-0.6770269879968817	-1.9364661480690615	-0.019615795548105185	-1.0920618292954238	-3.2025976020394262
+0.22677546779772575	-1.1527418334559574	1.190830136016009	0.4756836594821447	1.8724672749651639	2.218880281099356	4.958009044230999	0.3674857751005354	-0.6810596162506216	0.48342014384102877	3.8147113676241418	0.27144466607803314	-0.033489553943802056	1.4673437420712192	-0.9762450249374168	0.06593301217805793	1.286161654042079	-0.66431275203583	-0.5446599889774335	-2.7134406584956796
+0.2835293303135301	-0.5759884080988011	0.08018853277372236	0.46635688608633175	-1.2905601114519156	1.023348243710624	4.747080123122912	-0.6106881388295379	-0.6312661088179002	0.9866167611421451	2.14196636445478	0.4379732032588375	-0.2323963790095913	-1.2693637994903253	-0.44339283501462806	-0.199857461076534	1.132522830074119	-0.07605503475120598	-2.2027484182467405	-3.6671823005720503
+0.7641662278190869	-1.2741330154627437	-1.0660878764212711	1.0662007951320487	-1.946287562744284	1.839620801286002	3.928634849901934	-0.7896589514450959	-0.14790732738688353	-0.9792367126935443	2.885638482735768	0.308596094758359	0.7048374611496696	1.2625014276406517	0.5560296049699579	-1.647886819095759	-0.04214159872296004	-0.8282771859049725	1.3592117214745165	-2.3013034457059085
+2.0942906022689938	1.6508802262273155	1.4299662960287496	0.29989199906014563	1.2685476950873131	1.1055337103824807	3.772155732802787	1.644986287287942	-1.1476226526620026	2.538496608228859	1.6269545588512817	-0.22261501948143175	1.3041653210474495	0.8279700982917738	0.11125630019948042	-0.8610055870974533	-0.6952070182238929	0.7359142625559206	1.2118310233981147	-3.0709473332882196
+-0.989060903109482	-0.06516910532336198	-0.6258833762555659	1.5604758476310752	2.263768108426852	2.5795629573858694	0.23838598360740232	0.3723962979721378	-1.962390186055286	1.8028988315620653	0.7080660642294119	-0.7393920545866864	-0.9168899662040689	-0.6572810280207528	2.452822768061269	0.8506445865298526	-2.077224905748855	0.5803391673674048	1.4293397351647976	-0.38385222960463494
+1.0825331450693967	-1.4367489160580587	1.4546476123883496	-0.5578840909144273	0.5080063848879889	1.8270387056605053	-0.09139923676846728	-0.38649582302392216	-1.0128975785028955	0.9522656525056783	-0.9380694256355593	0.09124594269873597	1.555805084775037	1.5643918228976763	0.878790898559112	-0.49949948323917465	1.391252199943609	-0.8270697611986252	1.1463419563284136	-1.3115558686244628
+0.8633094290043581	0.659901056298424	0.6928767539673598	-1.4433512015900378	1.2668026723881047	2.3920367405437366	1.8053912184095022	0.6099818343941105	-0.6157994368865074	-1.0104276439420314	2.055919548310229	-1.701954113721583	1.1214600724340633	-2.4101457858497874	0.15603970463410358	-0.7992104260717795	0.9922816820919225	0.2545372178361721	-1.0545819565754253	-0.8441743729775266
+0.30223141951127613	-0.3304119825424811	0.3980057954105003	-0.06493369552136159	-0.9132408837792654	1.4138584424849285	3.9062139574255683	1.2401111992091418	-0.09232601748391878	-0.8867937521389617	2.085490930208571	0.3213553504022837	-1.055215023193802	-0.7602271318997256	0.3456209115053741	-1.4590260591862216	0.9881027340213738	-0.008818661669593048	-0.5615798755025082	-2.8895364422014764
+-1.8587790975870315	-0.8649764634588837	0.41705998077355766	-2.837515994761145	-0.47488609460137404	1.511369563541802	4.635395503715939	-1.0758542314181112	1.1300665751519154	0.14774927287376993	2.486464726662276	2.0149655854775013	0.4603025014802935	0.6528418970829548	0.6952527561751756	-0.7843682854277327	-0.676091610282424	-1.318250545483147	1.6266825763338248	-3.3683913134897034
+-1.0704288283778614	0.6260945059343941	-0.16361033821138546	-1.884289106285907	-0.4785963499726744	2.1784120751908884	1.343210682326363	-1.9797015878184128	1.6457454796601008	0.48929281585867673	1.2531240785123217	-0.5481435227846925	-1.2531838361478944	0.6000419683633441	-1.4081563630379537	0.5850575762470126	-1.7901772254653532	1.6513342935249462	0.035666817878167105	-1.0031831938450226
+-0.23479040428909012	0.42497844592745576	-1.5554141718262484	-0.48907975597663805	0.47382764545401157	1.5062694000163146	2.9290806940331113	0.9434328562071908	-0.9166842122809968	-0.17489737100281064	1.3539126033187916	1.3423486346713687	0.3635851941193147	1.6904054905365513	1.7134724121651077	1.5258196761521539	-0.872872413153759	-0.044022570140754204	-0.6936871038833705	-2.4943535573029645
+-0.6757835464651004	-1.291005149147996	0.46939216417072654	-0.5248003028056651	-0.13716978233970892	1.7424917412740586	4.523252594159674	0.8968640197553067	0.02370171353529906	1.1307823633147116	2.667460757312112	1.349303529145823	-1.4300389240869045	1.1059939106659238	-0.5936676516401298	1.445255967928715	-0.18968201335702245	-0.28605202464183815	-1.9554756286393156	-3.1436638574663656
+1.1058026589755998	1.2368423975289389	0.6696010076746557	0.12161953553408737	0.35925070857182584	1.252769421328594	2.562838075012119	-0.4081874073476849	0.9696520239558198	0.47264259546132775	0.8390160918301359	0.24924156878961518	-1.3526083639087414	0.8259215190268875	-0.8768911265949811	1.2404928412161298	0.7603928379483684	-0.0645486574072109	-0.09138611058883118	-2.482933345054119
+-0.9437814278714532	-0.8701652911206712	0.7921549347753541	0.7052317623847189	1.4194697465070758	1.2904861983372902	2.9010049918193106	0.7455408728923062	0.2654397224598616	0.32911988807424164	1.501576915496508	-1.6354237049483715	-1.0716584780329983	1.5741491949227158	-0.19109047927487077	1.0622874717994433	-0.8906239581588747	-1.1475933379031702	1.7213493345471977	-2.2615569390980554
+-0.15090689212262917	-1.3135136882916085	-2.4841577426161576	-1.493729280799389	0.8168796375109683	1.5091281985895757	3.051754663663388	-2.1345030311392414	0.9115395965006021	1.1288155541499532	1.4590179927193705	0.07569917745831777	1.243913645720379	2.1608479392356825	0.2539569322900121	-0.5144077257338107	-0.47483764306225346	-1.1414162523068465	-0.5373936280428806	-2.5360137386605466
+-2.845940543248187	-0.7126664951062109	1.4777467330581202	1.0203002307017368	-0.28394881755296664	3.103310873866005	-1.2404239422592986	-1.177981820953214	-1.6368527367331	-1.0787257316290046	0.2320710943379265	-0.34793725376399454	-1.1976982502416393	0.0263324943577406	0.13117555335457115	-2.0862353069827244	-1.6407044730620082	-0.2827942747743312	0.4299515438777371	0.6838010406478654
+0.2777195178871506	-1.3085797256210023	0.02658024362341148	1.0533452191947057	0.16788780319334545	2.172805678301268	3.531529971121642	0.7146491932330157	-2.2758636950180757	1.1476017621928962	2.761786199406047	-0.6745564062751823	-1.7103665610559016	-2.318631334416074	-0.9438370700203985	-0.3508135808718919	-1.0778083397435994	-0.7806660698593244	-1.6378877337676203	-2.068480081666273
+-0.5156380735377588	-0.5609220367518108	-0.06898099573229599	1.2585724129778315	0.18631668408663987	1.1671910477449914	3.2802160973658996	-1.0602349687089754	-0.10261955241331554	0.09701512694677572	1.4340374657279078	0.27013397258219185	0.5896277260730207	0.7737889783343709	-0.39317752431884007	0.663089664672741	-1.6292744948681537	-0.7903027481213981	-0.333867864153379	-2.714143403473175
+1.056824356983944	1.3368660188978043	1.0675399132699241	-0.008494050816702866	-1.238189250706712	1.468762193794153	2.560730716091623	0.9311465552112524	-0.17775548194553673	-0.4533832099532533	1.4449592161658138	2.000030838190892	0.7871711635862283	0.8377305802226487	-0.991018512084318	-0.8453947621731971	0.8678450295707266	2.5368203510779863	-0.9093402715698495	-1.984173773306686
+-0.6723686373849918	-0.017389114238426824	0.2724724400752009	1.430651602881991	1.6606355532287844	2.921376794134109	0.17634321556523835	1.3712113128748735	-0.19220791896382547	-0.9748395431353758	-1.0016136937556084	-0.38731072576953585	-0.7233485239131229	-1.451762415101326	1.0602531784617812	0.5197585611195245	-0.19285686858779671	-0.3479694389905263	0.48411436912517586	-1.9988700054624875
+1.4040297559691166	0.5806798520096647	0.9053116407470687	-0.23384614107240512	0.7819779775949934	0.9571097680252123	4.669488990289234	-0.4454413907704737	0.05647302708386585	-0.616300908666551	1.95768003903106	-1.3086809233587968	0.6082131128549598	-1.2774333603446655	-0.16012880341336713	-0.31022199303155795	1.9096980164047082	1.4088255001387988	1.2155799059884094	-3.730633935771846
+-1.068645549079327	1.9149512556388264	-1.1293104949857005	-1.2280726231436507	1.2283459235847909	1.502240549693307	1.350282914267573	1.3936315359749651	-0.7457898940069261	-1.1569734329973986	0.6784915116451262	1.4673571942006947	-2.089909985866281	1.3219406767705404	0.6479505569100142	2.0281038553595834	-0.7939960118961674	-0.20922220422233256	0.1651040066460767	-1.341012398295954
+-0.1025925689597331	-1.2997734661479277	-1.184982019423818	-0.5601309268090418	1.0018538736689278	0.9414280333663756	3.4610998248161424	0.7007494273303311	0.6967462891186887	1.4779466490911244	0.874451581157244	-0.0032189129168000274	0.9228415640914734	-0.9169598162382864	0.4715620467973054	-1.797726722886981	-0.3228825894138212	-0.09314448492420647	-0.9128449921529915	-3.3683333473898056
+-1.2406370676679632	0.4667999321941941	1.6815793230506344	0.7520342827405718	-0.5073124181311593	2.383837494037943	3.105161322260329	-0.6421042905954321	-0.3104541642047652	-0.5346690548341032	2.501887862827563	0.4766831684538046	-0.1787852199727948	-1.015133725643361	-0.28346304700806824	-0.6254321968746334	-0.36105570263925657	0.899171817638487	0.26556826202951445	-1.8921459629344866
+0.14773286578580727	-0.2495485943525236	-0.15598564319115193	-0.7257228646979315	-1.0990161119266766	0.5833500661722533	4.15448144716794	1.3819397477148108	0.06011278742246269	-0.4426713636922739	1.2754673868294677	-2.1271552509883636	-0.41027876989698503	-0.12244684490161437	1.9026860122785338	-0.7237533910988616	0.5426062102369387	1.497476254023585	-1.1661624675587914	-3.670683246456388
+0.2553051493009998	0.049298273621245316	0.906360816133299	1.4980725478642358	-0.6769958190969512	2.583121211017678	1.2171840165638788	-1.021547174144184	-0.6600170041711314	0.7633245812029068	1.6464049240477316	-0.4579685225477507	1.4280412323213576	1.8753895701726329	0.9028871653428602	-0.03330710885723947	0.6338222604830566	-0.03085560237825796	-2.113008973056278	-0.6181868381091469
+0.7277492102554936	-0.322964724524956	-1.0361042821638975	0.27790298302063254	-1.1941484407473721	1.996185587099928	3.1289699457037425	-1.3685739331373774	-0.43918208453335617	-0.13254556048667854	2.2028751236369435	-0.9066069806419506	0.2670915896907277	0.05084239633600121	-0.018791272551316074	-0.8077915467074707	-0.769231626740185	-1.1116296949413662	0.3750182030046342	-2.0798970278332236
+0.9186721964664137	1.23249558928306	-0.9341265179611457	-0.2563631538524276	0.9271636593832244	2.294517007087485	0.4954736445803598	-0.027961737384525495	-2.3179283675573497	0.02603854564354548	0.896879206250524	-0.8269396939876068	0.29939694148808893	-0.3488692498232975	0.39983155895203143	-1.0131234185962372	-0.7352596594161701	0.6361532930621694	0.059093090608788666	-0.4132964564687276
+0.3943946718182555	-0.42707317657529004	-0.3725066725368915	1.4962661812884765	1.1349855908355289	3.045420433502172	5.211872691881414	1.1478783589728254	-1.2327157510284352	1.3973655565981609	4.73935174694369	1.3132254651151378	0.31631117669880027	-1.3980826073565942	-0.42411354334841644	-0.6590060978905518	0.8604342708859164	0.7777596259348746	1.7964602347714367	-2.3902980539662595
+0.8349618896577504	-0.6090340454345506	-0.27836048603483043	-0.33008119695409005	1.8620959235926644	1.4939124573731037	2.534161504358788	-1.3671062836656542	-0.5609250048813744	-0.7619755043318766	1.4043906245834217	0.32346219180766744	-1.8523323877483935	0.28345973448206885	-1.0880826153788805	1.5467442789426824	0.3013056218998304	0.45293436440356555	0.7863334649233997	-1.9993347733147704
+1.9032977940007147	0.2569525368204035	-1.924038746724341	-0.05660443412276751	0.547794454889833	2.9525770500558712	2.053731909323557	0.805139665283418	-0.8443164196778712	0.9349309881694172	2.3176335451405086	0.6476103979814195	0.8069174998324885	-0.44191374920148047	-0.6037585430274496	1.060582064014989	1.5413680450770852	-1.8054475902676392	-1.2644700868032213	-1.049006745273816
+0.0256483891356939	0.8358238093140804	1.644522041224392	0.45089561866948663	-0.02291239072040815	1.5825977607291448	0.8054453809477686	-0.8676821670239666	-0.21908346166147855	1.0086935005977753	0.12995651109578388	1.5720674421574283	-1.0267572937190832	2.113499462643159	2.47339186711012	-0.7522994743593018	-0.6208440064400278	-0.9471395367556008	-1.8973849598180998	-1.2594524643016638
+0.08536549045765254	-0.06340123694721837	-1.2550990892898	-1.2197062771126181	-1.4586846758615648	2.204659424594331	5.136671272146922	0.6789067318791842	-1.9454902674796675	0.34198023124415744	3.5754453064664	1.2486678041574297	-0.5548504597767356	-2.2751844456266097	1.0068336204866373	0.7700537181765426	0.887553393613959	0.8618517997078565	-0.1159200497991891	-3.131823181440919
+-1.7663802958686683	1.1946468364054967	0.6657650558847974	-1.3915766063385142	-0.24655361145806642	2.471428674550567	3.5046936840714102	0.49031384993257715	0.22311293416519715	-0.6603627946269242	2.438149888585052	0.1359673274491074	1.1560811232018504	-0.7061826844849702	1.4444707095505225	-2.3722626600735164	0.9616784931259306	0.07972655683393715	0.5245349427380844	-2.427118797760347
+-2.8461213443715847	-0.710622700007919	-0.7726211119518581	0.38169564136789413	-2.748641469834301	2.2051413066554573	1.3950059139382822	-0.46123193117525	-0.40484638216299584	0.5520194953325661	1.1578741181610583	-0.21660610725116308	0.5191559058949301	3.278873495081943	0.9437627888684625	1.8842328461077822	-1.8423368567679517	0.15618203942462902	0.004132767683725326	-1.157658419851371
+0.2307511679589417	-0.7187437679715138	-0.18704720028981772	-0.599151242122338	0.8000947623309765	2.173696536971141	3.87880455958881	-0.3594131102142352	0.8554668329202172	-0.4552060504475774	2.742312823347101	-0.576583954957775	1.0365015352188964	-0.5178529263601983	0.08897010988651853	0.259666882374227	-1.43968751878322	-0.750620363512298	-1.2701676840571474	-2.4777320959805076
+-0.20298618720021458	-0.5850416178534427	0.39955507352656355	-1.1914683877181456	1.143237765659389	3.111966242712989	0.13777867364261698	0.08845577589094192	0.5994789475134918	-1.445724697798903	-1.4510030320715213	-0.6415654342280598	-0.41115041766148536	-0.34007365965887915	1.9962907199665747	-0.7237979192240998	-0.393318707245457	0.34749466709637433	0.16888375459644395	-2.428430631010323
+-1.2108910259791545	0.36145604215034316	1.4642446258266335	0.6064091348308837	-0.8729819687408725	1.7303168850162711	1.7233062169038231	-0.4962114898782566	1.8331728070871627	-0.7235446064036303	0.5587032773484362	1.0419619704358793	0.8790165618457536	-1.0630935179467669	0.3353196132137893	-0.06159024723282065	0.21797015699728076	2.3518046127896137	0.09395018646620817	-1.940016214723098
+1.6003098364220656	-0.8358221545767685	-0.9167190483512093	-1.579626756200255	0.8143732815159563	1.3402610426874153	-0.5619632762819495	-0.3662409928397573	0.2912514867237432	-0.1952923095226779	-1.7801376672139755	1.1361790901704596	0.33678700937613415	-1.4051730340648487	-0.3652266746637834	0.5617560816591358	-0.22166033245514577	1.1358041611893224	1.5972439699575307	-1.4158449042779426
+-0.02049234951828864	1.1012361409794285	-2.010293207006105	0.17872921195246655	1.3040716983339553	2.1764457414678064	5.6688306534530035	1.519571549570987	-0.20528072118128987	1.487715329334337	4.101713989255451	-1.1448536580696265	0.335200048562473	-0.8584350614350018	-0.1782168243870934	1.4969857471626296	2.430080507935899	-0.6493919426668382	0.20622410929015286	-3.2353070662389074
+-1.7708395446809915	-0.15554106105068152	0.7598426136038272	-0.855885011618656	1.0147388394773549	1.4699705452441192	3.9860264733620303	-2.58388457584811	0.03404831656630255	-0.9346200570136577	2.016816222285944	-2.014350889722257	0.08226649277998409	-0.648408283190475	1.542501718054822	0.10446086385316967	0.6590488018122427	0.40112494315679426	-0.8069269225136624	-3.0597334165495407
+0.5701704086825334	-0.8866110406065197	-0.7464583143501455	0.024339926860335103	1.1399044408307688	1.5605798484099842	3.0549847075169927	1.5937106182677057	-0.08223229745931011	0.9946529546874291	1.7448270480541272	-0.5755216549763184	1.0344539835294924	0.4596011939947586	-2.1047727309655637	0.698786150303828	0.5519423157957013	0.680304694099086	0.2156384758714583	-2.2904447811281603
+1.4069915349949507	0.3654232815183534	-1.0970521894532321	-0.5389149543134537	-1.5728963747716522	1.6783401449848374	0.928845550729613	-0.4925716601774063	1.0392596016586457	-0.2847157775591438	0.521018957750019	-2.65782453257402	-1.67318496169606	0.4719725602155527	-1.0949050649335628	0.08630539086516381	1.016831070562736	-0.9944516912574557	-0.6752082767957616	-1.0649707211089758
+0.708502980183113	-0.5165422902979472	-0.45524549427951594	1.1049919700486965	-0.06070616827136103	2.0346029329474487	-0.339781405462763	0.8003141854541495	-0.17893943033255613	0.3152631395875264	0.07671722539548798	0.4521287803813346	1.3081877818163365	-0.04080755201272289	-0.723149688110495	-1.0471140386713007	-0.27278295721824736	0.1960458124947975	0.33207139484656073	-0.15454346588976553
+-0.3962170802343363	0.645992873126526	0.45395941773894977	0.6042820146858313	-0.051024987756582485	0.8670069067960746	2.548051312896839	-1.5456849014195624	0.014226857041718366	-0.9028042676445699	0.4341821272467623	-0.821325521382619	1.1653636515627563	0.06372244506133593	-0.8986654754338921	-2.4531098615345766	-0.7248692705391215	-0.4223474956392441	-1.390499648897262	-2.725760919930754
+1.2881302841214402	-0.5763350019561376	-1.1861410487943167	0.7294238020219375	-0.9415667112696202	1.6782481265220852	1.6851332029345591	-0.44582557835323433	0.818221737336772	-0.4306557615851402	0.5471695868360373	0.9482582773202116	-0.6870581844785748	-0.44523293905089384	0.8321667114814559	0.771556743322263	-0.4440033509320901	-1.3875348789421822	-1.56539549166987	-1.8921565941804563
+0.18770271073860698	-1.1882445064687557	-0.8895269378600188	0.544104539093523	0.4353038940839885	1.6396751085347139	2.9877569412338283	-0.6227101950517799	-0.2342090485987892	-0.8777051041437257	1.839927955690784	0.9419485498867988	-1.5882317279705382	0.6387461501723255	0.45920526144204715	0.5740264163831629	-0.387403978413258	-0.11975309127590504	0.3913648576683494	-2.1503617125225096
+-0.6496553421679686	-1.4224279723935236	2.3012734316107286	-1.6307384651011865	0.7899921830677415	1.5784780783388637	1.5937350935854364	0.20332871088011717	0.03485866731366751	0.6478279768265606	0.5072168351442272	-1.6486585166575147	-0.3823982996033502	2.3256408720316006	-0.9273509613624985	0.6528468905997087	0.8314107815153837	1.2344031799078437	-0.2712026087680339	-1.7964285078767936
+-0.5219973387100996	0.9905632425118323	-1.2688367548190436	-1.3062113291308677	1.2638138110709067	1.8660691408757044	0.544578722144265	1.4116584346018954	-0.5641770654580077	-0.3012039021140541	0.22683273886836108	-0.8279588610356573	-0.6522929057307618	-0.20603677850657692	-0.135516011514525	1.027502980770911	-0.19718057119851085	-0.9413847947787156	0.19608217733319547	-0.9608113047816085
+-1.4928016688154506	0.6922526483668314	0.7340706436196134	0.3473096338667893	-0.2626210985357605	3.4791405788113354	1.8053770381124141	1.3002542896922045	-0.9818090439589665	-1.9835078630535838	3.1109989936861995	-1.5167130756726412	2.115406032275567	-0.06319774436121431	0.31045881394126296	1.5773205208380376	0.11953451934790253	-0.3678585275873511	-0.6436336614328086	-0.1923418873135878
+-0.5315733436710258	0.17594215608481872	1.2298334768758457	0.7546368161074778	1.844664812208666	2.4788000222186968	1.5708276279849636	-0.6327549070924466	0.51854524506885	-0.6299390010129273	1.6344820510152878	0.978243199991088	-1.690295591480108	-0.3918480320603985	-0.7707870186561917	0.7240382354754367	-0.7910504579061032	-0.21305764435722052	-0.6923174779360497	-0.9961743529682423
+2.280425565501355	1.0343768692289177	0.1620071935170021	0.12130518896340688	-0.46032359704222164	2.0567801973394713	2.521477232195843	0.17093430050034142	1.5131938124379305	0.29293152397993105	1.792085265643939	0.5150950559757106	-0.8611253516074897	-0.2352284921252821	-0.24790458108534133	1.3963441703808752	-0.6957292452509374	0.1687029617797189	-0.586181580808946	-1.794378788851455
+1.2660162950232072	-0.04675921551020302	1.132996068301822	-0.4010550289905282	1.099060739344578	2.4027248480404766	4.1379994997286795	-0.14134951320393116	-0.6501526250891857	-0.3659024178240195	3.2863099467890966	1.4098334630474565	1.2069399858183845	-1.3007580136634234	0.9837699599571015	0.20457699052469625	1.3086796627828277	0.4879712679472181	1.0723840528336852	-2.3343857058676805
+1.3040789669478816	1.0844625393602574	0.6737142721013296	0.17472203676555667	1.3046319275215903	2.277711801224474	0.4035870586477576	0.8263051003402323	1.9311962428851297	-0.6036150545713445	0.8181326614048836	0.3938386760810377	1.0270220540722756	-1.2338339349001504	-0.910112357847008	1.7133807524091937	-1.0601166494826415	0.9410610842846138	0.8711698351929127	-0.3777270016189138
+-1.3326643379405825	1.121805205079221	-1.5800457372709114	0.9688022292990323	1.4009044672169189	2.7231077579401117	1.5606184167715498	0.21084858460986416	0.600415967866526	-0.7150970164650569	1.8937971305872392	-0.23238784170983842	-0.26912995051298744	0.6626324542768527	1.3599078667274527	-1.7571277517318737	-0.24929745586845417	-0.5615449405120571	-0.5133139254238597	-0.8176412362845125
+0.07151403320157032	0.33871260560121047	1.38105442257243	0.0030394511772994515	-0.9046209944047392	1.9643160214343893	3.019884130450037	-0.7528684775182631	-0.33365303661728624	-0.8230372698120682	1.9220036581788054	0.5902497780089356	-0.2825962521759089	0.6231459378271512	-0.8877878417744975	-0.699097783863332	-0.5295160095052561	0.9165634324963352	0.22479843315195086	-2.2075761556181406
+-0.5561248283535234	0.36775763113420945	-0.5921706241157424	-1.985440660559521	0.3031659398360932	2.1249652130427994	2.2011881331580083	-1.0711666175617691	-0.6578964948258654	-1.0845024625155688	1.5304842531835636	-0.24644524208231208	-0.7157777958249367	-0.24368211729456907	-0.278653861016117	0.8236150583226394	0.22561373298934845	0.6307421608843048	-0.9034699459480304	-1.6963513826099512
+0.41433588675327	-0.456826083912932	0.5369461461039864	-0.0522044899097013	-1.9109674965269445	1.824781377373315	3.8882163861935823	2.416594768960356	-0.37912173375010605	1.8689538704642032	2.439156292611447	0.6860796238382735	-1.9418818299478173	-1.34623471444405	-0.08099186413636253	-0.790157691557943	0.174088230414927	0.0692515796865845	0.04840756254691266	-2.6646887504959516
+0.7556669689498505	-1.0134631768847957	0.29442058791112474	0.9301617629859512	-1.3172645324537753	1.1346845155485794	-0.5189761352772052	0.7612078224849222	-0.719445943559776	1.3222563642602996	-1.6232238475631995	0.5410916427275451	0.9086484746429212	-1.0226241227800494	1.3238261372111577	-0.9022587135019965	0.46856272821561284	-0.18434406998696976	0.43119618393501913	-1.2575381173883136
+-1.7453308518244355	-1.0410143786862622	0.827383581103491	-1.01559787459446	-1.4092938204476888	1.894874909315178	1.9746028845317887	1.4478882729697549	-2.4355442663272653	0.12042874668302737	1.3730718083572446	-0.6340574477598734	-0.40054397495061517	-0.8460407109217015	-0.7928036430125988	-0.8763857647278334	-1.5406166758914643	0.5399355401303895	-1.4694210903009963	-1.5182180147160245
+1.0784246103336974	0.6750275474270194	0.883320881578071	0.6851873084466028	0.2463794964155742	1.6240981608723588	3.909303507340842	0.2591824998427575	-1.6014038225855325	1.1801464748015662	2.4755532139585203	0.7995931657601443	1.6483349264511817	-1.269517021279204	0.7198065388081868	-0.3671739224800498	-0.7364785132472684	-0.6205826123141913	1.708837288406762	-2.594756018144528
+-0.8724752663429329	-0.20676008519924227	-0.147037950518503	-0.3469711057863998	0.3030432517244222	2.9766873405259227	-0.3545439983175811	-0.2906004378297524	-0.8615055467845667	2.64824913694288	-2.320989250196477	-0.7513804076889016	0.4138322227091657	0.40569607267785357	2.324691182530559	0.31222463413628465	-0.47389527074794313	0.3094622216324795	-0.45332911447984997	-2.6391217339647786
+-1.9439740642072567	-2.1600693951019228	1.4363746395107222	1.5337404660489315	0.19078538878886178	1.439090431548036	2.6960653101403405	-1.0443144938735622	0.2922944555250187	-1.3295603290197338	1.0800582750478611	0.571108069365942	1.2936982062594258	-0.5132317323259642	-0.7039987129543175	-1.1993253733914686	-1.5764227750359747	0.15272065360385248	-0.12923556834547742	-2.4654648996762667
+0.11960836600537027	-1.962205295107201	-0.15289727482282942	0.8725721293803249	0.1880426317166932	2.0033747419300845	1.15844952637937	0.7976997481765554	0.23781627738602573	-1.7200788876412745	0.8117221615949033	-1.5827576575314009	0.6134556364801715	-0.02546505553821513	-0.8063013580291488	-0.10144031832279084	-0.42357579979471666	-0.2810292805472236	-0.7307302195367688	-1.1514871345239688
+0.8804226522720447	-0.1553428963129469	0.5332395252099033	0.11490445269063976	-0.4450537172052856	1.7800410306980143	3.739511723370299	-0.19389717274162283	-0.35853099900872726	-0.6075997472534185	2.598024569503534	0.7193554058484555	0.4143549608996369	-0.37886770079120985	0.22523120196878663	0.6312797142648373	0.29595906361444474	-0.17987914782430053	-1.3578165851984594	-2.336837183225519
+-1.6188277521439098	-0.6049258835366146	-2.1216868938554883	0.6816156489035747	-0.39091832374297153	1.8546492624641897	3.5484612828339506	0.8719065415632481	2.758577973437618	1.6571275711005302	2.296493801170787	-1.3015552984330783	0.6517060330634804	0.5957551049011494	1.7890274248449136	-0.7415803218575354	-0.005766275627966389	-0.15804411491961362	0.13620848005420536	-2.423189499613118
+1.6081285472408777	0.23435520154938877	-0.7288527683328972	0.311666603416228	1.5665851391923624	2.637939192418067	0.7201878317826566	1.1915703780275082	0.8710504351968292	-1.9156539861859627	1.6088973557562045	0.11845917358297588	-0.33770051154345737	-0.644014636916798	-0.02347528786231049	0.08677566794439158	-0.9385449468543731	0.26337009109800613	0.7352362945358205	-0.10977852756819284
+-0.32923693977194085	0.7736872114558306	2.4780804018190428	0.48552065254763244	0.40216797844224167	0.2597731978805826	-0.5748762225002332	1.0570134307512908	-0.8261899095431723	-1.3436698347988711	-1.5544302042076787	1.1424536948089392	-0.9583576417302213	0.22830375884373577	-0.825731106903978	-0.5442101029170942	-0.3274919019444577	0.8097217279088726	0.760356275512128	-0.8694352309275695
+2.542215706473608	-0.29343216120293475	-0.7733243270161364	1.003908593487794	-0.5338628503093397	2.550876291370348	3.9716288467531937	-0.9291489740999028	1.2659309465128878	0.7842772699837448	3.4545055742189215	-1.1768131031943452	0.21585284540627306	-1.027218546736927	-1.509413785098642	0.17879823435321449	0.2813120980770261	0.8175347329639697	-1.6632975276321524	-2.0356612587844314
+0.5591904076152789	0.8520991264040052	0.41534575356401904	-0.11034425266522505	-0.9680961564304075	2.575677133452626	2.4324315481419188	-0.1547178868303855	1.3488180818935642	-1.6349247175271011	1.9354484454864254	-2.3130731036680032	-0.7749071926287809	1.1101274952228224	-1.348574102790948	1.1480759609506968	-2.3931194451461484	0.8322612537078539	-1.4386383317995668	-1.7164997756861522
+-1.2866095977988632	0.2911887600256246	-0.623970736017902	-0.9997828958735987	1.2045930268646086	1.9821838380133094	3.210527262016459	0.37194691893799914	-0.9592743874102447	-1.1615035460785146	2.059301111103549	0.3917165118833016	-1.3137146977313097	0.6628599071096313	0.208576033086469	1.6042015175880582	-0.9267682286535942	1.6389672896387188	-1.0542615578947843	-2.3004399428139832
+2.0468935191072433	-0.7226970302245961	-0.48395618684839814	-2.2229150784714786	0.3459880131172701	1.1324497189504088	1.4912587172048224	0.3411839598264167	0.6715382471375413	-0.3651029407087692	0.03233087935168455	-0.5081627405589572	0.002075317851864144	-0.07944497974608919	-0.13805622601618786	0.4878193412223996	-0.39744926389919083	0.3347669895977678	0.9512754223441522	-1.987373538202905
+-0.7382636490215473	-0.22369249369034547	1.6037533486347175	-1.8535911111814576	0.3433057229529467	2.623468345473931	2.2386229639607853	-0.3565338436766438	-0.2981032949084945	1.0832265486815233	2.2022644592030427	0.8230783035635492	-0.2704575070104037	-0.877785782447869	1.5635577470569406	-0.9206250746598925	0.18458094061494845	0.23126260056255682	0.5086324430299911	-1.2655949713688885
+0.9801154912493996	-0.9714317575011946	-1.989123942283623	-0.14596251975132246	0.047915283012091275	2.026250349326431	1.983271849768137	0.4327132176957921	-0.4458492651340762	0.4755785460584622	1.4412048694220818	0.31261192070774513	-1.4362423894158378	0.33409276022332857	-0.25557845357682685	0.2171784047295099	0.0912077469135061	-1.0977521755217994	0.04577776149822751	-1.504168907709428
+1.042814935613461	0.0289247521551297	1.5713092096328487	-0.6493091725068	0.3925914776369048	1.612456207295006	1.9070610944138173	-0.21373117736094724	-0.8474649172291967	0.2511978358110944	1.1951884478298114	1.8457117874954956	-0.7561295679391455	0.7306793054321578	0.3871482061965072	-0.8376689102369139	0.8060997609659178	0.9180793753123786	-0.05694698676597587	-1.5224454468239381
+1.1843631396533776	0.28187042711352445	-0.5278992843559991	-0.008323420762250892	-0.5676904083546325	1.9096602901749113	4.210452692323256	0.3174485759764526	-0.06216378974721015	0.1442029751909337	2.3197832486156553	0.24337506888789726	-1.6829389843273193	-1.016341755691126	-0.5083071855097074	1.138539480366619	0.35331023665718697	-0.5364497693427213	0.3018289258166516	-3.1633349572650453
+-1.1033936745271282	-0.3228480718884559	-1.6029877858064314	-2.060473241004085	1.502104845440131	3.3068198936545343	-0.5755921159596133	-0.8479820338267302	-0.049278642271494554	-1.3555265544053936	-2.9869333403379255	-0.539494277189652	0.21840234677388004	-2.983179795459816	-1.1081770605346561	-1.1678098520695241	0.9483490417169379	-0.40051482524720666	-1.1345390715671793	-3.105421322306825
+1.1818591909429563	0.010940207954605074	1.0991749268175341	0.2646245623054325	-0.4370195820203343	0.9099563454566488	2.4880020534621274	-1.1845367532960118	-0.5740496722310894	-1.2828370363223902	0.5036475673589413	-0.12472847113954046	-0.9017786349599528	-0.3557530305362673	-0.7205754485859236	-0.3791907051284256	1.23892695413196	1.3956603010970294	0.7953793068492945	-2.606687963075196
+-0.05743841185146639	0.13640635378735266	-0.919226626093319	0.5845587742377653	-0.5421820423052335	3.1488241108579773	1.2021909000387148	0.3881645902547223	-0.7966465452968489	-0.41242082662303364	2.1427762590281834	0.9140473680506183	-1.7757893547477472	1.0519528535279394	-2.7496648298423847	-0.6741904783220146	0.016815031043253697	0.6528818779684323	1.1726280470426258	-0.31087336418613964
+1.0376003264438238	-0.16909518304230692	-1.338149184088708	0.6219591169019744	-0.6802787546467993	3.4667005694981627	-0.8745159724438328	0.43894097698101936	-1.9546702326224747	-0.06978914936037399	1.0427977438070721	-0.44947801288916917	-1.1552487951788097	1.1042948647674429	-0.8475749604637852	-1.5044693809093719	-0.03464186387582058	-0.9683081752992457	-0.2762397692033256	0.9137742233056829
+0.6418329709269822	1.4011771488223996	1.4180253457355791	0.015832248942212974	-1.1186464346333356	2.963061045830526	3.283076793168876	-0.30863537738204355	-0.3447503044757431	-0.8344486519064678	3.226922481699135	1.9360409167440404	-0.7779382605758209	0.09103258674986825	0.75803721916516	-0.495173654294767	-0.8289552840197886	-0.5365685058347942	1.322400157119208	-1.5943671277990905
+-0.1294858723574768	0.6023390452998979	1.135540573759873	-1.5733050390402779	1.3180182305617458	3.529251561518057	-0.4927097178597104	0.5032925682199433	-0.9160213389095851	1.4696434480695553	-2.7299452549470424	0.9389163502432044	0.12128497902517181	1.755651465300151	-1.334097912738056	1.2490960516412406	0.28286780266302786	-0.8113853739111042	-1.2277429139519462	-3.0273059347139273
+-0.07324738812940258	-0.7707735086872708	0.7973283078305399	-0.187925327519174	-0.4808980710246973	1.2708752580290823	4.84466508988643	-1.6695427018666538	-1.3552507458429897	0.645626283321427	2.511168307873308	-0.7456399505614479	0.06613242743512938	-0.6047228846227559	0.23306694022316776	-1.3991630115224	0.6444157533649799	-0.44853021402279264	-1.0241025206577696	-3.5092391994854033
+0.12956389540488147	-0.682204377319232	-1.0680584032777118	-1.1314764631881316	-0.02443935506221182	2.3063678295646506	2.0549254640155397	-0.2125424941818941	0.09244322995917588	0.4478956497805346	1.958467999316376	0.657035955289195	-0.15693689976783282	1.1497039143431782	0.5338249871379891	-0.35655367080415895	-0.31972370677598894	-0.6968652643833548	0.04433562406257763	-1.1897078282068683
+0.03809480048799627	0.5435060186011955	-0.40602228404395047	-1.526978174043192	-0.043640077090920146	1.714376973435947	4.582070903798194	-0.1397607547944325	-0.23761202595871855	1.1232564095653559	2.7124905281139924	-1.0112428944886074	-0.5232780372163605	1.0446421391759615	-0.010304216792500024	0.19806590580825012	0.3282811689190089	-1.2010734448503604	-1.3357804137320881	-3.1597927363411076
+-1.509808562155043	0.2556414293958333	-0.7849813202251626	-0.6159397256356952	0.1115648807404373	2.828421594168162	0.8084888128298885	0.4068897115231125	1.7107470806092253	-0.4531456894199228	1.6246348351051185	-0.05161986082083387	0.7691973950015508	0.5119615949416946	-0.5598398990033213	0.1746219475487289	-1.568438414178324	0.06314896617018512	0.4957660572388983	-0.2515481506078645
+0.9235600949640698	0.2986232657555735	0.5322199996616623	0.33892934630240173	-1.3852961734480997	0.9626116124068198	3.276503049643706	-0.45472919382202504	-0.547884054380435	0.07769994220575448	1.1551260323151642	-0.2698007950589949	-1.0122690347683299	0.21241027297304169	0.5624219847527029	2.729019914081559	0.39502229425642205	1.242129719537659	-0.148297235176227	-2.907017629148918
+1.1322191489300495	0.02432439264714545	1.0348722588853225	-1.3480072533558047	-1.2671232508983545	2.240304258571933	4.698088854710754	0.8938908813180994	0.7101673977081394	2.8701093730997145	3.6516067288259935	-0.2884419377142751	-0.8777442029238529	-0.20672004952460554	-1.1389771615035478	0.6225234379792134	-1.0023036676839594	1.2250146735552747	1.3448066319018819	-2.578219153707277
+1.18731325525149	-1.5306072690123391	1.3406990892738437	-0.503367106191384	0.013263676305093453	0.8886573306068422	3.7120617614773046	2.33510570547412	-0.5283055439533593	-0.7733901069918419	1.3637313309292702	1.1188515022456815	1.402438822106319	0.362137789021958	1.1744484923246192	0.1359444539809322	0.9278805964991531	0.556586822078193	-1.2456976389340884	-3.1821501230343596
+0.8210058137367048	-0.5695735757899306	0.21108601613049383	0.018173593601366042	1.6450789171365061	0.8838870867388757	-0.5813431833524116	-0.6935146932401834	-0.7693377286538218	1.6744403059980795	-1.8216248793671306	1.014910365354128	-0.37149098444266176	1.118115530006361	0.1933358487303914	-0.3555430098009989	1.1485886406192976	0.2411181999624409	0.5167478097157013	-1.2960358208814524
+-0.44320358152144623	0.44667213730489225	1.806946331086808	0.5579242214757757	-0.6131405976994195	2.6523587986500536	2.055592501329946	1.4371866580772343	0.3983326222368557	1.1339455077461444	2.2015061598612906	2.0122141484888694	-1.6561258303259783	0.6573816459416328	0.9097760165881769	-0.8607766473804721	0.5516903607798257	1.000873380088971	1.1082235217077105	-1.0688774473892675
+-0.4543340511028653	-1.2857625922603586	1.0577910776436656	0.7511842258603444	1.2430898150769745	2.6818398314089946	1.793374855116256	-0.6310901598937037	-0.6811492230000045	0.4904376977891445	1.854005554663754	0.8215319164863131	0.9963093145461641	-2.1602831478169016	-0.8434192690757213	-0.26478935501766626	-1.7524590114516	0.7749084078393471	-0.2698899054659034	-1.1041788806922628
+3.301048797547584	-0.2052359912349352	-0.10295197231345561	-0.16171391126490922	0.7881647636612786	2.1237774858386738	2.9456422166135035	0.17670543165922079	0.3973237305691883	1.6951690188463358	1.8946319251371546	0.7416898648458943	-1.409725880512473	1.3790574478842756	0.9742756102432665	1.2228927498685427	-3.175378398793106	0.08129003807653015	0.8712343683603716	-2.1969927570083136
+0.007262956946141743	-0.3171039945418159	-0.8250598601513569	-1.6449338281068886	0.9408945141354477	1.8687162052370607	5.7949411792100545	0.6716429388849334	-1.2685652969339472	-0.8684107352987511	3.406159782958383	-0.4579025074948399	-0.35430461394282875	0.010940948100142678	0.38042474850265856	-1.5089300193019692	-0.5188909845970797	-0.18131438596641172	1.0804378026227197	-3.9292066410077258
+0.4487836086290664	-0.23631424712433696	-0.6738039234758446	-0.7284407528613063	0.9802444263833888	1.0338265475981838	2.700624805326069	0.18845717122624409	-0.21368769880386015	-0.3467329335668208	0.8969244282235194	-0.18436524130566814	1.1990088506374994	-0.21753887894033994	-1.336420554321479	1.8451024069916393	-1.4534477045194636	0.6265600073138591	-0.26992267347125687	-2.5190088670898594
+0.027925325002526126	-0.3544549213966414	-1.0327328916075296	-0.6827522418568164	-1.0657986358599754	2.860088488514135	3.561747073973573	0.21438972425824343	-1.0935706350060224	0.5987363716135893	3.1332370774917777	-0.5412899064841306	0.45382495996816336	-0.9275210338055404	-0.14597938327477444	-0.43928035338059196	-0.6153073956614592	-0.09892600444003041	-0.6280319943025113	-1.9640436509321157
+1.4134385549095423	0.2432495178978582	-0.94592778478443	-0.09060590272719946	0.6699384897320224	1.3780625328823515	2.0043829480027453	1.826103834413419	0.9149416714213667	1.8395143907074114	0.5597333709539756	0.772716133137024	-0.3949894039215424	-1.096851440758609	-0.20512631901695	1.3732459379052369	0.32729661220131995	-0.07235478475191007	-0.9484604496623323	-2.1502173063606764
+-2.1377230830057026	-0.9022046473777768	0.9002592388206436	0.6389983885325063	0.4881729547686597	1.9306421630506878	0.9425121480168286	0.9734973737724517	0.7113229431959951	0.8236226253868995	0.553578809840781	0.9790272829445853	-2.446414030069164	-0.4389107238694635	0.7578392840905424	-0.6678885600477964	-0.5950967939185612	0.1091984071982803	-0.30924953702189273	-1.1256207597633254
+0.33173692450357867	0.5349840371770207	-0.42563226193690834	-0.680734935564034	-1.2014572779757857	1.3984922400284652	0.1429418598840384	1.0631871934081636	0.15010232561365439	0.9296993181244861	-0.20275700204114155	-1.4963611383807671	-0.20121649613260165	1.941056063360447	0.7195938514076128	-0.8677678015989634	0.38459711988430434	-1.1677076914785631	0.09345661983530636	-0.7665916975272744
+-0.2971756759435592	0.28628481019969876	-1.987117078432696	0.617144615213011	0.6201263549527398	1.8400203487260813	3.0782400621697605	-2.10698026582488	-1.2166753397706287	0.17891473879023886	1.8523131085861868	0.8197513779210771	0.3425468667472211	1.223846729136992	-0.46392492425467496	-0.7197856545819503	3.0070808286207327	-0.5487741639854061	0.8809694418588211	-2.300639053977365
+0.31261080951803377	-0.6670553375461135	-0.8708007633108689	1.3865017767078402	-1.0672452863777229	1.1221370964419415	1.7007900038220265	1.8699489254520973	1.0484929293892733	0.2643359575460632	0.26792812889569695	-1.040719691130737	-0.6058844084668961	-1.3700776990926202	0.007304028783537237	1.1372898858718157	0.17603085314096165	0.9895466266934146	-0.3280730824721745	-2.002079764680017
+0.6911808044849639	-0.10082897672543122	1.9635459854417474	0.02466264902857429	-0.8799687753681982	1.8431069429921971	2.3007785332547313	-0.8784937473257451	0.4497163998453078	-1.0782298671915926	1.2031620813225135	0.4461253037853616	-0.2779154584088849	1.1168377869820243	-1.1782191737343257	-1.0333941802666704	-0.5618641630813523	0.8723621902523534	0.9949168645302084	-2.0272426211078862
+-1.1255703345797468	0.9887519215094578	0.9494242082066333	1.860930205349418	-0.617605866081285	1.981468913147384	2.7968004126653536	-0.40988662342543203	-1.3721265714258353	0.33289633349739856	1.842099834832251	-0.5265078538028466	-0.4234305571819214	-0.18116391700419401	-0.4595546579435974	-0.6147320852857083	-0.5641997115341427	-0.8907750257002216	0.5888774221302534	-2.0355266017313243
+0.2916560736930917	-0.24405996510594866	-0.6099697926725911	0.3046336937174227	-0.3331927874201807	3.2884050669515723	1.5403236934623248	0.23866286629313677	-0.16575163641879828	0.3064474246375252	2.7252350765712574	-0.27273143763241564	0.5042528853317289	0.7944701046672388	0.3813112767309157	0.8043610230061424	-1.1132858597724125	0.7205961230648443	-0.09193848723353021	-0.1940559413712899
+1.2597119755449557	1.0642113043782133	-1.6186303127796309	0.28978825666562824	-0.28210381450343724	1.4061435191655378	4.191572454547886	-0.9749187968067483	0.05547777004960073	1.3789072176752388	2.07761754386493	-0.0910902811589923	-1.0493684130180712	0.8258545133505514	-1.5711391068559917	0.8225113661797092	1.2030669202067783	2.688526231697763	-0.19925995987759232	-3.2157733584366968
+0.48017495257320686	0.9760948512465812	-0.6506752884473117	0.1181663395563556	0.6072873144342118	0.9806253028344998	1.892771271108642	0.13969752461684967	0.9319474952167373	-0.09166314265298951	0.4120283734360528	0.5722066170527804	0.26182495170961256	-1.1166357678276193	-0.2675526948328786	-0.45145077309583764	-1.4658633938864454	0.06466226667087133	0.3215385708518279	-2.042518334453895
+0.7470096973925024	0.010687928537487129	-0.07225166653651788	0.1680501111005866	1.5693692501117946	2.575165082157587	3.187520084987634	0.770365266507789	-0.9575914883683964	0.0654892022983044	2.8032124627359662	0.6486060547911995	-0.39263014057448636	-0.604233378251936	0.9408971475659552	-1.6816399227130647	-0.4123550037398672	-0.5299309135880819	1.0745494307800112	-1.763101172133547
+-1.1401566940048464	-0.650081809431688	0.33783792744324587	0.03409918298901171	-1.7034499224853779	3.074442127968239	2.3579363704637304	-0.023871380973315554	1.4666137260493723	-1.1801322694756045	2.8705470213071855	-0.0049994354128560375	3.4127574847431754	-0.2729303811081295	-1.5604466639516867	0.012017287034300444	0.6090767875603527	0.40391619926563915	0.2590068648377004	-0.9160494158189665
+-0.01853702535572838	0.3526048740929582	-0.07557964939440821	0.24677781292939513	-1.1926161724637185	1.6396195835954177	2.89248220433935	1.247576034208643	0.72574859962319	-0.8702672207783005	1.6735135622450317	-0.8582059967951359	-0.12997810648891617	0.7663220363076995	-1.159212254356339	-0.1612183738361426	1.4621383472542904	0.8110503395514216	-0.45030971147742843	-2.197140908594242
+-0.7343078922591039	-0.4707016044721805	0.44843391040482594	2.228384371549194	0.2559204370466031	2.7515830862360273	2.2884144306614407	0.7121845130226766	-0.485782439644549	1.7329464228675593	2.3032459052912198	-0.2395067027883179	-0.02655096127256873	-1.5225777461207939	-0.2733842144866441	0.9698579258971555	0.002798429495224543	-0.7151293526095346	0.08880054741269958	-1.266457854007815
+-0.3065469075777773	-0.3095213138442422	-0.6567623724997316	-1.0930391080023245	-0.9812932442344945	1.3325872554493485	3.394825678054191	0.1204520815416409	0.6627952715247392	-2.014956565240716	1.515963064836196	-0.48714493067610914	0.4924773673198628	0.1877074900017391	0.05814267735595665	1.308840424889258	1.1544800912390332	0.6229574425654543	0.889820127496463	-2.8167609467768533
+1.8491176599324122	1.3799806382690765	-0.7772314667354596	0.230218747604033	-0.22125126065623274	1.7627949944214696	3.3613380733999323	-1.4108049107128753	0.8739688367945391	0.3125016721495089	2.1045330058555085	0.005086084638206952	0.6186688815566134	-0.555724666811945	-1.7118491361004633	0.08425743601739193	0.3284925645669055	-0.41655655807164504	-0.5422686350828362	-2.36277956658778
+0.6223167865228901	0.4134304072391352	-0.6236287757024717	0.0464588149208277	2.017396615140972	1.9551660177411316	3.557188311651056	0.025484191135798143	0.7716710181774667	-0.43532344948394314	2.6680943592251047	-0.056132662467930416	-0.3259170360070014	1.5583323258184485	-0.13138390815426226	-2.037154038357071	-1.1934941839160278	0.45530614334343056	0.019154260096606115	-2.119053192986246
+0.8406209984625372	-0.0025725489422344545	-0.601438867947689	-0.919427125487488	0.7042315519384602	1.9350422922446273	3.1532961591949613	1.3182372013258132	0.21231796110187093	0.10876063856162235	1.9563000401172659	1.5306495313829316	-1.6185633673532231	1.6063146980584382	-1.4754994977674283	-0.7098457831757273	0.16910866287009158	1.8735556519606358	0.4955557201916599	-2.3172718427176067
+-0.10470775098912831	-0.9192997520077135	-0.381051608307064	0.8681112478129165	0.9675919545620508	1.1357564555866742	4.523612083117699	1.5259261980860144	-0.43021162883828923	0.6717999085816438	2.1281955339320198	-1.1505806715819078	-0.6370844631051996	0.6405604522065041	0.5833603028087593	0.415900867459692	0.6772986613760955	-1.8801781915497076	0.7515431003744296	-3.461947763585174
+0.7544122878283511	-0.1691013469395801	0.7344696007878655	0.9897648552887653	-0.33030169671373805	0.8500887325118431	-0.8462212864291112	0.0662688806987377	-0.16664517282256974	0.17323478848691068	-2.4706628516976754	1.1486684966170213	-0.1801410237874884	-0.42573376343517644	-0.9196746687225289	-0.4327272525356103	-0.130229869668544	-1.1314936343906057	-0.4051744055679146	-1.5885726791519432
+-1.1082876615290396	0.3783167097676375	0.47507373770357986	-1.2592911809870193	-1.1392700666779494	2.5869392888026868	2.0496131393403125	0.31395990739527935	0.5667356248996508	0.4388983719666216	2.2640126566004173	-0.24284162524362948	-0.5876400784083102	0.08810883117571265	0.15866318552444714	-0.1656049176198418	1.0208061296581992	0.04222288016830168	-0.16483617313537777	-0.9847295670555858
+-0.7135348694554712	-1.1163342577050426	2.737261717075247	-0.9146211332262572	-0.9596317526409675	0.9239419033853808	-0.7061992056079271	-0.9058350936754671	0.12446127289237693	0.6140120793911038	-2.12263188147309	0.6804435232885413	0.22950361052570392	0.16713345445616412	-0.3071682156145226	0.7962454601107771	-0.4195900728623653	0.5749757625495912	-0.2166852164638678	-1.4460973027191595
+0.10001425465047145	-0.11248684681543017	-1.6124263649729564	2.0065266345648163	0.7056018539692961	2.0013354370364094	4.224106907598218	0.0820636738010749	0.26009743195726787	-0.722456984523736	2.9834304547127886	0.2479400553741414	-1.250990807784816	-0.9560221837707406	0.4330320108730104	1.0189413792845377	1.722151790994507	0.5386992842698618	-1.1389390519049107	-2.591746007588043
+-0.8244287936000035	1.737922185382448	0.12126798597227534	0.0697373741747854	0.2855311845084124	1.930350972142858	3.905993872804313	0.2582478453052159	0.22481080108355322	0.46421001162538034	2.4736544424966085	-0.21472820980466178	-0.30407816401136306	-0.07653768602637191	-0.6520725579977719	0.11733469438226922	0.3442617402806874	0.6791599858679369	0.186693120962863	-2.684318224425552
+0.9954134961212436	0.45321208823484194	0.25180958965329164	-1.2057662493886574	0.532051494897344	1.6961994199194057	1.688814607844647	0.4918773477569636	1.2043898272903486	0.4123716456076373	0.7059714084350248	-0.08486788784448994	0.8177930260595054	-0.18255762373250223	0.17119462842741948	-0.28084256477083996	0.6053894492755059	0.355537692148527	-0.191441590085369	-1.754658196678248
+0.20314035915587908	0.41376348238641203	-0.5937523941932776	0.6331557419306821	-0.3941126311293185	2.0256419184130405	3.8938347670799143	-0.4980791579806768	-0.7060223010084051	0.5320947492993139	2.3123936615939065	-1.0116598063899964	0.04908563403362468	-0.8363331795116757	-1.6787276912798685	0.23682988657803777	1.8155791879843102	0.06221496503718183	-1.096467924006	-2.848393782580402
+-0.8484574739703497	1.3067865576457078	0.25715573889589005	-0.5778920236798556	1.2522052635779308	2.5540397800380448	3.62109581483752	-0.32782688264878435	0.7393667994651832	-0.28375737263272044	3.182336120597001	0.6388288113204441	0.6913878844603908	-0.42013735166981375	0.1445696954158848	1.797278428886632	-1.3269163979305343	-0.5374183207933991	-1.1487633221563704	-1.8939359370372513
+-1.3602048110286376	0.5757004569917364	0.8869717645531512	0.026710832154578035	-0.7038694725835929	1.6947348065431531	2.268818378159356	0.36917442510459053	2.301473174643209	-0.5286522705814036	1.5329428902387054	0.39010104877695334	0.14541339779939963	0.073806307813787	1.749113227796038	-0.7675414767995457	-0.4420390933359007	0.27623888694269183	-0.6682158554963014	-1.6416290184675968
+0.5511364127668343	0.5119811368005616	-0.6403681996862031	-0.052289063121627954	1.5130684131066574	2.1140859560266594	1.2987996319799406	0.485048607884412	1.6727740357639311	2.350000071336744	0.8678358135377484	1.5554946155341371	-0.47422733218193247	0.11060382897099452	0.18915730960722785	0.6288932300141935	-0.79006421690735	1.2866417067385165	0.7620480780583243	-1.2906342756816898
+-0.4540272927524223	-0.5807623516516451	1.4084704387538023	0.16838761220803988	0.1033523135461557	1.8177887962411698	3.9642632677697573	0.5950586898526579	-1.4542539986918805	0.88097757316747	2.5298682021512944	-0.15402300219641923	-0.9235335902986401	1.0872365191343392	-1.4088688085888759	2.1941171856717223	0.5316560498926327	-0.004043752740358592	-0.7807136934548528	-2.6642367857242837
+0.35397408254180424	-0.42669467668697775	1.584068481844022	1.2234377130849166	-1.3509644651985688	2.41469839654194	-0.4941657224994662	-0.9356530935685766	-0.734883472508058	0.22871592307469632	-2.874254614962351	2.1167718998996077	-0.8746471436118773	0.31874916639464645	-0.7601210267860944	1.208445192471541	0.4458889067332761	-1.2794288806021046	-0.989835707386587	-2.8261498631593405
+-0.6003573030903941	-0.2861693513584305	-0.5372342917252593	0.4333561763339038	0.4231073188531783	1.581276022498149	5.7144559609325265	1.4441910901611175	-0.48569627117375685	-0.3008437083300901	3.2812425437398627	-0.9486234094932954	0.2259967684920629	0.2619074703719612	-0.03669220459068376	0.8783389413859992	-0.12397304751745325	0.8136608429347919	0.3217952793576086	-3.868329229793111
+1.3117189168508085	0.7923476290545615	-1.4586370926348016	-0.11732143530508812	0.6982874764793926	2.077817683378868	-0.6714583934157332	1.2295566357585064	-1.7914219970664336	0.4239452184626243	-2.643121973388702	0.2208980179506335	-0.37800897014442125	-1.871707314540048	-1.0330686870417145	0.9526434971476235	-0.07460374882364534	1.1847373564635066	-0.5718599122219185	-2.311904097965952
+0.7217756611744316	-0.38979346088003153	0.8614458646586446	0.6545973301313297	0.0625326751447304	2.0440430683165367	3.873950240982577	-1.5459345731473604	0.8030357654988135	0.40080071689087954	2.6736658772535535	0.23767441968344888	-2.153806909012601	1.1714807676851848	-1.3834530942813652	-1.0257862323321925	0.24429590933400033	-0.6596326611319782	0.7908167086144274	-2.4970660672732246
+-1.6696042658168297	-0.8886235114951507	-1.6278636063965453	0.7488285010078221	-0.23940512322675048	2.8060757737111657	3.166432186118779	-0.7041908161556312	0.6603643700482086	-0.8155915065686044	3.188632937020124	0.45113794896291104	0.5773693532945827	-1.4058319551014913	1.801745908642763	-0.5305892937658383	-1.0061811886959957	0.9035679172396148	-0.2772188426563855	-1.4515770436350186
+-1.187543256332108	0.49837253740697735	-0.024009531991986938	0.5935397351126044	0.7799657600792241	1.906635017480805	3.7297500628694094	0.9054504008801559	-0.6735527225316198	1.2303757419674433	2.0334952591950493	1.46183904166379	-0.36624026774264323	-0.4971184991454444	-1.6222312315300103	-0.05370685500756135	-0.14277779404388036	1.7609836900672347	-0.5791579320753671	-2.886286209980611
+-1.2985660484957413	0.9739610156351439	-0.9336592163346259	-1.531723544135611	-0.8829114078608564	1.0781958040406647	2.240498969250612	-1.6433893524400096	-0.9853102246253059	-0.8712130931060924	0.815123938936948	-0.12291326947566955	-1.0841595127912076	-0.8632855011134032	0.8143833812024763	-0.9372443254125811	-0.4645782015346683	-1.7994731244940985	-0.6293627471825595	-2.0899894358481466
+0.7008718493347771	-0.5680765465716158	0.6486026635748863	-1.2170551454626664	1.0496586255175613	2.0693293381953852	2.4572071098481056	-0.6734721977897222	-1.231623716057393	-0.45251197387218267	1.5869743060510921	-2.2928791579777545	-1.5414762848642036	1.2848588463010087	0.7702063901292139	0.5836246566057379	-0.48360738572420664	-0.1209471490835658	-0.5237488950250475	-1.9156525592423943
+-2.7003500580171926	-0.621062023841848	0.7847645251260773	2.334329741851786	0.28169885652520577	2.338357726954878	-0.33492028318348777	-0.9153835746686149	0.38432876471414473	0.16414903508632941	-1.4061884068421748	-0.9282646046480879	0.8245727122430407	-1.5960832162348244	-0.8866405020669896	-0.20621055497567184	-0.3518799135474275	0.37731955146611845	-1.2602231979606915	-1.6235740467509618
+1.5505671107685661	-1.8344435707552003	0.11383751982810764	-0.8896462754339419	1.3254683535280698	2.1299995936659197	2.7768734528132897	-1.510215539128906	1.876584693964673	1.5321267428056962	1.8450066238602645	0.47642879523639536	-0.020189741033270467	1.8798552087704954	-0.17940727097062648	0.11891198777736516	0.5000856851192513	0.09886548629679977	1.189609787826178	-2.054793769702011
+-0.050888830558338205	0.035768593172871135	-0.42723756365977406	0.024198508258212414	-0.05738793957307725	1.6377634202337872	0.9612254028993097	1.2373156851052611	-1.2250131175748717	0.09843763124207772	0.439345569319439	-0.7868459075608205	-1.49616177827276	0.23530826544998712	1.2702493094016367	1.6019963154567187	0.025027114588710948	0.4689050348719821	1.0675725807822378	-1.1649041412322463
+-0.1582698552315506	-0.08048346990253155	-2.1480117868939357	2.047644705860473	0.7947162744855929	3.242804563537072	3.1537786543701785	0.5402497023814611	0.42725061590452484	-0.6354699283615589	3.262065129084129	-0.22929604213545823	0.7154856008886161	-0.2042624800307618	-0.25787434868118037	0.13661938345994423	0.45536531678416686	-0.667051904499571	-2.0893270217727435	-1.499879266505479
+-1.6892224589811542	0.033282405582668796	1.3477425794577726	0.1632948250896092	0.9546368364325067	3.142762531062504	0.6198675312189228	-1.0153052663492874	-0.15207932314590578	0.8163855692990174	1.4441218911846732	0.7401609466569805	-3.1775668003897293	0.3501161914846874	0.9824620928703371	0.7474590814012854	0.05620385736445019	0.5799043407422569	-1.4780503077304155	-0.30025444911698296
+0.8372517880133713	-0.7318602307926549	-0.38915635273345717	-0.17347926489577237	1.7782887910933356	2.9390071030083997	2.2249787394885727	-0.8894310315746558	-0.31352160368863785	-0.0649562333690296	2.8226768243190103	-1.6040621396920096	-0.7171132141503751	1.6016832589057706	0.1396414956352572	-0.19266709409540847	-0.8941375707999107	-2.31099915640718	1.0436082347527456	-0.7702041647629256
+0.4121318850126526	0.7273131941394907	0.6757307090653472	-1.2893484888856317	0.37429606813135313	0.6775073402594287	3.0162698479406735	-0.06742008042905288	0.449668362097429	-0.601545694526186	1.0399947347208873	-0.13771566099365234	-1.6942259528449988	0.977803147653913	-0.7533906208489303	0.15627992088809195	1.354915266392422	0.07827788960319336	-1.0838230193319345	-2.6354205207417793
+0.5425882939193782	0.5872438826778879	-1.0185768182715444	0.9894203100696718	-0.1654722073050939	2.3781381016754213	4.77733392763348	-0.05141317170729732	-1.2014480875275368	-1.00060262474022	3.41254806914115	-1.8324979105061343	-0.22633661865604304	1.436512888691683	0.7333281643374718	-1.3388145768570054	0.9185403577311918	-2.057922757607334	-0.9759887839843514	-2.9299316368397745
+0.7037188682343566	-1.3834675030760735	-0.9440079974275056	1.6214564620941754	0.7067945865048083	2.563747525187689	2.275185192100645	-0.23156913390215533	0.1643600222801682	-0.515779240519528	2.4649534772375676	-0.5105327599920099	0.9999277708468375	-1.608293318509026	-0.005937939695872044	-0.4681837081426293	0.36299794608114905	-0.9430208033867065	0.2839985866673564	-1.0457277165429963
+-0.5096464601918664	-0.5244499633667159	0.9314229115739509	0.6435471646014752	1.13043081185631	1.7260037424185333	5.2584299270269685	-1.073525386847741	-1.609403192066443	-0.40635024964158	3.565196801676751	-0.7762654203647265	-0.9647316128166479	-2.2212880840933	1.3042628819466187	1.3726915625137155	-0.4685567826758029	-0.11662901744499582	-1.5326686844713397	-3.1353285505266744
+-0.3586644053820109	1.7218781610419989	1.6910515649223332	-0.239542966415703	-0.781157493940582	1.9500393804154401	3.14619283542466	1.2923803142992754	1.2071024694421433	-1.2284915906345242	1.9333043932897005	-0.6848908518602893	1.038824586015287	0.2928240766797187	-0.05287079417104971	-1.649654584868248	1.735561519226025	-1.1836350581826363	-0.8371977265229896	-2.33504501600456
+-0.029424362337260444	-0.6178938971148398	0.7744659403078231	0.3039771345654565	-0.8925445961734961	1.5700188309652008	3.446439924582742	-0.4122113508205696	0.35623005071673847	0.5008381976608177	1.7695082669597608	0.8160600391585785	-1.9740467296951292	-0.802574287906361	0.8292517999551156	-0.47818036863987956	-0.12503484516826519	-0.1839451851917749	-0.4918039772470273	-2.7111143968957356
+0.18074679551531514	-0.164929434987439	0.22852265842294017	-2.6178237780318407	-0.1601714117571726	1.9785101877100602	1.816464191572023	1.3693844701781401	0.24782181183035487	-1.9619093630812405	1.0608617003136307	-0.5063804754175388	-0.45367535325413466	0.14116565432454467	-1.6486557745910417	2.3932658439972223	-0.6461666527028066	0.2947888601935649	-0.7050961482207003	-1.654206227187563
+0.753093797725844	-0.8793049284253728	0.7109619997360402	0.2672149858926614	0.4179285466078878	1.902231452203192	3.298797748537656	-0.41530207508773054	0.44753493997934296	-2.348026253365752	2.026229306373407	1.5188402096068758	-0.23039044272232959	-0.5604765032938567	-2.14536439388392	0.00030127664565597395	0.9778092504093543	-0.5046378683382364	0.518938571921895	-2.406534181043475
+-1.2083336519997607	-0.14960168315438277	-0.9555123430312856	0.9202963280150239	-1.1271154912206716	2.1244580937951976	3.2953248963628647	-0.22740182243884863	-0.5121450432132189	-0.5822989033133434	2.5264010601511435	0.569102521172551	0.6974482996707256	-1.858801724826621	0.17532089056970676	-1.0799375844345027	0.9907107627481807	1.0201680903159986	2.1912068450275037	-2.0060164890712024
+-1.5060635527450916	0.7656872915981842	0.25507596966704527	1.673406983380552	-0.15472386082766482	2.138325771475413	1.9695870944795195	0.887358773240603	-1.439908548514407	0.09825249368839367	1.427869613229685	0.021892150903499833	0.6352313342421554	-0.25782978197411094	-0.2909090479446508	0.6240297907602925	-0.015281764251504173	-0.26211179074627095	0.7868096892364461	-1.5346038269900886
+-0.893189716149257	0.6726555697267748	0.12188589195485866	-0.6509869139749054	-0.4350029966799684	2.0118835466806897	3.17658910365509	-1.0812875887184834	-1.3558192591333917	-0.5847969034567607	1.9059872160066407	0.278135849499465	0.34862204105139116	2.1172711734431715	-0.49245556792463313	1.527943019293791	0.7618864468756401	-0.5171357273386028	-0.5411924384705569	-2.413036758667902
+-0.005339056983054231	-1.1375884307236868	0.6508767443085741	-1.065491548128786	0.6680562352305943	2.4445706307940336	3.827937213631227	-0.87377315999948	-0.27347861922214783	-1.3109146545607313	2.767193068796322	0.2097925009629158	-0.8258164858624178	0.6074667895281118	1.1334992246049072	-1.2862482258162984	1.8989419520957225	0.16784121654159567	-0.4900972428493494	-2.4783903363671342
+0.6295553037981443	1.6840479388123761	0.6479211346917813	0.09705693391950954	-1.841591365123867	2.6791785586258627	2.2329367156884565	-0.5420374711874163	-0.7195766470426781	-1.3097920475738623	2.2013450975776196	0.7071636688327757	1.051907911790926	0.34370144850160994	-0.37715581655761893	-0.8865508060575107	-0.8040672721077246	-1.2663894308119192	-1.4247577765334105	-1.276694753204175
+-0.3156664195441834	1.6326884277543678	-0.38558826262130663	-0.3016753932269697	-1.0032428231258563	0.8800929997010243	-0.6324127317293085	-2.3550516787378117	0.9234299964160881	-0.3497948653010893	-1.8105236197769043	0.13318402231147317	-0.6984924197749472	0.34847427068439046	1.4111655906803822	-1.0372154220161018	-0.46366193101877656	-0.8532664838726625	-0.38062569300442806	-1.2271314356762173
+0.4611985919699174	-2.036026431999851	0.5989295766298353	-0.27427087019674545	2.162018290316954	2.183929576236221	3.9791108539914024	1.630689913577589	-0.758624989636667	0.6165903555515992	2.826483554607048	-1.272754480574612	-0.02633061339451035	-0.7382435701574961	0.2720737072346237	0.40555545892243994	-0.08143633325651811	1.050210256046025	0.1602861697049041	-2.515794799822788
+-2.326392420007499	0.6618815843492617	-2.8168673787266005	0.5494524830407636	1.6200277329099324	2.1983215171087838	3.512632847257228	0.10145562597488929	0.9387759321095281	0.0016662521375067968	2.4877399319431994	0.5751335423916256	-1.0427021320830168	-0.6571458810244947	-0.32504576274458535	0.6122704383089896	1.1530144809879255	-0.4808616606112207	0.9005746034124628	-2.3085254159629716
+2.397374215570854	-1.0668139843639481	-0.5220515079973316	-1.5326897793903105	0.04667929466808339	1.1401921387728964	4.824125717091155	-0.5809791890416444	-1.4158549642429783	1.592498912627562	2.391866262606919	0.887359973983405	1.03387324851181	-0.131659831802309	0.890137622187873	0.018433827782753064	-0.5141477876341779	0.9544637754311179	-1.172600657331469	-3.5575004223446087
+0.9283199887616806	-0.6794442660359545	-0.5907113334180514	1.0346447453585614	-0.24308434831381112	2.2346155524468405	1.812531058400397	0.43522320545052845	-0.640296252440674	-1.2252609938029084	1.4448750827218404	2.0701435632411154	0.5909734720593675	-0.8891892346106776	-0.1762255499480367	1.4793019142672708	0.7901197863097068	-0.6287617441713568	-0.1629908615727315	-1.370827355028745
+0.6749106319022494	-0.14100011324901496	0.9696745674485816	-0.6012318064205764	0.9706395894078412	2.0205295534128647	-0.5705109230704828	1.107471162440306	-0.23332008587533187	0.5489383517969392	-2.3318230839834175	0.524187537611793	-1.607427755534678	1.2124152543792104	0.25644841454138195	0.5333111287645858	-1.7715901663386604	0.7643998152072085	-1.088005122340949	-2.1202484906138452
+0.4110893671626403	0.5992355160406941	-0.0606097543828832	-1.2693166397429436	-0.8627383169482953	1.5450131866529602	3.4885438347437177	0.1177027391048445	1.1321238441230388	0.2985421359083772	1.7368720891529617	-0.13533232999935227	-0.681624255608454	0.35149325047611824	-0.2171885784686674	0.9307112486307416	0.4615743292601944	-0.7916437576424072	0.42142112244097757	-2.7812534886476317
+2.6059494363407607	-0.4773959886334189	1.4209553969059463	0.10665726550286467	-0.5613735295697213	1.2596836287383961	0.07457724173937397	1.1476936411871679	-0.9363986151728602	-1.5182987904046714	-0.8941885929065192	-1.0361693072333615	-0.7861787462867513	-0.058587870278324294	-0.2404895188907119	0.5717523701697552	1.3353988240776158	0.8885379175748902	-0.18396382513177567	-1.2882222020058296
+-0.30938830804270195	1.2791140267292154	-0.28549694549898624	0.10822220686840997	0.7849739697330061	2.651998043068872	0.9819972177605053	0.9166727191470638	-0.7431500975929479	-1.1873500231620022	1.3305026471377264	0.6294892463998957	-0.5238062419846695	-0.053080527047871064	-0.6189343371852453	0.9603647064861782	-0.07208192302533208	-1.2893410115766268	-1.044145857499774	-0.6664420570268517
+-0.7443620288140615	1.462284198140869	-1.4161960838276695	-0.3543167674730993	-0.44787151863156244	3.353949786508661	-0.5950731928131989	-0.7977140257851069	0.8280673610821272	-0.4641026823306116	-2.981237739474107	-0.29940580402525924	-0.08909122976565516	-0.3341644283663953	1.4079265163710222	-1.0130109590621024	-1.1193009755101206	-0.7651488172213162	-0.48310646270661656	-3.092302904950304
+1.6654220071933743	0.817688692389958	-1.299473027568981	-0.3733374956678201	0.7584215983201794	2.142716135521989	0.6521315139854148	-0.6736107762434734	-0.6401188234598191	0.004008836726435173	0.6709974707990287	-2.0457847565672984	-1.0759008911158445	1.507943532581722	0.5365944058986352	-0.08998036497877596	-1.0966087470450476	1.2276905420463649	-0.46689906428489675	-0.7533975399712134
+2.301819817674653	-0.49418938012633273	0.9080825410848344	0.3643543640019221	-0.23464867591506242	2.2320670059825334	1.5618599683741974	0.7121478267802348	0.540115784693322	-0.34603474694675423	1.1296639776821673	0.805419376769767	-0.6437818217297133	-1.6755444578846024	-0.23664074477911284	0.6732553951337495	-0.7034958827816807	-0.7683669171715514	-0.5183414081876472	-1.3796636072082493
+1.9751485306545744	-0.2757597240375354	-0.07156942485636436	0.4729242331981307	0.6639390620202248	2.0713283965935902	3.151511312866633	-1.0840892031254028	0.17307322524924565	-0.4197404182183632	2.1001637108582645	1.7711353399433187	0.5285343366409724	-1.3385628898445872	-0.5727657741291045	-0.21515702434279035	0.18225808122203294	-1.5748559516224223	-1.1703815282024461	-2.2228152910947143
+-1.1786330418354218	0.8900630392804567	0.3936584197093503	2.217092876032775	1.1917016399056493	2.4425670304002844	0.42932502028357367	1.6149633249882063	-0.2960733827253297	-0.20794328301687143	1.1664227420150053	-1.1913835019223877	-0.8391336914817413	1.2669339489859186	-0.22560160010425703	1.5145340816435	-0.22610951259185058	-1.0585547748955777	-0.044803831709099795	-0.13354969294632424
+1.2354149956152933	-1.983801944000015	-0.5125122173497869	-1.0596676903698283	1.540733002595033	1.2791943308812979	3.304422177422331	0.16020370891560218	0.5910915691218047	-0.310447159396775	1.6419420561468874	0.5110887560771623	-0.5820352802792805	-2.2141896812118214	1.2412071107375047	0.4953752054026793	0.3551070865422593	-0.5121740577331807	-0.36541984501409597	-2.582404977309553
+-0.9405114954779404	-0.9971254352578652	-0.9350920736404551	0.07318934248541917	0.572722857802563	3.073145269942734	0.9147186930111172	-0.9755244381257676	-0.9197590733401325	-1.1638962725834845	1.8717579371572026	-1.999072736145233	0.43354007858654203	-0.34352251517528	1.3469322796875827	-1.1846884251152656	0.5168500979666247	1.9386635984958023	-1.0304781071143367	-0.2155119446801661
+0.39299044003944866	-0.132320929802058	-0.1293965629685568	-0.10888918374002556	0.7809435283393922	1.4426604629336284	5.333670775404629	-0.9125111116717601	0.4136795834460464	-0.9928874820521509	2.6405392686621454	-0.9494566443610458	-1.3878857204541983	-1.1937857019408453	0.40269942581702606	0.44028322224592076	1.2391682719919104	-1.4040073315959227	1.7088269779441059	-3.9913362972876367
+-0.14488635960496193	0.6429845276855499	1.9422318139095938	-0.2382952171970902	-0.4204250772278854	1.8883530000643127	2.1450099886822436	1.155866822594032	0.7651952112321644	-0.77282027880408	1.593150353085124	-2.1788766927469814	0.7631801362002689	-0.40433100468713745	2.332427583072321	1.8381645890873155	0.8248854488665719	-0.8927904794974475	-0.6191309111283828	-1.5043776968759737
+-2.090060767275893	-0.429757193327616	1.5842856707634794	1.1575529121871726	-0.21754980186196185	2.6753699457288143	1.7041626810479558	-0.23421051279273664	-0.433238898367721	1.3599780695936856	1.6228361086623835	0.5341491399008884	0.13681485760794482	0.6740433038393654	-0.16674874469810846	-0.35510547714806934	0.31673980700087834	0.3968646167767927	0.34791702301719485	-1.2158120485210298
+-0.7041218907979637	2.3222323030930156	-0.7356228861545495	0.9916413054540043	0.5857174638013178	1.004377159315561	4.958662784521667	1.0572048520673567	-1.6122251446971705	-0.3385940189608655	2.232124161447365	-0.5027576258530536	0.31146435042819426	0.6623749717011661	-0.4063403044006872	-0.34874608220593983	-1.4130081974969264	0.32660695877275003	0.30848298006453445	-3.8162482230500827
+-1.3776197958528267	0.31667003647756414	2.0362915228913634	-0.03208176210202546	0.7125496948723498	1.61657939602199	3.7310173439445613	-0.948311653077195	-0.155886710036073	0.09310098976531804	1.9958870549548289	0.24095755380900993	0.2161977966272619	0.2685628896693436	-0.4087330109224044	-0.7105821511608276	-0.5413624797584491	0.4834110697636991	0.786999573541334	-2.8358385250236178
+2.1656369019558825	-0.5708668198830998	-0.4362927096162727	-0.33809227009332987	2.980562608193284	1.3797152093217666	4.007451198534214	0.5807035829969875	0.3855228381043112	0.31332820309671927	2.4860346423184447	0.4755412016694498	-1.271315101336625	-0.12848736739377783	-0.5138464460076319	-1.3671675824888867	0.7617416429235564	-0.4102402863858122	0.3640667522852021	-2.622507573454491
+0.05500390855905265	-0.4827546859440611	1.0951469704674694	-0.7075771307730933	-0.907623980133163	1.6902783620156425	1.009758312434171	-1.5490134531166897	-0.7607306759067624	-0.6219908585393327	0.2590787853104337	2.6449597889308696	-0.07319944945070572	-0.31439731757781986	1.2767882073888053	-0.11412741411290532	-0.00894525614814614	1.002972116612315	0.49235152556482237	-1.4021161515779328
+-0.6564300642281564	-1.3932602455182725	-0.9975199820896687	0.6818125324779116	0.9666017900573545	2.540251477493582	3.1787780701224473	1.8652863935245594	0.9964346102200943	0.21680829221501347	2.984265086973884	1.5052924843216524	0.3195008779565291	-1.1330993127320923	0.45402902799199385	-1.7487527483915788	-2.315235642348971	-0.8183399642918203	1.5409634553172042	-1.575218464578866
+0.10141585305638007	-0.48964069128696225	-0.9795690492182226	0.5467879670619887	-0.6361171392125454	3.4708389254753644	3.94648791405037	0.2924274667845011	0.17955874816882933	-0.41820346747023385	3.929871802119978	-0.6422742655830583	-0.40641180245055136	0.3293602679344567	-1.743744060839615	0.27704948908211824	1.1908216742304736	-2.942451109324859	-0.1646293830024626	-1.8422469140354965
+0.39706482444104424	-0.3451573457227371	1.459202669449356	0.892466517923436	-0.2565571021409757	2.3811153927438578	3.3815001493031387	0.3276308415492263	-0.5377305388712493	0.07771717696749629	2.683610202138432	0.03354032711926864	-0.056296661886921215	-0.2101768886055498	0.3428459470297217	0.3322920285385224	-1.0670579260449828	0.45555017785649593	-1.8853458600325859	-2.034205877934994
+-1.1171253890383843	-1.4026128329582377	-0.1766660460571182	0.7757438382564726	1.4214203519104798	2.518963153231587	2.729350348435177	0.2005509975063086	-0.5797321215489133	-0.5286385447022207	2.700507971121228	1.6494171021416126	-0.5691199254948018	-0.6013668201743996	-2.066930579060513	-1.1098001857780673	0.25330762920885586	0.7088152269095654	-0.6280290035899165	-1.3255775002542964
+1.112396143852991	0.5617073567125431	-0.4729565625995676	-0.5876368374763606	-0.7460280080022965	1.4454575590152274	2.7419245559001695	0.3746968954187782	1.1785506063040085	1.7028796057713589	1.4603080399518698	-1.0404240899096784	0.9818347276623468	0.7617660748272413	-0.38035543309779246	0.17823232947110548	0.9179775837764292	-0.15892421534902457	-0.6187192049810583	-2.166986164036225
+0.034274462272928186	-2.518386057979418	-0.6013366190717151	-0.3895512508514719	-0.4937857336070719	2.7301959159606244	-0.5852256563712983	0.052351105744016455	1.3098650336132425	-0.3463620253282443	-2.377193601321383	-0.6174194383966142	-1.267624577413704	1.0129333292814047	0.649374175799101	-0.2846464116047011	0.47757416246865275	-1.2490782250622365	0.407453797599242	-2.357783192061962
+-0.9251586767059617	-0.6668426869708922	0.8384683970704261	-0.543483744213394	-0.04349719491841286	1.484809874204383	1.056064086546599	1.283838725021766	-0.8577950866459149	-1.3306940205444855	0.2410028260332191	0.48630975544711874	-0.23114861162672373	-0.9415322329134116	-0.7620857027171046	-1.1050629541019448	-1.5517506047818865	-0.9896720567103554	-1.1013008852559323	-1.4095714928108345
+-0.741801989027315	1.3816782700352617	3.4584109743650777	2.045928963908082	-1.987758049002583	1.727065775321074	3.1175151104943453	-0.522555279632799	0.7237001388883152	-1.43079631067184	2.0661131127999974	0.6230185473204752	0.633412694655263	1.8013280686727473	0.12403273921486781	1.8008485944403163	1.2887484851644417	0.6151655978430871	0.721220322921328	-2.1131739424195484
+-0.008994561316548336	-1.15596659591558	0.31755444804299626	-1.5012416510678277	-1.0273679732394616	-0.008855205741543859	-1.2232501595716163	-0.23084519400306025	-0.30511571973985985	-0.5011053275966962	-3.2586670510561957	-1.1181660901735453	-1.785207732132177	-0.14912377315303835	0.406019800734294	1.1463945955132642	0.03382554732402111	0.4850706270276014	1.992753956339646	-1.636883817457564
+0.8031530970037704	-0.7531711100917112	1.1475144040068612	-1.2095598917149981	0.9224948758601179	2.1931503501546508	6.769014549063534	-1.4380549092975317	-0.695430580953571	1.1918894680028878	4.8925924945884045	-0.30050703436398046	-0.6615329471896305	1.5991719675294467	0.4218914660807341	-2.0380595513006536	-0.7135162838012906	-0.3204072530003196	0.7444197114921702	-3.746734733917764
+-1.201273669597732	0.28201949766015993	1.2242729117166635	0.6883002261220716	-0.33248462588058825	1.3472734474071801	0.3178666128157636	-0.5213486241436966	3.7496175188912533	1.3799203854224449	-0.5868539447738463	0.2503872098029675	-1.0358077273547488	0.33086090308139054	0.21419844810698335	0.3083517922766853	0.3581799376269874	0.5381322635144393	-0.35640862074589746	-1.3037836301983967
+0.4317335685362781	-0.8008405011627063	-0.2930692713453001	-0.7418737900438521	1.4195366945021224	3.1250469351425867	2.838715447837946	0.878902153917521	0.5985217203946354	0.15497166974869592	3.2993131398087954	-0.5153276263524342	-0.5039987773720106	0.13226215767879493	-1.3698276113730112	-0.19709270946174653	0.9618041467756911	0.1951421859981675	0.4436378368916704	-1.0755077657805554
+-0.16402283061520115	1.256395925425841	-0.19491180742448752	1.6717724915647318	-1.5272226254157186	1.7148850149393478	2.579765988246904	-0.4823599808227573	0.4103265077927442	0.8014151268129972	1.577453631756867	-0.6864931180312619	0.2772314638903883	0.41742851522574304	0.2274133538032882	-0.4667538421780059	-0.3263884396717612	1.5725792547179882	0.14224559602853115	-1.9565083410215778
+1.0355505085273036	1.7432013142975802	0.07443366193157112	2.2056480097380113	0.25626815773495876	3.067308660091407	-0.6283350502319134	-0.23405956664636524	-0.8273900033487992	0.5301436405611516	-2.9247187492251063	1.1479528764105715	-0.7829967999878358	0.07653882598873135	1.0257458327152253	-0.4592327754813849	-1.5687186493019225	1.024760160439984	-0.3039778377639733	-2.916866505627278
+-1.7623782680466618	-0.20146131891288555	0.406264958313234	-0.41705992649921747	1.0133225794000402	2.3095688499160527	2.563153808537754	2.7510984938205283	-0.8450758871225822	0.5656257354874789	2.1625817801927094	0.5977066181102821	-1.2849058660280683	-1.0896053312325809	1.0350551813813937	-0.1605517023093596	-0.4207096205945095	0.42565354114522963	0.14037939632217403	-1.5738686524300822
+-0.9576073346251465	-0.8930224632533063	0.4400108688848711	2.1176446004781595	0.6137124936892242	1.635934580112441	2.5638457089246813	-0.4715076703448204	0.1390083661671896	-0.3005472637840963	1.460292753271076	0.197374202485721	-0.018695048481603978	-1.285317800559826	-0.3877503720722217	1.085441891961937	-0.15905449385713782	-0.24475500185292867	-1.3449109677504343	-2.0234490039067605
+-0.2047873118645398	0.17915223896506705	1.0957191499284027	-1.1193970695882791	-2.940429772327555	0.3109753499826913	2.7096298961738494	-1.3818102209801293	0.6766889843499145	0.4705756619560857	0.012869569878024567	-1.5422796761524222	-0.7367038597464584	1.0562278720229887	-0.1641200150122284	1.3774765863065932	-0.6173174247078833	0.20532912313681795	0.6244888145826984	-3.1315051331012684
+-0.36891982763922243	0.058697161268277655	-0.2753476742109978	0.3646484796023938	1.0273230229064807	1.7505662981459353	2.1156183962158632	-0.8833317833728973	0.4867371588606347	-0.4742936863293506	1.2852262817450666	-0.05821431022942091	0.6817689526143728	-0.14086216363210746	-0.09667612560416503	1.304003146783431	0.3773189490568138	-0.005211158210332876	-0.7566556868347899	-1.7151636746758576
+-1.0482307659656924	0.09894737019297582	-0.6248965910962573	0.5981306037685081	-0.49060837878677255	2.510411612957971	3.0543554966991793	-0.6268065094916256	-2.0375907612343362	-0.7494000595470637	2.5434660719871074	0.03433305013251853	-1.0100464034669954	0.7622882298396031	0.6211449363476899	0.5840835525933973	-1.641314841558416	0.09015260566836723	0.7591749581214287	-1.834288381628409
+0.5646914048771848	-0.7546274490708701	0.8646543623925127	-0.8059765124544995	-0.8340115249554282	1.0576716449737158	-0.5745255068344054	-0.9426945051537983	-0.053252598814466916	-0.2980518638992684	-1.4595621193815005	-1.3967613150098233	-1.5887639952200714	0.7006196091295782	1.889329157147188	-0.6380910946087451	0.3856668028530204	-0.717647689876207	-0.8819861812469784	-1.020477132737238
+-0.5644650982850701	2.2770096139927327	-0.6247324969276151	-1.2144265143746245	1.6110350779384044	2.8862736613995352	3.2712342190336297	-0.2642791187665132	-1.2344007083098743	0.061788217608791725	2.9466249430914355	0.22190965307757302	0.11620808798794122	0.36550989380004884	0.6322561335731115	-0.2665900576320493	-1.6693119217753178	-1.211824337532613	-0.5382634412836811	-1.8175658417319975
+-0.4389986959155344	-1.2790980438472752	-0.3932792672498417	-1.316868164966269	1.3023531236190875	1.4466917672802029	4.114058826243198	-0.4698651051033374	1.865400600316428	0.35854312162813035	2.2370879549812734	-1.3017962665459701	-0.17063547153688582	0.4127469158927106	-0.9098056432542363	-0.3575378568497552	-0.9921179670477704	-1.1435717060578907	0.17524673850694028	-2.9930009829491566
+0.15919850019569642	-0.4839666221598169	-1.0994800801673343	-0.0936091577971611	1.6609038139063004	1.6616620014499799	-0.5043706728051445	1.8187227546748426	-1.2308653627414845	-0.10471678834463317	-0.7503434508239355	1.4759940648171925	-1.9524317324150728	-1.5648180509061054	-1.2166548023658015	0.14299911134707521	-0.47223434533827635	-1.3668455269366133	0.7399835535844054	-0.6234257850973339
+0.7427620511228765	-1.5580462215214408	1.4680352994852566	-0.7508175656670606	0.6363631862918148	3.1644775950816646	1.8594024439897647	-0.4499136700983101	0.6875433245937749	0.41240137864691156	2.179503463347244	0.8484523669327337	-0.546863836293962	0.17441446341147884	0.24045384074599194	-1.228725137426046	0.7554095521777582	-0.03013464661459874	-0.48359329680551894	-1.021435051734048
+-1.1737363531632736	-0.786042413678077	0.4978684480355077	-0.24070467483377328	0.655067616933874	1.8673814025988449	2.2852930517821193	1.8144033557356705	1.2143533185405517	1.0322555212459252	1.5461208523340177	-0.14553557745989412	-1.519739644758196	0.3443437616357939	-0.17352996797558207	0.22249163363296334	-0.4364811973606454	0.7261615347500706	1.3833560984285003	-1.6995760325494058
+0.47073729125041364	-0.3798012126302687	0.3300315322494881	-0.31268442440249505	-0.8498909623686253	1.1441379089531019	-0.46303780596728505	-0.06329191334899084	-1.3304736422470393	1.0677398898258696	-1.8740215829730278	0.7557135570049732	1.5337458197587865	1.1038389873748462	-0.5619404655581176	0.9808653749770849	1.0749676685991851	0.32350072384040146	-0.7897313912761142	-1.5555099934794647
+-0.42555019014684264	-0.23239495500411825	-0.15403819525104118	-0.05666070344057238	-0.8373015158079845	1.8785846268415454	1.448091112692591	-0.8808635740020714	-0.47628903407670725	-1.8003701002016559	1.101683160683485	0.7931896917081056	-0.015216727689487139	0.17747591858334075	0.9024951643750592	1.4768323673720358	1.7905949004186834	-0.0911013956636742	0.2609310709713608	-1.1718403973572071
+-1.029598824031216	-0.08635709674792964	1.078255738587083	0.5803981456195124	0.31390617579100627	0.7918122161300167	4.089751249649311	1.3039118933217946	-0.8396625059148853	0.9223985473576842	1.8112681769858021	0.8151992876552306	0.5132442213138964	-0.5890651741927004	-0.033680018497299125	0.011097391954897718	1.0327154416329927	-0.13699198017423544	1.5377690065982432	-3.164105799671788
+-0.3951949123282814	1.2859901040567123	-0.3828526085814407	-1.4101593716760052	-1.2942308298524623	2.1989307331639263	2.2512074704179987	-0.09325924316647854	-0.14948473479769633	-0.6553799089379315	1.7589272571053163	-2.0311994710771013	0.0042523765054724005	-1.5588070331809998	-0.5878488165549626	-0.8706060277463091	2.4232086274815625	0.11834281385770941	1.3766462741739474	-1.563291785816379
+0.4494760709832154	-0.6807905746126468	-0.7440904679660015	0.6292431055013774	0.2150911927929456	1.1754424975368671	4.734657874995576	-0.8044737111270779	1.4825469337227302	0.28620934349886235	2.193448330505323	2.268497013895485	-0.9828087807157814	0.08651097654344529	-1.1456017800892806	0.8000253399509405	0.38954691617628173	0.9038358959399285	1.6877120029833161	-3.6509956312200202
+-1.2019484017832962	-0.7437812893434871	-0.23382793415054598	1.8738814541479332	0.3655225566448258	1.9638544866010739	2.8476657861554573	1.867113786023901	-0.7781875436806424	-0.33098402545917754	1.7450958129488747	0.6275906157483042	-0.5465585302265351	1.0732648366677278	-1.6095977301397715	-0.7762546628784167	0.18756479369019466	-0.40737660384004265	-0.34743003839693426	-2.1773257134099135
+-0.7017903871575037	0.01916187965789933	-0.45128930009976975	0.266672303788851	-0.9789745817693847	0.995522924613349	4.645409147026859	0.9306054484983529	-0.28347952662167714	-0.1609008387594034	2.250447092693458	0.7092113483451136	-0.8629218482233806	-0.2006347368624842	1.5522043189358998	0.5996055658055484	-0.9227231196328587	-1.4767603527578235	-0.31130653731360325	-3.4439816643840344
+0.5471835895730474	1.4673935056336118	0.40761148102433625	0.5231062816933278	-0.29739961316291297	1.2976086941739782	3.5647696906438435	-1.1832066016790441	0.7584373490931445	-0.22166773656677452	1.8369212565278894	-0.997171164646738	-0.35983626752463005	-1.0510416852359428	-0.4995611870867763	0.4154249496327559	-0.5428512502504282	1.0091520922830182	0.3349941159782329	-2.700506804074597
+1.3462585674702083	0.7028115130073262	0.21985586497119547	-0.40105870094094725	-1.308887493487653	2.1372061807208516	-0.32287679002490943	-1.2242990908145759	0.48468262138752977	-1.2957997210626115	-2.0706868748288993	-1.973892244773289	0.06631415407317484	1.9092409154841554	0.0023343240954024685	-0.027775980523847346	0.1020044668908686	0.7657621765312712	1.331022929503123	-2.192161850400663
+0.5604423749574833	-1.3441318342862125	0.13682303547639768	0.12498170066332119	-2.187383848341812	1.1393499802922444	-0.7064237696898729	0.42607683360867415	0.3908746340827635	-0.5623402491528544	-1.8549098007822213	0.7839250848848563	-0.7959727722196709	-1.1052238862472887	-0.3729970616388779	0.8173326975347285	-0.4003109513990114	-1.6602466727569134	-0.8469741453556161	-1.2623848764288845
+-0.2329746649292677	0.9377814467818263	-1.6311573678090807	1.6293317568797765	1.0218977000872382	1.4309921410370585	2.2588686378782707	2.7304476199848935	-0.902036064512268	0.5824295446110755	1.1432204146977984	-1.3340219506772373	1.2619448702197418	0.06726988588345106	-1.206936842506001	-0.18143459396618422	0.43803985061317535	1.162534328184774	1.0778512856619726	-1.9123811940936783
+-0.12981404297097618	-1.4413142970957928	-1.5849344480357987	1.0158836024869566	-0.3320340386013005	1.9566645148700421	-0.09461607468068807	-0.36184149150218725	-0.45160878661407144	-0.5034612938415959	0.05587979193794812	0.6494218187233087	0.16022474926932814	0.621106892753181	-0.9726191559838899	2.3140782740687107	1.027558942868573	-0.820060678861694	1.188148246288495	-0.4265446765141827
+1.0297778662166022	0.5968631197886234	-1.9568731157664228	1.1893369592004637	-1.1064897768143696	0.8885014792359653	4.45916865004843	-0.33420624353365097	-0.33300380675738595	-1.5751380927695873	2.3241713319921438	-0.1018374923920524	0.1995983441553254	-0.7232747312803105	-0.3446169662488144	-0.6344809937321313	-1.8281954857066118	-0.6257061995869977	2.008990290656558	-3.1340791259909766
+-0.1682924846189011	-0.0005219643330943232	0.7103523938405685	0.39309947693164726	-0.15517899540606003	2.6476798487030013	2.906805392695683	0.1384933581582954	0.4792181623170069	-0.5185302534670962	2.8498637678654575	0.5916952385246267	-0.10446382071519576	-0.07858164511897985	0.4945517255554848	0.5407841979993083	-1.3855646661640908	1.021653032453022	0.25543774587697265	-1.4255610871038398
+-0.307467029693207	-0.8391679152764611	-0.1179283406215597	-0.42629549466160394	-1.691982298012858	2.8901125627044433	2.0602489643699675	0.9458180233686614	0.793907788630693	-1.364580463112297	2.4726804852199185	0.8429876604473175	0.23066597541640013	2.2283885345915717	0.32612005097813695	0.23298923486173995	-1.5934373922813216	0.3574092709432904	-1.8018244078785832	-0.8941426836775552
+-0.7121196282416814	0.25741621513609825	-0.050080867498874616	-0.31973272778727196	1.8363902369636014	1.3067727294905445	1.950533130488754	-0.6859380498655462	1.3545985575704902	-0.9351308291159108	0.44857935387929593	-0.293313342528362	0.8609646025800197	-1.4136360693664234	0.5667775119038259	-0.2820051642863179	-0.35062833251929504	0.4334791632677232	-1.7161217403688198	-2.171186035829735
+-0.9517860098834553	-0.5287588518826288	-0.47194936101179	2.0800651428816432	0.2709324771380545	1.4890158538634881	3.150527493402535	-1.084347200494334	-1.236435708514105	-0.6841091223361838	1.8065458217969956	-0.4813102976305212	-2.052926264500722	-0.7281705495994516	-1.121098156487745	1.2038723286177815	0.12225543551876664	-1.4784880270991805	-0.9819900574476269	-2.3194824317736598
+-0.34336023738624916	-1.4691055596148286	1.3081913641912442	-0.2955246815389743	1.5928179154752058	2.2251961666555635	2.7937350712473736	-0.8159159211607023	-1.8440596098146849	-0.33960227201911974	2.305300787428782	-0.7505545477748344	-0.7797051134215619	0.5138932117730013	0.643787200265317	-1.5796821144466964	0.4128258685125698	1.974699729444388	-1.2518411781516525	-1.6761186914220112
+2.463801884545443	-1.503131899916984	-0.13826124563037884	-1.2759388365380824	0.5561014452489658	1.6700684303733806	2.3557247346824086	-0.992245979509748	-1.1558153519537906	-0.027164518805471848	1.628466212779366	-0.08394597709915448	-0.24341381031082338	2.090138817816032	-0.30398703967686397	0.5935884068560501	-0.05214360754187151	-0.3845360597430828	0.39626369082349994	-1.643666267733651
+-0.3726650828140673	-0.045035659252776264	0.6127406616078375	-1.217368793921042	-0.24233517283246775	2.383568346942005	1.5824838835164128	2.1791465417087212	-0.1640173777049469	0.05811725254086011	1.182519324775528	0.20910788566344227	-0.4212942552154688	-1.4977082739969783	0.42289224934156355	-0.20430634954276444	-0.7045551143966531	0.7611724718106969	-0.7701380173451436	-1.399231423762378
+-1.544663239392936	0.26890837849744803	1.615607883175865	-1.7234864003597914	-0.9433201391261891	1.7488308524723568	3.772437871934338	2.297754688956668	-0.4616986143300177	-1.3234494888413986	2.5424423539783136	0.4448165614905535	0.8541805556545812	0.17392723683797984	0.7002297942536231	0.35365042552655945	0.25724201070541336	1.1116735000984137	2.4204991741515673	-2.4160315675051134
+-0.7387801799857606	0.023686578069602737	-2.6258747988628452	-1.9459687628385174	0.9914540780179207	1.4880198074051147	1.2035642348968054	0.434497004710047	-0.41005582435292454	-1.089843435876354	0.48766823464688347	-0.18939197558576643	-0.5127839227854989	-1.1139177279600259	0.3579501550116306	0.28539383465603285	-0.9194963639486001	0.4703488730087941	1.523464505207929	-1.3482389772686028
+-1.4668863318064955	-0.09094669903604342	-1.836558674830654	-0.8878677534469062	0.4612306405241286	1.2941019047762121	-0.16930851094575594	-0.27802163106895034	0.4979552842782295	-0.09699546898840808	-1.400403805710454	2.36691539974069	2.096291049418673	0.5774142603356576	0.501349604167081	-0.5020349419645317	-1.295504198042298	0.444162858562082	-0.9438755315226057	-1.4925644143092915
+1.9459363988836988	0.5608888880903019	0.08403230308528851	-1.2522668205701326	-0.9219812293021953	2.420756998417122	4.112347116338652	1.121125729397136	-0.48814411024569565	2.4982753700282663	3.394021366230603	-0.9505280683407228	0.20247958077395384	0.41314859882982297	-1.1137706871484352	0.05641259644345738	-0.3701624301776045	0.7053250962345277	0.24290509416171002	-2.211183811173495
+1.2442889478087011	0.8146785346068239	0.6786817171006971	-1.0314796850208012	0.030647534783129256	1.2863011500501718	1.993006188960543	0.7156896199854419	-0.8669121278007357	0.5874556049087282	0.7461863047669934	0.6375090625983812	-0.9638615403106311	-0.9853294904584603	-0.5521017908393222	-1.3731199766938775	1.5649478531806078	1.103698462067111	0.14459052412112028	-1.9373789719975198
+-0.30807710634729	0.41254239176456897	-0.3359384821023382	1.3660259464548483	-1.379640183496006	1.1627746723166572	1.7153554022861701	0.539832181034855	-1.0302320055190917	-1.0686673928771786	0.36969856741508744	-2.315599243822333	1.0833890531593298	-0.6976477724353022	0.28795927050902664	0.5188600941758015	-0.40141381764128187	0.36224462896543363	-1.6189392513341427	-1.9364105786781056
+0.3096806582698511	-0.9328022244424516	-0.13630702306869846	-1.3257224111547126	-1.37826587930422	2.678517312494673	1.1868083221378476	0.7638583608962571	1.1421091902927134	-1.9453819182753231	1.5999692618437586	0.4648964103027187	1.0935645276411265	-0.046830229723929216	-1.638634270673601	-0.8757802632723326	2.9697633041174716	-0.16864678612709857	1.1314472602845485	-0.6554883910448484
+1.0626597354563851	1.1603033608645155	-0.19749282507740268	-0.4342156416049884	-1.10081741502211	1.5747876706291832	4.417492957175813	-0.22891749809893971	-0.25181002105792955	-0.8168358977663905	2.7217554458711373	0.39371197494999544	0.25565672334210027	2.5210365171182962	-0.7635026087575811	0.6834357963124953	0.40161581469229757	0.10413683300598676	0.545325261811387	-2.9242161786828804
+-1.1967755116549514	-2.4295176797023723	0.31670361397471986	0.3870371777892934	-1.1204523757761857	1.956141110004045	2.630137463567932	-0.6587389139629316	-0.513759922194732	0.8251451483606995	1.6814543313665948	0.1105813596284015	-0.7571697277410918	-0.12252126757452377	1.0026543173996103	0.5421722087175268	-0.13615358422306575	0.11021930316488887	-2.0386453095751422	-1.989043960216353
+-1.20158213446434	0.7670338349745901	0.43219167473619535	-0.56498290073848	1.5881264578157652	2.1998495504138464	2.8432732127125284	1.1789884377489663	-0.40528433269510383	0.9921642869972217	2.0261854952601084	-0.19098230789493326	0.47863447683718235	0.3834936757059923	0.6171703029692207	0.6253585062164515	0.7486363118767849	-0.05139015108150535	0.6334254238779335	-1.9826990294920228
+0.27701360247846324	-0.6274469311718494	1.6960811745711697	-1.186266735346995	-1.3206741131288062	1.707945037092267	3.001663185137864	-0.19499176543963131	0.19236135417542677	0.17138737773508583	1.7853024241884943	0.15866617439788477	0.5938138629096411	0.15435059002429252	-1.6691725067135434	-2.5283736487390827	0.22789341964959947	-0.7872510572919993	1.435494706289434	-2.2369898492485736
+0.5107990162542221	-0.9326016746309442	-1.1547528121981818	2.1665613414153477	0.15578677775651165	2.135537918525095	4.755804789853119	0.7418548134143269	-0.14847845401991025	-0.1225985177161133	3.2566961059916775	0.36211895599301264	-0.03444432648862678	-0.10169066800741024	1.5663003813360927	-0.1819784224882883	-1.3395776512702149	0.19243114268972442	1.5691837816908434	-2.9774651598743245
+0.215603388898086	0.06769420851909846	0.5731534076418698	-0.25530174550236395	-2.5438809440773453	2.4445005974751837	3.1197352424645164	-0.3908163895610442	-1.695926007476809	-1.2085406941480805	2.6026933513240524	-0.19300061510881236	0.37314890723175415	1.4665345207166116	0.9342300479992969	0.22037644701167788	0.6598516689309725	0.5924984215295475	0.4458589168795207	-1.8333647270354905
+-0.03387852907763855	-0.45510649231467265	-1.1007488715438116	-0.7146236502966561	1.1877963845424027	2.4664664775397487	0.46093667557324236	0.6504164740132102	0.5937413370718345	-0.2756609480102653	0.7556350816756754	0.9996157126443436	0.7910402012655223	-0.3306919251158895	0.24120473697547584	0.13448512042806127	-0.5555963001900867	0.7929239695404163	-1.7688663262240547	-0.5565602353687391
+-0.03220628793257311	0.17809720342292326	-0.5829384927124037	-1.2060562342479442	-0.536223778907454	1.8463118370689346	2.812780463598311	-2.0279476559471217	0.985097630653357	-0.9098450805849998	1.845248398273649	-1.264351992914448	-1.9681250781196065	0.3144227167289538	-0.37029400828904374	0.39748789884736235	0.010513226614627225	-0.5823911482397598	-0.6561746151498116	-2.0102073982973514
+-0.25807503567314705	0.33056883171572143	0.7337521310390331	0.46542987507144956	0.3939773145507225	1.4062477323920712	2.625099212498678	-0.5573372373349689	-1.1405468562537375	1.9731766096411125	1.3204317147952158	0.7073287840761798	-0.49422978148608715	0.7205385135754632	-3.136401155923799	1.6447721177048948	-0.8987227870727439	2.4372053123947963	0.5436320841036598	-2.1532345973840696
+-0.4189855894814891	1.8230049691824735	0.7335309328332469	-0.1351639564025401	-2.6397300209238908	1.6585379894232044	6.941501295533236	-0.6357090864892068	0.7948086845367235	-2.035846549401073	4.304206631034277	2.2659312604701887	1.7898222068450624	-0.6780050512771322	-0.3842631113919376	0.9714088912530022	0.010445111517543564	0.571759492882404	0.1762226371054182	-4.325826072279469
+0.010035987199388642	0.2446441667110395	1.245919130033156	0.8854157890056191	-1.5739232873309141	2.8875386799155955	-0.513386992362383	0.40135785761620024	0.5076563896403061	-0.20239357501585714	-2.560644060182517	-0.1450215571363124	0.5199643185069369	0.6728828829265034	1.5303075053292063	-0.9794419968244897	0.36551336084699715	-1.327131896650437	-1.904372466358065	-2.6555099509371605
+0.46636726900274633	0.2644480831937728	0.8308445830205982	-0.4358112884021406	-0.5051369138012619	2.5519471155376	3.961287192560944	1.2818907038492053	0.7921847494649469	0.3144261324452775	3.231100290616095	-0.5968029815085086	0.39274189543795107	-0.49478589317486127	-0.6044509387623627	0.7605410600383398	-0.010167381968604958	-1.8230919402005537	-0.2915952955637461	-2.2311523204516477
+1.0857819228759835	0.42860160826242244	0.4602735315742538	-1.0147204085202293	0.9210388903133988	2.897680647847321	2.1955097892350937	0.19939609866910063	0.37505440690262176	1.7539954923384835	2.5123135924924167	0.7053606334142208	-0.3533739759135356	-0.6541597859314465	-1.815639860590631	0.10654155744277265	0.494193863685917	-1.7303156932142567	0.15355153018634893	-1.0119903369678482
+-1.2623221774717437	-0.4398109042589577	1.184574523064895	-0.8628419626267385	0.6536781248859	2.3718951834134923	3.0130311149673794	-0.6156141697687745	-0.9236207536454579	0.5631705222168764	2.1934541524342124	-0.6217586911245973	-0.2765791334483106	-1.0771116453054181	1.259169840123726	-0.010327666146688572	-0.957604673245568	-1.6621796960423294	0.7410632267664746	-2.070384531954687
+-0.3816790126499877	1.9705258053975248	0.9474194060784489	-0.6240717397073057	0.9576216620279714	1.4577217469774881	1.3772952694413365	-0.2147195322457744	1.5080383801439625	-1.055637014782667	0.4972197533208156	0.664255014812778	0.42121733061990585	-1.1035944040635712	0.37386537685426957	-0.9880493624430846	0.3119755862025217	0.756704094764405	-0.9788872750771817	-1.525926423728985
+0.5396558025619154	0.7989061203820503	-0.29292433210347235	-0.9169029137101353	0.041232463308392295	1.0582684870452437	1.4896479704193424	-0.03301888464129963	1.7009387154542899	-0.8076734383395894	-0.15677250895470918	0.718392731393158	0.7916360040702354	0.5994684495184474	-0.6718568262797003	-0.3974075066432066	0.9805689553173118	0.8260578679974607	-0.1741659244470443	-2.1384486560135354
+-2.843557242502038	-0.686611384727252	0.34220704568573534	-0.9380032669784114	-1.4399973674938338	2.196536106447263	3.4596683624783284	0.15693838578947214	-0.7557317209481557	-0.5698662127845279	2.6125666510962824	-0.9523816080388631	0.7376994087886264	0.6599333405212997	-1.4197096118787165	2.2976205236348317	1.0678811675071964	-1.3750405600595572	0.3460542266771992	-2.1328086951791256
+0.2795640816984261	2.3784191202189593	1.3913567018216701	-0.8709934836341001	0.5845408931807122	1.5572764121138787	1.3496280870595931	0.01536343549717918	-1.2539988208735793	0.42100721260067325	0.7305560280115253	2.001835248303006	-1.4265527130352476	0.10681694001783926	0.19813899381990485	-1.154660351703605	-0.14934877481097752	-0.47156903170595066	-0.4505066304128419	-1.3085260588409753
+0.029335214814953683	-0.6478163153938175	-0.5868865425836157	-0.11443185265684683	1.6317539832455308	1.4152964077927148	4.032221799337792	0.7396210914637662	-1.0067364990220478	-1.0508179582600476	2.0637365459241384	1.4511774497546173	-1.8188470994112829	0.9451886188837216	-0.061673431518607186	1.2833298580785375	-0.7831065893227724	1.246795763220645	0.44782500924091345	-3.051963453488021
+0.3369202277233524	0.9330817717683358	0.010079954383558472	-0.14154212161221438	0.49541437850292663	1.3564328967439412	2.114415373312024	-1.5490176570651006	-0.019021130004446808	0.6160222895771541	0.788230814257056	-1.0652210702984724	0.29267910877097253	1.343440185754374	-0.9776066379528354	-1.1168106582476163	2.1832063939538355	-0.6616193166544507	-0.46909189400955936	-2.0560987890830558
+1.0352041477382083	0.4866202212755925	0.25218559742000235	-1.2072428289531367	0.2665805411393044	2.096910350129999	4.025574508871846	1.433912191162626	0.8016462643831409	-1.7764819870403545	2.774522019574765	0.949809602424095	-0.12055548445542578	-1.0512696649798727	-0.9843791860048412	0.02224559158428503	0.20869250133529452	0.3928843536616625	2.0600171472993614	-2.5901980402633136
+1.3451933411963193	-0.1415725946876898	0.12839120502315846	-0.7026943396708188	-0.10985528041177778	1.9135428509012518	2.3764548256944726	1.6818733117198845	-0.09058585300847086	-0.20246874849303495	1.945504627464392	0.3099968894693472	-0.3591036626281548	1.384530964217549	-0.2146881160163943	0.5374373612488387	-0.3673568057189194	0.7112499617945461	1.354156137507186	-1.4462789101406812
+-3.0395112656532235	-0.13712718883112215	-0.216875171223752	1.6764160162424464	-0.21865511644273036	1.4178864802644993	3.233296255832205	0.05432711705139889	1.7919718482207403	-1.076815646040332	1.684484072962339	-0.4092790513990978	-1.1516351492267405	-0.7296137256694569	-1.0777835906932762	1.0883112572502724	-1.6311973366319281	-0.14909578470710566	-0.5943995714798584	-2.5044007263866064
+1.2193157565549702	-0.6649465913291822	-2.2512413684309807	-0.6806887367143754	0.7108651702847201	3.4327338013305475	-0.2951682033537679	-0.42819485061329915	0.5165243287323551	1.1740567391986918	-2.510930213472667	0.3770306629813193	-0.6626756632176405	-0.42338305580736574	-2.1560878629335645	-0.8365535480171541	-1.12857300579868	-0.008188192292948156	-1.385852244686508	-3.0181005673968073
+1.6720032029777459	0.26394279810005217	-0.81955493408885	-1.1442938255499246	-0.7444830207424934	0.16669697747203305	2.8836544241464463	-0.785831593400538	2.3677656095333743	0.2366011638590114	0.12833370277676726	-0.08155181331107067	1.7915387996020609	-1.505856477654358	0.8917461044511731	-1.101723221662333	0.2538386543717226	0.9788223070416868	-1.2645411551300625	-3.177410696783552
+-1.6665990307137892	1.0078723756815866	3.2778332322591313	-0.17609127924772935	-0.3497301713921516	2.1610589898106496	5.421033405565653	1.4732432529234938	0.7586177629087887	-1.465409472465585	3.4485903946610623	0.5471125249390798	-0.31529396720542396	-1.3258104947485556	-0.49155836601924724	-0.5377240919199312	-0.10666316507657882	0.39029304115071967	-0.7349683390802478	-3.5563583057948756
+-1.5363356326669781	-2.457190493982286	2.0199125148975985	0.2413791775568545	-1.0933223569666881	1.2073256887503967	2.850273501454844	0.9212325519679488	0.46797563259550923	-1.7124991350075855	1.2830785435112602	-0.7664717793728832	1.6779327041989	-0.6363054993802528	0.4394675854469987	0.8300883283518439	0.20852925469846265	0.27468747337763755	1.3560628600715565	-2.3818606044462194
+0.8861309231637331	0.2741292320680255	0.03461002085282739	-1.215534134248338	-0.8401898198652198	2.126014111551141	1.293110391941692	-0.5529312791172744	-0.4114866209455649	0.3892707097314798	1.0032557042225334	0.9306506404386684	-0.37019755558534256	0.2554217774908457	-1.2025037075594571	0.5361389380308048	-0.33071179114445437	0.22947498740461977	0.6569022429931914	-1.1624317591265387
+1.1410055867420388	-0.0682072828173351	-0.6179677133106078	0.6688906888630954	-0.5444312659823591	2.086792552499935	3.0978725163981924	-1.4391788534823236	-0.2762492777391574	1.1301287232565154	1.9397580099221807	-0.6914697874633181	0.36363424012930895	-0.07203997635327923	-0.02977747325370548	0.7587559172352559	-1.1563115875864303	-0.3478130956044409	0.8119126363450945	-2.3155438121967973
+2.1433830031924757	0.7095559834235028	1.837435021745712	0.9898989705738324	1.8567686922856532	1.601231494804641	3.364652586213726	0.8107846831659141	-2.184304385549611	-0.5631361065070082	1.700979132916296	-0.8119327841012436	-2.2267244317111623	-0.3303493984891823	1.9779403911648084	0.04774631508892664	-0.6788148114503653	-1.0249388890609767	0.5200143166577145	-2.6918071934070076
+-1.430333551036578	0.20744113874140516	0.1476970112972654	0.2977115272407631	0.3160302473979344	0.8317959395041321	5.731284473573252	0.013354387847291784	-0.5729133791654973	-0.9464762281342541	2.5492838529212367	0.6356750440287433	-0.5071509780898575	1.867262668811518	1.010731581870915	3.027236414535992	-0.8099165957675708	2.0514668800504	-0.8567524580981096	-4.340874016839903
+-2.3942666531269423	-1.0745193833797073	0.563222900181786	-0.24436677603109133	-1.0478929267643207	3.2038042138506126	4.283307085253822	-0.3940264752663064	0.4202814141773793	0.42617082937247724	4.193201354440447	-1.9185759592713572	-1.517230356050571	1.3831235678901037	0.6299274616896646	-0.11512608143322561	1.2383729057238584	1.1882449525993608	0.5816086510118497	-1.8978529435291052
+-0.21983794544344737	-0.7520437379239234	-0.04700808672438046	-0.08416974516978323	0.31725686923980084	2.1795928847909622	3.486008562728773	-0.6919811990807309	-0.4873478804951929	-1.6818968837028605	2.6933983428228903	0.6027414547266869	-0.4689434462292954	-0.10287099289631593	-0.45311195317864295	0.9593191853660177	1.4984416182126292	0.7847950591216296	0.5258250946138733	-2.0825698654581584
+-0.5159570228728221	0.2887556147548096	-0.3065826694220183	0.5989159153889305	1.4170216945023586	2.512281154920717	1.9231383039526038	-0.029874221574985795	-0.9661242650884946	-0.9008618433302809	2.1706770779010247	1.8428859909489161	-0.7222177938272683	0.2053772219877162	1.8300168255272313	0.6047667068186492	1.052393933570417	0.7200223124055987	0.01441060378517183	-0.9064358918605036
+-0.1421114456061788	0.6484214040279018	-0.3465924110473699	1.5446464679946714	-0.04072873130807622	2.797442786363088	2.540007377849729	0.3946453608920667	0.2147433798461805	-0.6769952534993621	2.3785698839991483	0.17070328925889125	-0.5752453123193979	-1.550124981183774	1.3037492341011478	0.7247235556904705	-1.1851255879599687	-1.0355371198641155	-0.3606096792868816	-1.4936752578335606
+0.0987701410696138	0.26833084743059576	-1.7826875532777684	-1.395621434085086	0.7840401643730809	1.2746163151123096	2.728018441822975	-0.8189861194148645	1.15724146277464	0.5586576378696352	1.1721037754178498	0.13554094675622075	0.763143151049723	-0.6244937925705202	0.5830220637206192	-0.588220424328744	-1.12574422290634	0.8262331685913538	0.04060821363811478	-2.367071206783579
+1.556971762459764	-1.2439952121813922	-0.42294148920420016	1.250912354503068	-0.04525686050637002	1.8102334072756014	4.330921368106597	0.43693413979551965	1.7090276790490326	-1.3105903617385728	2.6507931144960315	0.9560232948982375	0.9264898048764157	1.2734221335226499	-0.1775463778209161	-0.5020139494158932	1.0777715747655348	-1.5004727301982392	-0.8712982816000493	-2.962814957918756
+-1.0631777135736102	-0.8109798412831066	-0.14765881578913842	-1.144446459266742	-0.12220544188905706	1.6858933617987868	5.024181454702164	0.7107940392633827	2.291771128144281	1.3027522769367363	2.6292843303009064	0.680521545069209	-0.27480885163268276	1.0057083439120427	0.3607822306032442	-0.23707938303886403	0.43418906018905107	0.6895791146625565	-0.4070831270812116	-3.726030573014966
+-0.12373129024957694	0.45864159614102107	0.5197010763371436	1.5627243529368995	1.549293227629623	1.3788745529590023	2.6387236106428875	0.616703966339092	-0.4238626431542701	-1.8095800061302443	1.4275653112994398	-1.2510710084416476	1.4347737211337026	1.0525906688107578	-0.04630624687490495	-0.8837182877318706	1.0759959800599035	-0.8843000287720333	-0.794842455688242	-2.061214676709881
+0.7368629816003698	-0.24237974580550292	0.44045796506462004	-0.13755792536651515	0.2716470991513741	2.6310365991960523	2.612979938398165	0.47730148499433006	-0.3046056972302943	-0.6682038219481047	2.3551761932008306	0.5475526182053632	0.8933809365196631	0.4171944337528747	0.9458687620582856	1.0320936725843086	-0.2114491688464205	0.9196200325469499	-0.09585064286204978	-1.5477492563287352
+-3.069901727273903	-0.024937294152702443	-0.44855090750441684	-1.003859480238162	-2.512872647283469	2.6750937740689538	-1.0130186643751546	-0.7326159235762664	1.9662168530408408	0.18156784107570997	-3.6230843796792094	0.14906619152320025	-0.07689180755797076	-0.2673316243346684	0.08503145461667967	-0.4028587965420921	-1.7484070136131857	-0.18390476680805717	0.14587126601033779	-3.0130709287896305
+0.13074624395513548	-0.46961113362601403	-0.5710665790468505	0.03279113352421141	2.003536501469461	2.3320994929619165	2.565577390893033	-1.8172726174227098	0.31252740842018656	0.4183877613375451	2.3746178626049312	-0.6930727012865296	-0.013183556173275027	1.1098774440423256	1.4603607557778286	0.5412632236853618	0.6061667777690624	0.4212995019384291	0.14980350057199987	-1.3870421561971842
+0.19761762509689504	-0.6521052083600727	0.4181145999963705	-1.0357369765332527	0.3774037026090516	1.8283694336852077	3.5802029136319513	0.44177900844029333	0.7525413390477906	-1.2267552866947806	2.4018413292333975	0.2993077509098046	0.6358848315841603	0.9019598401919685	-1.108520084811017	1.6904701189185047	0.4646857922989148	-0.7184106924822625	-0.31857150484958796	-2.3535459910326453
+1.680559855906176	-1.7873310479327926	-0.23539595283235623	-1.545036673845409	0.07764675334964516	2.081293306130996	4.139452902520169	0.02535178247159505	-0.724615065970376	0.6540311060195129	3.0213959338532073	0.9061672103520723	1.2219215111688664	0.06792719436275041	-0.47695009436802166	0.717680422244921	-0.9309023940720034	-1.7122357535572896	-1.1490596620662132	-2.4851945764282988
+-0.0533586908487865	2.1767916230284436	0.31821084310154024	-1.276629785743944	0.269773355357959	2.555159090299888	2.5977040237956914	0.4000147596611756	0.11269100815937681	0.14719455227507394	2.2153031872062137	-1.025933240034277	-0.12600008982351166	0.6794281437187687	-0.19151254419983724	-1.4630176670540913	0.8565841929076652	-0.8492305698552567	0.09497178212108416	-1.6373591088008024
+-0.8939683188862566	-0.9092269682971551	0.8615336149664808	1.1288495293550842	-1.2544686658409057	0.6796361239495909	2.963838386733986	-1.443471762292071	1.681442880653426	0.2702867422023563	0.4359958510804658	-0.027366877690524	0.3289722453872716	1.5545355493064603	-2.1949114507972096	-0.20658072472461309	1.0340831104710433	0.28690681414526	-0.07513088737388694	-3.1361713688801034
+-0.4582254078729166	-0.3103303374754983	0.5475134208871751	-0.868581358175187	0.8637594929392046	2.3347943958748103	4.679620899441439	-0.2379364733769383	0.1783589794496061	-0.7043523048488206	3.784930359339688	-0.7001028855041473	0.45807996924938976	-1.148588637226961	-0.33957956535777006	-0.19967838156416007	-1.1897322006292046	-0.5183466666104956	0.15807415332791583	-2.4622465199997934
+-0.9879138949788193	-0.8088777723022877	0.5061258665195821	0.7270303261075443	-0.011566314805266814	3.6985487824813275	-0.13465714718117594	-0.2030633515341338	0.9016389422871502	-0.20450037171334048	-1.9474390869452605	0.7536275946966006	1.9381747571935357	-0.4423177847010924	-0.5532174745069939	0.21453215361347297	-1.0973562659105685	1.0382660985580279	-1.110208180030837	-2.7566050173211556
+-0.9835750400161622	-0.712027440922922	0.11870555942107816	-0.441153034389688	-0.31847894381905195	3.283550734124624	0.5337848951348185	-0.22721239819185168	-0.8176860966777869	1.9825202772142558	2.03297208029807	1.0812544943276279	-1.3978477990785458	1.6503872171558898	1.7474420155792758	-0.8478732459915518	0.17010215499166265	1.0930555703535751	0.9179649568759068	0.2996967940427657
+-0.6760496258178532	1.0595501864684949	-0.47628636362461035	-0.3290717949103959	1.9397305586530176	2.1229833368046407	-0.6331947283393462	-0.3927842244417309	-0.8697261019738578	-0.05643117184492468	-2.4192741963318594	0.7520815627962304	0.47858492667554453	0.8362940412965827	-0.17216114084773662	-0.3339656536209917	-0.14031057046991804	-0.7359282433099422	0.15177183879312806	-2.161256546746974
+-1.4710279705512839	0.10896280647002635	0.47166335997605713	1.2266499556181196	0.7417146247009195	1.7424149177403179	0.09321358778933875	2.40131816535192	1.4253728361098281	-0.4858823622321985	-0.24503983227084802	-1.3362686844823723	-0.4830600096027367	-0.11115616527485181	1.2940233896297821	0.40330585732013474	-0.6810553283156011	-0.6365009586961239	-0.6069559074144772	-0.8525395294290836
+0.31588786724424306	0.05241800120296782	-0.660409475315263	1.629809615956354	0.6859346863276098	1.3246660251110867	-0.8230310220401786	1.2491638071152087	-0.19593943612925382	1.824921410663717	-3.0437792978045852	1.137806906286491	0.07270387918100114	0.5732248901434226	-0.6012599652901264	-0.8735250866768349	-0.09990590531942255	-0.5515723920660098	-0.9434684285224694	-2.2870705671031226
+0.699887360404086	0.472257975775836	-0.8850594181356258	-0.17240534091557388	1.114507712365778	2.2248334600133783	3.227895877402291	0.17224173572965001	0.21894856841239077	-1.4716128548213627	2.260238039983133	-0.6435838465144137	2.333910618876873	-0.8577479700782361	-0.5239916000681197	0.03650578997496206	-0.5438081916441905	-1.0911948281505637	-2.0706635305172516	-2.2065006922798283
+1.1989600417808357	1.7899931265936888	0.39276543738052416	0.36595197554887154	-1.3136040377817961	1.9471981971428574	2.291506527878326	-1.6837176651079804	1.1918154139601	-0.3193185374737519	1.7718823549209757	1.685793602498487	1.4099904176988087	1.2111890582458809	0.02617909659254257	1.2829159797794736	1.5026732752210827	-0.31456515361476906	1.1240031030958788	-1.5214313253255232
+-0.5195137797032303	0.28248963065618443	2.3670502684723305	-1.089933766739094	-0.859237479856966	1.6402646114726365	3.3303237374546653	-1.5669839060637019	0.1959453496555548	0.5669379645398499	2.317928495463773	0.8677795985634574	-0.5317903873494579	-1.266432987105801	1.5389921474814876	0.4594501307828977	-0.41182877607085977	-0.22667751486946344	-0.11271235899603245	-2.093695826158021
+-1.0947203063568234	1.895134374626005	-0.020055744208396068	-1.175251833892116	-1.1856612334324652	2.3837672850258764	3.8272749669083486	-0.06761636349193369	0.931837954342436	0.6123837907083084	2.7108848773952956	1.4465727547188	0.39620502783445527	0.5909612756369654	0.1505723178088155	-0.7615412919712771	0.1770953588571095	0.1159609236621499	-0.14890977453076015	-2.5115986946698117
+0.399188675540916	1.051485551975396	-1.3596818369378332	1.0316178332164507	0.0724302958908928	1.656837875495656	3.8135448489635664	1.2249798840581887	-0.6683250414627662	-0.44848826597488894	2.0122862768041765	0.6836156936574538	0.871841974082707	0.7456204304397702	-0.1680218739508332	-0.7564236380098673	0.8746167276334742	-0.9977411387535112	0.36133971624725175	-2.9255980907624437
+-1.6672891166583368	0.34678073340799576	2.255766038996385	1.025170284838384	0.6992054835758251	1.5138539684246437	2.4611884292958597	1.6568963824080365	-0.43978629375346423	-0.02019725581386878	1.1359942760175263	1.1770962649708265	0.2382063568227431	0.06340915839088791	0.7606261861502275	-0.7568529270996089	0.5489551731509454	0.24393387864039828	1.9710809351254246	-2.171605560858147
+-0.3359554057930846	0.2969612490166948	0.5913904462012748	-0.5183701454685298	-0.736115176923292	2.17362767696926	3.0473022357540054	-0.7954458651204916	1.2562093074282037	-0.25771147202622363	2.4710248167563105	0.31893315061268557	-1.2810806340831864	0.4569574829632043	0.7964419468551363	0.3763425236725861	-0.06502501430159913	-1.094941204002814	1.2765819477006337	-1.792753809772114
+0.9473423691730064	1.481117161248682	-0.2431828170083555	0.08541447714196418	-0.0771257060069676	1.652642395280188	-0.14274042715829416	0.6925750212947389	-0.7430529592066416	-0.9366769879879386	-1.7321551668274877	0.8256386999706214	0.49505851475246965	0.31630014429999775	1.8057830653689961	-0.3178085593766356	0.7362006826462896	0.7515358465649052	1.6738540482260864	-1.936745324708315
+-0.2875959462569996	0.4735950685005853	0.1233570744319005	0.4181036876637649	-1.9481236404943236	2.9286996664467577	2.330949746782844	-1.0156920412841481	-0.05238100710598418	-1.1308344439669606	2.549219900861279	0.23445886539264102	0.7577845209325416	-0.4086164396108289	0.7612743100448471	1.3134215194113161	0.02975460442007345	1.012902974693255	-0.6043090753253537	-1.1395727717699877
+-0.27927271213342003	-1.5669370452439817	-0.16412221505099042	0.1006558045750615	-0.013516869339569547	2.551868550134021	4.362755877894207	0.9698078759011884	-0.517185837905094	0.0489067425109987	3.342676215848342	1.1120360222576424	0.6193028266754848	0.5283645624741119	-0.2767550906719994	-0.1481345215478018	0.7695370984021233	0.034437622136632456	2.5615625053084727	-2.579809213702593
+0.4415645367384963	0.13365786524994963	-0.7597806461171807	-1.0615898230606033	-0.24887276066536843	2.1010330851259966	3.3815080368359665	0.5373777393450657	-0.8617396374852958	0.18509371265017813	2.661146722925439	-0.5922549890188895	-0.27728952773834814	0.2640895187564063	-0.5097878091732172	0.15146122573578968	1.2962873825971029	0.6022917232237935	1.0657576220531717	-1.971301157510775
+0.037619853942805856	0.8765760147906543	1.5988976122933551	1.1941038456833735	2.549973056552273	1.7485979888387448	4.517666882473668	-0.05077324918676652	-0.5873099039643536	1.2979266836277021	2.6466150069601735	0.2937120534930819	0.44581208751020795	0.9355128509783904	-0.4848236495669058	0.8574653029647	-0.00531028439218833	0.15272818495954216	0.6224490470850561	-3.158498091653619
+0.6653245879212243	-0.22407262727947724	-0.337133681744353	1.358433571383357	1.9610261455051927	2.392650289193188	1.9252735483904315	-0.3149830669496145	2.111325275749563	0.13772088229527696	1.5599176950193439	0.029881684636920598	-0.13325064392993557	0.5499289509652086	-0.10155066835842133	1.7961879158446885	-0.3318213853887152	-0.5195130775311501	-1.6917138960792466	-1.4384853061705782
+0.2733079367121358	0.5806339109169293	-0.2414338096436442	2.3272888474641213	-0.9131191448012165	1.0204290032253236	2.057557764180431	-0.671102314125559	-0.6377452285843679	0.6204095493915641	0.39458575968875964	1.062822561568195	-1.7212066202768637	-0.6344046248491861	1.0012100576801506	-1.278406464414494	-0.3615201043595865	-0.8443983162689906	0.5374245858818844	-2.2560769034526778
+0.016400575066804653	-1.4594635552658421	-2.079068614623475	1.4237437165506666	0.479366915226027	2.365540652446546	4.181080515235133	-0.011246139870161837	0.6126350870211529	0.8381358041361706	2.992104020705812	-0.5383090205647783	-0.7362658354031074	-0.49820530066010316	0.5280472734898894	0.6092951790874602	-0.4172061149602521	0.2874077486997034	0.7853848487055575	-2.644128640075069
+0.4005334962235669	1.0076395576859005	0.13194212424791651	-1.8636716781116316	-0.7632781249814675	2.406564137369484	3.4197951355043124	-0.32199595023779043	2.6538695614593637	0.8357513850157008	2.9530628580877796	2.0423897887016915	0.9298410038393872	1.6689367525979475	-0.7261754538122338	1.509139650626587	0.524929519785083	-1.4785204815731514	-1.6415311772933054	-1.8354828294895722
+-0.34237037326192615	-0.5588939904956731	0.4884455234564182	-1.6738944009991592	-0.26072073588270855	1.53769296205369	1.115947774385517	-1.9337740838148696	0.0380353061990707	-0.4890899958698262	0.2638600421414856	1.4269595097764887	1.0820662021375038	-0.40502868638801626	-1.1437766520898542	0.604382816511511	-0.8050872636735924	1.2020743397704103	-0.6194616174750139	-1.4716336185635939
+-1.0335494075305929	0.4921962461199059	1.4853118659613522	-1.569135877325774	-2.3756293822511894	2.611473524739259	2.3617280713082773	-1.6730547239389408	-0.33596156036166147	-1.1290548185956792	2.4171465362919733	0.5854426444513618	0.8883838952291618	-1.1510358562933969	0.350969220756343	0.6295683065915032	1.3116777307836633	-1.2375306688079024	0.19904551791157682	-1.2016773285470643
+0.7866152217561416	-0.22910588502352686	-0.3527520240499313	0.6723966958156411	-1.6682659534205586	2.7789914613781272	1.9061645829456055	1.0761421124464927	0.09690167407822936	1.6513613104097675	2.2258330065926084	-0.8734144600762542	-1.0066865968249934	-0.13471591695058407	0.015184991621273526	0.41810514195584264	-0.3760878884398714	2.290340597180116	1.0522116184673187	-0.9159796436696128
+-2.130317782257829	0.6944206556053942	-0.5187934367784872	0.4910182874266096	0.9821391691462149	1.594712581464469	4.651398959285967	-0.4079668226972564	-0.7617607267021139	0.37200223540319977	2.9925378597902497	0.3213832180477288	-1.8009468379200382	0.022873767566392908	-0.5948190671258752	-0.18142573586761537	1.0527453107966451	-0.791437621835658	-1.202390030067397	-2.9428283401869946
+-1.9371207499349234	0.015164509566240006	0.4331411902023518	1.3351070060987131	-1.2324829195632834	2.469293113131173	2.973741757784599	0.4896978028953196	1.6014713452813847	1.1248864652841575	2.415848320477903	0.14172269541340235	0.6763533700970874	-1.9903954153548857	-0.32987534599233825	-0.3112271381535666	-1.1828155583059001	0.07142818263679508	-1.0068360925527309	-1.8493849041221122
+0.45188809952474407	1.325312384393424	-0.44285997954535655	2.512925861711266	2.0525343881329863	1.3553201722250232	6.481738180299175	-0.2661421810426624	-1.143052780267859	1.6364781270409314	3.8335625001608387	-2.009181557247933	-0.8796008842066111	0.7423040683760405	1.9162627151023783	-0.45532577049435974	-1.8047804902087852	-0.38429310156522856	0.3621713523816461	-4.153296176812162
+-0.831996576533903	0.6929578927338854	0.41447625582509523	-0.11667853464932172	1.3707536694645288	2.0250227886155003	3.8863073698025947	-0.5191300745977011	-0.9822822125326486	-0.18878276600271793	2.858498182456979	0.1852479584510871	-0.4325457142503484	-1.6155051624495724	0.1632130127802628	0.33911737601392944	0.1984466911339302	0.6733026634800894	-0.02491362787253714	-2.334187683435375
+0.8626958305294844	0.4831110411296067	-0.9840769389511186	1.510045294420978	-0.7170034262355306	2.5363365444645627	1.4856227939487532	-0.06216768455980445	-1.0252725332922668	-0.22430628871035435	1.6936749712009553	2.573600711429018	-0.01696907411878943	0.8806903776696203	-0.1400104925957732	0.7119565002973883	0.8454549035637418	-2.667654379673008	1.645048787992933	-0.8626507542594433
+-0.9374365814328206	-0.506383645599598	-0.1338700248152022	-0.5050900749333179	-0.4743665666936268	2.9929158681822465	-0.3608801305928655	0.7565124248610798	-1.5194480328027122	-0.2920200105340011	-2.352998346837342	0.06308178366029714	0.1174704090544915	1.0961928755919512	1.317342812051062	-0.20552341164503646	-0.7339381216839418	-0.3233511797150055	0.689685799008717	-2.666470692150487
+-2.3966038450687512	-0.8627540089064779	1.291595158038837	-0.7225116917676042	-0.7862238614379796	1.9182733317563718	3.367592969872758	0.469325256925485	1.43337731222185	-0.6963290934645483	1.9229185096780652	-0.6060401209392108	-0.8820723688122664	-1.7416602688129579	-0.44991196486398766	1.1566196142410952	-0.34480950115531844	-0.6758927816702893	1.0326659778598961	-2.5844158717001124
+-0.8821118378049374	-0.03761148987097049	-0.6747700743974319	-0.46256339700882765	1.342686102812024	1.7539983200246092	2.6065218196193842	1.3798535103531093	-0.5508620529448396	-1.1108074462835014	1.3901704884521557	2.1430553955569644	1.4013781541408619	-1.9584412414884191	0.6775980103727477	-0.9256069299883416	0.5045944464846636	-0.8290643503993977	0.10633352566579932	-2.171693809880532
+1.0039345713154022	-1.0077776707062254	-0.7957195677985618	-0.45118713414987494	0.5190533667407357	2.7669360614971974	2.620244574847379	-0.22144256902422332	0.4516373052396876	-0.15032472697281263	2.8244458516279165	0.4122952710286046	0.9197107034982923	1.4989117040520248	0.34689287134537816	-0.18227429210146479	-0.335452342112944	-0.0578891860507599	0.6716006902756062	-1.1621260294506892
+-0.8183623037200263	-0.38160443175570263	1.6116400960146442	0.5161168831751798	1.636890958551005	1.7262865130495988	3.3051012370765704	-0.29206074816582916	1.7122621585114	0.7547368216310786	1.9424506076967605	0.00034659062978225984	-1.0238014924630117	-2.6171763165847692	-0.8748839584659627	-1.7142722963296013	1.0036414351066136	-0.5369087938773401	0.8193786481836407	-2.438602241893204
+-0.36526343560124563	-1.0360178402325715	-0.6347974104986065	0.6895916367636926	-1.0627523398475023	2.325086896928978	3.3965760832557774	-0.7371800960468861	0.697984199689747	-1.1773441176808552	2.8058520456858105	-0.962438419377952	-0.5233889996289356	-0.3343245936989417	0.8413064168568885	-0.0033790888529908756	0.4203594522798047	-0.5056876152370523	1.0223412505151968	-1.9212696123633484
+2.47540326288092	0.040895428527612285	-0.17533685410025354	1.4092196233432566	-0.02975101961746084	2.4287877540297322	1.8510989101608963	0.06744628523566348	0.93865026569665	0.5124545095876967	1.7090150098414059	0.40202592762720507	1.305341247541134	0.8212864248802166	0.8001645291610092	0.23742345100108417	0.19153053571391737	-0.9858600636295141	-0.9698741918048366	-1.2277563897849395
+-0.6601752137721719	-0.11000001206134825	-2.1153815467792265	0.7939530261454807	0.14074473863377998	3.3552079891275923	-0.8369407002892686	-0.5714820686564377	-0.37412481389886265	0.16669033299410288	-3.631995122796667	-0.6639361788987586	0.5554669721932757	0.7479717178718552	-0.016560794142802523	0.19859811525823087	-1.9152321429437593	-0.4582315336475037	-2.228596142367096	-3.4228140259065993
+-0.6051250890124548	2.3505260039210465	1.2848982044337314	-0.7151542942808943	0.5654824923619511	0.732008116125666	-0.42553945528979564	1.0277338548586616	0.07724314852416357	-0.7141965315828968	-1.0579120420649741	-0.7379577416954437	0.06299981032067074	-1.3118289899623585	-0.6245763680427284	0.9598710739523312	0.02003645129648343	0.621230595532839	-1.0876223906048879	-0.7190519775713637
+-0.982001109246549	-1.1609748330578455	0.4581596753499356	-1.6736604333742378	-1.2388232733185358	2.3863810347707184	2.5132901002721324	-0.1946119582431739	-1.2099502593931368	2.401176489895266	2.0784808934281442	0.15371002756053131	0.4674375705257291	-0.07139362484337272	0.5549025619519828	-1.4448837324719732	-0.7875806866897757	-0.24542015693149058	-0.02210312547381899	-1.6185444884018205
+1.5035498233873772	-1.1266340697652415	-1.160209084079537	1.9904624474601016	-0.9594759542945116	1.202612779159517	4.34086569470854	0.10724680639324641	0.41932684980172413	-0.9924893136280843	2.2330164642778048	0.4982858042599603	-1.4963251422503314	0.12349558443207988	0.4106360991289069	-0.1750662257979253	0.5176584821942305	2.2599417832406057	1.227758541302921	-3.1791588462312967
+-0.9474634974270789	0.6369703642218604	1.5631668142486845	-0.781892105210982	-1.3918450994009723	2.782835053901796	1.952075141759925	1.9385269596733399	0.8650547106127829	0.04545138266748126	1.9347624092918727	-0.9831228861424828	-0.30420697256033086	-0.9968317226048562	-0.5934921573727676	1.7073757094606024	-0.37275030048174995	1.0344985050210518	-1.2627791397953645	-1.2382676357257623
+1.0581118092143664	0.5759575994217737	-0.6689379182798246	1.7145039497752148	0.5380409066295426	1.116768002617862	5.060367927568384	-0.6381903047547545	-0.6379513924634043	0.2475909918707084	2.5506516877771532	0.0760709161643171	0.22762880746420228	-0.9092340080808299	1.2126378568795682	-1.0855236974687408	0.8748648191236938	2.130224017854934	1.051349525392755	-3.6694661158848523
+-0.7371808668857988	-0.7139450636834596	0.362435543332152	0.03892826544233229	0.822561591874348	2.1949552158202663	3.8355671614764955	-0.7085187432592663	-0.6727226862352099	-0.8334585281902699	2.8611580080896997	0.8263339738991534	0.25867243882194374	0.5861177369089355	0.7968980032802729	-0.7316060648466113	-0.6147982807809158	-1.7914998131707922	-1.5445894314561561	-2.325390578414674
+0.8001830194022206	-0.5684605887961833	0.41164465964771413	-0.4356114351225276	2.6891673658361057	1.6651559412735557	2.3549948790387587	1.866084746114831	0.15730153990376805	-0.20763543285299502	1.4599142092720025	0.6735705422532628	-1.465527351832967	-0.17543592638471533	-0.1251718021720325	-0.6009819907613225	0.11708838724203582	1.202301176543252	-1.0184428025837116	-1.797410488942178
+-0.16342177602741334	0.912153345094371	1.2198820023292984	0.6186033578452148	1.3164287136826442	0.9255540929595194	4.695171457632756	-0.8208953877321415	0.6796424553142182	-0.24269272031569847	2.3002446081738532	-0.7972155830080289	-0.15783298283537908	-0.07576160801582463	-0.05884832861847155	-0.25922969543126034	-1.1050925160656446	1.129060240214883	-1.0366879402160651	-3.432992713504731
+0.9357074402488383	0.19813168886333915	0.03263910117447028	0.08209358373234144	-0.30120675847429673	2.034853693606826	3.6880081021451914	1.1976312550372143	0.3864451493178606	0.3723387105287613	2.4383346062140667	-0.3887062121410723	1.4920316105723508	0.6604796141091595	1.2673029024775844	0.47375116766380276	-1.032814951391616	1.2975835805024947	-2.718590764206737	-2.502841465051203
+-0.07825285991194487	-1.2812204010821657	-1.0651126947154763	-0.2576409893527904	-0.34889688031967575	2.571675554474297	3.214729337990853	1.9777103382099963	-0.546888650005135	-0.4577925821667861	2.8010272371354485	1.8378268089448953	0.06980193521155034	-0.1746942868388891	0.7719515057163573	1.0235848573311583	-0.5159632622019437	-1.1317609888716944	0.5303723403631673	-1.7947131178363716
+0.2513656297783223	-0.21757979911578498	0.2574659265246205	1.2069187924484093	-0.157167788760453	2.846879277278262	3.4152836448730803	-0.1136007429799484	-1.5920460857721896	1.0221429088705754	3.2782239618240645	0.6817282280106748	1.080768934280712	-0.5213766374488378	0.4922805347992663	0.8499889773512121	-0.6410228697575856	-0.8751800098824529	0.15662476941774986	-1.6609894781463572
+0.45443222817739165	-0.6116110952062188	-0.7995366427094472	0.3657854019375214	0.40636229127712337	2.0974530294049507	2.5856197222475963	-1.3728121092062175	-0.1332257460281506	0.1259835599994923	2.1172809819688303	-0.002791011838990935	-0.16159022750726	1.0111145745381995	-0.11183025811931327	2.410219294779123	0.6429742236500019	0.4791662942855109	-0.06628187320362527	-1.5777015124531126
+0.07715354809298791	0.5335424273034374	-2.2721537781530756	0.17348612225495796	-1.353576247242797	1.339621948959842	2.5013589906766494	1.1669889552610266	0.19138524454639014	1.4591360447651602	1.0781476757752086	-2.488152794439697	-0.12712578757229231	0.13286937844207697	-1.3942975506810478	-0.47754740033371357	-0.03225223052590657	-0.7192967506316269	0.35540632802186234	-2.2183066227950223
+-1.493384534264421	0.6781278845695001	-0.8419023465459584	-1.1192049211904302	0.5060846932583312	3.246010009505132	4.088405167739175	-0.5269723090828854	0.5163237139658955	0.9961799786935557	3.9080117788435436	0.2620809670970575	-0.5814096536107192	1.7798888427117572	0.2370752958366378	-0.8970980713494763	-0.7488928794791313	1.7524759170019562	1.8218121955835986	-1.955057543248063
+0.7651001419536637	0.20260586576911513	1.4643569095725533	2.438581694242323	1.581071718424406	3.4376873470270524	3.0063623875950305	-1.7124281847649407	1.2953662958810517	0.9079117357163485	3.636000081032831	0.21812549484505936	-0.5955898903037145	-0.14354928916389767	1.390491587381899	0.4016783984398542	-0.015326750296948926	-0.10056212393907418	0.7984987249435672	-1.0460005806403767
+-0.8531121953909785	-1.6384462865455143	0.7322780088450307	0.24329933497492126	-2.2396948240475467	0.572736403173685	2.8157054452534744	-1.9197048775676464	-1.6158615574097663	1.250140755221341	0.6126803144849982	0.8195107523399837	-1.1532850921417583	-0.4076743118315321	-0.11543914413091531	1.8169896383858113	-1.066960132168683	-0.7202647940948409	0.8825522567203071	-2.773892714763975
+-0.08917318125142906	0.599193638549956	-1.2288925719068569	-0.3451978789796373	-0.5151780867696468	1.8080639826835203	2.211184025532929	0.3857355976481825	0.3933723846934453	0.9387139699256649	1.3615567679563276	0.2532928835268668	-1.7634199779552462	0.26962467528224604	0.6299625773714458	0.3811824892052929	-1.1446869449469281	0.3927003746554742	2.02678427945519	-1.769273432881433
+0.18543498213986817	3.0513112038934844	-2.642401530692195	0.8764021246988886	-0.39531532299442546	1.9075565797529936	1.4218322330290696	-0.5195408321168391	0.5455073292906822	0.6246218548016428	0.9584355772452136	-2.2635771383414567	-0.6561863207944872	0.8486496057693781	-0.5966266151068456	-0.6006020054228821	2.0603605160777265	0.11602230574467431	0.4886550176001555	-1.2835462572257614
+-1.4834006855872572	1.2596090159121849	-0.007497931075096425	0.6209602927435725	-0.15289294232316275	2.0002306894305213	1.4074866399676829	1.2283843926477802	-1.2098421154979024	0.6036168197630023	1.1150992804469682	-0.44441012475335	0.542987054933403	0.360827851535507	-0.307467843296988	0.280973543682441	-0.9757158139324271	1.5348123527633941	1.1649030746194848	-1.150065114851708
+1.667989489602232	-2.037233186000025	1.7393483051398813	-1.118128148596682	0.04585157560681634	1.5587393267532725	1.2662764357060492	0.07591460966850364	-0.3128726349030342	-0.2520513558942058	0.32180482793215814	1.2084724426465732	-0.9180619301712459	0.6627239850659097	0.18249630061493827	-0.10144187267540301	0.47499662882505383	0.16834678381073054	-0.6407600035458557	-1.59352106979093
+-0.6081699545264462	1.6105340393027947	0.7703363878069732	-0.818208382797603	1.1784187969425945	1.7593564288492676	2.9973735049160064	0.23978554008496702	0.1621241740544568	0.3795991657453987	1.9220663007530183	-0.023909545815334023	0.9755733764667635	1.9224802087421675	0.09273258503665437	0.6235907726238686	1.8661121197183126	-0.7829948815229851	-0.7727780725383955	-2.1209192091328206
+-0.9452344318590239	-0.571174976801342	2.4579102209082877	0.7344068884570706	-1.5982347385225988	2.1545053802969303	2.808838504505999	1.6291752270280604	-0.3967646052246698	-0.2810339894264712	2.1084985104422453	1.068382031480582	1.0117574198784698	-1.1399317029600418	-0.8084218695047787	0.5231193564724979	0.7723116095201579	0.805627408984487	0.8932039801288841	-1.854180792665301
+0.29717134449748134	-0.4615107165069757	1.1731006766301249	-0.20732665252895058	-1.5026502749054418	0.36923153636725736	-0.6811531734388925	-0.165563143084912	-0.149276435507334	1.339207217508415	-1.4210646447523736	-1.5594128181843088	0.22555410578543283	0.9012710392791297	0.5128427116467638	-0.6440575061834077	-0.19150461727252996	0.5944085082513522	0.25483071236259086	-0.6590427784062196
+-2.644128369745319	-1.549360047909631	0.247025164066825	-0.7863613620899993	-1.7439897148663162	1.6041818964607526	3.954960034113813	-0.7518357089358998	-0.9353858087168587	1.2750792947349916	2.2250434230968907	-1.5270923998406143	0.2813011018193057	0.1555220160847714	0.8546768518197598	-0.4634883089035816	-0.6195926434638681	0.21849742383786713	0.7599518339155508	-2.8721084032289217
+-1.2077128893617493	0.20007762451425187	0.4121537554887482	1.0502225859333993	0.9054045593918624	2.9212570001157667	2.9274894891252323	0.13056400833566703	1.9545023361915361	1.097413171538843	3.179505462458664	-0.8750894635390426	2.7810555256999456	0.09710431413855915	1.5517611243646354	-1.3233316327662432	0.24263542742837285	-0.996415513296284	-0.16361091893670876	-1.2254515467673532
+0.3516480295461576	-0.9888727397486394	-1.4919044220010675	-0.1619823159644411	0.2561548324019505	2.060744916322342	2.7754026659699838	-0.14367892560736392	1.3489728990590768	-1.1718400216537423	2.0170808035093186	0.23578551240271903	-0.20198194643359713	1.7155070989957573	-0.051076602306526865	-0.10758813731338279	-0.9405723798215636	2.4399921565312734	-0.4092556769503201	-1.8731449976638925
+-0.12930235954274086	0.5278994321877832	1.045590885203032	0.1648729038035791	0.27480745548162566	1.9034991929205898	3.411773141313991	1.096197631202967	-0.9644022803045039	-0.2011561053774555	2.108971317457504	-0.9466146244076228	-0.3411038310703264	0.466033595910254	-0.16587227141367183	-0.9330925236899162	1.8294485952020336	-0.6308914572174745	0.3866771281985029	-2.4575027780392595
+-0.20437402907789437	-0.5848735507329891	-1.266061266061325	-2.1412105635747882	-0.11336095050619563	1.6114773802630682	1.3610427632017355	1.4208028048501966	-0.9734315640369142	0.6874744992871852	0.7288294907426232	-0.37232367516463594	-0.38558613481907256	1.744771398698905	0.6676018956526676	1.206620705859154	-0.14832845395411473	-0.3852071337702664	0.03860727270390805	-1.3391740659130411
+-1.1692737364075878	0.02205905332929503	0.2669091368138159	1.2003213700730626	0.2794853051772169	0.9421764821484446	2.988498845607869	1.1740660994863183	0.12183091028335612	-0.13425662628447144	0.7631209574627775	-0.5608652555074042	-0.41889401421487155	-0.3662486586340912	0.11950616038111353	0.09691925727808914	-0.7499504219363728	-0.48918176434580385	0.0357681817632031	-2.939569480511779
+0.7001647809545715	0.7603689932255868	1.509751749224761	-1.5782745286242423	2.808842696327118	1.9973459647217404	3.3822054538753497	0.41741232505422277	1.8967365445501538	-0.31170034581449696	2.144065590542655	-0.2470459748595076	0.7700105654847257	0.38902698877246916	-0.2593736396357106	-0.5206797546515621	-0.055127295041270716	0.05525808142624802	1.7554763366272454	-2.4197760040777014
+1.07322414538178	0.501954015280214	-1.009018431519179	0.8129738864694972	-1.076514925486148	2.1064501645446403	4.098121259955776	-0.9948239460319687	-3.283766888580859	-0.8812335790001056	2.9480632471448702	-0.18904805511721423	-0.6885221641355367	-0.2738970669670362	-1.492436346505508	1.3975076951879404	-1.1670470396414214	-0.3045580816369728	-1.2120633706359	-2.514068927440281
+-0.9295416236093086	-0.514659247561649	1.079398022537517	1.6319973922454596	0.7351574753535745	1.9242374702092302	2.6641235267010206	-1.0056255002703378	0.1834933656690069	0.5270407426675319	1.8874381001723235	0.824252236752501	0.47261792628457755	0.0655698310730232	-1.6999438322204212	-0.09522945153712503	0.02501284764123272	-1.2295355596877846	-0.1689052292041983	-1.8270841602322134
+-0.3578693294443385	0.09195240635690427	-0.5789515095211742	0.5816002322503839	1.558024521392698	2.480490795431695	5.574418252349524	-1.3189212063248006	-1.3756443171910817	-1.0948911908947183	4.31546312464611	0.18237156151806785	0.3176984929462499	-0.928101882329821	-0.05278516860308102	-0.2483040079434209	0.07056391495340388	0.4852170062247597	-1.1768521840707622	-3.022014449801328
+-0.5378651637628333	-0.5810228583627944	-0.638828165839942	-0.23896571010344098	1.7220851585171923	2.2916794838099035	3.958560997892698	0.9962961932702167	1.0483291780400184	-0.6853929770358876	3.077423235974946	-0.4065130743042882	0.40521029412831244	-0.5359158081023793	1.6094503753318656	-0.09628017329562703	-1.3098280423821238	1.0585537408217718	-1.2180202886954103	-2.292560337900599
+1.4273643202779651	-0.12421486137083008	1.1236852872649061	0.15543510328694082	-1.9883799610923714	3.7234731522828675	-0.009878865727409147	-0.7619160977179519	-0.38052769875662484	1.711219007634834	-1.1218771961981107	1.1265287404491116	0.703676351033874	-1.1264814558132947	-0.5426702221420372	-0.46382366424837945	0.2853024821233808	0.3971046578626899	0.3169877910219536	-2.140278894786043
+0.6703891224123791	1.0420314370455561	0.031361413086764045	0.30652760922153444	-1.1653025855071144	2.3602841931922085	3.7014472876483326	-0.063742091026464	-0.5330975338551472	1.2083317510848743	2.86597596963615	-0.851765362918864	-0.8536957568753313	-1.217652079767176	-0.13815238051623635	-0.2852035889471639	0.7472826252639642	-0.11558174160909372	0.20421204859938602	-2.2193516932891106
+-0.0677930363367172	0.9019142160402144	1.0826172673790353	1.0324784651236179	-0.5617500927425254	2.5429955299445037	2.8313668791137485	0.36000443521127173	-0.4588451308575965	-0.05002337573893549	2.4161788241527913	1.4249291698581994	-0.6092896619270113	-1.299910347653208	-1.295377065881124	0.12434326119322212	0.14709209472637663	0.8346147247714797	0.011885025304603712	-1.7108221758421833
+-0.1521418475690867	1.8133234038956885	-0.6235485723380785	-0.06659409398328091	1.2731466151303683	1.135840269541848	3.165286285210471	1.6958080903003487	0.5333967610173722	-0.3001414738492798	1.300322188791132	0.8771313767103998	0.9646135940647179	0.7942085703489689	-0.2194471115035305	-0.4376761994279888	0.4842669652544189	-0.004969437986332794	0.0249054382504272	-2.6991711754507253
+-1.588330249778116	-1.445754733055498	-0.4610272723704422	0.16940212161645096	-0.2457294337931608	0.9836335342534439	6.320072655002396	0.2080699705805132	-0.5072467767750766	-0.4989878819628594	3.150883340108559	-2.1816876956290705	1.2258615362229937	-0.9260226337758178	0.7625639245960493	0.8054208254496843	-1.1053477989261986	0.43663309265821	0.42952680544861654	-4.492186209186075
+-1.768024568483499	-0.3069263880683961	1.592417191565314	0.254591614076966	0.7637805370176667	3.518304475388335	0.95794067593885	0.7347112679343165	0.35880364635557305	0.6704629590966805	2.2850867741292924	0.2874481326172637	0.36174675637895853	0.6146648256055965	-0.4415682867829035	1.6448615437912582	-0.813208255544509	-0.43863299371948594	-2.733369172045708	-0.01458451741000788
+0.6665924815807147	-0.6479629394082403	1.0037225285088018	1.6039136196863328	0.9383116666110737	1.7809587735442176	4.167742874861627	1.550704813922151	2.0839529333979767	0.8379936190456393	2.971234108519268	-0.7775484504235145	-1.429290114226598	-0.1150219164290007	0.16978637140712396	0.41502493225564724	-0.4263898502923038	-0.24759901820144956	1.0795761633479228	-2.4737180128036353
+0.09081741789015839	4.1906720280412	0.8449022764036459	0.5227552625562218	0.3501373375658401	1.0170574391739855	-0.41440809061189177	-1.4876512344456772	-1.7688392877460632	-0.7781478945362675	-1.3727942668567867	0.5441010893671048	1.6054837809753586	-0.5094801482223705	0.3458528538578074	-0.33936837548992455	0.00421136641106734	0.5128487842780594	1.4519146627487707	-1.1082736010834293
+0.8223759211830909	-0.3108620835332929	-0.8096017042818294	1.1108217356093484	-0.7193364378339546	2.9553864892840043	2.0834106092019056	-0.48210328247916884	-0.3521017730447841	0.0687736155165156	2.3143199491661712	0.6211124780640016	-0.8790391521622747	1.3427141894807753	-0.36504077950918135	-0.3667527422474311	0.05292315167858844	-0.14416684051802753	-0.7532311097071968	-1.0863259266574767
+-0.18985511675506578	0.9398735967134301	-1.117885324462671	-1.5682494968950957	-1.1313714225032885	2.139093617501939	4.046293849878282	0.5095027202440225	-0.24349647517410272	-1.8723395651838537	2.802878383865754	-1.3835506260346888	-0.7450694201309102	1.4217902214748808	1.5862862087407976	0.1689787308767351	-0.05578484481024082	0.42414656213638	1.6919931121623029	-2.599880676721035
+1.0606737663000934	2.1660956397395448	1.1033543310872866	1.580841376550564	-0.5515581099481456	2.5316752273992047	5.911697810326473	1.5466415424700406	1.7532322554238082	0.3186222538096798	4.6722351624301055	-0.4161693500460656	0.4806599999593128	0.9031994712407156	0.7672776308660899	2.1199478834910246	0.5208570435284294	-0.4619054388455601	0.639401239627835	-3.0867428303169397
+-2.6040652337723427	0.9249902098054367	1.0474756163379138	0.3808370597239365	-0.2615842542129462	1.2493497371936146	0.8372650289205772	0.8016637583307692	0.8865861850989772	1.3356674828052646	-0.14393906592580796	-1.9321561405647663	0.42298303596991066	1.7754032762538372	-1.4816394916943092	-0.08986731773440884	1.227196153928395	0.9070135114981377	-0.4301867214198333	-1.4492302926076932
+0.07816559690080653	1.852823716490075	3.710438042967659	0.7862307966573046	-1.4587380533405914	1.6357313362776225	0.7447829244130615	-0.8484336148783627	-0.6444009512550807	-1.6590674669062118	0.3801018957968978	-0.149928489277756	-0.5024473283691239	0.40054256222320794	0.5535688616833266	1.4404737462208559	0.43583480022969373	0.004104919374031719	1.3067314868441697	-0.9754716067527176
+1.2859280185846291	0.7602691167258188	-0.7087106769085108	-0.2083331628042453	-0.44296379712337736	1.4994488461855624	4.09018287326753	-0.009091534805979448	-2.1483413434651157	2.3263884950310825	2.3620030957902025	0.7134170786900146	-0.8796226636090453	-1.5841888465499596	-0.9871977981989035	0.7292830974930532	-0.3901725332035043	0.0932987012750829	0.16349601617949855	-2.8662512421453634
+-0.4084239822280485	-1.5439892379257587	1.33046877508263	0.5827759735709516	-0.5271538741637666	1.9349641104310569	2.9113484115792803	-0.5608924955846963	0.6299555086315944	-0.9662916200766082	1.6401373367055234	0.43973684950331904	0.1525318003244222	-1.3258179467549849	-1.222480068539388	-0.9867214589755031	1.0731499216966773	0.8859334496278193	-1.286140155388538	-2.3375480043083883
+0.17824596145877222	-0.6632816533274852	0.32343350278503347	-0.9395211600179059	0.9707304412906571	2.504375557995163	5.2956555096548215	1.668382405528521	-0.09134766280382152	-0.6023780012975128	4.261938523487178	0.6638383091331033	0.4242884201792254	-1.930446397247936	-0.2888403962370874	0.7808489329803153	-0.21992188450247196	-0.9829931499590291	2.1228939665064597	-2.7648738093096186
+0.23498128263170726	1.3369326334102751	0.074088206120772	1.8440310243420082	-1.6299344515481504	2.3509659697527425	1.8919524642875118	0.3412215803943566	-0.28994086244585754	-1.0428657038705251	1.73739198093703	-0.9855814663497001	-1.3820229281819436	-0.4076629161251588	-0.30451504313481553	0.6414968117369593	-0.3487705083842328	1.2693806497881583	-0.21773246973530155	-1.2242207097132867
+0.5337757926134236	0.9906054340172997	0.13295408829601132	-0.005405025400354299	0.2933801467563825	1.4298666720149282	3.3231627762902143	-0.1766468282998782	-0.2982615162561695	-0.899714332076419	1.4999740557655061	-1.0507862713414076	0.45078696471582796	-1.226340992737596	0.5442695624942787	-0.02843438652260113	-0.07258779329293691	-1.4260075824306142	0.13386604233803132	-2.7799591409914424
+-0.36058471965378835	0.7836460941316795	1.3933175436924021	0.17264509328214722	-0.5521552778675939	1.8569988329996476	1.5112979256669563	-1.0732795402912196	0.49522413802337856	0.29240699711107015	1.0869183501900281	-0.8898392747439593	-1.4749510875989895	-0.7619255787949534	0.15003282129090706	0.963332887613822	-0.8149205435390461	-0.13882053254434765	0.5344003717921374	-1.250214937742314
+1.7914981146615623	1.6239358639913655	0.3423263890409495	-0.398835497578438	1.0182228132443847	1.888638921376525	1.8510136111714186	1.903598411710623	-0.03654399340114343	0.494826210125348	1.1398944163956173	1.267958655474569	-0.3116423914065718	-0.4640163331604283	-1.9689105453303783	-0.5706801388322871	-0.9503129998021336	-1.1205952258083423	-0.6355592881308924	-1.593078478652843
+-1.9157923713681577	0.47496061984138427	1.1242351101188592	-2.2040209840128506	0.7233842953336957	2.657377211933697	3.2338470649826565	0.6975302176358477	-0.2723952749105672	2.062476072085756	2.9809244685956067	-0.33062780442273143	-0.40469267178557067	-0.09247561866677804	1.2152080139637973	-0.9247457692576205	0.6422064144906062	0.07798706165140862	0.540314420315585	-1.6753127747897232
+-0.8339521915296145	0.15916669596029082	-1.2333748531002373	-0.10012273246170027	0.1434261591448769	1.4764903027920036	5.096510533809694	1.6697509393880101	-0.27062144700928475	1.2170454876639618	2.5717687708798573	0.5119794604263994	1.2506431140952115	1.487758094566537	-0.5671223468770306	0.5480026286101981	0.8793830714285132	1.3305160547979835	1.2637689744511913	-3.798117309886698
+1.561224477797872	-0.16968135353615518	1.0359334285476796	-0.7248502736700285	0.9473974962179548	1.9840472602593655	4.29967210117305	0.24731059539367284	-0.03771757060065049	2.1579068826281356	2.895665989173834	-0.5250955942950344	-0.604266999898711	0.979725367986863	0.9580232073230115	-0.7954454990405102	-0.4084950233118538	1.0976386808517602	0.04116396353864031	-2.7528961035304986
+-1.1783073691443091	-0.735347368237899	0.42196003048039743	0.40473069099800735	1.497187416736598	1.7065469446892714	1.8789854888570479	-1.5536971318121526	1.8863560094525436	-0.2717595481962002	1.3234686614674258	1.5242271931896567	-0.18533776810910063	-0.5276353360707262	0.9770316064498097	-0.4624608055040842	-0.6102904563297964	0.05943799699616686	-0.34489697872231617	-1.4002060926324282
+1.2690245154817543	0.4065116438732065	0.9573650840274931	0.574406937044979	-0.2910573481347006	2.1028630511171804	2.131411798050173	0.8553510210872141	-0.39944327729492557	0.9072391049128746	1.534152763578315	2.1121931382755124	-0.9723676078904433	0.8194505414666206	-0.701336809781673	2.1427313123216427	0.3150874320968426	-0.4737086746945954	-1.2991210885778754	-1.6077960309503636
+-0.3203876852115148	0.5222756467169214	-1.0924045379614735	-0.5471893152870252	-0.9405083419143954	1.2439112681500675	2.5951479707340948	0.8985571547671983	0.13957443127755217	-1.8684560381554596	0.9763767337572122	-1.3127136210663353	-0.7918223994328715	-0.34068449133537193	1.7261898367751722	-0.253823207863229	0.2521997360564983	0.7432687650479612	0.015082278601737473	-2.3895008515584193
+1.3984560215818704	0.03289520143101179	0.8817767889890945	-0.7821094139602327	0.7555533979466289	0.8530938126521197	-0.6246041313524819	0.6470661542130813	-1.088459481594654	-3.016638535982768	-1.9745179298774065	-0.30794204008182213	1.4335751133657586	-0.09521436706523172	-0.1188741780565969	-0.9315900672822096	1.255200736691875	0.32035501277975825	0.4811613639705948	-1.379667871729715
+-1.1092740315883938	-0.9086267440397305	-0.931725007662859	0.10305857018240575	0.569614735498199	3.3180899169801226	-0.12789255109919928	-0.22565653182711196	-0.6679424977863244	0.47436659105314766	-1.90983381933296	-0.015442113772508717	0.7947216167107651	0.8564724155111614	0.7221596369993102	-0.986672754784155	0.8360620842096383	0.6950101534147096	0.04441865129686528	-2.6156995904444713
+-0.26313157321465425	0.9962085917466124	-0.7288946488976416	0.1732045030176845	2.1755063147596467	2.465425475234413	-0.5653162061769685	-0.38288036018687593	-1.2997121802629852	-1.2588154252385577	-2.7650234113905654	-1.1788527377699791	0.7319777064453176	0.017583257360419907	-0.7864497394471583	-0.2627300781933351	-2.1789498941401244	1.2584795307501588	1.4330003291991122	-2.660091301409203
+-0.8739925560333729	-0.562288279332348	-0.4376511940071948	0.7151427399035187	0.2350852425354625	2.1476905713643646	3.9066516658946644	-0.027743959862412664	-0.4873234843216744	0.9440890503396124	2.869628088969603	0.10954331779955462	0.62791678573108	-0.24538651180226861	-0.39489256320208665	-2.109361042168002	-0.8623702919189337	-0.7047274104864089	-1.4486029730547343	-2.383449764876702
+-3.074834349072487	0.3206076428576184	0.284325150573648	-1.1956642046500865	-0.45412252872342074	2.0589870382963777	2.6889512310202326	1.469571256504908	0.3829862414730334	-0.6326637626871782	2.010863466190902	-0.4409897848508284	-2.782512529427625	0.3862688849492869	-0.9045869271668957	-0.8117962485335594	-0.18332196543271012	0.785178520889509	1.5823887631448088	-1.7810489579127662
+-0.3579496672192898	0.5691405803600221	-0.3135941251222193	0.6099240993754877	-0.21623755767016947	1.2273086492959706	1.6963625000374263	0.49174456525990184	1.51820010664321	-0.617964849995752	0.4424061323382702	0.37607271963750777	0.09556421478993321	1.1428211235733465	1.3792380662910433	0.8392247210016273	-1.3784520073608069	0.6806565402268875	-0.4079706906458002	-1.8670081757072132
+-1.9004809935446143	-0.9188003574573839	-0.46595104622787714	-0.12166673605282764	0.06148905777683616	1.06028762886453	0.9566656870169811	0.223106493618643	0.96708679652886	-0.9926987750022856	-0.059206570133361947	-1.6603003750528893	-1.880618971072058	-0.2347316421449392	2.14628784911539	-0.7814696569342958	1.2708920852905345	0.9919202614762216	-0.8648843964472666	-1.4487054650899975
+-0.6305928666507002	1.6871680134696958	1.016972751097436	0.3214240472525258	0.5019921584751164	1.6818286646985139	1.2052584721362916	-0.402122119619401	-1.151119297437061	-0.49848782953312637	0.05830215085255497	-0.5101066335224241	-0.20571771159923755	0.21599108285917165	2.1882146229233572	-0.825654176514795	0.9834926506834332	-0.0010128690828829657	1.4982652646098236	-1.8055485868146568
+0.261566189677358	0.7588529856058848	1.0316564485890096	-0.47049070914397917	-0.780595222481135	2.348382323882559	1.1443792510167077	1.6769713588492288	-0.2536188220142666	-0.09813406618190265	1.4733822185226022	1.420066227600156	-0.6557802207431661	0.2673952075181664	0.1758347326053226	1.2632226706705958	-0.4081793907804486	-0.5483455125657873	-0.24832425181522283	-0.6262397570824145
+0.6931908319664971	0.20690379966268407	-0.765522821623186	-0.9918537930707055	-0.9764535437463796	2.359678580900127	4.21497418783311	0.04166481675042462	-1.400772648032113	-0.241783309613067	3.1293162072563314	-0.5715371663218816	-0.15110620549094336	0.27845721574254256	0.46867690625558683	-0.27854703915873485	1.1282382395106132	1.0187442686436796	-0.6755050988491007	-2.553512023479208
+1.282853686274494	-0.09603796159416841	-0.04425599385140338	-0.37872476667868804	-1.6210307120550138	2.3423175218441665	1.5280040970554158	-0.5571863078035735	1.6735853980253323	-1.6451193314557258	1.5743430164315044	2.211755383423876	-2.2050157879736294	-0.36074209156482945	0.2531503056097661	0.6085806248725811	0.039986677759823536	-1.0265454006017452	-0.05466763300585504	-0.9628458668710649
+0.614293953618581	-0.025478884057025575	1.807943596021393	0.5216670562753107	-0.8697081431772	2.3181252592459525	4.074604834221679	0.043222033759705666	-0.047149362997637084	0.3786539860823234	3.4021794906814273	-1.4614209140421748	2.1699866176382927	-1.4346829778187578	1.043753512729979	0.7784304031054669	0.4838327124426685	1.969329729467641	1.452752209141999	-2.130467886581122
+0.7015214717060867	0.11769128829579331	-0.4068668446652686	-0.7623629807038377	0.16276811570355204	2.3225852820807966	5.455122438870131	-0.3628842329241595	-0.35582574266927125	0.1221483534898358	4.181723697152897	0.12285877539701627	-0.2861504144746626	-1.8135837564724226	2.2426799701222193	0.15840403729156183	1.870317371781619	-0.5407797742181927	1.6428972081697264	-2.9643256991957116
+0.3123834135951688	-0.7973008147266863	-0.5863938161715888	0.40427513853987623	-0.567094344605562	0.9267225864941289	3.2111571711969447	-0.678897031242894	0.3954883297150446	-1.093923437121212	1.097748623670313	0.34146108297197036	0.314143392833267	-0.043811097192659416	-0.1993389994727707	0.6610624784848586	0.23451580351676587	0.404678746566611	0.1835983077513118	-2.875841737534835
+-0.36416018504443615	0.6846238889884587	0.8285533149352446	-1.4219371167424546	0.7667449009598584	2.1001338699979875	1.6332915637097678	-0.10851253354426298	1.3893198102952535	-0.14558076837010023	1.606239096767883	-0.3420958468317655	-0.19414035012720274	-0.8252392095899685	-0.1229218571441904	-0.8101449180465671	-1.3405287551612752	0.13899136445844829	0.0741785657885044	-0.9794683842876826
+1.2652252844635228	1.2691066695440252	1.557911884661319	0.27725666104868735	0.13334861363259223	2.857750456471459	1.5928068290675232	0.7305540712122814	0.04518783370251699	1.3889403556387536	2.0593499314787618	0.012714905362808008	-0.4414364145797793	0.9459673545264566	-0.8605159001879943	-0.10091298507926996	0.709815540689126	1.4226824307556112	-0.5398943089314526	-0.7408619710833242
+0.853783031959474	1.4041322470901154	3.6418952263347006	0.6034879738663729	0.6304874350235915	1.4965128464849657	2.37483052945217	-0.5701024431671273	-1.1527151831540285	1.1128893252304515	1.0076971313985184	-0.07407621474849972	-0.9081537349612208	-0.48514930676865864	0.4199210014876588	3.3288214561367706	-0.36759637770686354	0.2887060979676332	0.08991159787109497	-2.1879706887024115
+0.434685186995866	-1.3395689876733106	-0.22840792010095626	-0.8365256636420914	0.11103271468539742	1.6356948173856511	2.7546540928913474	0.35798940578945987	-2.29299724811484	-0.02619837405424497	1.3942426752669512	-0.7926379786929826	1.288508669355623	-0.5644023829751291	1.5769668249685307	-1.2147156914906136	0.12458016660713503	-0.23342649945147825	-0.8178855582980756	-2.2993324287497137
+0.037740103450891946	-1.0412456793795442	2.225458977280989	2.253045260188149	0.7330702734967361	1.9743448195642952	3.0637890087598807	-0.09958612872869045	0.08162884901068697	1.1548695459078198	2.176953628570843	-1.3555248328831606	0.8178774644042335	-1.0660186225441126	0.15588134416264707	-0.32682620711562427	-0.005322648253402015	-0.2833088762682934	0.49378174194677404	-2.02398569174872
+0.6261509174393423	-1.100125188778994	0.7198702569863887	-1.5205485212771768	-0.5752175028622667	2.1218870042492926	1.3573910171903991	0.002864406648034484	1.312557199950938	-1.066628742012773	1.303457260479562	0.9611446256704157	-0.20841382237640227	-0.7037341301681777	-1.526434631786378	0.7739325531451205	0.3885182581893732	1.8359397664430215	-0.4706162976295127	-0.9556584538342205
+0.9243334432783403	1.461097916602253	1.7736792042422231	-0.1552620256388119	0.935377372451228	1.3798494371394494	2.059036800781072	-0.9206759278314557	0.8368323314181815	-0.2619545681332953	0.7815256423631713	0.8240621395897222	-0.099794576235231	0.06175262701449114	0.6671007422406494	-0.03170375687381392	-0.1343835732279168	0.3627107482876979	-0.16540914989864827	-2.0069598342418224
+-0.8009113601676929	0.5103282704853902	0.10413604670873955	-0.8485025571563098	-0.752605143371338	2.5818137800871943	4.134040753760026	-0.4625068991193822	0.7624850042998333	-1.0673264327212233	3.2193625056097446	0.8167730202906973	-0.13113494350854615	-1.4983687161266879	-0.882374908242486	0.6179148949620464	0.5108538519252145	-0.30737289180100114	0.6894464238820848	-2.4454290948344743
+-2.472068236980303	-0.03566470923729551	-1.7595649912666012	-0.1876449202603675	1.6845080329667363	1.156783446649001	2.080151214439553	0.04728634650100076	-0.250032454547544	-0.260700738453831	0.6707929398531374	-0.4980949170444729	0.7266719382597621	-1.7779589302936736	-1.9906414136186519	-0.6147455820276164	0.2898719839417913	1.1469466694178148	-0.5476766224874976	-2.066570937524842
+-0.6772276774215172	-1.3153659324409854	0.5810346579773928	-0.1087555197216429	-1.6659749679228524	2.0173188406859928	0.5116866937613884	0.6135916889322635	-0.7450376414891102	-0.11566416634553023	0.7326178253327096	0.5593975081524576	-0.1530954455594333	-0.7065477623480457	0.9106329075040772	-0.46320885718953886	-1.6791319761828627	0.2145422235466455	0.8220479526083531	-0.5007642976128601
+0.3517604148353554	-0.3148659499977329	-0.7541609554400083	-0.21213541113457013	0.8205872002929867	2.158833995157358	3.8044186062208984	1.7156043669620968	-0.12922879643451055	-0.6330400990396358	2.932848909744106	0.849698604914716	0.35062590254725773	0.6432607506761506	1.1278434236987833	-0.9174021433475772	0.7235770205940822	-0.3167616546755173	-0.3649655212891615	-2.213161582292857
+-0.7233149741382284	-0.7113614920876157	-2.276566874232281	0.38787226240032996	2.4441295800076013	1.6084535424423556	2.9040553171441266	0.030262459473613477	0.906593390671272	-2.203174392711844	1.5096915335843315	-0.16316116969523742	0.691523900009898	0.8657685811416801	0.5015348851813863	0.9491320827746156	-0.7798588005707933	-0.6548985458746427	-0.8982826814427725	-2.3525105562044364
+0.758665657732413	1.9399591801508391	-0.45955268859510584	-0.06317641868807652	-2.0592334784682835	2.3390807184674327	2.228751696531452	-0.773662108446863	0.2523245159746547	-2.678370255273849	2.0340982778496888	1.2532859412552795	0.8098471073582377	0.6545173326573774	0.2839925367315401	-0.49499818932673323	-0.7770964232823879	0.2660628039298116	-0.3618308314468298	-1.325163394807706
+0.047626437477139696	-0.5729201553023671	0.6813172904735044	-1.1624337582540945	0.1449414653626936	2.9236928944332305	4.621037748748035	0.2697302165985981	1.506438796063259	-0.6466772621655632	4.074404002378534	0.9272604008910389	0.771856770841038	-0.68327847118414	0.6735681951859209	0.8159294442110141	0.5581960179845209	-0.10042673127814214	0.49826806111055205	-2.304324239788141
+0.41206110053515793	-0.20160838931347677	0.7176329180903458	-0.9558799342504679	0.7821471735113333	2.4601372395089283	0.2238524483434277	-0.26802938917841784	-0.5642753636911297	0.31686352597453743	0.8142899660178662	-0.8514859484817644	-1.3467177243289148	0.4841789068651711	0.5058641534492241	0.04706789992638773	0.5139705016639284	0.320741007588185	0.08589659135733367	-0.23346256200559878
+0.2759826961634691	1.4284214340347285	-2.126275493717117	0.5037420171207782	1.1732048547314649	2.4627547858195853	1.921349543776504	-0.41627083951997634	0.8599498185511825	-1.719662074058352	1.7751124380367407	-0.06421496886785356	1.029802951088388	0.9585055920024848	0.5026749587162662	-1.0624106394490298	-1.7326943373473551	0.12366577930604603	-1.4592657926924735	-1.255807173744993
+-0.9344439926213498	0.31939644573549975	0.7144570035385144	-0.372829180247162	-0.2253851930767917	2.782470013647194	2.9308658767734492	0.03345694810662562	-1.4489856143861566	-0.8162050817941112	2.5480981246591767	-1.2527357021051826	1.2240866086467264	-1.2590650362252525	-0.8154339969231028	1.1360982441516567	0.19924819992440054	0.591812848565074	-1.1037266955108158	-1.772287485631072
+-1.474316167903178	-0.3594959614647257	-0.16084076189287988	0.03920307747369363	-0.2850571658852834	3.0560124790891945	1.9266120874687802	-0.44843335602101425	0.9427372510393359	0.9425335703707121	2.464233779425017	-0.435975497066579	-1.2842498010128034	0.6947287587353214	0.3181060077302457	-0.876608021367672	1.1721236788249982	1.5150793547681216	-3.0963806183417146	-0.8010977254577993
+-0.016211703694806602	-0.4113303029186624	-1.6715693523465391	-0.18915649186620742	-0.12516669589115811	1.749296542006935	1.7165082952772783	-0.20265774486509308	-1.2525951471825463	-0.0871074276505943	1.1617352806479366	0.28043233377440113	-0.2737535903031048	-1.9886451773481257	-1.6572245227298503	0.9677600518875299	-1.112067681777474	0.9503150119068267	-0.17049292618503842	-1.3797892536635417
+0.8773949171725597	-0.5011388994452148	0.8956785514763039	0.04860677561499365	1.0611465601103347	2.3398806649589634	6.161546351628802	-1.561308139644867	-0.04719236978758533	-0.10434370157930267	4.164462219470534	0.8792702391677779	0.8495090298477842	-0.2207436696694337	0.6511050097572415	-0.1980450011943434	-1.200369922904879	0.017258567113002957	0.9588381727522864	-3.78076003379846
+-1.723926889250071	1.4985928815008598	-1.994756819834158	-0.8313394324642359	0.5344486609290904	1.4341441705204736	-0.6454196648436958	1.1243360941505984	-0.2481346042555949	0.48426559099082184	-2.595420782848407	1.543209375196821	0.422892275445428	-0.09778752354615705	-0.9625247992249607	0.34712121122061307	-1.6704383247467296	-3.045174919407343	1.4369671925000533	-2.1046836876229302
+-0.6133628018430881	-1.2031602798181757	0.565044203735202	-0.7741419769917164	-0.0524893605052024	3.001952047531486	2.3596628950696585	1.2424029822430147	0.322285234901783	0.24275393096835732	2.6410759301068953	-1.3009488928491026	0.058801760549995995	-1.012771961634015	-0.6276062869786635	-0.7464147448023825	0.5652064873499985	0.8019765678193236	1.2163869723305234	-1.1087567421372653
+0.06413630665138154	-1.4278004694931028	0.6347793128853777	-0.945641596461925	1.3243362715653975	2.1177308276592104	2.4825215463381527	-1.1678076009072154	-2.0954674150809245	3.1725313818348857	1.6167738638121285	-0.4619780157571544	-1.3170524805664081	-1.5090333653653463	0.012108425165214317	0.31369727693242344	-0.5607717963157698	-0.4975242528948365	0.45494885129612134	-1.9310307545804697
+0.12203425557347633	-0.86967399211807	-0.185960516280844	-0.008271446098764798	-0.23027682173061378	1.9869058602048775	2.463643164939625	-1.1250854827130463	2.0773283755819074	0.5009080117710527	1.7175955341588607	-0.4835815427430094	0.8073328505883764	-1.7782002769429375	0.46325681990841366	0.4447002357947928	-0.883076941848554	0.2943735204090604	0.742225465268433	-1.7773438029114286
+0.9217291089973371	-1.388586324225548	0.25423533911482016	0.1168834752581415	0.3075246148086876	2.583752655948304	1.8687792142021413	-1.5598686552244265	-0.43742348357135097	-2.067455238116786	2.100424767731529	0.592164188729302	-0.4145039221243959	0.8609838368049071	-0.7423945821145248	1.546996722395656	0.4044604320792881	-1.3908367691435546	-0.19382679005878883	-0.9316346070105346
+1.7907614372924858	0.011145671858206757	-0.4273587528844513	0.5054710712215835	0.05753500393312647	1.5441738476560933	4.356119374482046	-1.5367062979906976	-0.29076997229579293	0.3594034328370984	2.776660373331767	-0.716922349759739	0.728195185394509	-1.4169415869998538	-0.2850349660167171	2.6553402951148657	-0.3089813991749924	1.200197951704141	-0.4169292690674289	-2.7951454489215433
+0.38526181760434364	0.0028708458352650623	-0.5024778455583803	-0.030207507091031132	0.2785294503425886	1.205420638380429	3.3921153109556155	0.14816080337354787	-0.9231423650862711	-0.20819594044607673	1.6210373114935015	-0.4901737024960668	-0.6542470577968202	-0.961107156959812	0.33815581911598536	0.5332431291103377	0.7733460952134276	0.19514858142111088	0.745124934276201	-2.6784324308141265
+-0.6867277913731116	1.350622326235466	0.5323763083257778	-0.8328668746980727	-0.6896766554630372	3.670013107843981	1.3231206072054627	0.6981104151931399	1.0267724221099968	0.13702355077564135	2.4900794568307036	1.5814298511306963	1.413022259791847	1.1402906112631537	0.12231996370039114	1.2282766928038853	0.5712114806412769	-0.9398241330209146	-1.0084897749068757	-0.2812738668687418
+0.5145664487800886	0.7611798032579198	-0.6402261146767843	-0.780188714032186	-0.2141019749703305	1.86799537595011	-0.16041646071290083	0.07270878677580454	-0.9477239840486683	0.5835318597856649	-1.3042705090554398	2.217549247712526	1.6593096900381052	-1.4018111908812587	1.3811469497640756	0.1126361817544261	1.2906048216492376	1.9895458595116078	0.08183967232703662	-1.585101997666272
+-1.7454181525855084	-0.2274611596038077	0.8661688020962904	1.2698498301646972	0.6417266599489437	2.3926108895385836	-0.4883433307394809	0.09962989352294595	0.8796104952337681	-1.6009376317056907	-2.322826276897194	-0.07155680007700554	-1.2799087986761835	-0.20843410903923068	-0.2941053489927681	-0.41094972712247674	1.0487394665744827	0.24347416963153226	0.3684126301784236	-2.3156281074685046
+0.02414391955576268	0.21901166033221817	-0.38385247972837644	-1.5376504407372589	0.21855949766842125	1.8218929630060992	4.03461309177624	-0.589581472049806	2.07731400942772	1.7095906438461859	2.5317714684535613	-0.9165904021512401	-1.0567892837102086	-0.926040692735434	1.2906171439064438	1.3051868113162037	-0.9523593793119092	0.3258083767510731	-0.30857107864535577	-2.742900692592289
+0.24300067646837817	-0.951118417784927	-0.02364346975110334	0.3942456417249603	-0.3178212389935688	2.3892399348573443	2.9615939743295376	0.32986210198016347	1.1950627336639317	1.3940651912654562	2.6258597915186246	1.187095253601585	-0.26816800497326093	0.010940093901326303	-0.7002625892230925	-0.30574620156844506	-0.7501697227967163	-1.1689865061094962	-0.6779584711678711	-1.6173689056299012
+1.8820817463312607	-0.007304601786315183	-0.40280735871072654	-1.714077540268786	1.2333796333712983	2.1947383028170666	1.2456641222591205	0.030217457219370514	0.5623436691707165	-0.8994964654585851	1.308442865270992	-0.49960271277256646	1.2341255114922545	-0.16276677441862403	0.27516288160212393	-0.956671849099228	0.7563301736574052	-1.227008361234867	0.9313117523339228	-0.8470351966480534
+-0.19323996129550547	0.7670341301454383	-1.1596583150810829	-0.8569905870554486	-1.8294632597515947	1.9210584216561364	-0.5635343450057149	2.8240520266819673	-0.3158417258744203	0.5658179524697096	-2.4730887316501082	-2.5589743194423864	1.3130888433742984	-0.24319166746668036	-1.678132712923688	0.3241812573517197	0.4973347675593978	1.3139331598175434	2.5100837026689993	-2.229147739244597
+-0.23370851624997985	0.29689610241098574	0.25548743163705523	2.1005175852157394	1.4981548259323012	2.058560557770823	4.671888126831979	-0.6395657266475534	-1.1319618954574446	0.1153114503688856	3.470178747964527	-0.6457439215417715	0.4412769501672186	0.8948591676947911	-0.07286067747245703	-0.8443817552159301	-0.5197572283189132	1.3308669428037068	1.5492971589498874	-2.6623582991728996
+-1.5272588227813786	1.9207035036735156	-0.414249162179348	-0.6969790703291245	0.8491640366644803	1.0421400089918866	3.185226576940456	-0.14204322282946674	-1.2974901639705039	-0.2816388401732277	1.3548450284538673	-0.5282477576597775	-0.4083785911062454	0.3914378414187321	0.2915261500241566	-0.41561392091824445	-0.4002399454033466	-0.5174137471930453	-0.36519016846200536	-2.6431418149130046
+-0.7275237597699695	0.3276529214457577	-1.3224477471745333	-0.13532109383101715	-0.778698074284397	2.7213941961059303	4.073790774722647	-2.043660555930765	0.21419257936768224	0.3138626336946156	3.831613796760844	-0.014677231520858255	0.8853870999230647	0.4116420774420675	1.6280652061770338	0.18052923819843444	0.277030189641092	0.7769336725785939	-0.5364575947101988	-1.8525358877628713
+3.360397523602019	-0.5470601729870943	-1.2873197463278891	-1.2598328753246546	-0.1428061049836398	2.0156505744173994	1.6557719775496316	1.6226882110628915	1.0952934126831912	0.9112290228632093	1.4494450439546436	0.10500821788528955	-0.00704828378956637	1.4293902174127222	-1.0197533088358766	-1.0939163125693334	1.2480042976575871	1.093432051347689	0.07892365771029007	-1.1246763094116352
+1.1837495881016549	1.0465439135904016	0.9867846466870027	0.18141633300379795	-0.38250091701406874	1.3552926291694947	-0.6963529623482592	-0.04799858970990036	-0.26349548563128933	0.4449421462300397	-2.50135342841587	-0.28897896057116645	0.6918896525925219	-0.36785408107246365	-0.25362665416838454	0.6945368590910528	-0.9631718574199114	-0.1258334517145733	1.3844996029899148	-1.936695694110503
+-0.10861657840399971	-1.1113143899161724	-0.3279133081403911	1.2330194506587273	0.12110654437697854	1.872199882968341	-0.4549985193677535	1.5812439085428185	-0.3377141669910402	-0.7052349840605608	-2.2530794383766417	-1.050108501130314	-2.0828949891173947	-0.9650369080270697	0.9659310723796818	0.21141440268416584	0.9539162478560591	-0.6228822167376097	-0.8694400986582542	-2.1330641628444216
+-1.2253999879465634	-0.21255556808360254	-0.6426725761169916	-1.196072883128891	1.266922746784227	2.2256888487009903	3.0054762074122117	0.13990086989650774	1.3039648168375455	-0.5952644743053549	2.182944202202095	0.8015328128947369	1.1283724168682476	1.3503051252630927	-1.0955795777766877	0.7109722757632584	1.0636052867267143	-0.8840342072804078	-1.5759278459319386	-2.0279117003180893
+-0.8693927846256988	-1.4015773896239008	-0.5767475073478409	-0.514877043990522	-0.6926301958015578	2.810943852625326	2.1414294878660685	-0.42261866857539526	0.722102167933471	0.41277555491293927	2.4994899525619645	-0.9740548736776437	0.2030120207547904	-1.8464325894173563	1.258794140437278	-1.740830606254658	-0.2595500855948115	-0.9467397049189886	-0.9526964140458886	-0.937055275475108
+2.465979504831791	-0.11647472229306143	-1.3673978078088291	0.25792387327309524	2.02220177737093	0.056556687812697515	-0.8599660532852478	0.2030008126873168	-0.25092959743335835	0.24839919756489393	-2.555666173944962	-1.2043480430753424	-0.17953917839861058	1.7189292170192134	2.7852928968634107	0.008400346195698861	-0.6359320009596753	0.2357521308160045	1.2368008363755216	-1.4146247373944343
+-0.0163256591828519	-0.6183055444853768	-1.159263079089029	-1.4303550879907347	-0.28069199914747095	2.1243880986329158	1.6951821208174769	-0.8716165521678049	-0.33251342254751937	-0.27386404780277435	1.4788860902136713	-0.201208090929832	2.311548044859444	1.1017628776236508	1.4194572000947938	0.512700384954193	-1.867727607756348	-0.031861613113337746	-0.34307616045334116	-1.174287965982148
+-1.4702455093030349	1.4429199785590026	-0.6102517293773445	2.2320246366695096	0.420092258000585	3.0690234982020463	4.577711412585288	-2.4029905021664475	2.227258236085046	1.5521556562795078	4.273030813010738	0.4943038596328826	0.7063998227941131	2.0814669381342634	-0.293247790344005	-0.6595177990179122	-0.7393112877406384	-0.808565352079177	0.9289957408518578	-2.115107772813518
+1.1608029701501765	1.0793013183923594	-0.10917057298490165	-0.2777148871472186	-0.553122987814596	2.6222096121401433	1.8145098546790979	-1.0713142333102095	0.4451638694576139	1.10157387968243	2.088384076464559	0.6293028510604814	0.32476475385705694	0.1207669042410038	-0.39081080441050287	1.0757434445088958	-0.3913471598720806	-2.584943822716165	-1.7432615574905008	-0.8931788187442695
+-0.29874434526655697	-1.4814434332669864	-0.3405176552373323	-1.5472128948094663	1.460141833448219	2.7503298497261937	1.4919435584703815	-0.5014938556215274	1.3898511809047607	2.1536872532393594	1.8252155237674077	-0.055976242115569654	-1.024054711552412	0.9786166674778746	-0.930534193318163	-1.0692142888694698	1.1760360066245013	-0.1777204619951954	-0.13834763375383666	-0.8119518506990913
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/imblearn_y.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/imblearn_y.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,1001 @@
+0
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+0
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+0
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+0
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+0
+1
+0
+1
+0
+1
+1
+1
+1
+1
+0
+0
+1
+1
+0
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+0
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+0
+0
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+0
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+0
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+0
+1
+0
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+0
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+0
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+0
+1
+0
+1
+0
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+0
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+0
+0
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+0
+0
+1
+1
+1
+0
+1
+1
+1
+1
+0
+0
+1
+1
+0
+1
+1
+1
+1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/jaccard_similarity_score.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/jaccard_similarity_score.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+jaccard_similarity_score : 
+0.8461538461538461
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/keras01.json
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/keras01.json	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,90 @@
+{
+  "class_name": "Sequential",
+  "config": {
+    "name": "sequential_1",
+    "layers": [
+      {
+        "class_name": "Dense",
+        "config": {
+          "name": "dense_1",
+          "trainable": true,
+          "batch_input_shape": [
+            null,
+            784
+          ],
+          "dtype": "float32",
+          "units": 32,
+          "activation": "linear",
+          "use_bias": true,
+          "kernel_initializer": {
+            "class_name": "VarianceScaling",
+            "config": {
+              "scale": 1.0,
+              "mode": "fan_avg",
+              "distribution": "uniform",
+              "seed": null
+            }
+          },
+          "bias_initializer": {
+            "class_name": "Zeros",
+            "config": {}
+          },
+          "kernel_regularizer": null,
+          "bias_regularizer": null,
+          "activity_regularizer": null,
+          "kernel_constraint": null,
+          "bias_constraint": null
+        }
+      },
+      {
+        "class_name": "Activation",
+        "config": {
+          "name": "activation_1",
+          "trainable": true,
+          "dtype": "float32",
+          "activation": "relu"
+        }
+      },
+      {
+        "class_name": "Dense",
+        "config": {
+          "name": "dense_2",
+          "trainable": true,
+          "dtype": "float32",
+          "units": 10,
+          "activation": "linear",
+          "use_bias": true,
+          "kernel_initializer": {
+            "class_name": "VarianceScaling",
+            "config": {
+              "scale": 1.0,
+              "mode": "fan_avg",
+              "distribution": "uniform",
+              "seed": null
+            }
+          },
+          "bias_initializer": {
+            "class_name": "Zeros",
+            "config": {}
+          },
+          "kernel_regularizer": null,
+          "bias_regularizer": null,
+          "activity_regularizer": null,
+          "kernel_constraint": null,
+          "bias_constraint": null
+        }
+      },
+      {
+        "class_name": "Activation",
+        "config": {
+          "name": "activation_2",
+          "trainable": true,
+          "dtype": "float32",
+          "activation": "softmax"
+        }
+      }
+    ]
+  },
+  "keras_version": "2.3.1",
+  "backend": "tensorflow"
+}
\ No newline at end of file
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/keras02.json
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/keras02.json	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,385 @@
+{
+  "class_name": "Model",
+  "config": {
+    "name": "model_1",
+    "layers": [
+      {
+        "name": "main_input",
+        "class_name": "InputLayer",
+        "config": {
+          "batch_input_shape": [
+            null,
+            100
+          ],
+          "dtype": "int32",
+          "sparse": false,
+          "name": "main_input"
+        },
+        "inbound_nodes": []
+      },
+      {
+        "name": "embedding_1",
+        "class_name": "Embedding",
+        "config": {
+          "name": "embedding_1",
+          "trainable": true,
+          "batch_input_shape": [
+            null,
+            100
+          ],
+          "dtype": "float32",
+          "input_dim": 10000,
+          "output_dim": 512,
+          "embeddings_initializer": {
+            "class_name": "RandomUniform",
+            "config": {
+              "minval": -0.05,
+              "maxval": 0.05,
+              "seed": null
+            }
+          },
+          "embeddings_regularizer": null,
+          "activity_regularizer": null,
+          "embeddings_constraint": null,
+          "mask_zero": false,
+          "input_length": 100
+        },
+        "inbound_nodes": [
+          [
+            [
+              "main_input",
+              0,
+              0,
+              {}
+            ]
+          ]
+        ]
+      },
+      {
+        "name": "lstm_1",
+        "class_name": "LSTM",
+        "config": {
+          "name": "lstm_1",
+          "trainable": true,
+          "dtype": "float32",
+          "return_sequences": false,
+          "return_state": false,
+          "go_backwards": false,
+          "stateful": false,
+          "unroll": false,
+          "units": 32,
+          "activation": "tanh",
+          "recurrent_activation": "sigmoid",
+          "use_bias": true,
+          "kernel_initializer": {
+            "class_name": "VarianceScaling",
+            "config": {
+              "scale": 1.0,
+              "mode": "fan_avg",
+              "distribution": "uniform",
+              "seed": null
+            }
+          },
+          "recurrent_initializer": {
+            "class_name": "Orthogonal",
+            "config": {
+              "gain": 1.0,
+              "seed": null
+            }
+          },
+          "bias_initializer": {
+            "class_name": "Zeros",
+            "config": {}
+          },
+          "unit_forget_bias": true,
+          "kernel_regularizer": null,
+          "recurrent_regularizer": null,
+          "bias_regularizer": null,
+          "activity_regularizer": null,
+          "kernel_constraint": null,
+          "recurrent_constraint": null,
+          "bias_constraint": null,
+          "dropout": 0.0,
+          "recurrent_dropout": 0.0,
+          "implementation": 2
+        },
+        "inbound_nodes": [
+          [
+            [
+              "embedding_1",
+              0,
+              0,
+              {}
+            ]
+          ]
+        ]
+      },
+      {
+        "name": "dense_1",
+        "class_name": "Dense",
+        "config": {
+          "name": "dense_1",
+          "trainable": true,
+          "dtype": "float32",
+          "units": 1,
+          "activation": "sigmoid",
+          "use_bias": true,
+          "kernel_initializer": {
+            "class_name": "VarianceScaling",
+            "config": {
+              "scale": 1.0,
+              "mode": "fan_avg",
+              "distribution": "uniform",
+              "seed": null
+            }
+          },
+          "bias_initializer": {
+            "class_name": "Zeros",
+            "config": {}
+          },
+          "kernel_regularizer": null,
+          "bias_regularizer": null,
+          "activity_regularizer": null,
+          "kernel_constraint": null,
+          "bias_constraint": null
+        },
+        "inbound_nodes": [
+          [
+            [
+              "lstm_1",
+              0,
+              0,
+              {}
+            ]
+          ]
+        ]
+      },
+      {
+        "name": "aux_input",
+        "class_name": "InputLayer",
+        "config": {
+          "batch_input_shape": [
+            null,
+            5
+          ],
+          "dtype": "float32",
+          "sparse": false,
+          "name": "aux_input"
+        },
+        "inbound_nodes": []
+      },
+      {
+        "name": "concatenate_1",
+        "class_name": "Concatenate",
+        "config": {
+          "name": "concatenate_1",
+          "trainable": true,
+          "dtype": "float32",
+          "axis": -1
+        },
+        "inbound_nodes": [
+          [
+            [
+              "dense_1",
+              0,
+              0,
+              {}
+            ],
+            [
+              "aux_input",
+              0,
+              0,
+              {}
+            ]
+          ]
+        ]
+      },
+      {
+        "name": "dense_2",
+        "class_name": "Dense",
+        "config": {
+          "name": "dense_2",
+          "trainable": true,
+          "dtype": "float32",
+          "units": 64,
+          "activation": "relu",
+          "use_bias": true,
+          "kernel_initializer": {
+            "class_name": "VarianceScaling",
+            "config": {
+              "scale": 1.0,
+              "mode": "fan_avg",
+              "distribution": "uniform",
+              "seed": null
+            }
+          },
+          "bias_initializer": {
+            "class_name": "Zeros",
+            "config": {}
+          },
+          "kernel_regularizer": null,
+          "bias_regularizer": null,
+          "activity_regularizer": null,
+          "kernel_constraint": null,
+          "bias_constraint": null
+        },
+        "inbound_nodes": [
+          [
+            [
+              "concatenate_1",
+              0,
+              0,
+              {}
+            ]
+          ]
+        ]
+      },
+      {
+        "name": "dense_3",
+        "class_name": "Dense",
+        "config": {
+          "name": "dense_3",
+          "trainable": true,
+          "dtype": "float32",
+          "units": 64,
+          "activation": "relu",
+          "use_bias": true,
+          "kernel_initializer": {
+            "class_name": "VarianceScaling",
+            "config": {
+              "scale": 1.0,
+              "mode": "fan_avg",
+              "distribution": "uniform",
+              "seed": null
+            }
+          },
+          "bias_initializer": {
+            "class_name": "Zeros",
+            "config": {}
+          },
+          "kernel_regularizer": null,
+          "bias_regularizer": null,
+          "activity_regularizer": null,
+          "kernel_constraint": null,
+          "bias_constraint": null
+        },
+        "inbound_nodes": [
+          [
+            [
+              "dense_2",
+              0,
+              0,
+              {}
+            ]
+          ]
+        ]
+      },
+      {
+        "name": "dense_4",
+        "class_name": "Dense",
+        "config": {
+          "name": "dense_4",
+          "trainable": true,
+          "dtype": "float32",
+          "units": 64,
+          "activation": "relu",
+          "use_bias": true,
+          "kernel_initializer": {
+            "class_name": "VarianceScaling",
+            "config": {
+              "scale": 1.0,
+              "mode": "fan_avg",
+              "distribution": "uniform",
+              "seed": null
+            }
+          },
+          "bias_initializer": {
+            "class_name": "Zeros",
+            "config": {}
+          },
+          "kernel_regularizer": null,
+          "bias_regularizer": null,
+          "activity_regularizer": null,
+          "kernel_constraint": null,
+          "bias_constraint": null
+        },
+        "inbound_nodes": [
+          [
+            [
+              "dense_3",
+              0,
+              0,
+              {}
+            ]
+          ]
+        ]
+      },
+      {
+        "name": "dense_5",
+        "class_name": "Dense",
+        "config": {
+          "name": "dense_5",
+          "trainable": true,
+          "dtype": "float32",
+          "units": 1,
+          "activation": "sigmoid",
+          "use_bias": true,
+          "kernel_initializer": {
+            "class_name": "VarianceScaling",
+            "config": {
+              "scale": 1.0,
+              "mode": "fan_avg",
+              "distribution": "uniform",
+              "seed": null
+            }
+          },
+          "bias_initializer": {
+            "class_name": "Zeros",
+            "config": {}
+          },
+          "kernel_regularizer": null,
+          "bias_regularizer": null,
+          "activity_regularizer": null,
+          "kernel_constraint": null,
+          "bias_constraint": null
+        },
+        "inbound_nodes": [
+          [
+            [
+              "dense_4",
+              0,
+              0,
+              {}
+            ]
+          ]
+        ]
+      }
+    ],
+    "input_layers": [
+      [
+        "main_input",
+        0,
+        0
+      ],
+      [
+        "aux_input",
+        0,
+        0
+      ]
+    ],
+    "output_layers": [
+      [
+        "dense_1",
+        0,
+        0
+      ],
+      [
+        "dense_5",
+        0,
+        0
+      ]
+    ]
+  },
+  "keras_version": "2.3.1",
+  "backend": "tensorflow"
+}
\ No newline at end of file
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/keras03.json
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/keras03.json	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,1 @@
+{"class_name": "Sequential", "config": {"name": "sequential_1", "layers": [{"class_name": "Dense", "config": {"name": "dense_1", "trainable": true, "batch_input_shape": [null, 17], "dtype": "float32", "units": 100, "activation": "linear", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": 0}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}}, {"class_name": "Dropout", "config": {"name": "dropout_1", "trainable": true, "rate": 0.1, "noise_shape": null, "seed": 0}}, {"class_name": "Dense", "config": {"name": "dense_2", "trainable": true, "units": 1, "activation": "linear", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": 0}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}}]}, "keras_version": "2.2.4", "backend": "tensorflow"}
\ No newline at end of file
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/keras04.json
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/keras04.json	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,90 @@
+{
+  "class_name": "Sequential",
+  "config": {
+    "name": "sequential_1",
+    "layers": [
+      {
+        "class_name": "Dense",
+        "config": {
+          "name": "dense_1",
+          "trainable": true,
+          "batch_input_shape": [
+            null,
+            17
+          ],
+          "dtype": "float32",
+          "units": 32,
+          "activation": "linear",
+          "use_bias": true,
+          "kernel_initializer": {
+            "class_name": "VarianceScaling",
+            "config": {
+              "scale": 1.0,
+              "mode": "fan_avg",
+              "distribution": "uniform",
+              "seed": null
+            }
+          },
+          "bias_initializer": {
+            "class_name": "Zeros",
+            "config": {}
+          },
+          "kernel_regularizer": null,
+          "bias_regularizer": null,
+          "activity_regularizer": null,
+          "kernel_constraint": null,
+          "bias_constraint": null
+        }
+      },
+      {
+        "class_name": "Activation",
+        "config": {
+          "name": "activation_1",
+          "trainable": true,
+          "dtype": "float32",
+          "activation": "linear"
+        }
+      },
+      {
+        "class_name": "Dense",
+        "config": {
+          "name": "dense_2",
+          "trainable": true,
+          "dtype": "float32",
+          "units": 1,
+          "activation": "linear",
+          "use_bias": true,
+          "kernel_initializer": {
+            "class_name": "VarianceScaling",
+            "config": {
+              "scale": 1.0,
+              "mode": "fan_avg",
+              "distribution": "uniform",
+              "seed": null
+            }
+          },
+          "bias_initializer": {
+            "class_name": "Zeros",
+            "config": {}
+          },
+          "kernel_regularizer": null,
+          "bias_regularizer": null,
+          "activity_regularizer": null,
+          "kernel_constraint": null,
+          "bias_constraint": null
+        }
+      },
+      {
+        "class_name": "Activation",
+        "config": {
+          "name": "activation_2",
+          "trainable": true,
+          "dtype": "float32",
+          "activation": "linear"
+        }
+      }
+    ]
+  },
+  "keras_version": "2.3.1",
+  "backend": "tensorflow"
+}
\ No newline at end of file
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/keras_batch_model01
Binary file test-data/keras_batch_model01 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/keras_batch_model02
Binary file test-data/keras_batch_model02 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/keras_batch_model03
Binary file test-data/keras_batch_model03 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/keras_batch_model04
Binary file test-data/keras_batch_model04 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/keras_batch_params01.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/keras_batch_params01.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,96 @@
+	Parameter	Value
+@	amsgrad	amsgrad: None
+@	batch_size	batch_size: 32
+@	beta_1	beta_1: None
+@	beta_2	beta_2: None
+@	callbacks	callbacks: [{'callback_selection': {'callback_type': 'None'}}]
+@	class_positive_factor	class_positive_factor: 1.0
+@	config	config: {'name': 'sequential_1', 'layers': [{'class_name': 'Dense', 'config': {'name': 'dense_1', 'trainable
+@	data_batch_generator	"data_batch_generator: FastaDNABatchGenerator(fasta_path='to_be_determined', seed=999, seq_length=1000,
+                       shuffle=True)"
+@	decay	decay: 0.0
+@	epochs	epochs: 100
+@	layers_0_Dense	layers_0_Dense: {'class_name': 'Dense', 'config': {'name': 'dense_1', 'trainable': True, 'batch_input_shape': [None,
+@	layers_1_Activation	layers_1_Activation: {'class_name': 'Activation', 'config': {'name': 'activation_1', 'trainable': True, 'dtype': 'float32
+@	layers_2_Dense	layers_2_Dense: {'class_name': 'Dense', 'config': {'name': 'dense_2', 'trainable': True, 'dtype': 'float32', 'units'
+@	layers_3_Activation	layers_3_Activation: {'class_name': 'Activation', 'config': {'name': 'activation_2', 'trainable': True, 'dtype': 'float32
+@	loss	loss: 'binary_crossentropy'
+@	lr	lr: 0.01
+@	metrics	metrics: ['acc']
+@	model_type	model_type: 'sequential'
+@	momentum	momentum: 0.0
+*	n_jobs	n_jobs: 1
+@	nesterov	nesterov: False
+@	optimizer	optimizer: 'sgd'
+@	prediction_steps	prediction_steps: None
+@	rho	rho: None
+@	schedule_decay	schedule_decay: None
+@	seed	seed: None
+@	steps_per_epoch	steps_per_epoch: None
+@	validation_fraction	validation_fraction: 0.1
+@	validation_steps	validation_steps: None
+@	verbose	verbose: 0
+*	data_batch_generator__fasta_path	data_batch_generator__fasta_path: 'to_be_determined'
+@	data_batch_generator__seed	data_batch_generator__seed: 999
+@	data_batch_generator__seq_length	data_batch_generator__seq_length: 1000
+@	data_batch_generator__shuffle	data_batch_generator__shuffle: True
+*	layers_0_Dense__class_name	layers_0_Dense__class_name: 'Dense'
+@	layers_0_Dense__config	layers_0_Dense__config: {'name': 'dense_1', 'trainable': True, 'batch_input_shape': [None, 784], 'dtype': 'float32', 'units'
+@	layers_0_Dense__config__activation	layers_0_Dense__config__activation: 'linear'
+@	layers_0_Dense__config__activity_regularizer	layers_0_Dense__config__activity_regularizer: None
+@	layers_0_Dense__config__batch_input_shape	layers_0_Dense__config__batch_input_shape: [None, 784]
+@	layers_0_Dense__config__bias_constraint	layers_0_Dense__config__bias_constraint: None
+@	layers_0_Dense__config__bias_initializer	layers_0_Dense__config__bias_initializer: {'class_name': 'Zeros', 'config': {}}
+*	layers_0_Dense__config__bias_initializer__class_name	layers_0_Dense__config__bias_initializer__class_name: 'Zeros'
+@	layers_0_Dense__config__bias_initializer__config	layers_0_Dense__config__bias_initializer__config: {}
+@	layers_0_Dense__config__bias_regularizer	layers_0_Dense__config__bias_regularizer: None
+@	layers_0_Dense__config__dtype	layers_0_Dense__config__dtype: 'float32'
+@	layers_0_Dense__config__kernel_constraint	layers_0_Dense__config__kernel_constraint: None
+@	layers_0_Dense__config__kernel_initializer	layers_0_Dense__config__kernel_initializer: {'class_name': 'VarianceScaling', 'config': {'scale': 1.0, 'mode': 'fan_avg', 'distribution': 'unifo
+*	layers_0_Dense__config__kernel_initializer__class_name	layers_0_Dense__config__kernel_initializer__class_name: 'VarianceScaling'
+@	layers_0_Dense__config__kernel_initializer__config	layers_0_Dense__config__kernel_initializer__config: {'scale': 1.0, 'mode': 'fan_avg', 'distribution': 'uniform', 'seed': None}
+@	layers_0_Dense__config__kernel_initializer__config__distribution	layers_0_Dense__config__kernel_initializer__config__distribution: 'uniform'
+@	layers_0_Dense__config__kernel_initializer__config__mode	layers_0_Dense__config__kernel_initializer__config__mode: 'fan_avg'
+@	layers_0_Dense__config__kernel_initializer__config__scale	layers_0_Dense__config__kernel_initializer__config__scale: 1.0
+@	layers_0_Dense__config__kernel_initializer__config__seed	layers_0_Dense__config__kernel_initializer__config__seed: None
+@	layers_0_Dense__config__kernel_regularizer	layers_0_Dense__config__kernel_regularizer: None
+*	layers_0_Dense__config__name	layers_0_Dense__config__name: 'dense_1'
+@	layers_0_Dense__config__trainable	layers_0_Dense__config__trainable: True
+@	layers_0_Dense__config__units	layers_0_Dense__config__units: 32
+@	layers_0_Dense__config__use_bias	layers_0_Dense__config__use_bias: True
+*	layers_1_Activation__class_name	layers_1_Activation__class_name: 'Activation'
+@	layers_1_Activation__config	layers_1_Activation__config: {'name': 'activation_1', 'trainable': True, 'dtype': 'float32', 'activation': 'relu'}
+@	layers_1_Activation__config__activation	layers_1_Activation__config__activation: 'relu'
+@	layers_1_Activation__config__dtype	layers_1_Activation__config__dtype: 'float32'
+*	layers_1_Activation__config__name	layers_1_Activation__config__name: 'activation_1'
+@	layers_1_Activation__config__trainable	layers_1_Activation__config__trainable: True
+*	layers_2_Dense__class_name	layers_2_Dense__class_name: 'Dense'
+@	layers_2_Dense__config	layers_2_Dense__config: {'name': 'dense_2', 'trainable': True, 'dtype': 'float32', 'units': 10, 'activation': 'linear', 'use
+@	layers_2_Dense__config__activation	layers_2_Dense__config__activation: 'linear'
+@	layers_2_Dense__config__activity_regularizer	layers_2_Dense__config__activity_regularizer: None
+@	layers_2_Dense__config__bias_constraint	layers_2_Dense__config__bias_constraint: None
+@	layers_2_Dense__config__bias_initializer	layers_2_Dense__config__bias_initializer: {'class_name': 'Zeros', 'config': {}}
+*	layers_2_Dense__config__bias_initializer__class_name	layers_2_Dense__config__bias_initializer__class_name: 'Zeros'
+@	layers_2_Dense__config__bias_initializer__config	layers_2_Dense__config__bias_initializer__config: {}
+@	layers_2_Dense__config__bias_regularizer	layers_2_Dense__config__bias_regularizer: None
+@	layers_2_Dense__config__dtype	layers_2_Dense__config__dtype: 'float32'
+@	layers_2_Dense__config__kernel_constraint	layers_2_Dense__config__kernel_constraint: None
+@	layers_2_Dense__config__kernel_initializer	layers_2_Dense__config__kernel_initializer: {'class_name': 'VarianceScaling', 'config': {'scale': 1.0, 'mode': 'fan_avg', 'distribution': 'unifo
+*	layers_2_Dense__config__kernel_initializer__class_name	layers_2_Dense__config__kernel_initializer__class_name: 'VarianceScaling'
+@	layers_2_Dense__config__kernel_initializer__config	layers_2_Dense__config__kernel_initializer__config: {'scale': 1.0, 'mode': 'fan_avg', 'distribution': 'uniform', 'seed': None}
+@	layers_2_Dense__config__kernel_initializer__config__distribution	layers_2_Dense__config__kernel_initializer__config__distribution: 'uniform'
+@	layers_2_Dense__config__kernel_initializer__config__mode	layers_2_Dense__config__kernel_initializer__config__mode: 'fan_avg'
+@	layers_2_Dense__config__kernel_initializer__config__scale	layers_2_Dense__config__kernel_initializer__config__scale: 1.0
+@	layers_2_Dense__config__kernel_initializer__config__seed	layers_2_Dense__config__kernel_initializer__config__seed: None
+@	layers_2_Dense__config__kernel_regularizer	layers_2_Dense__config__kernel_regularizer: None
+*	layers_2_Dense__config__name	layers_2_Dense__config__name: 'dense_2'
+@	layers_2_Dense__config__trainable	layers_2_Dense__config__trainable: True
+@	layers_2_Dense__config__units	layers_2_Dense__config__units: 10
+@	layers_2_Dense__config__use_bias	layers_2_Dense__config__use_bias: True
+*	layers_3_Activation__class_name	layers_3_Activation__class_name: 'Activation'
+@	layers_3_Activation__config	layers_3_Activation__config: {'name': 'activation_2', 'trainable': True, 'dtype': 'float32', 'activation': 'softmax'}
+@	layers_3_Activation__config__activation	layers_3_Activation__config__activation: 'softmax'
+@	layers_3_Activation__config__dtype	layers_3_Activation__config__dtype: 'float32'
+*	layers_3_Activation__config__name	layers_3_Activation__config__name: 'activation_2'
+@	layers_3_Activation__config__trainable	layers_3_Activation__config__trainable: True
+	Note:	@, params eligible for search in searchcv tool.
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/keras_batch_params04.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/keras_batch_params04.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,91 @@
+	Parameter	Value
+@	amsgrad	amsgrad: None
+@	batch_size	batch_size: 32
+@	beta_1	beta_1: None
+@	beta_2	beta_2: None
+@	callbacks	callbacks: [{'callback_selection': {'callback_type': 'None'}}]
+@	class_positive_factor	class_positive_factor: 1.0
+@	config	config: {'name': 'sequential_1', 'layers': [{'class_name': 'Dense', 'config': {'name': 'dense_1', 'trainable
+@	data_batch_generator	data_batch_generator: None
+@	decay	decay: 0.0
+@	epochs	epochs: 100
+@	layers_0_Dense	layers_0_Dense: {'class_name': 'Dense', 'config': {'name': 'dense_1', 'trainable': True, 'batch_input_shape': [None,
+@	layers_1_Activation	layers_1_Activation: {'class_name': 'Activation', 'config': {'name': 'activation_1', 'trainable': True, 'dtype': 'float32
+@	layers_2_Dense	layers_2_Dense: {'class_name': 'Dense', 'config': {'name': 'dense_2', 'trainable': True, 'dtype': 'float32', 'units'
+@	layers_3_Activation	layers_3_Activation: {'class_name': 'Activation', 'config': {'name': 'activation_2', 'trainable': True, 'dtype': 'float32
+@	loss	loss: 'binary_crossentropy'
+@	lr	lr: 0.01
+@	metrics	metrics: ['acc']
+@	model_type	model_type: 'sequential'
+@	momentum	momentum: 0.0
+*	n_jobs	n_jobs: 1
+@	nesterov	nesterov: False
+@	optimizer	optimizer: 'sgd'
+@	prediction_steps	prediction_steps: None
+@	rho	rho: None
+@	schedule_decay	schedule_decay: None
+@	seed	seed: None
+@	steps_per_epoch	steps_per_epoch: None
+@	validation_fraction	validation_fraction: 0.1
+@	validation_steps	validation_steps: None
+@	verbose	verbose: 0
+*	layers_0_Dense__class_name	layers_0_Dense__class_name: 'Dense'
+@	layers_0_Dense__config	layers_0_Dense__config: {'name': 'dense_1', 'trainable': True, 'batch_input_shape': [None, 784], 'dtype': 'float32', 'units'
+@	layers_0_Dense__config__activation	layers_0_Dense__config__activation: 'linear'
+@	layers_0_Dense__config__activity_regularizer	layers_0_Dense__config__activity_regularizer: None
+@	layers_0_Dense__config__batch_input_shape	layers_0_Dense__config__batch_input_shape: [None, 784]
+@	layers_0_Dense__config__bias_constraint	layers_0_Dense__config__bias_constraint: None
+@	layers_0_Dense__config__bias_initializer	layers_0_Dense__config__bias_initializer: {'class_name': 'Zeros', 'config': {}}
+*	layers_0_Dense__config__bias_initializer__class_name	layers_0_Dense__config__bias_initializer__class_name: 'Zeros'
+@	layers_0_Dense__config__bias_initializer__config	layers_0_Dense__config__bias_initializer__config: {}
+@	layers_0_Dense__config__bias_regularizer	layers_0_Dense__config__bias_regularizer: None
+@	layers_0_Dense__config__dtype	layers_0_Dense__config__dtype: 'float32'
+@	layers_0_Dense__config__kernel_constraint	layers_0_Dense__config__kernel_constraint: None
+@	layers_0_Dense__config__kernel_initializer	layers_0_Dense__config__kernel_initializer: {'class_name': 'VarianceScaling', 'config': {'scale': 1.0, 'mode': 'fan_avg', 'distribution': 'unifo
+*	layers_0_Dense__config__kernel_initializer__class_name	layers_0_Dense__config__kernel_initializer__class_name: 'VarianceScaling'
+@	layers_0_Dense__config__kernel_initializer__config	layers_0_Dense__config__kernel_initializer__config: {'scale': 1.0, 'mode': 'fan_avg', 'distribution': 'uniform', 'seed': None}
+@	layers_0_Dense__config__kernel_initializer__config__distribution	layers_0_Dense__config__kernel_initializer__config__distribution: 'uniform'
+@	layers_0_Dense__config__kernel_initializer__config__mode	layers_0_Dense__config__kernel_initializer__config__mode: 'fan_avg'
+@	layers_0_Dense__config__kernel_initializer__config__scale	layers_0_Dense__config__kernel_initializer__config__scale: 1.0
+@	layers_0_Dense__config__kernel_initializer__config__seed	layers_0_Dense__config__kernel_initializer__config__seed: None
+@	layers_0_Dense__config__kernel_regularizer	layers_0_Dense__config__kernel_regularizer: None
+*	layers_0_Dense__config__name	layers_0_Dense__config__name: 'dense_1'
+@	layers_0_Dense__config__trainable	layers_0_Dense__config__trainable: True
+@	layers_0_Dense__config__units	layers_0_Dense__config__units: 32
+@	layers_0_Dense__config__use_bias	layers_0_Dense__config__use_bias: True
+*	layers_1_Activation__class_name	layers_1_Activation__class_name: 'Activation'
+@	layers_1_Activation__config	layers_1_Activation__config: {'name': 'activation_1', 'trainable': True, 'dtype': 'float32', 'activation': 'relu'}
+@	layers_1_Activation__config__activation	layers_1_Activation__config__activation: 'relu'
+@	layers_1_Activation__config__dtype	layers_1_Activation__config__dtype: 'float32'
+*	layers_1_Activation__config__name	layers_1_Activation__config__name: 'activation_1'
+@	layers_1_Activation__config__trainable	layers_1_Activation__config__trainable: True
+*	layers_2_Dense__class_name	layers_2_Dense__class_name: 'Dense'
+@	layers_2_Dense__config	layers_2_Dense__config: {'name': 'dense_2', 'trainable': True, 'dtype': 'float32', 'units': 10, 'activation': 'linear', 'use
+@	layers_2_Dense__config__activation	layers_2_Dense__config__activation: 'linear'
+@	layers_2_Dense__config__activity_regularizer	layers_2_Dense__config__activity_regularizer: None
+@	layers_2_Dense__config__bias_constraint	layers_2_Dense__config__bias_constraint: None
+@	layers_2_Dense__config__bias_initializer	layers_2_Dense__config__bias_initializer: {'class_name': 'Zeros', 'config': {}}
+*	layers_2_Dense__config__bias_initializer__class_name	layers_2_Dense__config__bias_initializer__class_name: 'Zeros'
+@	layers_2_Dense__config__bias_initializer__config	layers_2_Dense__config__bias_initializer__config: {}
+@	layers_2_Dense__config__bias_regularizer	layers_2_Dense__config__bias_regularizer: None
+@	layers_2_Dense__config__dtype	layers_2_Dense__config__dtype: 'float32'
+@	layers_2_Dense__config__kernel_constraint	layers_2_Dense__config__kernel_constraint: None
+@	layers_2_Dense__config__kernel_initializer	layers_2_Dense__config__kernel_initializer: {'class_name': 'VarianceScaling', 'config': {'scale': 1.0, 'mode': 'fan_avg', 'distribution': 'unifo
+*	layers_2_Dense__config__kernel_initializer__class_name	layers_2_Dense__config__kernel_initializer__class_name: 'VarianceScaling'
+@	layers_2_Dense__config__kernel_initializer__config	layers_2_Dense__config__kernel_initializer__config: {'scale': 1.0, 'mode': 'fan_avg', 'distribution': 'uniform', 'seed': None}
+@	layers_2_Dense__config__kernel_initializer__config__distribution	layers_2_Dense__config__kernel_initializer__config__distribution: 'uniform'
+@	layers_2_Dense__config__kernel_initializer__config__mode	layers_2_Dense__config__kernel_initializer__config__mode: 'fan_avg'
+@	layers_2_Dense__config__kernel_initializer__config__scale	layers_2_Dense__config__kernel_initializer__config__scale: 1.0
+@	layers_2_Dense__config__kernel_initializer__config__seed	layers_2_Dense__config__kernel_initializer__config__seed: None
+@	layers_2_Dense__config__kernel_regularizer	layers_2_Dense__config__kernel_regularizer: None
+*	layers_2_Dense__config__name	layers_2_Dense__config__name: 'dense_2'
+@	layers_2_Dense__config__trainable	layers_2_Dense__config__trainable: True
+@	layers_2_Dense__config__units	layers_2_Dense__config__units: 10
+@	layers_2_Dense__config__use_bias	layers_2_Dense__config__use_bias: True
+*	layers_3_Activation__class_name	layers_3_Activation__class_name: 'Activation'
+@	layers_3_Activation__config	layers_3_Activation__config: {'name': 'activation_2', 'trainable': True, 'dtype': 'float32', 'activation': 'softmax'}
+@	layers_3_Activation__config__activation	layers_3_Activation__config__activation: 'softmax'
+@	layers_3_Activation__config__dtype	layers_3_Activation__config__dtype: 'float32'
+*	layers_3_Activation__config__name	layers_3_Activation__config__name: 'activation_2'
+@	layers_3_Activation__config__trainable	layers_3_Activation__config__trainable: True
+	Note:	@, params eligible for search in searchcv tool.
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/keras_model01
Binary file test-data/keras_model01 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/keras_model02
Binary file test-data/keras_model02 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/keras_model04
Binary file test-data/keras_model04 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/keras_params04.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/keras_params04.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,87 @@
+	Parameter	Value
+@	amsgrad	amsgrad: False
+@	batch_size	batch_size: 32
+@	beta_1	beta_1: 0.9
+@	beta_2	beta_2: 0.999
+@	callbacks	callbacks: [{'callback_selection': {'callback_type': 'None'}}]
+@	config	config: {'name': 'sequential_1', 'layers': [{'class_name': 'Dense', 'config': {'name': 'dense_1', 'trainable
+@	decay	decay: 0.0
+@	epochs	epochs: 100
+@	layers_0_Dense	layers_0_Dense: {'class_name': 'Dense', 'config': {'name': 'dense_1', 'trainable': True, 'batch_input_shape': [None,
+@	layers_1_Activation	layers_1_Activation: {'class_name': 'Activation', 'config': {'name': 'activation_1', 'trainable': True, 'dtype': 'float32
+@	layers_2_Dense	layers_2_Dense: {'class_name': 'Dense', 'config': {'name': 'dense_2', 'trainable': True, 'dtype': 'float32', 'units'
+@	layers_3_Activation	layers_3_Activation: {'class_name': 'Activation', 'config': {'name': 'activation_2', 'trainable': True, 'dtype': 'float32
+@	loss	loss: 'mean_squared_error'
+@	lr	lr: 0.001
+@	metrics	metrics: ['mse']
+@	model_type	model_type: 'sequential'
+@	momentum	momentum: None
+@	nesterov	nesterov: None
+@	optimizer	optimizer: 'adam'
+@	rho	rho: None
+@	schedule_decay	schedule_decay: None
+@	seed	seed: 42
+@	steps_per_epoch	steps_per_epoch: None
+@	validation_fraction	validation_fraction: 0.1
+@	validation_steps	validation_steps: None
+@	verbose	verbose: 0
+*	layers_0_Dense__class_name	layers_0_Dense__class_name: 'Dense'
+@	layers_0_Dense__config	layers_0_Dense__config: {'name': 'dense_1', 'trainable': True, 'batch_input_shape': [None, 17], 'dtype': 'float32', 'units':
+@	layers_0_Dense__config__activation	layers_0_Dense__config__activation: 'linear'
+@	layers_0_Dense__config__activity_regularizer	layers_0_Dense__config__activity_regularizer: None
+@	layers_0_Dense__config__batch_input_shape	layers_0_Dense__config__batch_input_shape: [None, 17]
+@	layers_0_Dense__config__bias_constraint	layers_0_Dense__config__bias_constraint: None
+@	layers_0_Dense__config__bias_initializer	layers_0_Dense__config__bias_initializer: {'class_name': 'Zeros', 'config': {}}
+*	layers_0_Dense__config__bias_initializer__class_name	layers_0_Dense__config__bias_initializer__class_name: 'Zeros'
+@	layers_0_Dense__config__bias_initializer__config	layers_0_Dense__config__bias_initializer__config: {}
+@	layers_0_Dense__config__bias_regularizer	layers_0_Dense__config__bias_regularizer: None
+@	layers_0_Dense__config__dtype	layers_0_Dense__config__dtype: 'float32'
+@	layers_0_Dense__config__kernel_constraint	layers_0_Dense__config__kernel_constraint: None
+@	layers_0_Dense__config__kernel_initializer	layers_0_Dense__config__kernel_initializer: {'class_name': 'VarianceScaling', 'config': {'scale': 1.0, 'mode': 'fan_avg', 'distribution': 'unifo
+*	layers_0_Dense__config__kernel_initializer__class_name	layers_0_Dense__config__kernel_initializer__class_name: 'VarianceScaling'
+@	layers_0_Dense__config__kernel_initializer__config	layers_0_Dense__config__kernel_initializer__config: {'scale': 1.0, 'mode': 'fan_avg', 'distribution': 'uniform', 'seed': None}
+@	layers_0_Dense__config__kernel_initializer__config__distribution	layers_0_Dense__config__kernel_initializer__config__distribution: 'uniform'
+@	layers_0_Dense__config__kernel_initializer__config__mode	layers_0_Dense__config__kernel_initializer__config__mode: 'fan_avg'
+@	layers_0_Dense__config__kernel_initializer__config__scale	layers_0_Dense__config__kernel_initializer__config__scale: 1.0
+@	layers_0_Dense__config__kernel_initializer__config__seed	layers_0_Dense__config__kernel_initializer__config__seed: None
+@	layers_0_Dense__config__kernel_regularizer	layers_0_Dense__config__kernel_regularizer: None
+*	layers_0_Dense__config__name	layers_0_Dense__config__name: 'dense_1'
+@	layers_0_Dense__config__trainable	layers_0_Dense__config__trainable: True
+@	layers_0_Dense__config__units	layers_0_Dense__config__units: 32
+@	layers_0_Dense__config__use_bias	layers_0_Dense__config__use_bias: True
+*	layers_1_Activation__class_name	layers_1_Activation__class_name: 'Activation'
+@	layers_1_Activation__config	layers_1_Activation__config: {'name': 'activation_1', 'trainable': True, 'dtype': 'float32', 'activation': 'linear'}
+@	layers_1_Activation__config__activation	layers_1_Activation__config__activation: 'linear'
+@	layers_1_Activation__config__dtype	layers_1_Activation__config__dtype: 'float32'
+*	layers_1_Activation__config__name	layers_1_Activation__config__name: 'activation_1'
+@	layers_1_Activation__config__trainable	layers_1_Activation__config__trainable: True
+*	layers_2_Dense__class_name	layers_2_Dense__class_name: 'Dense'
+@	layers_2_Dense__config	layers_2_Dense__config: {'name': 'dense_2', 'trainable': True, 'dtype': 'float32', 'units': 1, 'activation': 'linear', 'use_
+@	layers_2_Dense__config__activation	layers_2_Dense__config__activation: 'linear'
+@	layers_2_Dense__config__activity_regularizer	layers_2_Dense__config__activity_regularizer: None
+@	layers_2_Dense__config__bias_constraint	layers_2_Dense__config__bias_constraint: None
+@	layers_2_Dense__config__bias_initializer	layers_2_Dense__config__bias_initializer: {'class_name': 'Zeros', 'config': {}}
+*	layers_2_Dense__config__bias_initializer__class_name	layers_2_Dense__config__bias_initializer__class_name: 'Zeros'
+@	layers_2_Dense__config__bias_initializer__config	layers_2_Dense__config__bias_initializer__config: {}
+@	layers_2_Dense__config__bias_regularizer	layers_2_Dense__config__bias_regularizer: None
+@	layers_2_Dense__config__dtype	layers_2_Dense__config__dtype: 'float32'
+@	layers_2_Dense__config__kernel_constraint	layers_2_Dense__config__kernel_constraint: None
+@	layers_2_Dense__config__kernel_initializer	layers_2_Dense__config__kernel_initializer: {'class_name': 'VarianceScaling', 'config': {'scale': 1.0, 'mode': 'fan_avg', 'distribution': 'unifo
+*	layers_2_Dense__config__kernel_initializer__class_name	layers_2_Dense__config__kernel_initializer__class_name: 'VarianceScaling'
+@	layers_2_Dense__config__kernel_initializer__config	layers_2_Dense__config__kernel_initializer__config: {'scale': 1.0, 'mode': 'fan_avg', 'distribution': 'uniform', 'seed': None}
+@	layers_2_Dense__config__kernel_initializer__config__distribution	layers_2_Dense__config__kernel_initializer__config__distribution: 'uniform'
+@	layers_2_Dense__config__kernel_initializer__config__mode	layers_2_Dense__config__kernel_initializer__config__mode: 'fan_avg'
+@	layers_2_Dense__config__kernel_initializer__config__scale	layers_2_Dense__config__kernel_initializer__config__scale: 1.0
+@	layers_2_Dense__config__kernel_initializer__config__seed	layers_2_Dense__config__kernel_initializer__config__seed: None
+@	layers_2_Dense__config__kernel_regularizer	layers_2_Dense__config__kernel_regularizer: None
+*	layers_2_Dense__config__name	layers_2_Dense__config__name: 'dense_2'
+@	layers_2_Dense__config__trainable	layers_2_Dense__config__trainable: True
+@	layers_2_Dense__config__units	layers_2_Dense__config__units: 1
+@	layers_2_Dense__config__use_bias	layers_2_Dense__config__use_bias: True
+*	layers_3_Activation__class_name	layers_3_Activation__class_name: 'Activation'
+@	layers_3_Activation__config	layers_3_Activation__config: {'name': 'activation_2', 'trainable': True, 'dtype': 'float32', 'activation': 'linear'}
+@	layers_3_Activation__config__activation	layers_3_Activation__config__activation: 'linear'
+@	layers_3_Activation__config__dtype	layers_3_Activation__config__dtype: 'float32'
+*	layers_3_Activation__config__name	layers_3_Activation__config__name: 'activation_2'
+@	layers_3_Activation__config__trainable	layers_3_Activation__config__trainable: True
+	Note:	@, params eligible for search in searchcv tool.
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/keras_prefitted01.zip
Binary file test-data/keras_prefitted01.zip has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/keras_save_weights01.h5
Binary file test-data/keras_save_weights01.h5 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/keras_train_eval_y_true02.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/keras_train_eval_y_true02.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,54 @@
+0
+54
+54
+41
+48
+46
+74
+57
+52
+54
+54
+45
+57
+54
+51
+68
+71
+68
+68
+40
+46
+79
+46
+49
+55
+68
+76
+85
+42
+79
+77
+80
+64
+59
+48
+67
+50
+77
+88
+76
+75
+66
+61
+89
+49
+59
+71
+60
+55
+77
+75
+54
+75
+60
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/lda_model01
Binary file test-data/lda_model01 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/lda_model02
Binary file test-data/lda_model02 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/lda_prediction_result01.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/lda_prediction_result01.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,5 @@
+3.68258022948	2.82110345641	-3.990140724	-1.9523364774	0
+0.015942057224	-0.7119585943469999	0.125502976978	-0.972218263337	0
+2.0869076882499997	0.929399321468	-2.1292408448400004	-1.9971402218799998	0
+1.4132105208399999	0.523750660422	-1.4210539291	-1.49298569451	0
+0.7683140439399999	1.38267855169	-0.989045048734	0.649504257894	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/lda_prediction_result02.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/lda_prediction_result02.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,5 @@
+3.68258022948	2.82110345641	-3.990140724	-1.9523364774	0
+0.015942057224	-0.7119585943469999	0.125502976978	-0.972218263337	0
+2.0869076882499997	0.929399321468	-2.1292408448400004	-1.9971402218799998	0
+1.4132105208399999	0.523750660422	-1.4210539291	-1.49298569451	0
+0.7683140439399999	1.38267855169	-0.989045048734	0.649504257894	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/le_input_w_header.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/le_input_w_header.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,5 @@
+Class
+Liverpool
+Real Madrid
+Bayern Munich
+A.C. Milan
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/le_input_wo_header.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/le_input_wo_header.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,4 @@
+Liverpool
+Real Madrid
+Bayern Munich
+A.C. Milan
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/le_output.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/le_output.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,4 @@
+2
+3
+1
+0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/lgb_class_model.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/lgb_class_model.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,151 @@
+tree
+version=v3
+num_class=1
+num_tree_per_iteration=1
+label_index=0
+max_feature_idx=3
+objective=binary sigmoid:1
+feature_names=Column_0 Column_1 Column_2 Column_3
+feature_infos=none none none none
+tree_sizes=228
+
+Tree=0
+num_leaves=1
+num_cat=0
+split_feature=
+split_gain=
+threshold=
+decision_type=
+left_child=
+right_child=
+leaf_value=-0.40546510810816427
+leaf_weight=
+leaf_count=
+internal_value=
+internal_weight=
+internal_count=
+shrinkage=1
+
+
+end of trees
+
+feature importances:
+
+parameters:
+[boosting: gbdt]
+[objective: binary]
+[metric: binary_logloss]
+[tree_learner: serial]
+[device_type: cpu]
+[data: ]
+[valid: ]
+[num_iterations: 100]
+[learning_rate: 0.02]
+[num_leaves: 32]
+[num_threads: 0]
+[max_depth: 8]
+[min_data_in_leaf: 20]
+[min_sum_hessian_in_leaf: 39]
+[bagging_fraction: 0.9]
+[pos_bagging_fraction: 1]
+[neg_bagging_fraction: 1]
+[bagging_freq: 0]
+[bagging_seed: 18467]
+[feature_fraction: 0.9]
+[feature_fraction_bynode: 1]
+[feature_fraction_seed: 26500]
+[early_stopping_round: 0]
+[first_metric_only: 0]
+[max_delta_step: 0]
+[lambda_l1: 0.04]
+[lambda_l2: 0.07]
+[min_gain_to_split: 0.02]
+[drop_rate: 0.1]
+[max_drop: 50]
+[skip_drop: 0.5]
+[xgboost_dart_mode: 0]
+[uniform_drop: 0]
+[drop_seed: 6334]
+[top_rate: 0.2]
+[other_rate: 0.1]
+[min_data_per_group: 100]
+[max_cat_threshold: 32]
+[cat_l2: 10]
+[cat_smooth: 10]
+[max_cat_to_onehot: 4]
+[top_k: 20]
+[monotone_constraints: ]
+[feature_contri: ]
+[forcedsplits_filename: ]
+[forcedbins_filename: ]
+[refit_decay_rate: 0.9]
+[cegb_tradeoff: 1]
+[cegb_penalty_split: 0]
+[cegb_penalty_feature_lazy: ]
+[cegb_penalty_feature_coupled: ]
+[verbosity: -1]
+[max_bin: 255]
+[max_bin_by_feature: ]
+[min_data_in_bin: 3]
+[bin_construct_sample_cnt: 200000]
+[histogram_pool_size: -1]
+[data_random_seed: 41]
+[output_model: LightGBM_model.txt]
+[snapshot_freq: -1]
+[input_model: ]
+[output_result: LightGBM_predict_result.txt]
+[initscore_filename: ]
+[valid_data_initscores: ]
+[pre_partition: 0]
+[enable_bundle: 1]
+[max_conflict_rate: 0]
+[is_enable_sparse: 1]
+[sparse_threshold: 0.8]
+[use_missing: 1]
+[zero_as_missing: 0]
+[two_round: 0]
+[save_binary: 0]
+[header: 0]
+[label_column: ]
+[weight_column: ]
+[group_column: ]
+[ignore_column: ]
+[categorical_feature: ]
+[predict_raw_score: 0]
+[predict_leaf_index: 0]
+[predict_contrib: 0]
+[num_iteration_predict: -1]
+[pred_early_stop: 0]
+[pred_early_stop_freq: 10]
+[pred_early_stop_margin: 10]
+[convert_model_language: ]
+[convert_model: gbdt_prediction.cpp]
+[num_class: 1]
+[is_unbalance: 0]
+[scale_pos_weight: 1]
+[sigmoid: 1]
+[boost_from_average: 1]
+[reg_sqrt: 0]
+[alpha: 0.9]
+[fair_c: 1]
+[poisson_max_delta_step: 0.7]
+[tweedie_variance_power: 1.5]
+[max_position: 20]
+[lambdamart_norm: 1]
+[label_gain: ]
+[metric_freq: 1]
+[is_provide_training_metric: 0]
+[eval_at: ]
+[multi_error_top_k: 1]
+[num_machines: 1]
+[local_listen_port: 12400]
+[time_out: 120]
+[machine_list_filename: ]
+[machines: ]
+[gpu_platform_id: -1]
+[gpu_device_id: -1]
+[gpu_use_dp: 0]
+
+end of parameters
+
+pandas_categorical:null
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/lgb_prediction_result01.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/lgb_prediction_result01.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,262 @@
+year	month	day	temp_2	temp_1	average	forecast_noaa	forecast_acc	forecast_under	friend	week_Fri	week_Mon	week_Sat	week_Sun	week_Thurs	week_Tues	week_Wed	predicted
+2016	9	19	68	69	69.7	65	74	71	88	0	1	0	0	0	0	0	71.89319490976423
+2016	4	14	60	59	58.1	57	63	58	66	0	0	0	0	1	0	0	59.01499037390416
+2016	7	30	85	88	77.3	75	79	77	70	0	0	1	0	0	0	0	75.7624470867011
+2016	5	15	82	65	64.7	63	69	64	58	0	0	0	1	0	0	0	57.569131115445174
+2016	1	18	54	50	47.5	44	48	49	58	0	1	0	0	0	0	0	53.09785655110459
+2016	1	25	48	51	48.2	45	51	49	63	0	1	0	0	0	0	0	53.51723077599964
+2016	11	25	49	52	48.6	45	52	47	41	1	0	0	0	0	0	0	51.95292617354113
+2016	7	20	73	78	76.7	75	78	77	66	0	0	0	0	0	0	1	80.03391243189029
+2016	12	17	39	35	45.2	43	47	46	38	0	0	1	0	0	0	0	38.021020662843554
+2016	12	8	42	40	46.1	45	51	47	36	0	0	0	0	1	0	0	43.871817980640564
+2016	12	28	42	47	45.3	41	49	44	58	0	0	0	0	0	0	1	45.76312225952035
+2016	7	17	76	72	76.3	76	78	77	88	0	0	0	1	0	0	0	78.44319295537714
+2016	7	7	69	76	74.4	73	77	74	72	0	0	0	0	1	0	0	70.5335293567219
+2016	12	15	40	39	45.3	45	49	47	46	0	0	0	0	1	0	0	39.057420195088596
+2016	6	27	71	78	72.2	70	74	72	84	0	1	0	0	0	0	0	82.20245159198711
+2016	5	31	64	71	67.3	63	72	68	85	0	0	0	0	0	1	0	78.30191181424183
+2016	1	20	54	48	47.7	44	52	49	61	0	0	0	0	0	0	1	54.04964089659319
+2016	8	10	73	72	77.0	77	78	77	68	0	0	0	0	0	0	1	76.39576480057465
+2016	3	23	56	57	54.7	50	58	55	70	0	0	0	0	0	0	1	52.935205395366545
+2016	12	24	45	40	45.1	44	47	46	39	0	0	1	0	0	0	0	40.72928485821922
+2016	1	19	50	54	47.6	47	49	48	53	0	0	0	0	0	1	0	48.15143238233738
+2016	11	6	65	58	53.2	52	57	55	71	0	0	0	1	0	0	0	61.18233215509339
+2016	4	17	60	68	58.6	58	62	59	54	0	0	0	1	0	0	0	77.18078446802005
+2016	10	29	60	65	55.3	55	59	55	65	0	0	1	0	0	0	0	67.20288900944993
+2016	2	1	48	47	48.8	46	49	49	51	0	1	0	0	0	0	0	48.34602414815062
+2016	12	12	44	44	45.6	43	50	45	42	0	1	0	0	0	0	0	44.253448105719876
+2016	5	30	64	64	67.1	64	70	66	69	0	1	0	0	0	0	0	71.3927492219339
+2016	10	23	59	62	57.1	57	58	59	67	0	0	0	1	0	0	0	62.58006444737433
+2016	9	30	68	66	65.7	64	67	65	74	1	0	0	0	0	0	0	65.68744660437471
+2016	9	12	77	70	71.8	67	73	73	90	0	1	0	0	0	0	0	73.72156656653756
+2016	11	2	59	57	54.2	54	58	55	70	0	0	0	0	0	0	1	57.84328293804783
+2016	11	17	55	50	50.5	46	51	50	57	0	0	0	0	1	0	0	50.42632486665048
+2016	3	3	58	55	51.8	49	54	50	71	0	0	0	0	1	0	0	59.623494716733035
+2016	11	21	57	55	49.5	46	51	49	67	0	1	0	0	0	0	0	53.32237486832612
+2016	12	27	42	42	45.2	41	50	47	47	0	0	0	0	0	1	0	46.480428465622566
+2016	4	24	64	65	60.1	57	61	60	41	0	0	0	1	0	0	0	55.57021075899771
+2016	5	20	64	63	65.6	63	70	64	73	1	0	0	0	0	0	0	65.97337851386187
+2016	1	16	49	48	47.3	45	52	46	28	0	0	1	0	0	0	0	51.12832230287266
+2016	12	7	40	42	46.3	44	51	46	62	0	0	0	0	0	0	1	40.14107546376078
+2016	1	7	44	51	46.2	45	49	46	38	0	0	0	0	1	0	0	43.30978565286583
+2016	9	24	67	64	68.0	65	71	66	64	0	0	1	0	0	0	0	67.6354117078402
+2016	8	30	79	75	74.6	74	76	75	63	0	0	0	0	0	1	0	70.28790811869037
+2016	1	11	50	52	46.7	42	48	48	39	0	1	0	0	0	0	0	46.11736014295371
+2016	6	9	85	67	68.6	66	73	69	80	0	0	0	0	1	0	0	63.20117179031277
+2016	9	22	67	68	68.7	65	70	69	56	0	0	0	0	1	0	0	67.0947545497616
+2016	3	25	53	54	55.0	53	57	57	42	1	0	0	0	0	0	0	56.770929191177046
+2016	10	24	62	62	56.8	52	61	57	70	0	1	0	0	0	0	0	60.93905202931022
+2016	7	16	77	76	76.1	76	78	75	61	0	0	1	0	0	0	0	72.66331027774964
+2016	7	1	74	73	73.1	71	75	72	93	1	0	0	0	0	0	0	73.83790969748735
+2016	11	18	50	52	50.3	50	53	50	35	1	0	0	0	0	0	0	53.62951439199429
+2016	9	3	75	70	73.9	71	75	73	68	0	0	1	0	0	0	0	68.25054582286273
+2016	8	2	73	77	77.4	75	80	79	62	0	0	0	0	0	1	0	73.40030750588237
+2016	4	5	69	60	56.6	52	58	56	72	0	0	0	0	0	1	0	56.524806994243974
+2016	3	13	55	52	53.3	50	55	53	54	0	0	0	1	0	0	0	55.040326173834494
+2016	8	28	81	79	75.0	71	77	76	85	0	0	0	1	0	0	0	78.6959854541002
+2016	4	9	77	76	57.2	53	61	57	74	0	0	1	0	0	0	0	65.6864466867755
+2016	5	26	66	66	66.5	64	70	65	85	0	0	0	0	1	0	0	64.55452338839596
+2016	10	10	68	57	61.8	58	64	61	62	0	1	0	0	0	0	0	60.106450904470385
+2016	4	10	76	66	57.4	57	60	57	60	0	0	0	1	0	0	0	59.24630644563453
+2016	10	19	60	61	58.4	58	60	57	41	0	0	0	0	0	0	1	58.572592775560274
+2016	3	12	56	55	53.1	52	58	53	65	0	0	1	0	0	0	0	51.49262496930968
+2016	1	24	57	48	48.1	46	50	48	54	0	0	0	1	0	0	0	51.17917622326265
+2016	2	7	53	49	49.2	46	51	48	63	0	0	0	1	0	0	0	50.60674904824792
+2016	5	27	66	65	66.7	64	67	68	73	1	0	0	0	0	0	0	64.49566742249557
+2016	5	5	74	60	62.5	58	66	62	56	0	0	0	0	1	0	0	67.83824250343437
+2016	3	11	55	56	53.0	53	53	51	36	1	0	0	0	0	0	0	55.76197019186197
+2016	10	22	62	59	57.4	56	59	58	44	0	0	1	0	0	0	0	60.9777742116507
+2016	12	11	36	44	45.7	41	46	47	35	0	0	0	1	0	0	0	41.342156438107835
+2016	5	8	77	82	63.2	62	65	63	83	0	0	0	1	0	0	0	64.6291263612222
+2016	5	29	64	64	67.0	65	71	65	76	0	0	0	1	0	0	0	65.41410626921248
+2016	12	13	44	43	45.5	41	47	46	46	0	0	0	0	0	1	0	41.777650366508446
+2016	3	30	56	64	55.7	51	57	56	57	0	0	0	0	0	0	1	66.69450875060103
+2016	11	8	61	63	52.7	49	57	52	49	0	0	0	0	0	1	0	69.9528996978419
+2016	6	20	65	70	70.6	67	71	70	79	0	1	0	0	0	0	0	73.04439016560538
+2016	11	9	63	71	52.4	48	56	52	42	0	0	0	0	0	0	1	65.07998599122631
+2016	7	3	76	76	73.5	69	76	75	85	0	0	0	1	0	0	0	71.08196452173168
+2016	10	9	64	68	62.1	58	65	63	55	0	0	0	1	0	0	0	57.299826873442285
+2016	12	16	39	39	45.3	44	49	44	39	1	0	0	0	0	0	0	37.836057067103155
+2016	9	16	79	71	70.7	70	74	71	52	1	0	0	0	0	0	0	74.28852398958355
+2016	6	25	68	69	71.7	68	73	73	89	0	0	1	0	0	0	0	72.80876765789856
+2016	9	13	70	74	71.5	71	75	70	82	0	0	0	0	0	1	0	74.62756508284633
+2016	5	12	75	81	64.1	62	67	63	81	0	0	0	0	1	0	0	76.22018957245898
+2016	2	8	49	51	49.3	49	52	50	34	0	1	0	0	0	0	0	57.33326202545669
+2016	1	12	52	45	46.8	44	50	45	61	0	0	0	0	0	1	0	48.7941689144783
+2016	8	13	80	87	76.8	73	79	78	73	0	0	1	0	0	0	0	87.79675647777113
+2016	7	4	76	71	73.8	71	76	73	86	0	1	0	0	0	0	0	69.54100207614762
+2016	4	25	65	55	60.3	56	64	61	77	0	1	0	0	0	0	0	59.44570255110873
+2016	8	12	76	80	76.9	72	79	77	81	1	0	0	0	0	0	0	84.7600146044899
+2016	9	21	71	67	69.0	65	70	70	76	0	0	0	0	0	0	1	68.71949826418177
+2016	4	30	64	61	61.4	60	65	62	78	0	0	1	0	0	0	0	67.32043030869872
+2016	12	5	49	46	46.6	43	50	45	65	0	1	0	0	0	0	0	40.356855496804876
+2016	12	19	35	39	45.1	42	46	45	51	0	1	0	0	0	0	0	43.49909958840205
+2016	9	23	68	67	68.3	67	69	67	61	1	0	0	0	0	0	0	64.29341861788394
+2016	11	29	48	52	47.8	43	48	47	50	0	0	0	0	0	1	0	50.08354631633132
+2016	6	16	60	67	69.8	68	72	71	87	0	0	0	0	1	0	0	70.33062483883803
+2016	9	14	74	75	71.2	67	75	73	77	0	0	0	0	0	0	1	78.5732560530614
+2016	9	6	68	68	73.3	73	76	75	79	0	0	0	0	0	1	0	69.66885971451636
+2016	6	6	81	92	68.2	65	70	67	71	0	1	0	0	0	0	0	83.28611990027903
+2016	9	8	68	67	72.8	69	77	73	56	0	0	0	0	1	0	0	71.29691645795735
+2016	1	3	45	44	45.8	43	46	47	56	0	0	0	1	0	0	0	43.51976631123911
+2016	4	28	60	61	61.0	56	65	62	73	0	0	0	0	1	0	0	64.55725408701271
+2016	11	5	65	65	53.4	49	58	52	41	0	0	1	0	0	0	0	58.268508841682255
+2016	9	7	68	68	73.0	72	78	71	70	0	0	0	0	0	0	1	67.08062510181101
+2016	5	3	77	87	62.1	62	66	64	69	0	0	0	0	0	1	0	73.43069456814568
+2016	10	31	65	117	54.8	51	59	56	62	0	1	0	0	0	0	0	60.02434665469092
+2016	7	18	72	80	76.4	75	77	75	66	0	1	0	0	0	0	0	74.68569240685518
+2016	11	15	55	57	51.0	47	54	51	46	0	0	0	0	0	1	0	54.66360500623318
+2016	5	10	63	67	63.6	61	66	64	68	0	0	0	0	0	1	0	73.82841080810171
+2016	3	18	53	58	54.0	51	57	54	56	1	0	0	0	0	0	0	62.28322247279988
+2016	10	26	61	65	56.2	53	57	57	41	0	0	0	0	0	0	1	58.92545747532289
+2016	1	30	56	52	48.6	45	51	48	47	0	0	1	0	0	0	0	49.7102357284225
+2016	3	27	57	59	55.3	52	58	55	39	0	0	0	1	0	0	0	52.95281182400629
+2016	11	3	57	57	53.9	53	54	54	35	0	0	0	0	1	0	0	64.07522285954556
+2016	4	20	89	81	59.2	56	63	61	66	0	0	0	0	0	0	1	81.09884772281461
+2016	7	24	71	75	77.1	76	78	78	75	0	0	0	1	0	0	0	78.17176060596769
+2016	7	31	88	76	77.4	76	78	79	95	0	0	0	1	0	0	0	79.10426435183506
+2016	5	16	65	57	64.8	61	65	65	53	0	1	0	0	0	0	0	60.43215278441847
+2016	7	6	68	69	74.2	72	76	75	86	0	0	0	0	0	0	1	72.58086771349774
+2016	9	27	76	77	66.8	66	67	68	64	0	0	0	0	0	1	0	69.47244000584067
+2016	2	16	58	55	49.9	47	54	51	55	0	0	0	0	0	1	0	55.80695687313968
+2016	12	4	50	49	46.8	45	47	47	53	0	0	0	1	0	0	0	43.92654103132409
+2016	3	9	53	54	52.7	48	56	54	57	0	0	0	0	0	0	1	55.40809723410077
+2016	11	14	59	55	51.2	49	53	53	42	0	1	0	0	0	0	0	57.65346962897531
+2016	3	29	51	56	55.6	53	59	54	45	0	0	0	0	0	1	0	63.37729909613716
+2016	7	8	76	68	74.6	72	79	75	77	1	0	0	0	0	0	0	73.0678119608219
+2016	3	14	52	54	53.4	49	58	55	44	0	1	0	0	0	0	0	49.24515592906676
+2016	6	11	65	67	69.0	69	72	71	87	0	0	1	0	0	0	0	66.50911341040919
+2016	1	13	45	49	46.9	45	51	46	33	0	0	0	0	0	0	1	51.806911983872354
+2016	2	5	49	49	49.1	47	50	49	45	1	0	0	0	0	0	0	51.50503420468691
+2016	1	29	57	56	48.5	48	52	47	49	1	0	0	0	0	0	0	52.23004537049313
+2016	6	22	76	73	71.0	66	71	72	78	0	0	0	0	0	0	1	74.06572360312205
+2016	5	25	65	66	66.4	65	67	66	60	0	0	0	0	0	0	1	66.2079165616225
+2016	9	28	77	69	66.5	66	68	66	62	0	0	0	0	0	0	1	66.93305524836443
+2016	5	14	77	82	64.5	64	66	66	65	0	0	1	0	0	0	0	67.7849873488792
+2016	8	14	87	90	76.7	75	78	78	65	0	0	0	1	0	0	0	80.67049571098468
+2016	2	23	51	51	50.7	49	53	51	43	0	0	0	0	0	1	0	58.89441107546883
+2016	4	8	68	77	57.1	57	61	57	41	1	0	0	0	0	0	0	76.30381891047358
+2016	10	11	57	60	61.4	58	66	61	58	0	0	0	0	0	1	0	62.11040524237814
+2016	6	30	79	74	72.8	71	76	72	87	0	0	0	0	1	0	0	75.6256598961332
+2016	7	26	80	85	77.2	73	79	76	74	0	0	0	0	0	1	0	81.8689344892898
+2016	5	6	60	68	62.8	61	64	61	64	1	0	0	0	0	0	0	76.84504270351223
+2016	2	11	62	56	49.5	46	53	50	37	0	0	0	0	1	0	0	54.659113196988635
+2016	4	2	73	71	56.2	55	58	58	45	0	0	1	0	0	0	0	63.334667508049876
+2016	10	16	60	62	59.5	57	60	59	40	0	0	0	1	0	0	0	58.16596784138577
+2016	7	28	79	83	77.3	76	80	78	76	0	0	0	0	1	0	0	82.3599963969676
+2016	5	19	71	64	65.4	62	68	67	56	0	0	0	0	1	0	0	62.66631517847555
+2016	1	27	54	56	48.4	45	51	49	54	0	0	0	0	0	0	1	55.93757626695732
+2016	12	25	40	41	45.1	42	49	44	31	0	0	0	1	0	0	0	44.82632578086424
+2016	5	24	66	65	66.2	66	71	66	67	0	0	0	0	0	1	0	65.35985978187936
+2016	11	4	57	65	53.7	49	55	54	38	1	0	0	0	0	0	0	64.7693131934923
+2016	1	5	41	40	46.0	46	46	46	41	0	0	0	0	0	1	0	46.14438417495874
+2016	1	1	45	45	45.6	43	50	44	29	1	0	0	0	0	0	0	44.896269885449406
+2016	11	26	52	52	48.4	48	50	47	58	0	0	1	0	0	0	0	52.07752748271174
+2016	11	12	64	63	51.7	50	52	52	63	0	0	1	0	0	0	0	59.65544584960129
+2016	11	30	52	52	47.6	47	52	49	44	0	0	0	0	0	0	1	53.80473869424231
+2016	4	13	58	60	57.9	55	62	56	77	0	0	0	0	0	0	1	59.40810646529846
+2016	8	23	84	81	75.7	73	78	77	89	0	0	0	0	0	1	0	79.07228116569517
+2016	7	14	77	75	75.8	74	76	77	77	0	0	0	0	1	0	0	77.74460442593734
+2016	11	13	63	59	51.4	48	56	50	64	0	0	0	1	0	0	0	54.83685960603207
+2016	8	9	72	73	77.1	77	80	79	94	0	0	0	0	0	1	0	74.11485347044041
+2016	8	4	73	75	77.3	73	79	78	66	0	0	0	0	1	0	0	78.21812715097458
+2016	4	16	59	60	58.5	56	60	59	59	0	0	1	0	0	0	0	68.30606495389215
+2016	6	23	73	75	71.3	68	72	71	56	0	0	0	0	1	0	0	68.39906171216771
+2016	4	11	66	59	57.6	56	60	58	40	0	1	0	0	0	0	0	58.477814066770996
+2016	2	6	49	53	49.1	47	53	49	56	0	0	1	0	0	0	0	49.3537421921406
+2016	8	6	80	79	77.2	76	81	79	60	0	0	1	0	0	0	0	72.66483587238655
+2016	3	5	59	57	52.1	49	53	51	46	0	0	1	0	0	0	0	62.05813376804524
+2016	6	2	79	75	67.6	64	71	67	77	0	0	0	0	1	0	0	73.6827401193731
+2016	9	20	69	71	69.4	67	73	69	81	0	0	0	0	0	1	0	66.76922152475885
+2016	2	19	57	53	50.2	50	52	51	42	1	0	0	0	0	0	0	52.40336260950597
+2016	2	2	47	46	48.8	48	50	50	56	0	0	0	0	0	1	0	49.999219339904855
+2016	7	22	82	81	76.9	72	77	76	70	1	0	0	0	0	0	0	74.08153384371823
+2016	11	24	54	49	48.9	47	53	48	29	0	0	0	0	1	0	0	52.22493983220852
+2016	1	28	56	57	48.4	44	52	48	34	0	0	0	0	1	0	0	55.027172953937466
+2016	10	18	60	60	58.8	54	60	57	53	0	0	0	0	0	1	0	62.18223567066105
+2016	9	4	70	67	73.7	72	77	75	64	0	0	0	1	0	0	0	67.89746210307251
+2016	10	4	65	61	64.1	62	69	65	60	0	0	0	0	0	1	0	63.23730393390845
+2016	6	14	70	66	69.5	66	71	69	85	0	0	0	0	0	1	0	60.080565814619035
+2016	11	11	65	64	51.9	50	53	52	55	1	0	0	0	0	0	0	62.88039099865439
+2016	5	21	63	66	65.7	62	67	65	49	0	0	1	0	0	0	0	59.278234741185415
+2016	3	6	57	64	52.2	52	53	51	49	0	0	0	1	0	0	0	60.282829421061095
+2016	5	18	60	71	65.2	61	68	65	56	0	0	0	0	0	0	1	65.70502000387636
+2016	5	11	67	75	63.8	62	68	63	60	0	0	0	0	0	0	1	79.58495429155381
+2016	1	9	45	48	46.4	46	50	45	47	0	0	1	0	0	0	0	49.05921610611878
+2016	3	8	60	53	52.5	48	56	51	70	0	0	0	0	0	1	0	53.75268198700977
+2016	1	15	55	49	47.1	46	51	46	65	1	0	0	0	0	0	0	48.85530287691106
+2016	6	8	86	85	68.5	67	70	69	81	0	0	0	0	0	0	1	67.34039792261942
+2016	2	10	57	62	49.4	48	50	49	30	0	0	0	0	0	0	1	56.360964451168506
+2016	12	3	46	50	47.0	42	52	47	58	0	0	1	0	0	0	0	48.13227785370479
+2016	10	27	65	58	55.9	51	60	55	39	0	0	0	0	1	0	0	59.42974669091329
+2016	8	7	79	72	77.2	74	78	77	95	0	0	0	1	0	0	0	73.27891918096458
+2016	11	16	57	55	50.7	50	51	49	34	0	0	0	0	0	0	1	50.03790705412699
+2016	9	10	72	74	72.3	70	77	74	91	0	0	1	0	0	0	0	76.58578139213162
+2016	7	29	83	85	77.3	77	80	79	77	1	0	0	0	0	0	0	82.25787667798917
+2016	8	3	77	73	77.3	77	81	77	93	0	0	0	0	0	0	1	74.6885372627316
+2016	12	1	52	52	47.4	44	48	49	39	0	0	0	0	1	0	0	45.977300146311954
+2016	9	25	64	67	67.6	64	72	67	62	0	0	0	1	0	0	0	74.28403955222663
+2016	12	23	49	45	45.1	45	49	44	35	1	0	0	0	0	0	0	40.61762294216514
+2016	12	2	52	46	47.2	46	51	49	41	1	0	0	0	0	0	0	48.39749849569473
+2016	10	13	62	66	60.6	60	62	60	57	0	0	0	0	1	0	0	59.860568821296894
+2016	7	23	81	71	77.0	75	81	76	86	0	0	1	0	0	0	0	74.99121824276693
+2016	6	13	65	70	69.3	66	72	69	79	0	1	0	0	0	0	0	68.0732655379396
+2016	2	15	55	58	49.9	46	52	49	53	0	1	0	0	0	0	0	55.102004217211054
+2016	8	8	72	72	77.1	76	78	77	65	0	1	0	0	0	0	0	72.67136576622894
+2016	7	12	74	74	75.4	74	77	77	71	0	0	0	0	0	1	0	78.09245255865027
+2016	10	3	63	65	64.5	63	68	65	49	0	1	0	0	0	0	0	61.87759257833735
+2016	4	18	68	77	58.8	55	59	57	39	0	1	0	0	0	0	0	88.05552200437032
+2016	2	25	60	59	50.9	49	51	49	35	0	0	0	0	1	0	0	60.080453480066495
+2016	1	2	44	45	45.7	41	50	44	61	0	0	1	0	0	0	0	42.90260865929038
+2016	2	21	51	53	50.5	49	54	52	46	0	0	0	1	0	0	0	51.27916079433249
+2016	3	24	57	53	54.9	54	56	56	72	0	0	0	0	1	0	0	53.574452562775726
+2016	7	27	85	79	77.3	73	78	79	79	0	0	0	0	0	0	1	79.10426435183506
+2016	2	4	51	49	49.0	44	54	51	44	0	0	0	0	1	0	0	49.689040256262984
+2016	10	7	66	63	62.9	62	67	64	78	1	0	0	0	0	0	0	64.03671566307656
+2016	4	4	63	69	56.5	54	59	56	45	0	1	0	0	0	0	0	60.302013981268445
+2016	2	24	51	60	50.8	47	53	50	46	0	0	0	0	0	0	1	60.45570099663864
+2016	10	8	63	64	62.5	60	65	61	73	0	0	1	0	0	0	0	67.37545950141302
+2016	9	15	75	79	71.0	66	76	69	64	0	0	0	0	1	0	0	71.13704674726802
+2016	1	14	49	55	47.0	43	47	46	58	0	0	0	0	1	0	0	48.22108131604957
+2016	4	1	68	73	56.0	54	59	55	41	1	0	0	0	0	0	0	70.48625922502303
+2016	10	17	62	60	59.1	57	63	59	62	0	1	0	0	0	0	0	60.636430182256134
+2016	6	18	71	67	70.2	67	75	69	77	0	0	1	0	0	0	0	66.4433387859395
+2016	12	26	41	42	45.2	45	48	46	58	0	1	0	0	0	0	0	45.76312225952035
+2016	5	17	57	60	65.0	62	65	65	55	0	0	0	0	0	1	0	69.19684320311531
+2016	11	20	55	57	49.8	47	54	48	30	0	0	0	1	0	0	0	54.710033660556284
+2016	12	18	35	35	45.2	44	46	46	36	0	0	0	1	0	0	0	39.46756549798724
+2016	9	17	71	75	70.3	66	73	70	84	0	0	1	0	0	0	0	69.35617071475366
+2016	2	26	59	61	51.1	48	56	53	65	1	0	0	0	0	0	0	59.73185678845597
+2016	2	22	53	51	50.6	46	51	50	59	0	1	0	0	0	0	0	53.18020992777652
+2016	6	26	69	71	71.9	67	74	72	70	0	0	0	1	0	0	0	78.40488138310084
+2016	7	11	71	74	75.3	74	79	75	71	0	1	0	0	0	0	0	73.09136153134294
+2016	12	30	48	48	45.4	44	46	44	42	1	0	0	0	0	0	0	50.28091536128874
+2016	7	9	68	74	74.9	70	79	76	60	0	0	1	0	0	0	0	71.20339563359369
+2016	6	21	70	76	70.8	68	75	71	57	0	0	0	0	0	1	0	72.95771553550574
+2016	3	2	54	58	51.6	47	54	52	37	0	0	0	0	0	0	1	55.415808249340266
+2016	2	20	53	51	50.4	48	55	51	43	0	0	1	0	0	0	0	53.467113223494465
+2016	9	9	67	72	72.6	68	77	71	78	1	0	0	0	0	0	0	73.51226363759592
+2016	9	26	67	76	67.2	64	69	69	74	0	1	0	0	0	0	0	77.37773578267426
+2016	1	22	52	52	47.9	47	48	48	60	1	0	0	0	0	0	0	55.28241093592609
+2016	11	27	52	53	48.2	48	49	49	53	0	0	0	1	0	0	0	49.4682256394598
+2016	6	12	67	65	69.1	65	73	70	83	0	0	0	1	0	0	0	69.67028083708267
+2016	10	20	61	58	58.1	58	59	58	43	0	0	0	0	1	0	0	62.70580969857187
+2016	7	13	74	77	75.6	74	78	76	56	0	0	0	0	0	0	1	75.83483000433928
+2016	11	7	58	61	52.9	51	56	51	35	0	1	0	0	0	0	0	63.36296331230509
+2016	10	1	66	67	65.3	64	70	64	54	0	0	1	0	0	0	0	63.164537625242914
+2016	11	22	55	54	49.3	46	54	49	58	0	0	0	0	0	1	0	52.82424210029568
+2016	6	1	71	79	67.4	65	69	66	58	0	0	0	0	0	0	1	74.74970804919086
+2016	5	13	81	77	64.3	63	67	66	67	1	0	0	0	0	0	0	80.80644721526915
+2016	6	3	75	71	67.7	64	71	66	55	1	0	0	0	0	0	0	79.42582159310099
+2016	4	12	59	58	57.7	54	59	57	61	0	0	0	0	0	1	0	60.16800954211399
+2016	3	31	64	68	55.9	55	59	56	56	0	0	0	0	1	0	0	72.6475912037824
+2016	12	14	43	40	45.4	45	48	45	49	0	0	0	0	0	0	1	39.528254308940774
+2016	8	5	75	80	77.3	75	81	78	71	1	0	0	0	0	0	0	79.29604852292455
+2016	5	4	87	74	62.3	59	65	64	61	0	0	0	0	0	0	1	61.10486980813424
+2016	12	31	48	57	45.5	42	48	47	57	0	0	1	0	0	0	0	43.43550339863723
+2016	1	21	48	52	47.8	43	51	46	57	0	0	0	0	1	0	0	52.14359963846155
+2016	7	10	74	71	75.1	71	77	76	95	0	0	0	1	0	0	0	74.74359573124775
+2016	3	15	54	49	53.6	49	58	52	70	0	0	0	0	0	1	0	51.087519902003045
+2016	4	19	77	89	59.0	59	63	59	61	0	0	0	0	0	1	0	79.9965354251416
+2016	10	14	66	60	60.2	56	64	60	78	1	0	0	0	0	0	0	59.60815096341522
+2016	4	15	59	59	58.3	58	61	60	40	1	0	0	0	0	0	0	59.51666216464264
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/lgb_regr_model.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/lgb_regr_model.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,180142 @@
+tree
+version=v3
+num_class=1
+num_tree_per_iteration=1
+label_index=0
+max_feature_idx=16
+objective=regression
+feature_names=Column_0 Column_1 Column_2 Column_3 Column_4 Column_5 Column_6 Column_7 Column_8 Column_9 Column_10 Column_11 Column_12 Column_13 Column_14 Column_15 Column_16
+feature_infos=none [1:12] [1:31] [35:89] [35:117] [45.100000000000001:77.400000000000006] [41:77] [46:81] [44:79] [28:95] [0:1] [0:1] [0:1] [0:1] [0:1] [0:1] [0:1]
+tree_sizes=518 530 532 530 531 532 530 534 533 535 535 532 532 535 534 530 534 533 532 533 533 537 534 456 531 456 534 458 458 536 538 532 536 613 538 532 536 458 533 536 613 533 537 536 533 537 534 537 537 536 458 532 535 612 538 537 614 617 615 615 538 539 615 616 617 539 616 536 615 537 615 539 540 618 619 617 538 540 458 539 457 459 461 460 538 616 613 612 614 459 617 542 618 461 541 615 617 540 619 542 618 622 541 618 622 543 541 541 618 619 538 619 617 462 542 620 618 459 618 541 544 457 460 623 619 461 545 459 625 461 624 624 544 620 623 543 622 623 544 544 622 621 544 545 464 544 462 624 621 543 623 463 543 622 622 545 462 543 624 464 622 464 624 616 463 464 624 464 624 543 541 623 464 617 541 545 625 541 620 542 541 541 542 542 518 543 539 547 542 547 541 546 542 543 541 540 626 543 544 543 545 548 541 545 546 542 543 545 547 548 546 544 546 543 542 548 544 547 541 543 546 547 540 544 545 542 545 626 543 539 463 544 544 542 544 545 545 544 539 546 628 544 545 547 543 545 547 543 541 543 543 543 545 620 544 545 522 543 544 545 544 549 546 543 543 545 603 546 544 602 543 547 623 544 546 544 623 544 549 544 624 545 546 623 543 624 543 545 623 543 546 542 546 545 546 623 547 464 542 544 544 545 543 548 622 466 546 624 542 545 624 544 624 545 547 623 544 546 543 465 547 542 625 545 545 625 543 625 542 547 624 544 549 544 545 626 621 545 542 465 549 545 466 624 465 621 465 627 622 542 623 466 539 464 548 626 543 545 543 465 625 546 466 624 626 623 542 540 544 623 544 625 544 545 546 466 621 546 623 467 546 547 544 543 546 546 544 543 543 546 624 547 466 541 547 546 465 548 543 546 544 547 546 547 544 465 543 625 547 546 546 544 543 546 625 464 625 544 544 624 546 466 623 546 623 627 543 624 546 544 546 545 550 625 548 545 543 547 544 627 465 547 622 628 545 627 543 460 627 466 546 544 544 629 624 628 623 545 543 624 547 544 625 545 544 548 544 543 466 549 547 627 465 629 623 544 467 548 545 622 550 546 548 627 621 548 548 466 625 464 544 624 546 544 626 465 630 545 546 547 546 547 630 619 548 628 547 624 545 626 546 627 549 544 468 547 542 545 549 548 627 628 549 628 546 549 546 544 621 624 544 628 547 545 546 465 629 626 546 546 545 545 545 625 546 464 549 545 545 628 546 550 467 544 630 628 547 547 543 628 544 543 624 546 548 548 465 631 545 624 546 623 467 546 626 467 543 548 630 549 545 547 548 549 547 545 629 466 548 624 549 548 540 630 468 546 542 544 546 546 627 630 469 549 543 547 548 467 625 629 627 547 548 546 545 540 544 549 625 541 546 467 548 546 548 631 544 627 468 550 622 629 543 544 548 548 547 467 630 467 549 628 468 547 468 549 627 467 546 546 548 546 630 543 468 544 626 546 545 627 627 548 545 549 548 625 626 631 626 546 625 547 629 547 469 548 545 548 547 469 546 629 547 545 468 549 549 548 544 548 630 545 547 549 467 547 543 630 544 547 467 547 548 627 623 626 465 469 547 547 547 546 629 548 548 546 546 547 545 548 627 467 550 545 548 548 546 545 552 548 546 629 546 547 543 625 548 548 550 545 547 543 545 548 548 548 549 466 547 549 543 548 547 548 628 469 626 546 626 547 545 550 628 549 544 623 552 544 549 468 552 539 546 467 548 630 544 548 545 627 548 549 624 551 551 545 468 549 468 544 548 548 550 546 548 549 628 548 549 628 548 547 548 550 546 546 550 550 548 550 629 547 547 551 551 546 468 550 466 546 547 545 550 549 628 552 550 545 549 551 549 630 630 467 547 549 551 545 624 468 552 547 549 469 548 543 549 546 548 546 624 546 625 469 552 549 630 544 549 551 547 548 543 550 628 545 551 549 549 545 549 551 550 545 468 547 550 550 551 469 548 551 547 469 624 547 548 548 549 628 548 546 548 548 550 549 546 549 545 549 626 467 551 625 549 467 549 469 550 549 549 549 468 545 550 469 550 545 546 629 549 548 547 545 467 547 548 548 549 549 468 551 545 630 549 468 545 548 552 550 632 546 631 547 467 549 551 543 468 550 551 630 551 468 548 550 548 549 549 469 548 549 628 550 551 551 548 630 469 552 631 550 550 549 548 632 552 546 551 545 545 550 548 551 550 548 551 549 468 547 549 623 549 550 549 550 544 550 547 550 549 630 470 466 547 551 548 549 550 548 470 548 546 550 551 549 549 550 552 468 550 628 548 470 547 636 552 552 468 470 552 550 628 470 547 550 551 550 551 548 550 551 552 548 552 547 550 548 551 552 469 552 549 550 551 549 631 551 552 546 549 552 549 550 630 469 632 552 547 553 470 628 550 551 468 550 550 550 551 550 551 548 632 626 470 548 552 552 469 549 553 549 548 550 469 548 550 549 550 547 551 549 469 550 549 551 549 548 470 550 470 549 470 545 551 553 551 551 550 550 629 553 633 469 629 626 552 553 469 552 550 630 551 553 470 470 552 630 470 553 550 548 470 628 469 628 546 551 468 547 551 550 553 552 553 470 550 549 551 468 546 627 551 546 552 547 550 549 546 547 549 550 551 547 546 551 550 549 551 547 628 547 551 550 546 549 551 549 548 551 550 552 550 551 548 547 546 552 545 549 547 548 547 546 548 548 552 548 549 548 550 550 549 546 551 547 549 552 547 629 547 546 551 550 625 550 549 552 548 547 547 548 549 630 546 549 629 551 546 548 546 546 549 546 549 552 548 548 550 547 547 630 547 549 550 549 628 548 550 549 629 548 547 629 547 551 548 547 548 547 550 549 548 548 548 629 549 550 470 467 549 545 547 544 629 547 630 550 468 548 548 546 628 547 547 549 551 470 548 553 547 549 552 550 548 549 548 549 629 548 548 541 549 550 626 550 629 469 629 549 627 550 548 549 470 553 547 633 470 551 552 548 548 547 553 550 632 469 549 550 548 547 630 549 553 548 549 552 551 548 630 551 470 549 469 470 548 550 549 625 547 551 552 549 551 553 550 469 553 550 551 550 552 548 548 550 628 470 550 548 469 553 550 553 553 549 552 550 549 548 548 470 550 550 469 548 548 468 631 550 550 549 544 625 549 549 631 549 551 549 548 629 550 548 553 549 551 550 551 550 549 548 625 549 550 549 547 548 627 631 549 626 550 630 550 549 629 548 546 627 544 550 547 549 627 548 546 551 550 628 550 548 629 543 549 547 548 549 549 549 625 542 544 552 551 547 549 631 545 549 547 544 548 548 628 627 550 551 546 468 550 469 551 546 630 549 550 467 549 630 549 547 552 548 549 550 550 545 549 546 630 548 549 547 546 550 631 548 551 546 626 549 545 547 550 548 467 552 469 550 551 630 549 547 548 548 546 549 629 548 548 549 547 548 547 546 553 553 470 550 549 548 543 630 547 551 629 550 550 631 632 549 544 550 551 631 543 548 551 627 550 551 544 546 630 551 552 624 550 553 469 553 549 467 632 545 549 546 549 627 549 551 552 551 629 551 552 550 551 550 551 548 551 553 547 548 552 546 622 551 554 549 469 548 626 625 550 548 548 628 549 550 551 549 546 543 552 548 548 548 549 551 632 548 630 545 550 548 549 547 552 552 629 550 549 551 548 550 553 548 631 545 548 629 546 552 549 548 631 548 551 551 553 552 550 549 547 632 553 552 630 545 544 549 630 551 551 543 545 550 547 628 550 549 628 548 552 550 546 546 549 553 548 548 550 551 546 550 628 551 547 630 548 628 552 547 551 470 546 550 629 548 628 551 550 545 631 551 548 549 631 551 549 551 546 631 549 550 550 549 546 547 549 628 544 547 628 547 629 547 551 551 550 546 546 548 552 628 550 548 551 548 629 550 546 632 549 549 542 550 549 552 549 551 629 551 551 550 553 546 628 550 549 546 546 626 549 551 548 549 545 549 470 547 550 548 545 549 550 466 550 469 550 549 551 631 552 553 548 628 469 550 550 550 469 470 549 549 551 548 549 549 551 550 550 551 548 627 545 550 549 547 550 551 553 550 546 550 468 626 549 545 551 630 553 548 551 550 548 545 469 548 629 550 549 547 547 549 549 553 547 626 632 548 553 548 549 545 547 548 629 469 549 548 549 543 549 633 467 549 550 552 553 545 549 467 553 550 468 547 549 630 550 545 551 468 552 548 548 551 468 550 549 549 628 548 550 546 549 549 551 469 551 550 547 629 550 553 551 547 551 468 629 548 546 629 549 553 552 469 553 553 551 551 548 551 545 630 551 552 551 549 548 550 553 551 467 551 467 549 550 548 468 548 549 625 466 551 546 633 542 548 553 467 550 548 466 551 550 550 551 545 552 552 552 546 548 553 550 550 549 552 552 550 550 548 551 553 551 552 630 549 629 548 549 551 550 550 546 550 552 546 547 552 550 550 550 632 549 553 551 552 550 550 552 550 551 631 552 552 550 551 552 630 550 548 549 549 551 552 548 551 547 549 634 549 550 551 548 549 629 549 549 549 625 549 547 551 550 551 551 552 551 633 546 551 550 547 549 549 550 550 552 552 550 550 550 547 544 550 550 551 552 551 550 632 546 548 552 631 550 631 551 544 469 545 548 549 546 630 550 631 549 628 552 553 549 469 546 549 550 549 550 548 549 552 554 551 550 468 549 547 550 551 552 469 551 549 549 550 550 553 550 550 550 550 549 468 549 551 550 547 548 550 548 548 544 548 550 551 628 470 552 547 551 469 470 550 551 548 548 548 546 547 551 548 549 548 551 550 549 551 631 551 546 551 552 547 553 551 549 553 548 469 550 550 550 549 552 551 549 553 469 468 550 633 549 546 548 549 551 547 548 549 552 549 633 543 551 549 549 546 547 549 553 552 553 551 550 548 548 468 553 632 553 468 626 553 552 627 551 552 550 549 550 547 551 468 549 551 548 550 551 551 548 548 550 550 552 551 547 548 627 552 550 633 553 552 553 553 468 553 552 469 550 552 630 633 553 551 550 549 547 549 548 550 547 550 551 552 552 552 469 550 550 550 551 549 634 548 550 551 552 551 550 550 547 550 554 631 551 549 547 547 549 629 634 550 553 551 552 470 551 549 549 550 553 552 551 550 630 549 548 551 550 545 551 553 632 553 465 551 553 550 551 551 551 550 552 548 551 550 552 553 470 549 547 626 553 550 550 552 553 629 551 629 547 627 548 548 552 548 469 550 548 548 469 551 550 551 554 554 549 549 549 549 468 551 552 548 547 553 548 635 548 551 469 470 551 553 631 554 551 551 549 551 550 468 629 547 470 554 549 554 551 549 550 551 553 634 552 551 554 470 549 553 554 552 552 553 630 550 551 631 549 633 550 635 551 552 469 552 548 550 551 553 549 552 551 631 550 548 547 552 550 551 551 551 550 633 551 553 634 549 550 554 552 551 553 551 549 549 632 552 550 628 552 551 550 553 630 552 547 553 551 548 553 553 469 552 550 551 628 552 547 468 630 549 550 550 554 550 552 552 551 551 552 550 551 547 630 550 630 471 550 552 552 548 550 551 470 632 550 554 553 548 554 634 549 551 628 546 553 552 553 551 632 553 470 630 550 551 549 547 554 548 553 469 553 554 551 468 553 553 468 552 550 470 470 549 631 552 554 552 553 551 467 550 552 470 553 553 471 551 548 552 550 551 554 552 553 549 550 553 551 630 470 553 550 554 551 549 553 554 469 547 548 553 553 550 551 553 551 553 551 550 470 553 553 469 554 551 550 550 469 627 550 469 551 553 550 552 553 552 552 551 470 552 551 551 629 547 553 547 553 549 471 552 553 552 553 553 552 553 469 551 551 468 552 635 549 470 551 551 554 553 549 552 554 554 552 632 549 552 553 550 464 553 550 552 550 631 554 551 552 553 553 551 635 552 550 551 552 548 633 551 471 547 554 554 547 551 630 552 554 550 632 551 635 552 548 547 553 549 634 550 548 631 631 550 554 553 552 550 552 550 553 553 549 552 549 552 552 553 553 469 551 553 554 552 553 551 552 550 633 552 550 552 550 549 548 547 553 633 549 551 636 633 554 552 550 552 550 551 552 551 551 552 632 553 550 553 632 632 551 549 633 553 552 554 544 633 549 554 553 552 635 635 550 553 552 551 634 549 554 631 554 550 552 554 552 634 551 548 553 550 548 551 554 552 551 544 549 551 550 552 549 549 551 552 549 634 626 551 553 633 554 548 553 552 634 548 550 551 552 634 549 634 552 553 550 551 554 553 548 631 553 553 634 550 552 552 551 551 552 551 554 551 552 550 553 550 548 552 551 551 552 552 549 551 549 553 551 551 630 552 555 553 630 551 549 550 632 629 552 550 635 631 552 631 553 552 547 633 551 552 551 551 551 551 547 550 552 553 631 628 551 552 552 550 553 552 553 552 549 550 548 549 552 551 549 551 552 552 631 554 553 550 631 548 548 552 551 553 554 631 554 547 553 551 551 553 553 551 552 552 552 549 552 632 549 550 549 549 553 551 635 549 553 547 551 553 546 550 551 630 550 550 549 552 548 550 553 551 552 630 631 550 551 554 552 548 551 552 552 633 629 634 552 550 552 554 629 552 551 552 551 471 549 553 552 548 553 634 548 550 549 634 547 553 552 627 551 553 548 552 549 553 631 551 552 551 548 631 553 554 551 552 550 552 548 550 550 552 546 553 627 550 549 633 632 554 550 551 553 630 550 551 632 629 630 551 552 553 550 631 550 630 549 549 631 553 552 550 631 530 552 551 553 552 552 553 553 550 553 552 553 550 553 551 551 552 554 551 632 552 551 631 550 550 632 550 549 553 634 552 550 552 630 550 553 552 550 553 551 551 547 554 551 630 553 551 551 553 551 547 632 631 552 552 553 552 551 551 549 552 547 552 553 550 548 629 553 635 553 551 549 631 551 634 632 552 548 549 631 552 551 632 551 552 552 633 551 550 551 549 554 633 550 549 551 630 551 551 630 627 553 633 548 552 549 631 634 550 632 554 551 551 552 555 631 634 550 554 551 633 552 552 548 633 631 551 553 550 553 551 553 548 633 553 629 634 551 551 630 553 629 635 549 633 553 548 552 550 632 552 551 550 550 549 552 551 552 554 635 550 631 633 553 551 553 634 551 552 631 633 631 554 551 633 550 553 551 550 550 547 550 550 549 551 548 552 552 554 552 553 554 550 554 550 550 550 553 553 550 547 551 552 551 635 552 553 551 548 553 553 548 635 551 551 547 553 551 548 552 550 551 552 549 549 553 634 543 551 551 547 552 551 552 551 553 550 548 635 633 554 552 549 635 549 551 552 551 631 554 635 551 550 554 552 549 551 549 546 555 550 552 633 634 549 549 546 548 549 553 550 551 550 546 552 545 635 548 554 547 549 630 550 551 549 551 550 551 551 554 552 552 552 550 552 552 546 552 629 551 551 552 553 554 552 551 551 553 550 635 551 555 553 615 633 552 633 611 549 554 552 635 551 633 549 634 551 548 551 553 547 637 550 551 550 554 553 550 630 549 548 552 551 551 554 632 548 548 553 552 544 547 553 629 553 553 554 630 549 554 548 554 552 552 552 554 553 553 550 632 549 551 468 630 551 553 550 554 547 555 554 554 552 550 631 552 554 552 553 551 554 553 632 633 552 552 552 631 554 552 630 554 553 554 552 632 554 553 633 552 553 632 550 632 554 634 548 552 552 550 553 550 552 552 553 634 553 633 549 554 551 635 630 634 470 554 551 553 633 553 633 549 548 548 631 632 550 633 633 552 634 549 552 635 547 551 633 550 548 553 553 552 636 552 630 637 554 633 631 554 549 546 550 552 549 551 635 549 551 552 633 552 553 552 551 549 550 633 635 552 549 553 555 554 554 551 635 638 553 551 549 549 554 552 551 552 552 552 631 553 551 551 634 553 633 553 553 551 554 550 551 552 551 634 553 552 550 550 634 552 551 549 633 550 634 632 551 554 554 554 634 549 632 553 634 631 551 553 637 632 551 633 551 552 554 552 634 553 554 551 552 552 552 552 550 548 634 633 550 551 552 551 553 552 553 555 633 551 553 553 552 549 631 554 553 551 549 633 554 633 554 550 552 634 547 550 553 548 555 553 552 634 554 552 551 632 550 633 553 553 633 634 633 553 634 550 550 633 551 553 549 553 552 632 550 631 633 552 553 631 471 554 633 550 555 634 552 554 552 635 634 632 469 552 553 554 550 553 552 551 553 552 632 552 552 553 632 552 551 552 548 554 551 553 554 552 550 634 549 551 632 551 551 634 632 554 633 551 634 553 554 554 633 633 554 554 554 551 551 550 553 553 554 550 634 553 554 553 554 550 554 470 553 550 551 632 550 552 553 551 553 470 634 554 634 632 552 633 553 549 633 552 635 633 551 630 633 635 634 632 634 635 552 550 551 554 553 554 635 551 633 551 550 635 552 549 631 550 633 551 633 546 633 553 633 553 627 552 551 548 553 632 553 553 554 631 633 552 551 552 629 551 633 553 552 553 553 634 553 634 551 553 555 552 635 553 550 554 551 553 549 552 549 635 551 552 634 552 552 548 632 554 552 635 551 553 553 554 633 633 635 552 635 550 633 552 548 632 633 635 554 633 635 632 552 550 552 554 552 552 552 471 632 471 549 552 469 552 470 634 551 471 552 471 632 553 550 550 552 552 552 552 552 548 552 552 634 552 554 552 554 553 549 553 553 633 552 554 555 550 554 552 634 549 553 552 553 551 547 633 550 552 550 552 631 552 553 549 553 552 550 550 551 551 552 550 554 633 553 553 553 549 631 554 552 549 553 551 550 549 553 550 550 634 631 632 545 551 632 547 634 551 547 548 549 549 635 550 553 548 554 635 552 553 550 552 637 633 551 549 632 555 634 555 631 634 550 551 555 631 551 555 636 633 551 552 633 551 549 554 551 555 635 550 631 548 554 634 635 553 636 550 634 552 552 635 634 551 636 551 552 552 633 551 547 551 635 551 552 551 553 634 633 553 554 634 633 550 552 636 633 554 631 547 634 554 551 635 554 553 555 547 632 548 555 552 634 551 550 550 549 553 549 549 553 552 553 552 549 553 632 552 551 546 554 552 635 551 552 552 552 634 550 547 635 553 544 635 636 551 553 551 547 551 550 551 550 634 551 635 549 553 553 551 634 633 552 552 550 548 553 552 553 552 554 555 552 632 551 551 551 633 551 550 548 555 633 553 552 471 549 552 553 637 554 551 633 550 634 550 634 472 636 631 551 470 553 549 553 553 554 549 635 549 634 549 552 627 551 632 636 548 550 555 555 555 634 471 635 555 552 472 554 636 551 632 554 631 633 552 554 552 551 553 551 551 636 551 547 634 554 553 553 554 551 550 552 548 551 548 555 636 636 555 555 634 636 635 472 554 552 635 554 550 633 554 549 553 550 552 549 551 552 553 546 553 551 547 547 549 546 550 553 551 551 549 554 547 551 552 546 549 552 551 549 550 555 551 551 542 469 554 551 549 552 635 550 553 552 552 555 554 550 547 553 549 553 553 549 550 549 635 634 548 548 546 546 550 551 549 635 553 468 551 556 552 554 552 551 552 550 554 473 554 638 632 633 545 553 551 555 552 553 635 554 552 548 553 551 549 551 554 548 551 552 550 554 550 629 472 636 556 636 554 552 550 634 551 554 637 546 551 471 552 549 549 550 634 632 554 553 548 553 636 547 634 550 552 634 633 553 550 553 549 552 554 554 554 549 637 555 633 635 550 632 554 551 553 552 548 550 553 552 637 636 550 473 635 552 552 635 555 546 554 552 551 473 634 555 552 633 633 554 550 635 554 554 548 548 548 636 552 553 635 554 634 553 550 555 551 633 551 636 551 635 556 555 551 634 552 551 553 554 552 553 551 551 552 556 553 552 549 553 551 549 636 550 551 549 552 633 552 551 638 553 634 633 554 552 553 550 549 554 549 554 635 634 635 552 552 635 554 638 635 631 635 551 532 634 635 555 551 634 553 545 553 550 551 555 551 633 556 553 637 553 555 530 552 550 634 554 552 551 548 551 552 547 636 634 553 551 555 552 634 555 552 555 470 635 552 552 636 551 637 550 635 471 551 551 554 553 471 553 553 633 553 636 549 556 553 551 471 554 553 550 552 550 547 473 555 548 633 552 635 553 554 632 629 549 636 554 635 552 554 555 552 551 633 554 551 636 554 632 634 552 554 555 551 630 550 553 552 552 553 556 553 552 550 548 549 552 552 470 637 554 556 554 552 634 632 468 633 552 549 555 548 553 635 632 635 636 551 552 554 634 612 552 633 635 553 554 550 473 634 551 552 633 635 633 555 553 552 636 554 553 554 553 552 554 552 556 552 550 554 556 555 556 551 637 555 553 551 550 552 553 553 635 635 633 549 636 632 637 549 555 634 555 632 550 553 635 636 552 634 555 550 630 634 631 552 552 553 550 555 634 634 634 556 636 634 554 549 555 554 555 636 638 553 552 635 634 551 637 635 552 551 551 552 550 552 551 554 550 552 551 531 555 551 550 631 634 553 554 554 550 632 636 635 554 629 635 638 635 635 553 636 634 553 548 635 554 553 551 554 631 636 635 633 633 550 551 554 635 635 635 550 549 548 553 554 634 548 638 555 553 548 555 551 552 550 550 554 554 554 551 634 551 555 635 634 551 552 550 553 551 554 551 549 555 553 634 554 630 551 550 635 637 636 552 550 549 549 632 553 632 553 632 552 556 555 552 549 635 553 552 549 552 549 634 556 633 551 552 555 552 552 555 550 553 553 553 551 472 552 554 554 553 552 554 552 549 552 552 554 555 470 634 636 635 555 634 635 633 635 555 634 635 552 556 634 638 633 552 554 554 552 555 633 554 634 552 637 550 550 552 470 552 549 553 550 555 552 550 551 639 636 555 550 634 551 550 629 553 556 632 633 556 633 552 551 635 632 555 551 632 551 555 634 634 552 554 634 554 556 550 554 555 551 550 548 554 633 554 553 552 633 554 555 552 554 552 633 555 553 554 551 555 550 555 554 552 631 554 633 550 551 551 554 556 553 555 550 548 553 553 551 555 637 632 555 635 552 554 555 553 551 554 556 551 552 554 553 551 549 554 552 553 554 550 553 555 553 555 552 630 553 633 548 555 552 552 635 552 634 552 635 552 635 634 555 555 554 555 554 555 555 551 553 552 556 555 553 551 554 551 552 551 553 550 553 549 635 553 556 552 551 553 634 553 553 635 555 552 552 551 556 553 553 638 553 636 470 557 555 554 554 549 634 551 555 549 631 634 552 551 635 552 548 640 630 635 554 550 553 630 550 546 633 548 636 554 554 550 556 545 551 552 634 552 554 550 554 553 553 548 547 557 636 552 552 547 551 547 552 635 557 551 555 635 553 552 556 555 635 552 554 553 636 632 552 553 554 551 633 555 635 636 554 553 552 550 636 552 638 551 553 550 555 553 552 550 556 552 635 555 555 552 551 556 552 554 551 553 551 634 553 554 633 470 553 634 555 555 552 549 549 552 632 551 635 630 634 552 635 634 636 628 552 634 637 634 550 552 553 635 553 634 633 553 555 554 634 633 634 553 549 555 552 550 555 553 550 554 551 555 551 636 553 554 557 637 549 552 553 551 637 633 554 634 632 553 638 637 556 551 631 635 635 633 553 636 634 633 552 634 555 634 633 633 551 634 551 556 634 638 632 552 554 554 552 635 554 551 553 631 557 553 554 636 554 549 554 553 636 554 554 635 552 555 637 636 551 637 555 632 556 637 553 551 551 553 550 553 556 636 552 552 556 553 553 555 550 555 638 554 556 635 555 553 554 632 556 555 631 556 556 632 554 555 631 556 552 556 637 634 555 555 555 553 555 632 556 632 553 557 551 555 554 636 634 555 550 554 550 555 535 556 553 554 555 553 634 552 534 556 546 638 554 533 553 553 633 551 635 634 553 533 555 555 633 554 556 554 554 551 633 534 635 534 553 631 549 633 635 550 535 635 634 554 535 556 638 555 552 551 550 636 637 555 551 636 553 553 616 553 637 554 631 555 553 556 553 634 554 555 551 554 637 553 555 552 635 553 634 635 554 636 553 552 551 636 555 636 627 636 636 553 553 553 634 554 631 637 552 554 558 552 636 638 553 553 635 637 553 554 632 556 555 556 632 556 635 552 634 555 634 635 551 636 554 638 557 633 555 556 636 552 553 551 637 554 636 553 555 556 631 555 554 551 555 554 557 636 635 556 633 551 554 554 554 553 472 552 556 633 552 551 635 554 551 558 557 552 555 555 634 557 631 550 555 634 635 554 556 635 554 549 553 635 555 552 552 634 553 552 552 633 553 554 552 636 554 551 551 551 551 556 552 555 552 636 636 552 555 549 551 551 553 634 553 555 551 553 553 551 552 554 552 551 553 553 551 551 554 556 553 553 554 552 637 630 635 633 553 554 552 554 636 552 556 553 636 554 553 554 552 634 549 633 554 633 551 552 633 554 551 556 553 554 635 554 549 554 557 471 551 552 556 552 556 553 553 551 554 553 472 550 471 552 557 555 554 551 552 553 553 552 553 553 551 632 471 551 553 555 553 557 555 552 633 554 552 473 552 552 557 551 550 471 471 471 554 634 631 555 554 554 552 553 553 635 630 553 557 553 553 553 554 553 555 553 554 556 550 554 470 551 554 635 553 552 556 636 633 553 551 555 555 554 552 554 557 556 552 635 556 473 634 557 556 473 636 555 554 556 556 554 556 554 553 556 551 552 554 554 556 634 556 557 635 555 556 552 552 551 556 556 556 554 554 554 554 472 556 555 557 473 554 555 556 554 553 633 554 553 555 557 635 639 557 552 637 629 552 555 632 552 550 633 552 554 555 635 556 554 636 551 556 554 553 632 553 552 554 556 555 553 551 639 554 554 635 558 555 555 554 554 553 554 555 555 548 558 556 552 555 635 552 554 552 634 638 554 556 553 557 554 553 632 551 554 552 554 553 554 635 635 636 552 636 637 637 552 637 557 555 636 554 636 555 550 550 637 553 635 554 635 549 631 557 550 554 554 636 637 549 554 636 637 555 635 556 555 637 556 637 636 556 635 635 552 634 555 552 554 552 635 636 557 638 551 553 550 637 554 636 473 553 555 552 636 636 553 636 553 553 554 635 555 637 635 552 552 636 551 555 555 552 636 554 552 557 552 555 635 639 554 637 554 637 635 635 555 557 554 637 553 634 555 635 555 638 550 552 549 555 557 639 636 554 550 636 639 639 553 551 636 636 557 554 552 557 557 639 633 556 633 557 554 553 553 631 553 551 554 557 556 638 557 635 557 637 549 555 636 557 557 553 633 553 553 637 556 555 550 552 556 637 554 552 553 557 551 556 554 555 553 552 556 557 552 554 554 553 556 551 550 634 554 555 472 551 552 556 556 472 557 547 552 553 558 557 553 551 553 551 554 554 553 635 633 555 553 554 553 550 556 554 552 556 555 633 554 551 553 555 554 551 554 554 554 553 554 553 553 554 549 555 636 551 556 532 554 554 636 552 636 636 636 552 554 552 557 636 554 531 553 636 553 553 551 555 554 557 556 555 634 554 558 552 557 555 555 551 552 555 636 553 550 553 634 555 534 551 556 635 634 553 553 553 552 634 557 554 553 634 556 557 634 558 554 556 553 549 556 551 551 556 555 553 638 552 555 556 555 557 635 552 556 552 633 552 554 633 555 555 556 553 630 557 550 555 555 556 556 553 553 557 554 557 553 556 555 553 632 558 551 633 555 551 555 555 557 634 557 553 554 634 549 557 553 557 552 557 554 556 557 551 556 553 552 554 638 557 634 553 634 554 637 556 557 635 555 556 557 557 556 555 555 554 633 557 634 555 552 469 633 555 556 633 554 552 552 555 553 554 556 551 556 553 633 553 552 554 473 557 552 556 557 550 554 556 553 553 552 634 554 555 554 553 554 556 551 555 638 640 556 552 555 556 555 553 553 556 473 556 556 635 553 634 555 554 636 553 557 555 556 533 554 637 555 553 552 552 636 639 552 635 638 552 552 638 631 552 556 555 634 552 553 634 554 637 632 550 473 553 473 554 556 553 555 554 554 554 552 552 557 555 557 555 638 554 552 554 635 557 555 636 636 554 636 552 553 553 551 553 638 635 555 554 557 637 637 639 553 553 557 554 554 551 638 472 553 637 553 551 553 537 554 637 553 471 552 552 554 555 637 554 554 554 555 556 639 557 634 637 638 553 554 551 552 554 554 552 554 557 554 635 632 556 634 557 553 554 554 637 552 553 634 554 554 635 554 554 554 552 552 554 553 557 634 556 556 556 553 555 550 555 555 553 555 551 552 558 555 555 555 555 556 554 556 558 555 554 551 635 636 473 472 635 554 555 554 557 634 555 557 555 556 552 637 471 553 632 555 635 554 553 554 554 634 474 555 638 555 473 552 554 555 554 554 555 632 554 554 555 551 474 556 549 553 550 553 633 553 557 558 553 554 555 554 557 558 553 550 557 555 555 552 555 556 556 472 553 556 556 634 555 554 557 556 554 555 556 552 557 558 549 556 553 557 637 555 551 636 557 554 474 553 555 472 551 555 554 554 552 557 636 554 552 473 552 557 554 637 555 554 555 555 552 553 553 556 556 557 554 636 555 552 549 553 474 551 552 555 555 554 550 552 551 556 553 556 554 550 555 557 553 557 552 557 553 556 555 633 552 555 553 556 557 555 555 550 558 554 550 636 550 638 632 553 555 554 550 552 636 554 554 555 554 555 472 555 554 555 553 551 472 554 636 558 554 637 555 556 554 637 552 635 635 636 554 556 638 554 636 556 553 553 553 555 469 558 555 555 554 555 553 472 554 553 473 555 554 554 552 556 555 555 555 557 554 557 556 555 555 637 554 472 551 470 554 552 555 555 553 555 556 555 551 473 556 553 555 554 557 555 554 553 555 634 552 633 555 557 556 555 635 559 555 554 554 555 553 636 554 554 556 558 552 556 634 557 471 554 555 554 558 638 557 553 638 556 555 555 631 554 554 554 555 552 634 555 635 554 553 554 551 556 554 555 633 559 554 555 556 554 636 554 553 558 555 555 636 556 553 559 555 637 556 554 557 554 556 473 557 474 554 558 556 555 555 635 553 555 558 551 556 552 558 553 557 553 555 553 636 474 634 556 554 638 555 640 555 639 474 635 635 636 552 551 558 555 556 555 555 552 553 559 473 556 552 549 555 556 556 557 635 555 638 474 553 557 554 558 554 556 557 555 557 474 553 556 554 472 558 556 556 633 554 557 554 635 555 548 555 557 551 635 474 555 553 556 473 553 554 556 634 557 472 636 555 635 555 553 555 554 554 553 555 556 557 550 553 553 552 635 552 558 556 558 556 552 635 536 551 553 556 551 556 557 469 556 551 555 633 555 557 555 636 553 556 558 553 634 554 634 557 553 556 552 472 553 550 554 551 554 552 555 556 550 553 553 550 473 473 553 636 472 553 552 555 637 552 473 553 554 555 553 552 554 554 555 638 638 556 557 555 556 554 556 637 553 556 553 553 556 552 633 555 556 554 635 554 552 558 552 636 553 472 554 553 555 552 555 637 551 551 553 554 555 557 556 552 553 553 554 548 552 553 554 552 554 552 554 553 554 639 554 553 554 552 555 638 555 554 637 638 555 555 556 555 556 556 556 553 555 473 638 632 636 553 553 638 555 474 635 555 636 473 555 555 473 638 552 553 637 553 474 637 556 639 557 556 555 554 636 638 637 555 555 557 557 554 473 557 555 554 554 552 556 471 553 556 553 558 633 556 552 472 553 556 555 558 557 557 555 555 553 556 639 554 557 557 559 556 557 554 555 638 553 635 555 557 556 556 554 555 554 555 554 555 634 555 637 552 554 555 553 553 557 558 557 555 557 554 638 554 554 636 552 474 634 554 472 632 554 553 636 554 553 633 555 557 633 555 557 637 638 555 552 554 637 557 556 558 555 557 553 553 556 557 557 557 550 554 556 637 558 638 637 556 638 555 556 556 554 639 556 636 535 555 551 554 557 639 558 556 555 556 554 552 555 635 637 558 471 551 554 555 557 554 558 554 474 635 552 557 555 551 556 551 554 557 551 555 553 472 551 552 554 553 552 554 553 554 551 553 554 554 553 555 553 554 554 556 554 555 556 551 555 551 557 637 554 552 638 554 638 554 554 557 553 552 637 554 553 556 556 555 555 557 555 637 551 635 554 556 637 636 556 556 554 554 557 555 556 552 554 557 556 554 558 557 638 555 553 554 555 635 558 637 555 553 633 553 552 638 553 556 554 556 554 636 470 553 555 634 556 556 555 556 556 472 634 557 552 639 555 554 555 557 556 557 473 471 474 552 640 557 633 556 469 558 553 557 555 553 557 551 552 552 556 556 554 554 636 554 554 556 632 553 555 555 556 553 556 469 558 557 471 553 553 555 555 636 636 555 556 554 553 557 554 554 556 556 557 559 552 556 556 552 636 558 554 638 554 555 638 556 553 554 636 553 474 555 636 559 557 473 558 555 473 552 551 557 552 637 553 554 553 555 639 555 557 554 554 555 554 555 554 555 556 556 555 554 474 472 558 556 556 555 474 551 554 555 555 556 554 558 629 555 637 558 473 635 557 555 558 635 556 556 554 555 555 554 474 555 556 631 555 553 558 635 557 555 473 557 554 551 552 637 557 472 551 557 552 555 635 551 554 554 635 553 553 554 556 552 637 555 553 554 557 470 639 474 555 556 554 557 553 636 555 558 554 555 555 555 554 556 556 635 554 557 551 556 556 555 556 555 555 558 632 556 634 557 557 637 556 556 555 555 556 557 556 554 553 557 558 556 557 636 557 554 558 558 635 558 553 556 638 473 557 473 556 474 554 558 557 555 555 554 555 552 554 557 472 554 553 637 556 555 554 554 555 553 636 558 473 633 557 552 553 557 554 555 554 473 553 554 474 553 553 554 553 554 553 555 554 552 473 474 555 552 555 553 553 552 555 555 553 556 555 556 554 470 554 555 556 554 554 554 556 553 557 554 555 555 554 556 558 554 557 555 635 553 554 555 555 556 557 555 557 554 554 633 639 558 558 553 555 555 556 554 553 556 554 556 555 553 554 554 636 637 555 555 554 636 559 555 557 555 555 633 555 558 558 557 554 555 636 557 555 552 556 550 637 554 558 558 557 634 554 558 557 558 555 556 555 637 557 556 557 554 558 555 557 556 557 556 554 640 638 556 556 638 552 638 640 554 557 556 555 635 557 552 551 560 558 552 550 557 557 557 638 639 556 556 552 555 638 638 555 554 557 559 637 555 552 554 558 558 473 554 639 552 639 554 640 558 557 635 551 556 556 553 554 556 556 559 555 554 636 637 534 636 555 555 557 554 557 556 560 556 554 555 556 558 639 555 638 556 558 640 558 556 558 557 557 559 638 638 637 554 554 638 556 553 638 639 558 553 557 558 632 554 638 558 554 559 634 556 556 554 634 559 555 555 558 555 556 555 553 553 636 554 635 556 550 553 554 557 555 634 536 555 557 556 556 557 552 555 638 555 559 558 555 555 555 555 559 637 554 556 555 557 555 555 559 557 556 558 553 556 558 637 556 557 555 556 558 557 554 553 559 557 557 550 553 556 635 555 469 555 557 557 557 558 556 556 553 557 556 639 556 558 555 638 557 554 557 554 554 636 554 555 556 555 553 557 555 556 472 555 556 556 637 555 558 554 637 555 640 556 553 638 555 556 555 550 553 556 637 554 638 552 554 633 636 555 471 639 554 558 638 555 551 640 556 553 473 555 556 557 554 639 558 557 535 553 555 554 558 557 557 555 560 557 558 637 553 553 553 553 556 553 555 556 555 556 556 558 554 555 557 559 555 555 560 553 555 555 640 554 634 558 556 554 553 555 555 549 631 555 553 554 558 636 557 632 555 556 551 552 554 556 554 557 557 557 552 555 556 550 557 557 533 559 534 554 529 557 557 556 557 556 556 557 472 635 554 556 638 557 557 553 558 553 556 554 533 554 557 473 558 557 633 551 555 554 555 555 556 550 554 551 555 554 557 618 555 557 556 556 557 555 558 556 556 470 558 551 554 558 557 558 473 554 639 637 555 639 556 554 554 636 552 638 554 633 636 555 550 638 554 639 556 558 634 556 553 556 557 555 557 637 555 636 636 557 555 554 636 638 639 637 636 556 557 556 558 556 638 557 557 555 558 555 556 555 556 635 557 554 472 558 638 556 472 553 635 556 555 633 471 638 554 639 555 638 558 637 559 558 637 557 637 637 553 555 556 556 554 558 554 558 558 557 555 637 558 639 556 557 472 635 558 473 553 473 552 554 637 472 553 551 552 556 552 552 557 553 559 555 557 473 555 550 551 553 554 553 637 555 558 556 555 556 554 555 553 639 555 558 473 558 552 556 639 556 552 553 637 555 555 555 555 554 557 638 555 555 557 556 637 643 637 637 557 639 556 554 473 552 556 554 556 638 472 554 558 555 556 552 554 555 556 470 554 555 555 634 555 554 558 536 555 557 554 638 554 555 536 556 555 555 556 553 639 556 638 556 558 537 553 552 552 613 550 555 555 556 554 557 555 536 635 556 536 553 554 556 553 555 636 557 555 553 555 554 557 554 550 557 637 556 553 534 635 636 552 553 553 554 555 555 554 558 554 637 554 554 633 555 553 554 557 558 556 554 556 556 555 555 556 556 556 554 537 557 552 637 555 555 634 636 633 560 558 555 639 554 554 556 535 638 554 555 637 634 556 536 554 559 638 553 551 634 553 555 556 636 637 556 560 637 558 559 638 639 558 555 557 554 556 552 558 556 637 638 555 634 553 555 560 555 639 634 556 552 554 557 633 638 558 555 556 637 632 556 638 634 557 471 554 471 556 472 554 552 471 639 554 638 554 473 552 556 555 556 554 637 551 554 555 472 473 554 556 554 557 556 554 555 554 554 554 554 550 554 557 555 553 556 636 557 555 553 555 558 553 554 553 558 558 557 558 556 558 555 638 556 554 473 474 639 553 639 555 556 554 559 471 640 473 639 637 553 556 554 557 643 549 557 639 640 559 555 553 637 555 638 474 636 558 557 556 637 556 638 557 473 556 638 555 635 555 639 553 558 556 556 555 557 553 558 556 555 556 554 639 634 558 553 554 638 553 635 560 557 556 555 555 555 555 557 632 554 552 619 554 554 554 554 639 537 635 639 560 551 559 552 553 615 557 554 554 635 555 553 638 555 634 553 554 555 634 559 558 549 553 555 552 555 557 552 556 556 640 556 556 553 556 552 557 556 534 553 558 638 555 557 555 556 558 635 554 555 471 555 636 470 559 554 553 557 556 557 558 557 557 554 556 557 557 556 558 552 555 640 640 558 555 636 556 556 637 556 557 633 557 634 556 635 558 558 557 556 639 638 555 555 554 553 558 558 471 640 638 556 639 637 553 555 556 555 557 637 554 637 556 555 555 555 553 558 634 551 632 636 557 557 556 559 555 637 554 556 556 557 556 556 555 558 636 556 556 558 557 555 550 554 637 636 472 639 637 557 556 558 639 558 635 553 554 555 554 635 555 555 637 557 556 556 555 552 555 552 556 556 555 556 553 556 556 556 555 639 556 551 554 555 638 556 552 553 555 556 640 550 554 557 637 637 474 558 635 554 557 558 636 550 557 556 557 473 556 558 638 551 556 557 638 557 555 639 557 556 553 552 614 555 555 554 556 554 640 554 553 552 555 558 557 554 638 553 556 637 552 639 637 636 554 556 557 558 636 556 556 556 559 640 555 556 555 557 556 555 554 558 555 638 554 555 557 639 641 560 555 556 637 640 553 554 554 556 555 556 557 473 553 558 556 474 553 639 558 558 558 556 557 552 558 558 474 555 552 561 638 632 634 638 475 637 553 638 556 556 556 638 557 558 555 641 558 558 555 556 638 553 638 556 553 552 555 557 556 639 637 475 637 557 640 639 637 473 474 638 637 634 556 555 553 535 556 556 635 557 554 554 551 536 556 555 557 557 636 555 556 554 552 636 556 471 555 557 635 554 552 556 556 557 638 537 556 558 639 557 555 554 557 559 558 553 554 554 557 557 553 558 556 559 555 640 554 555 557 557 561 473 632 554 557 641 555 553 556 556 555 557 640 640 555 555 557 556 638 556 555 557 555 555 554 638 472 557 639 556 635 555 556 555 635 639 557 557 555 558 556 558 556 558 557 637 473 558 554 636 556 639 475 640 641 641 636 475 555 557 633 560 639 641 635 637 554 640 556 552 557 638 635 557 639 558 639 555 554 554 558 640 555 556 554 639 640 559 638 556 556 557 557 554 559 555 556 553 473 556 555 636 638 558 558 554 557 635 557 557 639 552 553 556 639 554 472 553 557 557 639 557 554 636 554 639 557 557 556 636 638 638 556 556 553 638 555 634 556 556 556 638 558 554 637 636 557 635 554 618 556 556 555 556 555 553 554 557 640 560 555 555 554 555 637 638 640 556 636 553 556 636 556 635 473 558 559 636 640 643 559 556 561 560 558 474 638 473 642 556 641 475 641 558 560 637 474 558 559 558 557 557 637 640 557 474 557 639 637 556 557 556 474 549 556 553 638 642 475 556 553 556 634 558 555 641 636 558 557 556 557 558 556 556 558 556 556 555 638 557 635 553 636 639 616 557 618 550 552 615 553 638 635 557 558 642 639 557 636 556 555 555 556 557 552 554 639 554 556 554 556 556 474 556 554 557 637 555 636 554 557 554 474 474 556 555 556 557 556 639 553 555 556 555 559 638 640 637 559 559 556 640 557 640 638 555 560 641 560 557 559 641 622 559 638 556 641 557 641 642 557 640 560 640 554 555 553 639 641 558 554 639 555 555 640 615 555 557 557 556 554 558 640 641 555 555 558 555 560 556 635 557 557 556 556 559 560 555 555 639 555 557 638 558 556 637 557 559 635 559 556 555 636 553 471 554 473 557 558 638 640 556 555 558 555 558 560 559 556 639 558 636 640 559 559 558 559 555 636 556 557 562 555 639 556 638 556 636 558 555 557 637 639 557 558 475 555 557 636 556 557 640 554 556 556 556 554 554 557 560 560 554 640 556 638 558 556 553 555 557 555 473 558 557 556 638 559 556 473 555 641 558 552 556 560 555 472 554 559 555 557 554 559 637 554 641 558 556 557 559 552 641 555 556 639 640 638 635 556 559 556 556 556 558 560 640 558 639 558 638 559 635 553 617 557 555 635 618 558 638 635 557 555 639 615 554 558 556 554 617 556 555 556 638 638 637 553 640 639 558 640 555 638 552 553 556 559 560 556 556 555 555 557 641 556 639 559 560 640 556 638 558 558 636 557 557 640 635 636 556 639 640 556 556 557 556 558 553 559 638 554 557 641 639 560 559 636 555 557 559 556 554 559 638 555 636 642 561 556 558 641 560 640 557 639 641 555 639 557 637 559 557 555 556 558 555 559 638 556 554 558 557 557 557 559 636 641 557 639 641 559 560 638 475 642 556 558 560 557 640 559 639 558 557 558 643 558 558 555 645 558 559 560 557 561 644 560 639 558 642 559 643 560 557 640 554 563 559 476 558 558 639 557 637 640 557 638 639 557 475 636 557 559 558 557 644 635 557 635 555 556 640 556 558 557 639 637 558 555 558 560 554 639 557 556 556 641 554 559 558 558 640 619 556 559 557 559 554 639 558 637 638 638 639 640 554 560 556 643 556 559 558 639 560 558 558 558 559 558 560 641 560 558 559 555 640 559 556 561 557 560 557 560 561 557 644 559 641 558 560 556 641 645 639 476 641 558 561 554 556 554 560 639 555 641 557 553 558 558 555 642 552 641 554 556 562 642 557 559 559 641 557 559 560 641 553 641 476 557 637 558 558 559 557 640 643 561 561 559 557 558 560 558 561 475 637 559 476 559 640 474 644 562 560 561 557 643 561 560 555 559 557 560 558 560 559 558 560 560 559 557 559 559 556 558 555 557 641 559 558 559 556 558 560 640 635 554 557 560 555 561 558 558 475 642 556 560 558 559 641 560 559 476 562 560 558 562 559 559 556 556 556 637 555 639 558 640 556 639 634 560 561 640 557 561 560 559 560 642 558 559 557 559 476 644 559 560 556 559 557 560 557 643 559 641 561 560 560 641 475 643 635 557 560 558 559 557 642 559 561 558 560 563 639 561 638 557 558 558 559 561 557 558 560 559 559 641 559 559 639 643 554 642 557 560 558 560 643 563 558 641 559 642 554 561 561 562 639 557 557 561 558 562 560 560 556 556 560 561 556 551 562 559 645 559 559 638 641 561 642 559 640 555 638 550 559 558 559 557 474 558 562 559 558 476 642 562 644 640 473 639 561 556 637 558 557 643 557 635 640 638 641 558 556 558 560 645 558 640 559 640 641 640 476 560 560 638 556 561 558 556 557 642 557 561 561 559 558 559 557 557 476 476 638 639 561 640 557 561 558 555 556 560 558 560 641 639 562 558 556 640 557 639 640 553 555 559 558 557 558 557 558 640 557 558 637 558 539 555 558 642 557 559 552 551 559 559
+
+Tree=0
+num_leaves=5
+num_cat=0
+split_feature=4 4 5 8
+split_gain=21981 3698.66 2535.96 443.92
+threshold=59.500000000000007 67.500000000000014 47.650000000000013 71.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=62.038341525088761 62.417185134504621 62.571195181950245 62.240866470799915 62.659236549460687
+leaf_weight=39 60 44 68 50
+leaf_count=39 60 44 68 50
+internal_value=0 7.64825 -11.0056 11.5614
+internal_weight=0 154 107 94
+internal_count=261 154 107 94
+shrinkage=1
+
+
+Tree=1
+num_leaves=5
+num_cat=0
+split_feature=4 4 5 8
+split_gain=21111.9 3552.4 2435.75 426.339
+threshold=59.500000000000007 67.500000000000014 47.650000000000013 71.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.34167152258328903 0.029608420815268585 0.18054340931896939 -0.14318757987222047 0.2668257068049677
+leaf_weight=39 60 44 68 50
+leaf_count=39 60 44 68 50
+internal_value=0 7.49552 -10.7858 11.3306
+internal_weight=0 154 107 94
+internal_count=261 154 107 94
+shrinkage=0.02
+
+
+Tree=2
+num_leaves=5
+num_cat=0
+split_feature=4 4 5 4
+split_gain=20277.1 3415.49 2339.5 670.006
+threshold=59.500000000000007 66.500000000000014 47.650000000000013 71.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.3348503385982704 0.0089941372510880108 0.14499787594157165 -0.1403267720715142 0.25015053848338342
+leaf_weight=39 49 39 68 66
+leaf_count=39 49 39 68 66
+internal_value=0 7.34583 -10.5704 10.5612
+internal_weight=0 154 107 105
+internal_count=261 154 107 105
+shrinkage=0.02
+
+
+Tree=3
+num_leaves=5
+num_cat=0
+split_feature=4 4 5 4
+split_gain=19475.2 3282.56 2247.06 403.154
+threshold=59.500000000000007 67.500000000000014 47.650000000000013 74.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.3281653311040843 0.028339170823383789 0.1738672358033026 -0.13752311852502985 0.25765669297321986
+leaf_weight=39 60 45 68 49
+leaf_count=39 60 45 68 49
+internal_value=0 7.19911 -10.3593 10.8856
+internal_weight=0 154 107 94
+internal_count=261 154 107 94
+shrinkage=0.02
+
+
+Tree=4
+num_leaves=5
+num_cat=0
+split_feature=7 5 5 7
+split_gain=18398.8 2453.5 2220.47 342.286
+threshold=58.500000000000007 47.650000000000013 67.050000000000011 76.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.32161378821906822 0.058869032565342504 -0.12497857851296587 0.17548082477412905 0.25784113522957497
+leaf_weight=39 66 73 44 39
+leaf_count=39 66 73 44 39
+internal_value=0 -9.68075 7.27791 10.7187
+internal_weight=0 112 149 83
+internal_count=261 112 149 83
+shrinkage=0.02
+
+
+Tree=5
+num_leaves=5
+num_cat=0
+split_feature=4 4 5 4
+split_gain=18056.4 3067.46 2055.03 607.2
+threshold=59.500000000000007 66.500000000000014 47.650000000000013 71.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.31519302552210759 0.0079317785961360247 0.13654002317236241 -0.13287267252826929 0.23663720162170676
+leaf_weight=39 49 39 68 66
+leaf_count=39 49 39 68 66
+internal_value=0 6.93193 -9.9748 9.97908
+internal_weight=0 154 107 105
+internal_count=261 154 107 105
+shrinkage=0.02
+
+
+Tree=6
+num_leaves=5
+num_cat=0
+split_feature=4 4 3 8
+split_gain=17342.4 2948.7 1769.45 377.337
+threshold=59.500000000000007 67.500000000000014 50.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.29471824093763976 0.026264957504104174 0.16244443584913998 -0.12859625872461217 0.24356207723219478
+leaf_weight=43 60 44 64 50
+leaf_count=43 60 44 64 50
+internal_value=0 6.79348 -9.7756 10.2875
+internal_weight=0 154 107 94
+internal_count=261 154 107 94
+shrinkage=0.02
+
+
+Tree=7
+num_leaves=5
+num_cat=0
+split_feature=4 4 5 4
+split_gain=16656.6 2846.33 1923.07 567.427
+threshold=59.500000000000007 66.500000000000014 47.650000000000013 71.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.30352688309723441 0.0072488202435532535 0.13092262014636061 -0.1271605814461213 0.22768182357861994
+leaf_weight=39 49 39 68 66
+leaf_count=39 49 39 68 66
+internal_value=0 6.65781 -9.58038 9.59307
+internal_weight=0 154 107 105
+internal_count=261 154 107 105
+shrinkage=0.02
+
+
+Tree=8
+num_leaves=5
+num_cat=0
+split_feature=4 4 5 4
+split_gain=15998 2733.75 1847.07 544.942
+threshold=59.500000000000007 66.500000000000014 47.650000000000013 71.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.29746722965616385 0.0071040505582600725 0.12830885992052918 -0.12461998755069878 0.22313301243110129
+leaf_weight=39 49 39 68 66
+leaf_count=39 49 39 68 66
+internal_value=0 6.52483 -9.38906 9.40146
+internal_weight=0 154 107 105
+internal_count=261 154 107 105
+shrinkage=0.02
+
+
+Tree=9
+num_leaves=5
+num_cat=0
+split_feature=4 4 7 4
+split_gain=15365.3 2625.62 1613.25 523.348
+threshold=59.500000000000007 66.500000000000014 50.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.28655329803142643 0.0069621724817110035 0.12574727880899822 -0.12498577665858847 0.21867507961129432
+leaf_weight=39 49 39 68 66
+leaf_count=39 49 39 68 66
+internal_value=0 6.39451 -9.20156 9.21367
+internal_weight=0 154 107 105
+internal_count=261 154 107 105
+shrinkage=0.02
+
+
+Tree=10
+num_leaves=5
+num_cat=0
+split_feature=4 4 5 4
+split_gain=14757.7 2521.76 1728.75 502.609
+threshold=59.500000000000007 66.500000000000014 47.650000000000013 71.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.28646939824663042 0.0068231272716883706 0.12323684078059845 -0.11925323745306673 0.21430621249567136
+leaf_weight=39 49 39 68 66
+leaf_count=39 49 39 68 66
+internal_value=0 6.26679 -9.0178 9.02963
+internal_weight=0 154 107 105
+internal_count=261 154 107 105
+shrinkage=0.02
+
+
+Tree=11
+num_leaves=5
+num_cat=0
+split_feature=4 4 3 8
+split_gain=14174.2 2425.76 1517.26 349.007
+threshold=59.500000000000007 67.500000000000014 50.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.26861465858422273 0.023419930667394562 0.14462090849443604 -0.11479729913299534 0.22254666124438729
+leaf_weight=43 60 44 64 50
+leaf_count=43 60 44 64 50
+internal_value=0 6.14162 -8.83772 9.3107
+internal_weight=0 154 107 94
+internal_count=261 154 107 94
+shrinkage=0.02
+
+
+Tree=12
+num_leaves=5
+num_cat=0
+split_feature=7 4 5 4
+split_gain=13674.1 2286.96 1777.25 114.39
+threshold=58.500000000000007 69.500000000000014 47.650000000000013 75.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.27586004711948825 0.042164516009361649 0.17385012777497891 -0.10849262149124805 0.22354731176748577
+leaf_weight=39 70 39 73 40
+leaf_count=39 70 39 73 40
+internal_value=0 6.27421 -8.34577 9.95995
+internal_weight=0 149 112 79
+internal_count=261 149 112 79
+shrinkage=0.02
+
+
+Tree=13
+num_leaves=5
+num_cat=0
+split_feature=4 4 5 4
+split_gain=13134.2 2252.37 1541.62 442.993
+threshold=59.500000000000007 66.500000000000014 47.650000000000013 71.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.27035272781581016 0.0062367112922746201 0.11660898576528483 -0.11244439919999787 0.2021166494403013
+leaf_weight=39 49 39 68 66
+leaf_count=39 49 39 68 66
+internal_value=0 5.91205 -8.50732 8.52316
+internal_weight=0 154 107 105
+internal_count=261 154 107 105
+shrinkage=0.02
+
+
+Tree=14
+num_leaves=5
+num_cat=0
+split_feature=7 4 5 4
+split_gain=12661.1 2104.76 1647.89 107.393
+threshold=58.500000000000007 69.500000000000014 49.150000000000013 75.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.23460277755104042 0.040814001683384477 0.16691329590463258 -0.080928481281277706 0.21504890992690834
+leaf_weight=58 70 39 54 40
+leaf_count=58 70 39 54 40
+internal_value=0 6.03735 -8.03069 9.57323
+internal_weight=0 149 112 79
+internal_count=261 149 112 79
+shrinkage=0.02
+
+
+Tree=15
+num_leaves=5
+num_cat=0
+split_feature=6 4 5 4
+split_gain=12160.8 1985.36 1850.41 297.673
+threshold=54.500000000000007 67.500000000000014 49.150000000000013 74.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.22991637930189332 0.02796527383061077 0.14338693720103726 -0.07203523055804778 0.217403097642514
+leaf_weight=58 53 42 61 47
+leaf_count=58 53 42 61 47
+internal_value=0 6.24733 -7.45412 9.13116
+internal_weight=0 142 119 89
+internal_count=261 142 119 89
+shrinkage=0.02
+
+
+Tree=16
+num_leaves=5
+num_cat=0
+split_feature=4 4 5 2
+split_gain=11718.7 2003.78 1384.6 419.31
+threshold=59.500000000000007 66.500000000000014 47.650000000000013 9.5000000000000018
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.25568161629397818 0.0060445861600678013 0.10857037315778729 -0.10603096185599864 0.19173344815681326
+leaf_weight=39 49 39 68 66
+leaf_count=39 49 39 68 66
+internal_value=0 5.58444 -8.03577 8.04724
+internal_weight=0 154 107 105
+internal_count=261 154 107 105
+shrinkage=0.02
+
+
+Tree=17
+num_leaves=5
+num_cat=0
+split_feature=7 4 5 6
+split_gain=11277.6 1878.93 1467.36 101.203
+threshold=58.500000000000007 69.500000000000014 47.650000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.25057714733163322 0.038435913178725786 0.15757232026385046 -0.098496385818795731 0.2042299062466725
+leaf_weight=39 70 40 73 39
+leaf_count=39 70 40 73 39
+internal_value=0 5.69799 -7.57918 9.03882
+internal_weight=0 149 112 79
+internal_count=261 149 112 79
+shrinkage=0.02
+
+
+Tree=18
+num_leaves=5
+num_cat=0
+split_feature=4 4 5 8
+split_gain=10859.4 1852.48 1267.5 385.346
+threshold=59.500000000000007 66.500000000000014 47.650000000000013 71.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.24557459174717117 0.00593759808808547 0.11660194162204258 -0.10238718224023607 0.19366177870990542
+leaf_weight=39 49 53 68 52
+leaf_count=39 49 53 68 52
+internal_value=0 5.3758 -7.73554 7.74381
+internal_weight=0 154 107 105
+internal_count=261 154 107 105
+shrinkage=0.02
+
+
+Tree=19
+num_leaves=5
+num_cat=0
+split_feature=6 4 5 4
+split_gain=10458.7 1706.68 1591.26 276.604
+threshold=54.500000000000007 67.500000000000014 49.150000000000013 74.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.21321652414682959 0.02595451984058245 0.13155904218480113 -0.066805488847370573 0.20285672620169948
+leaf_weight=58 53 42 61 47
+leaf_count=58 53 42 61 47
+internal_value=0 5.79368 -6.91278 8.46747
+internal_weight=0 142 119 89
+internal_count=261 142 119 89
+shrinkage=0.02
+
+
+Tree=20
+num_leaves=5
+num_cat=0
+split_feature=7 5 5 7
+split_gain=10045.5 1306.99 1281.45 217.89
+threshold=58.500000000000007 49.150000000000013 67.050000000000011 76.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.20895733114731627 0.041700413288787951 -0.072094900913196203 0.12884730960442575 0.19447838455690336
+leaf_weight=58 66 54 44 39
+leaf_count=58 66 54 44 39
+internal_value=0 -7.15317 5.37778 7.99168
+internal_weight=0 112 149 83
+internal_count=261 112 149 83
+shrinkage=0.02
+
+
+Tree=21
+num_leaves=5
+num_cat=0
+split_feature=4 4 5 2
+split_gain=9690.79 1655.43 1137.94 389.062
+threshold=59.500000000000007 66.500000000000014 47.650000000000013 9.5000000000000018
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.23224354517560555 0.005542210324708959 0.095923133275989142 -0.096570839259682656 0.17598278985579946
+leaf_weight=39 49 39 68 66
+leaf_count=39 49 39 68 66
+internal_value=0 5.07836 -7.30743 7.31688
+internal_weight=0 154 107 105
+internal_count=261 154 107 105
+shrinkage=0.02
+
+
+Tree=22
+num_leaves=5
+num_cat=0
+split_feature=6 4 5 6
+split_gain=9319.07 1553.16 1429.45 74.5738
+threshold=54.500000000000007 68.500000000000014 50.650000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.18549707952204167 0.033084912706908873 0.14696267716287259 -0.043068100485440464 0.18671393035563086
+leaf_weight=73 61 41 46 40
+leaf_count=73 61 41 46 40
+internal_value=0 5.46895 -6.52525 8.33735
+internal_weight=0 142 119 81
+internal_count=261 142 119 81
+shrinkage=0.02
+
+
+Tree=23
+num_leaves=4
+num_cat=0
+split_feature=4 4 5
+split_gain=8964.86 1539.4 1066.2
+threshold=59.500000000000007 70.500000000000014 47.650000000000013
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=-0.22390370449996647 0.034392927174780395 0.16088711157218794 -0.092578955404870891
+leaf_weight=39 77 77 68
+leaf_count=39 77 77 68
+internal_value=0 4.88448 -7.02838
+internal_weight=0 154 107
+internal_count=261 154 107
+shrinkage=0.02
+
+
+Tree=24
+num_leaves=5
+num_cat=0
+split_feature=6 4 7 4
+split_gain=8645.29 1437.89 1314.25 252.045
+threshold=54.500000000000007 67.500000000000014 51.500000000000007 74.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.19735635955558406 0.022815994683555545 0.1183945291786713 -0.06395649880873204 0.1864009196172734
+leaf_weight=55 53 42 64 47
+leaf_count=55 53 42 64 47
+internal_value=0 5.26754 -6.28492 7.72176
+internal_weight=0 142 119 89
+internal_count=261 142 119 89
+shrinkage=0.02
+
+
+Tree=25
+num_leaves=4
+num_cat=0
+split_feature=4 5 4
+split_gain=8311.18 1519.69 909.736
+threshold=62.500000000000007 50.650000000000013 70.500000000000014
+decision_type=2 2 2
+left_child=1 -1 -2
+right_child=2 -3 -4
+leaf_value=-0.175360698964897 0.049171153650120064 -0.035367855640971904 0.15466638181571743
+leaf_weight=73 57 54 77
+leaf_count=73 57 54 77
+internal_value=0 -5.79474 5.49233
+internal_weight=0 127 134
+internal_count=261 127 134
+shrinkage=0.02
+
+
+Tree=26
+num_leaves=5
+num_cat=0
+split_feature=6 4 5 4
+split_gain=8013.72 1330.13 1222.62 236.307
+threshold=54.500000000000007 67.500000000000014 49.150000000000013 74.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.18672708427431828 0.022047198657469382 0.11374483502949677 -0.058388149529885837 0.17958971876031352
+leaf_weight=58 53 42 61 47
+leaf_count=58 53 42 61 47
+internal_value=0 5.07151 -6.05098 7.43198
+internal_weight=0 142 119 89
+internal_count=261 142 119 89
+shrinkage=0.02
+
+
+Tree=27
+num_leaves=4
+num_cat=0
+split_feature=7 4 4
+split_gain=7705.64 1301.73 1034.66
+threshold=58.500000000000007 70.500000000000014 49.500000000000007
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=-0.20842301453047771 0.034622401647119855 0.15288776705389645 -0.080719854796130183
+leaf_weight=39 74 75 73
+leaf_count=39 74 75 73
+internal_value=0 4.71006 -6.26487
+internal_weight=0 149 112
+internal_count=261 149 112
+shrinkage=0.02
+
+
+Tree=28
+num_leaves=4
+num_cat=0
+split_feature=4 4 4
+split_gain=7427.81 1342.49 795.029
+threshold=62.500000000000007 54.500000000000007 70.500000000000014
+decision_type=2 2 2
+left_child=1 -1 -2
+right_child=2 -3 -4
+leaf_value=-0.16820405622666448 0.047119838297732641 -0.037415491506491268 0.14574488570528676
+leaf_weight=70 57 57 77
+leaf_count=70 57 57 77
+internal_value=0 -5.47815 5.19225
+internal_weight=0 127 134
+internal_count=261 127 134
+shrinkage=0.02
+
+
+Tree=29
+num_leaves=5
+num_cat=0
+split_feature=6 4 7 4
+split_gain=7154.91 1193.67 1116.33 296.087
+threshold=54.500000000000007 66.500000000000014 51.500000000000007 74.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.18039312142868624 0.0063248131502289555 0.10071000633388896 -0.05744922700418742 0.17003949485413711
+leaf_weight=55 42 53 64 47
+leaf_count=55 42 53 64 47
+internal_value=0 4.79205 -5.71757 6.66995
+internal_weight=0 142 119 100
+internal_count=261 142 119 100
+shrinkage=0.02
+
+
+Tree=30
+num_leaves=5
+num_cat=0
+split_feature=4 4 5 2
+split_gain=6884.37 1178.59 865.451 346.035
+threshold=59.500000000000007 66.500000000000014 47.650000000000013 9.5000000000000018
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.19826028249026992 0.0045807740049763519 0.075894173294313444 -0.079950574560278889 0.15132236485422082
+leaf_weight=39 49 39 68 66
+leaf_count=39 49 39 68 66
+internal_value=0 4.28034 -6.15909 6.16915
+internal_weight=0 154 107 105
+internal_count=261 154 107 105
+shrinkage=0.02
+
+
+Tree=31
+num_leaves=5
+num_cat=0
+split_feature=6 4 5 4
+split_gain=6626.85 1106.34 1040.82 203.934
+threshold=54.500000000000007 67.500000000000014 50.650000000000013 74.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.15697597856738266 0.019837783059933237 0.1028850056866101 -0.035439709704429952 0.16403845901319067
+leaf_weight=73 53 42 46 47
+leaf_count=73 53 42 46 47
+internal_value=0 4.61183 -5.50254 6.7646
+internal_weight=0 142 119 89
+internal_count=261 142 119 89
+shrinkage=0.02
+
+
+Tree=32
+num_leaves=5
+num_cat=0
+split_feature=4 4 7 8
+split_gain=6372.16 1425.35 573.916 287.935
+threshold=57.500000000000007 66.500000000000014 51.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.17592841848088045 -0.001682535434380677 0.085582245185154185 -0.075337643315139369 0.15211870994750107
+leaf_weight=53 63 53 40 52
+leaf_count=53 63 53 40 52
+internal_value=0 3.67601 -6.63807 5.93103
+internal_weight=0 168 93 105
+internal_count=261 168 93 105
+shrinkage=0.02
+
+
+Tree=33
+num_leaves=6
+num_cat=0
+split_feature=6 4 4 5 4
+split_gain=6134.45 1022.36 976.352 257.745 195.738
+threshold=54.500000000000007 67.500000000000014 49.500000000000007 51.150000000000013 74.500000000000014
+decision_type=2 2 2 2 2
+left_child=2 -2 -1 -4 -3
+right_child=1 4 3 -5 -6
+leaf_value=-0.18787772655975246 0.019146526416990748 0.098394412257809788 -0.10075724700665806 -0.028855547422883092 0.15829014105378428
+leaf_weight=39 53 42 41 39 47
+leaf_count=39 53 42 41 39 47
+internal_value=0 4.43721 -5.29414 -3.28855 6.50666
+internal_weight=0 142 119 80 89
+internal_count=261 142 119 80 89
+shrinkage=0.02
+
+
+Tree=34
+num_leaves=5
+num_cat=0
+split_feature=4 4 5 2
+split_gain=5894.12 1001.63 762.759 324.395
+threshold=59.500000000000007 66.500000000000014 47.650000000000013 9.5000000000000018
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.18446105007262431 0.0045131926948976352 0.068075473488277263 -0.073395159180090444 0.14108174574152776
+leaf_weight=39 49 39 68 66
+leaf_count=39 49 39 68 66
+internal_value=0 3.96055 -5.69894 5.70181
+internal_weight=0 154 107 105
+internal_count=261 154 107 105
+shrinkage=0.02
+
+
+Tree=35
+num_leaves=5
+num_cat=0
+split_feature=6 4 3 6
+split_gain=5681.8 949.685 911.569 64.9694
+threshold=54.500000000000007 68.500000000000014 50.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.17544743391319967 0.025744692143919019 0.11199632536967306 -0.060157004258268164 0.14874555534932093
+leaf_weight=43 61 41 76 40
+leaf_count=43 61 41 76 40
+internal_value=0 4.27034 -5.0951 6.51334
+internal_weight=0 142 119 81
+internal_count=261 142 119 81
+shrinkage=0.02
+
+
+Tree=36
+num_leaves=5
+num_cat=0
+split_feature=4 4 4 2
+split_gain=5475.38 1210.65 506.175 307.306
+threshold=57.500000000000007 66.500000000000014 49.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.17798448530737321 -0.0011569489897081851 0.064985806732675691 -0.083208073765970933 0.13603839473282675
+leaf_weight=39 63 39 54 66
+leaf_count=39 63 39 54 66
+internal_value=0 3.40753 -6.15328 5.4858
+internal_weight=0 168 93 105
+internal_count=261 168 93 105
+shrinkage=0.02
+
+
+Tree=37
+num_leaves=4
+num_cat=0
+split_feature=7 4 5
+split_gain=5265.08 904.252 753.616
+threshold=58.500000000000007 70.500000000000014 47.650000000000013
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=-0.17451321960902896 0.028208573752063901 0.12678006207401463 -0.065530273761765706
+leaf_weight=39 74 75 73
+leaf_count=39 74 75 73
+internal_value=0 3.89333 -5.17861
+internal_weight=0 149 112
+internal_count=261 149 112
+shrinkage=0.02
+
+
+Tree=38
+num_leaves=5
+num_cat=0
+split_feature=4 4 8 9
+split_gain=5075.07 961.59 560.488 99.8013
+threshold=62.500000000000007 54.500000000000007 71.500000000000014 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.14019386983337154 0.030448085471582377 -0.029504521581351972 0.13718707608935105 0.07471255876394868
+leaf_weight=70 40 57 52 42
+leaf_count=70 40 57 52 42
+internal_value=0 -4.52822 4.29184 2.65871
+internal_weight=0 127 134 82
+internal_count=261 127 134 82
+shrinkage=0.02
+
+
+Tree=39
+num_leaves=5
+num_cat=0
+split_feature=4 4 7 2
+split_gain=4882.42 1083.69 469.426 292.022
+threshold=57.500000000000007 66.500000000000014 51.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.15524834518106234 -0.0012175217852769004 0.060087136538598672 -0.064286362080910819 0.1293358497394454
+leaf_weight=53 63 39 40 66
+leaf_count=53 63 39 40 66
+internal_value=0 3.21772 -5.81056 5.18398
+internal_weight=0 168 93 105
+internal_count=261 168 93 105
+shrinkage=0.02
+
+
+Tree=40
+num_leaves=6
+num_cat=0
+split_feature=6 4 4 6 6
+split_gain=4706.03 799.225 774.821 193.606 57.4986
+threshold=54.500000000000007 68.500000000000014 49.500000000000007 48.500000000000007 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=2 -2 -1 -4 -3
+right_child=1 4 3 -5 -6
+leaf_value=-0.16578382028958544 0.022994877902926016 0.10171506434657263 -0.088886804922114621 -0.026564488024179857 0.13624745450026976
+leaf_weight=39 61 41 39 41 40
+leaf_count=39 61 41 39 41 40
+internal_value=0 3.88638 -4.63701 -2.85039 5.94404
+internal_weight=0 142 119 80 81
+internal_count=261 142 119 80 81
+shrinkage=0.02
+
+
+Tree=41
+num_leaves=5
+num_cat=0
+split_feature=6 4 3 4
+split_gain=4520.02 771.062 751.217 173.267
+threshold=54.500000000000007 67.500000000000014 50.500000000000007 74.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.15765269049420166 0.015733106560922284 0.082302994556372605 -0.05299405123418964 0.13858656154399795
+leaf_weight=43 53 42 76 47
+leaf_count=43 53 42 76 47
+internal_value=0 3.8088 -4.54445 5.60602
+internal_weight=0 142 119 89
+internal_count=261 142 119 89
+shrinkage=0.02
+
+
+Tree=42
+num_leaves=5
+num_cat=0
+split_feature=4 4 7 2
+split_gain=4359.69 961.362 425.832 273.387
+threshold=57.500000000000007 66.500000000000014 50.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.16018280608470342 -0.0009480903912539412 0.055680011269196181 -0.073262147299183344 0.12267303536460425
+leaf_weight=39 63 39 54 66
+leaf_count=39 63 39 54 66
+internal_value=0 3.04059 -5.49072 4.89256
+internal_weight=0 168 93 105
+internal_count=261 168 93 105
+shrinkage=0.02
+
+
+Tree=43
+num_leaves=5
+num_cat=0
+split_feature=6 4 4 9
+split_gain=4193.83 845.171 570.532 108.304
+threshold=52.500000000000007 70.500000000000014 49.500000000000007 63.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.15710037851687553 -0.0025853911476433357 0.11487404615024412 -0.061046726042581281 0.04421471123984546
+leaf_weight=39 39 75 68 40
+leaf_count=39 39 75 68 40
+internal_value=0 3.34078 -4.80721 1.05595
+internal_weight=0 154 107 79
+internal_count=261 154 107 79
+shrinkage=0.02
+
+
+Tree=44
+num_leaves=5
+num_cat=0
+split_feature=4 4 8 9
+split_gain=4042.27 778.536 472.339 84.1079
+threshold=62.500000000000007 54.500000000000007 71.500000000000014 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.12548269603635881 0.025764847260302284 -0.025883790019756651 0.12374428336121698 0.066394066548783853
+leaf_weight=70 40 57 52 42
+leaf_count=70 40 57 52 42
+internal_value=0 -4.0413 3.8303 2.33118
+internal_weight=0 127 134 82
+internal_count=261 127 134 82
+shrinkage=0.02
+
+
+Tree=45
+num_leaves=5
+num_cat=0
+split_feature=4 4 7 2
+split_gain=3889.53 857.695 391.718 261.133
+threshold=57.500000000000007 66.500000000000014 51.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.13938285371341655 -0.00089551924222695464 0.05121965534674227 -0.056296297925233184 0.11668042429536919
+leaf_weight=53 63 39 40 66
+leaf_count=53 63 39 40 66
+internal_value=0 2.87194 -5.18623 4.62122
+internal_weight=0 168 93 105
+internal_count=261 168 93 105
+shrinkage=0.02
+
+
+Tree=46
+num_leaves=5
+num_cat=0
+split_feature=4 4 5 2
+split_gain=3735.72 823.777 376.435 250.789
+threshold=57.500000000000007 66.500000000000014 47.650000000000013 9.5000000000000018
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.1490084887698144 -0.000877628146028564 0.050197096802799601 -0.067288631883372182 0.1143492872460231
+leaf_weight=39 63 39 54 66
+leaf_count=39 63 39 54 66
+internal_value=0 2.81457 -5.08266 4.52891
+internal_weight=0 168 93 105
+internal_count=261 168 93 105
+shrinkage=0.02
+
+
+Tree=47
+num_leaves=5
+num_cat=0
+split_feature=6 4 4 9
+split_gain=3612.02 740.84 499.994 95.5162
+threshold=52.500000000000007 70.500000000000014 49.500000000000007 63.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.14629050430569282 -0.0030353323196492172 0.10700202446029461 -0.056370645242411969 0.040914042679216903
+leaf_weight=39 39 75 68 40
+leaf_count=39 39 75 68 40
+internal_value=0 3.10037 -4.46134 0.961196
+internal_weight=0 154 107 79
+internal_count=261 154 107 79
+shrinkage=0.02
+
+
+Tree=48
+num_leaves=5
+num_cat=0
+split_feature=6 4 7 9
+split_gain=3469.18 711.522 488.791 91.741
+threshold=52.500000000000007 70.500000000000014 50.500000000000007 63.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.14274449539327372 -0.0029747346127875357 0.10486398063317205 -0.054304119169809831 0.040097191858714076
+leaf_weight=40 39 75 67 40
+leaf_count=40 39 75 67 40
+internal_value=0 3.03843 -4.37226 0.941995
+internal_weight=0 154 107 79
+internal_count=261 154 107 79
+shrinkage=0.02
+
+
+Tree=49
+num_leaves=5
+num_cat=0
+split_feature=4 4 7 2
+split_gain=3343.88 729.44 341.799 238.958
+threshold=57.500000000000007 66.500000000000014 50.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.14129935030257393 -0.00053930004599998999 0.046112337463158973 -0.06343034691372805 0.10872135807404419
+leaf_weight=39 63 39 54 66
+leaf_count=39 63 39 54 66
+internal_value=0 2.66282 -4.80877 4.27602
+internal_weight=0 168 93 105
+internal_count=261 168 93 105
+shrinkage=0.02
+
+
+Tree=50
+num_leaves=4
+num_cat=0
+split_feature=6 4 3
+split_gain=3215.27 563.529 562.542
+threshold=54.500000000000007 70.500000000000014 50.500000000000007
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=-0.13443230551939317 0.023212824304024115 0.10296023663440808 -0.043866516861634147
+leaf_weight=43 69 73 76
+leaf_count=43 69 73 76
+internal_value=0 3.21229 -3.83292
+internal_weight=0 142 119
+internal_count=261 142 119
+shrinkage=0.02
+
+
+Tree=51
+num_leaves=5
+num_cat=0
+split_feature=4 6 8 9
+split_gain=3101.55 614.491 396.399 68.6653
+threshold=62.500000000000007 46.500000000000007 71.500000000000014 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.12110345574803764 0.02079557525686174 -0.03228346634886211 0.11028214738765969 0.05749914096282728
+leaf_weight=55 40 72 52 42
+leaf_count=55 40 72 52 42
+internal_value=0 -3.54003 3.35506 1.98189
+internal_weight=0 127 134 82
+internal_count=261 127 134 82
+shrinkage=0.02
+
+
+Tree=52
+num_leaves=5
+num_cat=0
+split_feature=4 4 4 2
+split_gain=2987.67 650.162 313.645 226.831
+threshold=57.500000000000007 66.500000000000014 49.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.13413326921992696 -0.00044806375752278626 0.042412512024894586 -0.059543424358821213 0.10340241389103552
+leaf_weight=39 63 39 54 66
+leaf_count=39 63 39 54 66
+internal_value=0 2.51699 -4.54545 4.04
+internal_weight=0 168 93 105
+internal_count=261 168 93 105
+shrinkage=0.02
+
+
+Tree=53
+num_leaves=6
+num_cat=0
+split_feature=4 4 2 4 4
+split_gain=2869.75 794.136 217.846 173.912 19.47
+threshold=55.500000000000007 66.500000000000014 9.5000000000000018 49.500000000000007 60.500000000000007
+decision_type=2 2 2 2 2
+left_child=3 4 -3 -1 -2
+right_child=1 2 -4 -5 -6
+leaf_value=-0.13145540830818686 -0.015027980582623158 0.041565781778650938 0.10133655745448694 -0.071400036717852514 0.0049409206326557972
+leaf_weight=39 39 39 66 39 39
+leaf_count=39 39 39 66 39 39
+internal_value=0 2.16474 3.9593 -5.07645 -0.25189
+internal_weight=0 183 105 78 78
+internal_count=261 183 105 78 78
+shrinkage=0.02
+
+
+Tree=54
+num_leaves=5
+num_cat=0
+split_feature=6 4 3 9
+split_gain=2773.17 580.388 399.117 78.6302
+threshold=52.500000000000007 70.500000000000014 49.500000000000007 63.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.12916681555246862 -0.0037321434591260139 0.094155890240370077 -0.048829422963774127 0.036142395768404778
+leaf_weight=39 39 75 68 40
+leaf_count=39 39 75 68 40
+internal_value=0 2.71652 -3.9092 0.823075
+internal_weight=0 154 107 79
+internal_count=261 154 107 79
+shrinkage=0.02
+
+
+Tree=55
+num_leaves=5
+num_cat=0
+split_feature=6 4 7 9
+split_gain=2663.5 557.42 392.498 75.5223
+threshold=52.500000000000007 70.500000000000014 50.500000000000007 63.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.12617593313054845 -0.0036576354267547156 0.092274528676888373 -0.046926176339339022 0.035420810321277592
+leaf_weight=40 39 75 67 40
+leaf_count=40 39 75 67 40
+internal_value=0 2.66225 -3.83114 0.806632
+internal_weight=0 154 107 79
+internal_count=261 154 107 79
+shrinkage=0.02
+
+
+Tree=56
+num_leaves=6
+num_cat=0
+split_feature=4 4 8 4 4
+split_gain=2573.33 702.258 184.494 157.138 17.0399
+threshold=55.500000000000007 66.500000000000014 71.500000000000014 49.500000000000007 60.500000000000007
+decision_type=2 2 2 2 2
+left_child=3 4 -3 -1 -2
+right_child=1 2 -4 -5 -6
+leaf_value=-0.1245908058101575 -0.013800943133041992 0.048356262644805866 0.10153118309600123 -0.06750364587836051 0.0048813006183166382
+leaf_weight=39 39 53 52 39 39
+leaf_count=39 39 53 52 39 39
+internal_value=0 2.04985 3.73741 -4.80718 -0.222679
+internal_weight=0 183 105 78 78
+internal_count=261 183 105 78 78
+shrinkage=0.02
+
+
+Tree=57
+num_leaves=6
+num_cat=0
+split_feature=4 4 2 4 4
+split_gain=2471.61 674.488 207.598 150.918 16.3659
+threshold=55.500000000000007 66.500000000000014 9.5000000000000018 49.500000000000007 60.500000000000007
+decision_type=2 2 2 2 2
+left_child=3 4 -3 -1 -2
+right_child=1 2 -4 -5 -6
+leaf_value=-0.12210345336473719 -0.013525419632797202 0.036543173060442802 0.094875188986454348 -0.066155991236938369 0.0047838482710370516
+leaf_weight=39 39 39 66 39 39
+leaf_count=39 39 39 66 39 39
+internal_value=0 2.00891 3.66277 -4.71122 -0.218223
+internal_weight=0 183 105 78 78
+internal_count=261 183 105 78 78
+shrinkage=0.02
+
+
+Tree=58
+num_leaves=6
+num_cat=0
+split_feature=6 4 7 7 4
+split_gain=2377.98 446.451 433.426 252.869 182.352
+threshold=54.500000000000007 74.500000000000014 50.500000000000007 70.500000000000014 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=2 3 -1 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.1195331885495149 -0.0006985427082382516 0.10563426617188695 -0.069431317360894834 0.064611119512234666 -0.0086358301550901115
+leaf_weight=40 50 47 39 45 40
+leaf_count=40 50 47 39 45 40
+internal_value=0 2.76246 -3.29639 1.5127 -1.93469
+internal_weight=0 142 119 95 79
+internal_count=261 142 119 95 79
+shrinkage=0.02
+
+
+Tree=59
+num_leaves=6
+num_cat=0
+split_feature=6 4 5 7 4
+split_gain=2283.97 428.794 417.33 243.788 166.948
+threshold=54.500000000000007 74.500000000000014 47.650000000000013 69.500000000000014 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=2 3 -1 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.11821811240562126 -0.0048316750897080662 0.10352472458507242 -0.067979078704144671 0.059379821795702503 -0.010153357607621127
+leaf_weight=39 44 47 39 51 41
+leaf_count=39 44 47 39 51 41
+internal_value=0 2.70729 -3.23059 1.48248 -1.91941
+internal_weight=0 142 119 95 80
+internal_count=261 142 119 95 80
+shrinkage=0.02
+
+
+Tree=60
+num_leaves=5
+num_cat=0
+split_feature=4 8 7 4
+split_gain=2190.5 501.482 247.539 137.452
+threshold=57.500000000000007 71.500000000000014 51.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.1061879612610168 -3.1779977543637171e-05 0.094674302341614308 -0.040148654404143481 0.043647588615882908
+leaf_weight=53 63 52 40 53
+leaf_count=53 63 52 40 53
+internal_value=0 2.15507 -3.89221 0.996628
+internal_weight=0 168 93 116
+internal_count=261 168 93 116
+shrinkage=0.02
+
+
+Tree=61
+num_leaves=5
+num_cat=0
+split_feature=6 4 3 9
+split_gain=2115.18 449.986 320.559 63.8385
+threshold=52.500000000000007 70.500000000000014 49.500000000000007 63.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.11397330545268464 -0.0040915170739473277 0.082514876412443372 -0.041977113704420817 0.031836433234820501
+leaf_weight=39 39 75 68 40
+leaf_count=39 39 75 68 40
+internal_value=0 2.37237 -3.41418 0.705091
+internal_weight=0 154 107 79
+internal_count=261 154 107 79
+shrinkage=0.02
+
+
+Tree=62
+num_leaves=6
+num_cat=0
+split_feature=4 5 4 7 1
+split_gain=2034.91 556.871 132.092 101.644 74.6871
+threshold=55.500000000000007 67.050000000000011 49.500000000000007 76.500000000000014 8.5000000000000018
+decision_type=2 2 2 2 2
+left_child=2 4 -1 -3 -2
+right_child=1 3 -4 -5 -6
+leaf_value=-0.11157507031713572 0.018470793410742831 0.053701665991689441 -0.059246256779245256 0.098291113545042136 -0.016940037410993283
+leaf_weight=39 61 44 39 39 39
+leaf_count=39 61 44 39 39 39
+internal_value=0 1.82275 -4.27487 3.73641 0.232519
+internal_weight=0 183 78 83 100
+internal_count=261 183 78 83 100
+shrinkage=0.02
+
+
+Tree=63
+num_leaves=6
+num_cat=0
+split_feature=6 4 5 5 4
+split_gain=1961.57 386.25 363.819 208.18 142.608
+threshold=54.500000000000007 74.500000000000014 47.650000000000013 67.050000000000011 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=2 3 -1 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.10993099698499856 -0.0023598874606764043 0.097042880896577824 -0.062743067760006183 0.056818474416953632 -0.0092963853908740388
+leaf_weight=39 48 47 39 47 41
+leaf_count=39 48 47 39 47 41
+internal_value=0 2.50891 -2.99394 1.34648 -1.76969
+internal_weight=0 142 119 95 80
+internal_count=261 142 119 95 80
+shrinkage=0.02
+
+
+Tree=64
+num_leaves=6
+num_cat=0
+split_feature=6 4 3 5 4
+split_gain=1884.02 370.974 350.092 199.95 136.724
+threshold=54.500000000000007 74.500000000000014 49.500000000000007 67.050000000000011 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=2 3 -1 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.10778266435149139 -0.0023127587178858803 0.095104908493893761 -0.061444106520610539 0.055683795888636159 -0.0091107745677965653
+leaf_weight=39 48 47 39 47 41
+leaf_count=39 48 47 39 47 41
+internal_value=0 2.45881 -2.93419 1.31959 -1.73323
+internal_weight=0 142 119 95 80
+internal_count=261 142 119 95 80
+shrinkage=0.02
+
+
+Tree=65
+num_leaves=5
+num_cat=0
+split_feature=5 8 1 4
+split_gain=1812.87 474.577 184.717 132.069
+threshold=51.650000000000013 71.500000000000014 10.500000000000002 66.500000000000014
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.049094460808174888 -0.0024504216266445196 0.086525532767757568 -0.10937540140791503 0.038885260806686577
+leaf_weight=43 74 52 39 53
+leaf_count=43 74 52 39 53
+internal_value=0 1.78353 -3.89216 0.740276
+internal_weight=0 179 82 127
+internal_count=261 179 82 127
+shrinkage=0.02
+
+
+Tree=66
+num_leaves=6
+num_cat=0
+split_feature=6 4 7 7 4
+split_gain=1743.96 349.352 337.164 190.819 131.441
+threshold=54.500000000000007 74.500000000000014 50.500000000000007 69.500000000000014 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=2 3 -1 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.10373980917190863 -0.0053014668905847617 0.091882549050205306 -0.05853828188583983 0.051505676775803089 -0.0069189693245293952
+leaf_weight=40 44 47 39 51 40
+leaf_count=40 44 47 39 51 40
+internal_value=0 2.36562 -2.82304 1.2601 -1.62207
+internal_weight=0 142 119 95 79
+internal_count=261 142 119 95 79
+shrinkage=0.02
+
+
+Tree=67
+num_leaves=5
+num_cat=0
+split_feature=5 8 1 4
+split_gain=1675.2 441.681 175.573 119.86
+threshold=51.650000000000013 71.500000000000014 10.500000000000002 66.500000000000014
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.046804207627336523 -0.0022788227824950668 0.083349883511665349 -0.1055702226852132 0.037099670671082399
+leaf_weight=43 74 52 39 53
+leaf_count=43 74 52 39 53
+internal_value=0 1.71445 -3.74149 0.707991
+internal_weight=0 179 82 127
+internal_count=261 179 82 127
+shrinkage=0.02
+
+
+Tree=68
+num_leaves=6
+num_cat=0
+split_feature=6 4 7 7 4
+split_gain=1614.37 329.055 315.52 177.158 122.19
+threshold=54.500000000000007 74.500000000000014 50.500000000000007 69.500000000000014 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=2 3 -1 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.10005956186419983 -0.0053288103361464646 0.088776148313172487 -0.056249268243829705 0.04940655718507752 -0.0064789280607005983
+leaf_weight=40 44 47 39 51 40
+leaf_count=40 44 47 39 51 40
+internal_value=0 2.27601 -2.71616 1.20309 -1.55436
+internal_weight=0 142 119 95 79
+internal_count=261 142 119 95 79
+shrinkage=0.02
+
+
+Tree=69
+num_leaves=5
+num_cat=0
+split_feature=6 4 6 5
+split_gain=1550.55 316.042 301.152 165.442
+threshold=54.500000000000007 74.500000000000014 46.500000000000007 67.050000000000011
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.087539918794808602 -0.00252768890486206 0.087003264123906701 -0.023685464106392003 0.050226319588013255
+leaf_weight=55 48 47 64 47
+leaf_count=55 48 47 64 47
+internal_value=0 2.23055 -2.66194 1.17905
+internal_weight=0 142 119 95
+internal_count=261 142 119 95
+shrinkage=0.02
+
+
+Tree=70
+num_leaves=6
+num_cat=0
+split_feature=4 8 4 4 4
+split_gain=1494.01 413.306 110.135 109.548 10.3042
+threshold=55.500000000000007 71.500000000000014 49.500000000000007 66.500000000000014 60.500000000000007
+decision_type=2 2 2 2 2
+left_child=2 3 -1 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.097062771505854295 -0.010071264537004123 0.078905461561389084 -0.049305565742494992 0.03444435730616878 0.0044614141580696636
+leaf_weight=39 39 52 39 53 39
+leaf_count=39 39 52 39 53 39
+internal_value=0 1.56175 -3.663 0.613712 -0.13986
+internal_weight=0 183 78 131 78
+internal_count=261 183 78 131 78
+shrinkage=0.02
+
+
+Tree=71
+num_leaves=5
+num_cat=0
+split_feature=5 8 1 4
+split_gain=1437.34 381.033 164.193 97.519
+threshold=51.650000000000013 71.500000000000014 10.500000000000002 66.500000000000014
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.042221120164825009 -0.0017629418742508643 0.077329471964558652 -0.099037623226505306 0.033756377408514372
+leaf_weight=43 74 52 39 53
+leaf_count=43 74 52 39 53
+internal_value=0 1.58804 -3.46574 0.653211
+internal_weight=0 179 82 127
+internal_count=261 179 82 127
+shrinkage=0.02
+
+
+Tree=72
+num_leaves=5
+num_cat=0
+split_feature=4 8 4 5
+split_gain=1385.43 379.952 103.866 101.595
+threshold=55.500000000000007 71.500000000000014 49.500000000000007 58.550000000000004
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.093662933567341011 -0.0087912020407074562 0.075784961077904597 -0.047286609004670951 0.026875553323562975
+leaf_weight=39 55 52 39 76
+leaf_count=39 55 52 39 76
+internal_value=0 1.50391 -3.52741 0.594908
+internal_weight=0 183 78 131
+internal_count=261 183 78 131
+shrinkage=0.02
+
+
+Tree=73
+num_leaves=6
+num_cat=0
+split_feature=4 8 6 4 4
+split_gain=1330.66 364.926 100.977 98.2178 9.08243
+threshold=55.500000000000007 71.500000000000014 45.500000000000007 66.500000000000014 60.500000000000007
+decision_type=2 2 2 2 2
+left_child=2 3 -1 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.091930352194796811 -0.0094406926849824081 0.074271300700293738 -0.046205253491689698 0.032652869415469465 0.0042045407429087689
+leaf_weight=39 39 52 39 53 39
+leaf_count=39 39 52 39 53 39
+internal_value=0 1.47387 -3.457 0.583013 -0.130509
+internal_weight=0 183 78 131 78
+internal_count=261 183 78 131 78
+shrinkage=0.02
+
+
+Tree=74
+num_leaves=6
+num_cat=0
+split_feature=4 8 4 4 4
+split_gain=1278.06 350.491 98.0335 94.3326 8.72282
+threshold=55.500000000000007 71.500000000000014 49.500000000000007 66.500000000000014 60.500000000000007
+decision_type=2 2 2 2 2
+left_child=2 3 -1 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.090215196103612755 -0.0092522173048415878 0.072787871473417504 -0.045162647689414019 0.03200067373898511 0.0041206009280473372
+leaf_weight=39 39 52 39 53 39
+leaf_count=39 39 52 39 53 39
+internal_value=0 1.44443 -3.38799 0.571368 -0.127893
+internal_weight=0 183 78 131 78
+internal_count=261 183 78 131 78
+shrinkage=0.02
+
+
+Tree=75
+num_leaves=6
+num_cat=0
+split_feature=6 4 7 7 4
+split_gain=1235.82 277.869 257.852 139.056 90.9642
+threshold=54.500000000000007 74.500000000000014 50.500000000000007 69.500000000000014 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=2 3 -1 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.088876042883682352 -0.005927829390578945 0.079574660200816397 -0.048236770757059476 0.042563865417186028 -0.0052904871136641787
+leaf_weight=40 44 47 39 51 40
+leaf_count=40 44 47 39 51 40
+internal_value=0 1.9913 -2.37653 1.00542 -1.32629
+internal_weight=0 142 119 95 79
+internal_count=261 142 119 95 79
+shrinkage=0.02
+
+
+Tree=76
+num_leaves=5
+num_cat=0
+split_feature=5 8 1 5
+split_gain=1188.73 311.73 151.322 75.3853
+threshold=51.650000000000013 71.500000000000014 2.5000000000000004 58.550000000000004
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.036396383838526621 -0.0071359830241801382 0.070100110858787576 -0.090877442395029623 0.02438319535976009
+leaf_weight=42 50 52 40 77
+leaf_count=42 50 52 40 77
+internal_value=0 1.44414 -3.15186 0.598534
+internal_weight=0 179 82 127
+internal_count=261 179 82 127
+shrinkage=0.02
+
+
+Tree=77
+num_leaves=5
+num_cat=0
+split_feature=5 8 1 4
+split_gain=1141.74 299.401 145.342 76.9552
+threshold=51.650000000000013 71.500000000000014 10.500000000000002 66.500000000000014
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.036296482311480832 -0.0014393629866060105 0.068699994130031111 -0.089738688117285539 0.030113316632628954
+leaf_weight=43 74 52 39 53
+leaf_count=43 74 52 39 53
+internal_value=0 1.41529 -3.08894 0.586566
+internal_weight=0 179 82 127
+internal_count=261 179 82 127
+shrinkage=0.02
+
+
+Tree=78
+num_leaves=4
+num_cat=0
+split_feature=6 4 5
+split_gain=1101.96 310.159 93.2623
+threshold=48.500000000000007 70.500000000000014 62.400000000000006
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.063499289628360447 -0.0109183905485073 0.057515131578004149 0.026754807413470753
+leaf_weight=77 63 76 45
+leaf_count=77 63 76 45
+internal_value=0 1.32895 0.238927
+internal_weight=0 184 108
+internal_count=261 184 108
+shrinkage=0.02
+
+
+Tree=79
+num_leaves=5
+num_cat=0
+split_feature=4 8 4 5
+split_gain=1061.16 290.272 87.8247 76.8273
+threshold=55.500000000000007 71.500000000000014 49.500000000000007 58.550000000000004
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.082993982524740023 -0.0075594417183416952 0.066273605484627754 -0.040362827777824399 0.023456398251512856
+leaf_weight=39 55 52 39 76
+leaf_count=39 55 52 39 76
+internal_value=0 1.31613 -3.0872 0.521565
+internal_weight=0 183 78 131
+internal_count=261 183 78 131
+shrinkage=0.02
+
+
+Tree=80
+num_leaves=4
+num_cat=0
+split_feature=6 4 5
+split_gain=1021.01 288.93 85.6247
+threshold=48.500000000000007 70.500000000000014 62.400000000000006
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.061122718842960423 -0.010497716470350266 0.05544264214972567 0.025600139713350831
+leaf_weight=77 63 76 45
+leaf_count=77 63 76 45
+internal_value=0 1.2792 0.227125
+internal_weight=0 184 108
+internal_count=261 184 108
+shrinkage=0.02
+
+
+Tree=81
+num_leaves=4
+num_cat=0
+split_feature=5 8 5
+split_gain=981.708 276.546 69.6212
+threshold=50.850000000000001 71.500000000000014 58.550000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.06049091196019437 -0.0074091730096324448 0.063934252152224064 0.021882234462587021
+leaf_weight=76 56 52 77
+leaf_count=76 56 52 77
+internal_value=0 1.2428 0.477279
+internal_weight=0 185 133
+internal_count=261 185 133
+shrinkage=0.02
+
+
+Tree=82
+num_leaves=4
+num_cat=0
+split_feature=6 8 5
+split_gain=944.541 262.737 65.0034
+threshold=48.500000000000007 71.500000000000014 58.550000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.058789080479187746 -0.0070066677610519604 0.062657286346313582 0.021444987530577303
+leaf_weight=77 55 52 77
+leaf_count=77 55 52 77
+internal_value=0 1.23037 0.479332
+internal_weight=0 184 132
+internal_count=261 184 132
+shrinkage=0.02
+
+
+Tree=83
+num_leaves=4
+num_cat=0
+split_feature=5 8 5
+split_gain=908.425 254.592 63.8938
+threshold=50.850000000000001 71.500000000000014 62.400000000000006
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.05818919455372773 -0.0031514434805118528 0.061405824556022406 0.024735572332453559
+leaf_weight=76 74 52 59
+leaf_count=76 74 52 59
+internal_value=0 1.19552 0.460999
+internal_weight=0 185 133
+internal_count=261 185 133
+shrinkage=0.02
+
+
+Tree=84
+num_leaves=5
+num_cat=0
+split_feature=4 4 5 6
+split_gain=887.216 253.154 153.021 80.3428
+threshold=55.500000000000007 74.500000000000014 62.400000000000006 45.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.076777141356761128 -0.012183396879091818 0.06293977011093084 0.030557772435935032 -0.036015084977043609
+leaf_weight=39 65 49 69 39
+leaf_count=39 65 49 69 39
+internal_value=0 1.20345 0.491181 -2.82285
+internal_weight=0 183 134 78
+internal_count=261 183 134 78
+shrinkage=0.02
+
+
+Tree=85
+num_leaves=6
+num_cat=0
+split_feature=4 4 5 4 7
+split_gain=852.143 244.238 161.738 78.2105 0.518332
+threshold=55.500000000000007 75.500000000000014 62.400000000000006 49.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=3 2 -2 -1 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.075378296838671408 -0.011939990287994449 0.067236266674649131 0.028660543104221305 -0.035162129661357698 0.032774621010558939
+leaf_weight=39 65 40 39 39 39
+leaf_count=39 65 40 39 39 39
+internal_value=0 1.17941 0.567323 -2.7665 1.53777
+internal_weight=0 183 143 78 78
+internal_count=261 183 143 78 78
+shrinkage=0.02
+
+
+Tree=86
+num_leaves=6
+num_cat=0
+split_feature=4 4 5 6 7
+split_gain=818.464 234.58 155.345 75.8277 0.494645
+threshold=55.500000000000007 75.500000000000014 62.400000000000006 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=3 2 -2 -1 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.073965940604947975 -0.011701447620715382 0.065893892217878391 0.028088359224207417 -0.034367637371266316 0.032120302949803455
+leaf_weight=39 65 40 39 39 39
+leaf_count=39 65 40 39 39 39
+internal_value=0 1.15587 0.556 -2.71128 1.50708
+internal_weight=0 183 143 78 78
+internal_count=261 183 143 78 78
+shrinkage=0.02
+
+
+Tree=87
+num_leaves=6
+num_cat=0
+split_feature=4 4 5 4 7
+split_gain=786.117 225.303 149.205 73.8176 0.471942
+threshold=55.500000000000007 75.500000000000014 62.400000000000006 49.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=3 2 -2 -1 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.07261973865416034 -0.011467670588086436 0.064578315277542292 0.027527597822012473 -0.03355105113290538 0.031479047728654279
+leaf_weight=39 65 40 39 39 39
+leaf_count=39 65 40 39 39 39
+internal_value=0 1.1328 0.544904 -2.65716 1.477
+internal_weight=0 183 143 78 78
+internal_count=261 183 143 78 78
+shrinkage=0.02
+
+
+Tree=88
+num_leaves=6
+num_cat=0
+split_feature=4 4 7 4 3
+split_gain=755.048 216.393 98.0824 70.8946 26.79
+threshold=55.500000000000007 75.500000000000014 70.500000000000014 49.500000000000007 61.500000000000007
+decision_type=2 2 2 2 2
+left_child=3 2 4 -1 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.071169943551380135 0.009366805820252521 0.063289006789902194 0.03224867731944886 -0.032881231850786889 -0.01246642342797695
+leaf_weight=39 43 40 53 39 47
+leaf_count=39 43 40 53 39 47
+internal_value=0 1.11019 0.534029 -2.60412 -0.101347
+internal_weight=0 183 143 78 90
+internal_count=261 183 143 78 90
+shrinkage=0.02
+
+
+Tree=89
+num_leaves=4
+num_cat=0
+split_feature=6 4 5
+split_gain=728.007 209.368 128.346
+threshold=48.500000000000007 74.500000000000014 62.400000000000006
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.051612504169574989 -0.011195662871366266 0.056988865722821844 0.027795277210698126
+leaf_weight=77 66 49 69
+leaf_count=77 66 49 69
+internal_value=0 1.08018 0.43656
+internal_weight=0 184 135
+internal_count=261 184 135
+shrinkage=0.02
+
+
+Tree=90
+num_leaves=6
+num_cat=0
+split_feature=4 4 5 6 9
+split_gain=700.529 200.018 133.664 69.2099 0.462121
+threshold=55.500000000000007 75.500000000000014 62.400000000000006 45.500000000000007 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=3 2 -2 -1 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.069023823902403761 -0.010860343044513528 0.060887652540671015 0.029851364339896106 -0.031199598608646732 0.025984024533190053
+leaf_weight=39 65 40 39 39 39
+leaf_count=39 65 40 39 39 39
+internal_value=0 1.06937 0.515414 -2.50834 1.39765
+internal_weight=0 183 143 78 78
+internal_count=261 183 143 78 78
+shrinkage=0.02
+
+
+Tree=91
+num_leaves=5
+num_cat=0
+split_feature=6 8 4 7
+split_gain=673.668 198.582 42.2155 3.41086
+threshold=48.500000000000007 71.500000000000014 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.049648854374243656 0.0028392078890530754 0.053862087678629995 0.021742545887813564 -0.0054333525081170812
+leaf_weight=77 39 52 52 41
+leaf_count=77 39 52 52 41
+internal_value=0 1.03909 0.386126 -0.0695766
+internal_weight=0 184 132 80
+internal_count=261 184 132 80
+shrinkage=0.02
+
+
+Tree=92
+num_leaves=6
+num_cat=0
+split_feature=4 8 6 1 4
+split_gain=651.331 188.128 65.0499 54.0224 40.9631
+threshold=55.500000000000007 71.500000000000014 45.500000000000007 8.5000000000000018 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=2 3 -1 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.066654621040177289 0.0038792505066261164 0.052786295525980062 -0.029984322732935668 -0.0077389711042189085 0.03289463710626251
+leaf_weight=39 39 52 39 53 39
+leaf_count=39 39 52 39 53 39
+internal_value=0 1.03114 -2.41865 0.391412 0.920684
+internal_weight=0 183 78 131 78
+internal_count=261 183 78 131 78
+shrinkage=0.02
+
+
+Tree=93
+num_leaves=4
+num_cat=0
+split_feature=6 8 5
+split_gain=624.286 182.655 37.2227
+threshold=48.500000000000007 71.500000000000014 58.550000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.047794462892545776 -0.0050745942838529247 0.051731987487176334 0.016455692563332118
+leaf_weight=77 55 52 77
+leaf_count=77 55 52 77
+internal_value=0 1.00029 0.374037
+internal_weight=0 184 132
+internal_count=261 184 132
+shrinkage=0.02
+
+
+Tree=94
+num_leaves=5
+num_cat=0
+split_feature=5 7 2 3
+split_gain=599.59 179.593 48.5842 6.90498
+threshold=50.850000000000001 76.500000000000014 15.500000000000002 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.047274240124400166 -0.0075047673476087134 0.057519113491464519 0.021572608711156654 0.004398093124790085
+leaf_weight=76 39 39 68 39
+leaf_count=76 39 39 68 39
+internal_value=0 0.971292 0.461104 -0.0772241
+internal_weight=0 185 146 78
+internal_count=261 185 146 78
+shrinkage=0.02
+
+
+Tree=95
+num_leaves=6
+num_cat=0
+split_feature=4 4 5 4 9
+split_gain=584.191 177.3 112.089 61.8083 0.730578
+threshold=55.500000000000007 75.500000000000014 62.400000000000006 49.500000000000007 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=3 2 -2 -1 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.063630078789337782 -0.010284028903568179 0.056720862338035395 0.027446624759764875 -0.027891254246097591 0.023005944350383944
+leaf_weight=39 65 40 39 39 39
+leaf_count=39 65 40 39 39 39
+internal_value=0 0.976568 0.455022 -2.2906 1.26296
+internal_weight=0 183 143 78 78
+internal_count=261 183 143 78 78
+shrinkage=0.02
+
+
+Tree=96
+num_leaves=6
+num_cat=0
+split_feature=4 4 5 4 9
+split_gain=561.104 170.288 107.659 59.3607 0.698931
+threshold=55.500000000000007 75.500000000000014 62.400000000000006 49.500000000000007 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=3 2 -2 -1 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.062359757322407082 -0.010078569986962388 0.055588428033820282 0.026898675644705904 -0.027334429054331044 0.02254664957180089
+leaf_weight=39 65 40 39 39 39
+leaf_count=39 65 40 39 39 39
+internal_value=0 0.957078 0.445941 -2.24488 1.23775
+internal_weight=0 183 143 78 78
+internal_count=261 183 143 78 78
+shrinkage=0.02
+
+
+Tree=97
+num_leaves=5
+num_cat=0
+split_feature=4 4 6 6
+split_gain=538.928 163.553 78.4258 58.3204
+threshold=55.500000000000007 75.500000000000014 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.06130913558215597 -0.0070236941825460187 0.054478599662261019 0.022642700835598179 -0.026594380984716413
+leaf_weight=39 67 40 76 39
+leaf_count=39 67 40 76 39
+internal_value=0 0.937977 0.437042 -2.20007
+internal_weight=0 183 143 78
+internal_count=261 183 143 78
+shrinkage=0.02
+
+
+Tree=98
+num_leaves=6
+num_cat=0
+split_feature=4 4 5 4 9
+split_gain=517.625 157.087 99.9338 56.0184 0.686697
+threshold=55.500000000000007 75.500000000000014 62.400000000000006 49.500000000000007 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=3 2 -2 -1 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.060086288131622818 -0.0097368925999473908 0.053390930959239455 0.025939996910424742 -0.026062308892908993 0.021644481935249683
+leaf_weight=39 65 40 39 39 39
+leaf_count=39 65 40 39 39 39
+internal_value=0 0.919244 0.428303 -2.15616 1.19119
+internal_weight=0 183 143 78 78
+internal_count=261 183 143 78 78
+shrinkage=0.02
+
+
+Tree=99
+num_leaves=5
+num_cat=0
+split_feature=6 7 4 2
+split_gain=498.091 154.55 41.5732 8.31092
+threshold=48.500000000000007 76.500000000000014 67.500000000000014 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.04269131895919881 -0.0059344078767874552 0.053182502507721024 0.021837896090236727 0.0063128493206643255
+leaf_weight=77 47 39 56 42
+leaf_count=77 47 39 56 42
+internal_value=0 0.893503 0.417281 -0.00727013
+internal_weight=0 184 145 89
+internal_count=261 184 145 89
+shrinkage=0.02
+
+
+Tree=100
+num_leaves=6
+num_cat=0
+split_feature=4 4 5 6 9
+split_gain=481.075 146.897 92.679 53.9912 0.700352
+threshold=55.500000000000007 75.500000000000014 62.400000000000006 45.500000000000007 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=3 2 -2 -1 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.058224867935456184 -0.0093969114594916088 0.051576085572293907 0.025042896181657733 -0.024825376154083041 0.02074097569901253
+leaf_weight=39 65 40 39 39 39
+leaf_count=39 65 40 39 39 39
+internal_value=0 0.886211 0.411449 -2.07863 1.14614
+internal_weight=0 183 143 78 78
+internal_count=261 183 143 78 78
+shrinkage=0.02
+
+
+Tree=101
+num_leaves=6
+num_cat=0
+split_feature=4 7 1 4 4
+split_gain=462.063 143.489 72.1222 110.312 51.9581
+threshold=55.500000000000007 76.500000000000014 7.5000000000000009 67.500000000000014 49.500000000000007
+decision_type=2 2 2 2 2
+left_child=4 2 3 -2 -1
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.057078893930749691 -0.00054639711444626183 0.051371172748931326 -0.0095928392464679386 0.04449518333806813 -0.024313320558120567
+leaf_weight=39 49 39 56 39 39
+leaf_count=39 49 39 56 39 39
+internal_value=0 0.868525 0.406797 0.971281 -2.03714
+internal_weight=0 183 144 88 78
+internal_count=261 183 144 88 78
+shrinkage=0.02
+
+
+Tree=102
+num_leaves=5
+num_cat=0
+split_feature=6 7 1 4
+split_gain=444.426 138.802 42.82 128.209
+threshold=48.500000000000007 76.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.040325915898672883 -0.0043256752960783114 0.050345589246382508 -0.0062429148336038453 0.043606874294405497
+leaf_weight=77 52 39 54 39
+leaf_count=77 52 39 54 39
+internal_value=0 0.844008 0.392682 0.811289
+internal_weight=0 184 145 91
+internal_count=261 184 145 91
+shrinkage=0.02
+
+
+Tree=103
+num_leaves=6
+num_cat=0
+split_feature=4 4 5 4 9
+split_gain=429.057 132.251 83.7912 49.1727 0.808636
+threshold=55.500000000000007 75.500000000000014 62.400000000000006 49.500000000000007 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=3 2 -2 -1 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.055152716452672043 -0.009030239807147851 0.048859008011271715 0.023930921198569939 -0.023277907857572694 0.01941112923147674
+leaf_weight=39 65 40 39 39 39
+leaf_count=39 65 40 39 39 39
+internal_value=0 0.836936 0.386446 -1.96304 1.08504
+internal_weight=0 183 143 78 78
+internal_count=261 183 143 78 78
+shrinkage=0.02
+
+
+Tree=104
+num_leaves=6
+num_cat=0
+split_feature=4 7 1 4 6
+split_gain=412.101 128.898 66.4127 98.5468 49.2546
+threshold=55.500000000000007 76.500000000000014 7.5000000000000009 67.500000000000014 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=4 2 3 -2 -1
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.054380758032641321 -0.00039063991051427647 0.048630642337828968 -0.0093604849422446058 0.042181054584077469 -0.022484065837069241
+leaf_weight=39 49 39 56 39 39
+leaf_count=39 49 39 56 39 39
+internal_value=0 0.820233 0.382593 0.92429 -1.92386
+internal_weight=0 183 144 88 78
+internal_count=261 183 144 88 78
+shrinkage=0.02
+
+
+Tree=105
+num_leaves=5
+num_cat=0
+split_feature=6 7 1 4
+split_gain=396.488 124.665 38.9643 115.272
+threshold=48.500000000000007 76.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.038088973705617313 -0.0041106867854325494 0.047659773124524449 -0.0060576640658007554 0.041338944174549537
+leaf_weight=77 52 39 54 39
+leaf_count=77 52 39 54 39
+internal_value=0 0.797196 0.369453 0.768787
+internal_weight=0 184 145 91
+internal_count=261 184 145 91
+shrinkage=0.02
+
+
+Tree=106
+num_leaves=5
+num_cat=0
+split_feature=6 7 1 2
+split_gain=380.803 119.736 37.4231 86.0508
+threshold=48.500000000000007 76.500000000000014 7.5000000000000009 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.03732788703990568 -0.0037382046219546351 0.046708285323732002 -0.0059366673534411874 0.03514992415404574
+leaf_weight=77 47 39 54 44
+leaf_count=77 47 39 54 44
+internal_value=0 0.781278 0.362068 0.753431
+internal_weight=0 184 145 91
+internal_count=261 184 145 91
+shrinkage=0.02
+
+
+Tree=107
+num_leaves=5
+num_cat=0
+split_feature=4 4 9 4
+split_gain=371.214 116.866 49.5712 44.7291
+threshold=55.500000000000007 75.500000000000014 63.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.051674533609175941 -0.004423490748027616 0.045764488693124966 0.019121109905398972 -0.021276375342733515
+leaf_weight=39 73 40 70 39
+leaf_count=39 73 40 70 39
+internal_value=0 0.778493 0.354998 -1.82592
+internal_weight=0 183 143 78
+internal_count=261 183 143 78
+shrinkage=0.02
+
+
+Tree=108
+num_leaves=6
+num_cat=0
+split_feature=4 4 5 6 9
+split_gain=356.541 112.245 72.2013 44.6383 1.02813
+threshold=55.500000000000007 75.500000000000014 62.400000000000006 45.500000000000007 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=3 2 -2 -1 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.050928985485494786 -0.0085986017530023454 0.044850798963399663 0.022375634133678463 -0.020565518045291165 0.017424503745258977
+leaf_weight=39 65 40 39 39 39
+leaf_count=39 65 40 39 39 39
+internal_value=0 0.762946 0.3479 -1.78948 0.996408
+internal_weight=0 183 143 78 78
+internal_count=261 183 143 78 78
+shrinkage=0.02
+
+
+Tree=109
+num_leaves=6
+num_cat=0
+split_feature=4 8 6 1 4
+split_gain=342.451 108.031 42.8702 40.8689 19.5691
+threshold=55.500000000000007 71.500000000000014 45.500000000000007 8.5000000000000018 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=2 3 -1 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.049912232116631358 0.0044052202163189311 0.039328525316493168 -0.02015494475286575 -0.008281877986358141 0.024481092457396617
+leaf_weight=39 39 52 39 53 39
+leaf_count=39 39 52 39 53 39
+internal_value=0 0.747721 -1.75376 0.262863 0.723318
+internal_weight=0 183 78 131 78
+internal_count=261 183 78 131 78
+shrinkage=0.02
+
+
+Tree=110
+num_leaves=5
+num_cat=0
+split_feature=5 7 2 3
+split_gain=327.914 109.358 38.6639 0.579835
+threshold=50.650000000000013 76.500000000000014 15.500000000000002 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.035958796449753014 -0.0053284931298805873 0.04375750121205 0.016823710240402714 -0.0017761472795880418
+leaf_weight=73 39 39 71 39
+leaf_count=73 39 39 71 39
+internal_value=0 0.69838 0.3074 -0.178288
+internal_weight=0 188 149 78
+internal_count=261 188 149 78
+shrinkage=0.02
+
+
+Tree=111
+num_leaves=6
+num_cat=0
+split_feature=4 4 5 4 7
+split_gain=317.757 103.898 65.8553 40.828 0.0670886
+threshold=55.500000000000007 75.500000000000014 62.400000000000006 49.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=3 2 -2 -1 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.048266010837601306 -0.0084382135493287821 0.042875607467096344 0.01985014470151571 -0.019227093256340633 0.01770819718220791
+leaf_weight=39 65 40 39 39 39
+leaf_count=39 65 40 39 39 39
+internal_value=0 0.720259 0.320937 -1.68935 0.940313
+internal_weight=0 183 143 78 78
+internal_count=261 183 143 78 78
+shrinkage=0.02
+
+
+Tree=112
+num_leaves=6
+num_cat=0
+split_feature=4 9 4 5 6
+split_gain=305.199 101.255 105.835 57.1907 39.7428
+threshold=55.500000000000007 65.500000000000014 71.500000000000014 59.350000000000009 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=4 3 -3 -2 -1
+right_child=1 2 -4 -5 -6
+leaf_value=-0.047397812785533552 0.013955917186423807 0.0072989900726998297 0.050946168424233065 -0.0173394428252731 -0.018747846494176854
+leaf_weight=39 51 44 45 43 39
+leaf_count=39 51 44 45 43 39
+internal_value=0 0.705886 1.46997 -0.0176895 -1.65564
+internal_weight=0 183 89 94 78
+internal_count=261 183 89 94 78
+shrinkage=0.02
+
+
+Tree=113
+num_leaves=4
+num_cat=0
+split_feature=6 4 6
+split_gain=294.092 98.0965 44.2074
+threshold=48.500000000000007 75.500000000000014 60.500000000000007
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.032804115469606994 -0.0056869293646226119 0.041417133679019856 0.016499960596228897
+leaf_weight=77 68 40 76
+leaf_count=77 68 40 76
+internal_value=0 0.686594 0.30098
+internal_weight=0 184 144
+internal_count=261 184 144
+shrinkage=0.02
+
+
+Tree=114
+num_leaves=5
+num_cat=0
+split_feature=6 7 1 2
+split_gain=282.458 94.5223 33.267 82.8769
+threshold=48.500000000000007 76.500000000000014 7.5000000000000009 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.032148629294886495 -0.0050667760973400131 0.041075086662584415 -0.0064166786873739671 0.033097053668600156
+leaf_weight=77 47 39 54 44
+leaf_count=77 47 39 54 44
+internal_value=0 0.672882 0.300387 0.669427
+internal_weight=0 184 145 91
+internal_count=261 184 145 91
+shrinkage=0.02
+
+
+Tree=115
+num_leaves=6
+num_cat=0
+split_feature=4 4 5 4 7
+split_gain=274.792 91.6631 58.7743 37.2465 0.246634
+threshold=55.500000000000007 75.500000000000014 62.400000000000006 49.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=3 2 -2 -1 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.045248504998542105 -0.0081409326967453663 0.040138237447491128 0.01898633662898247 -0.017514469699883115 0.016156522088994266
+leaf_weight=39 65 40 39 39 39
+leaf_count=39 65 40 39 39 39
+internal_value=0 0.669809 0.294716 -1.57099 0.879872
+internal_weight=0 183 143 78 78
+internal_count=261 183 143 78 78
+shrinkage=0.02
+
+
+Tree=116
+num_leaves=6
+num_cat=0
+split_feature=7 5 4 5 7
+split_gain=264.159 122.197 34.3325 35.9926 26.2242
+threshold=50.500000000000007 67.050000000000011 55.500000000000007 59.350000000000009 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -3
+right_child=1 4 3 -5 -6
+leaf_value=-0.047251457342906339 -0.018573514304168214 0.017067710821905023 0.01325856557327498 -0.011487439190422997 0.039686980315233579
+leaf_weight=40 40 44 59 39 39
+leaf_count=40 40 44 59 39 39
+internal_value=0 0.428116 -0.148429 0.170067 1.38651
+internal_weight=0 221 138 98 83
+internal_count=261 221 138 98 83
+shrinkage=0.02
+
+
+Tree=117
+num_leaves=4
+num_cat=0
+split_feature=1 5 6
+split_gain=256.81 161.845 62.7286
+threshold=9.5000000000000018 58.20000000000001 65.500000000000014
+decision_type=2 2 2
+left_child=1 -1 -3
+right_child=-2 2 -4
+leaf_value=-0.011491183298804717 -0.032438077116968243 0.045112899253551941 0.015051484399346299
+leaf_weight=72 71 45 73
+leaf_count=72 71 45 73
+internal_value=0 0.606324 1.32712
+internal_weight=0 190 118
+internal_count=261 190 118
+shrinkage=0.02
+
+
+Tree=118
+num_leaves=6
+num_cat=0
+split_feature=7 5 4 5 7
+split_gain=248.593 113.528 31.9645 36.6012 25.599
+threshold=50.500000000000007 67.050000000000011 55.500000000000007 59.350000000000009 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -3
+right_child=1 4 3 -5 -6
+leaf_value=-0.045838187870083529 -0.017865606258977287 0.016248993928507666 0.013278483758930105 -0.011675894279018644 0.038594171518799833
+leaf_weight=40 40 44 59 39 39
+leaf_count=40 40 44 59 39 39
+internal_value=0 0.415315 -0.140397 0.166913 1.33909
+internal_weight=0 221 138 98 83
+internal_count=261 221 138 98 83
+shrinkage=0.02
+
+
+Tree=119
+num_leaves=5
+num_cat=0
+split_feature=1 4 2 2
+split_gain=241.886 128.763 101.917 67.5895
+threshold=9.5000000000000018 66.500000000000014 10.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.023779593997580672 -0.031481446137454447 0.0023755693828372373 0.043475558592739487 0.011071638110172007
+leaf_weight=43 71 40 61 46
+leaf_count=43 71 40 61 46
+internal_value=0 0.588448 1.36096 -0.288154
+internal_weight=0 190 101 89
+internal_count=261 190 101 89
+shrinkage=0.02
+
+
+Tree=120
+num_leaves=5
+num_cat=0
+split_feature=7 4 5 7
+split_gain=233.547 106.746 63.623 69.9399
+threshold=50.500000000000007 74.500000000000014 62.400000000000006 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.044429427280572094 0.0040670200778567239 0.034073177563007186 0.015481880941645739 -0.029576119400591697
+leaf_weight=40 62 49 69 41
+leaf_count=40 62 49 69 41
+internal_value=0 0.402554 0.0311159 -0.466407
+internal_weight=0 221 172 103
+internal_count=261 221 172 103
+shrinkage=0.02
+
+
+Tree=121
+num_leaves=4
+num_cat=0
+split_feature=1 5 6
+split_gain=226.791 140.304 64.345
+threshold=9.5000000000000018 58.20000000000001 65.500000000000014
+decision_type=2 2 2
+left_child=1 -1 -3
+right_child=-2 2 -4
+leaf_value=-0.010593666790824203 -0.030483360839062845 0.0436237729918224 0.013184297449292344
+leaf_weight=72 71 45 73
+leaf_count=72 71 45 73
+internal_value=0 0.569794 1.24092
+internal_weight=0 190 118
+internal_count=261 190 118
+shrinkage=0.02
+
+
+Tree=122
+num_leaves=4
+num_cat=0
+split_feature=1 5 6
+split_gain=217.819 134.756 61.7988
+threshold=9.5000000000000018 58.20000000000001 65.500000000000014
+decision_type=2 2 2
+left_child=1 -1 -3
+right_child=-2 2 -4
+leaf_value=-0.010381998663820639 -0.029874294839151529 0.042752654064196233 0.012920863887976893
+leaf_weight=72 71 45 73
+leaf_count=72 71 45 73
+internal_value=0 0.558415 1.21614
+internal_weight=0 190 118
+internal_count=261 190 118
+shrinkage=0.02
+
+
+Tree=123
+num_leaves=6
+num_cat=0
+split_feature=7 8 4 3 9
+split_gain=215.432 99.3711 37.5176 31.4608 45.4979
+threshold=50.500000000000007 71.500000000000014 55.500000000000007 61.500000000000007 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=-0.042671510427260528 -0.016621010902370038 0.03189236965530523 0.019743729396496303 -0.014664694153631927 0.014337073775905013
+leaf_weight=40 40 52 42 47 40
+leaf_count=40 40 52 42 47 40
+internal_value=0 0.386635 0.0142054 0.276919 -0.0660277
+internal_weight=0 221 169 129 87
+internal_count=261 221 169 129 87
+shrinkage=0.02
+
+
+Tree=124
+num_leaves=6
+num_cat=0
+split_feature=7 4 5 7 9
+split_gain=206.914 96.195 58.7092 69.4577 1.81087
+threshold=50.500000000000007 75.500000000000014 62.400000000000006 57.500000000000007 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.041819569109747289 0.0048066217810112406 0.035621576873492149 0.01756944061271486 -0.028720498540723755 0.011290972814982219
+leaf_weight=40 62 40 39 41 39
+leaf_count=40 62 40 39 41 39
+internal_value=0 0.378914 0.0682533 -0.42709 0.72267
+internal_weight=0 221 181 103 78
+internal_count=261 221 181 103 78
+shrinkage=0.02
+
+
+Tree=125
+num_leaves=4
+num_cat=0
+split_feature=1 4 6
+split_gain=200.203 110.876 64.4525
+threshold=9.5000000000000018 75.500000000000014 57.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.010389970271504005 -0.02864073182976043 0.040742187879260677 0.015738178448901654
+leaf_weight=74 71 39 77
+leaf_count=74 71 39 77
+internal_value=0 0.535369 0.146474
+internal_weight=0 190 151
+internal_count=261 190 151
+shrinkage=0.02
+
+
+Tree=126
+num_leaves=5
+num_cat=0
+split_feature=7 8 4 8
+split_gain=194.712 89.4363 34.7818 25.3828
+threshold=50.500000000000007 71.500000000000014 55.500000000000007 62.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.040567685899024652 -0.015992339725580808 0.030272112189178069 0.013489279557102942 -0.0043103835120385974
+leaf_weight=40 40 52 70 59
+leaf_count=40 40 52 70 59
+internal_value=0 0.367584 0.0142445 0.267211
+internal_weight=0 221 169 129
+internal_count=261 221 169 129
+shrinkage=0.02
+
+
+Tree=127
+num_leaves=4
+num_cat=0
+split_feature=1 5 6
+split_gain=189.37 112.766 63.9377
+threshold=9.5000000000000018 58.20000000000001 65.500000000000014
+decision_type=2 2 2
+left_child=1 -1 -3
+right_child=-2 2 -4
+leaf_value=-0.009299710220059626 -0.027855218964174748 0.041190441134554175 0.010853997976326073
+leaf_weight=72 71 45 73
+leaf_count=72 71 45 73
+internal_value=0 0.520683 1.12237
+internal_weight=0 190 118
+internal_count=261 190 118
+shrinkage=0.02
+
+
+Tree=128
+num_leaves=6
+num_cat=0
+split_feature=8 2 8 2 2
+split_gain=183.955 80.8697 51.3644 36.6742 37.2442
+threshold=48.500000000000007 24.500000000000004 71.500000000000014 8.5000000000000018 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -5
+right_child=1 -3 -4 4 -6
+leaf_value=-0.035800887857440525 0.011614000634291412 0.033104177327204824 0.021732489526613948 -0.025294119880412486 0.00028711466974700432
+leaf_weight=47 41 41 40 41 51
+leaf_count=47 41 41 40 41 51
+internal_value=0 0.393523 0.0937312 -0.204997 -0.555755
+internal_weight=0 214 173 133 92
+internal_count=261 214 173 133 92
+shrinkage=0.02
+
+
+Tree=129
+num_leaves=4
+num_cat=0
+split_feature=1 5 6
+split_gain=178.596 105.399 62.1945
+threshold=9.5000000000000018 58.20000000000001 65.500000000000014
+decision_type=2 2 2
+left_child=1 -1 -3
+right_child=-2 2 -4
+leaf_value=-0.0089451099677672757 -0.027051046186397896 0.040233003241750803 0.010313656131399306
+leaf_weight=72 71 45 73
+leaf_count=72 71 45 73
+internal_value=0 0.505668 1.08737
+internal_weight=0 190 118
+internal_count=261 190 118
+shrinkage=0.02
+
+
+Tree=130
+num_leaves=6
+num_cat=0
+split_feature=7 4 5 7 9
+split_gain=174.552 81.6807 45.5591 70.0157 1.73435
+threshold=50.500000000000007 75.500000000000014 62.400000000000006 57.500000000000007 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.038410167331845199 0.0059095269019080951 0.032802634939220379 0.015808075074805365 -0.027752286714882869 0.0096802809672768171
+leaf_weight=40 62 40 39 41 39
+leaf_count=40 62 40 39 41 39
+internal_value=0 0.348046 0.0617573 -0.374591 0.638293
+internal_weight=0 221 181 103 78
+internal_count=261 221 181 103 78
+shrinkage=0.02
+
+
+Tree=131
+num_leaves=6
+num_cat=0
+split_feature=3 7 4 3 1
+split_gain=168.198 79.9471 30.803 51.0261 37.2662
+threshold=49.500000000000007 76.500000000000014 55.500000000000007 68.500000000000014 8.5000000000000018
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.038270362723177277 -0.014317129931791722 0.032707308655295309 0.024523096853843157 -0.012084627454604072 -0.00031131929571567125
+leaf_weight=39 40 39 55 45 43
+leaf_count=39 40 39 55 45 43
+internal_value=0 0.336608 0.0590858 0.276377 0.681288
+internal_weight=0 222 183 143 98
+internal_count=261 222 183 143 98
+shrinkage=0.02
+
+
+Tree=132
+num_leaves=5
+num_cat=0
+split_feature=1 4 9 3
+split_gain=163.686 96.1108 56.5992 62.6345
+threshold=9.5000000000000018 75.500000000000014 53.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.017593874496527766 -0.025897357701705918 0.037645864381734014 0.023945668404195052 -0.0062980060211384817
+leaf_weight=41 71 39 59 51
+leaf_count=41 71 39 59 51
+internal_value=0 0.484105 0.122013 0.496062
+internal_weight=0 190 151 110
+internal_count=261 190 151 110
+shrinkage=0.02
+
+
+Tree=133
+num_leaves=6
+num_cat=0
+split_feature=7 8 4 3 9
+split_gain=159.782 75.1477 28.3841 34.9397 39.3735
+threshold=50.500000000000007 71.500000000000014 55.500000000000007 61.500000000000007 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=-0.0367494173769288 -0.014523056760404305 0.027670210932091877 0.019723614188566864 -0.01488813325101108 0.01209052386113294
+leaf_weight=40 40 52 42 47 40
+leaf_count=40 40 52 42 47 40
+internal_value=0 0.332995 0.00908394 0.237644 -0.123761
+internal_weight=0 221 169 129 87
+internal_count=261 221 169 129 87
+shrinkage=0.02
+
+
+Tree=134
+num_leaves=6
+num_cat=0
+split_feature=8 2 4 2 2
+split_gain=154.102 74.6888 81.9859 68.8308 11.9087
+threshold=48.500000000000007 24.500000000000004 71.500000000000014 8.5000000000000018 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -5
+right_child=1 -3 -4 4 -6
+leaf_value=-0.032767548862348471 0.014099379574280735 0.031454081151181826 0.022148597376571665 -0.025621062687465123 -0.010189671333043019
+leaf_weight=47 39 41 53 42 39
+leaf_count=47 39 41 53 42 39
+internal_value=0 0.36019 0.0720807 -0.385244 -0.910811
+internal_weight=0 214 173 120 81
+internal_count=261 214 173 120 81
+shrinkage=0.02
+
+
+Tree=135
+num_leaves=5
+num_cat=0
+split_feature=1 4 9 2
+split_gain=150.843 88.2993 52.0815 35.6507
+threshold=9.5000000000000018 75.500000000000014 53.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.01686504116364863 -0.024860765185598686 0.036098133347850336 -0.0014417033377641217 0.021329948170409264
+leaf_weight=41 71 39 57 53
+leaf_count=41 71 39 57 53
+internal_value=0 0.464726 0.117646 0.476471
+internal_weight=0 190 151 110
+internal_count=261 190 151 110
+shrinkage=0.02
+
+
+Tree=136
+num_leaves=6
+num_cat=0
+split_feature=3 8 4 3 9
+split_gain=146.628 68.4005 23.1844 31.1864 36.7694
+threshold=49.500000000000007 71.500000000000014 55.500000000000007 61.500000000000007 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=-0.035732671213723644 -0.01316567090285339 0.026344648315738479 0.018166682162471956 -0.014637308389942484 0.01143400334562741
+leaf_weight=39 40 52 43 47 40
+leaf_count=39 40 52 43 47 40
+internal_value=0 0.314279 0.00684218 0.212048 -0.132088
+internal_weight=0 222 170 130 87
+internal_count=261 222 170 130 87
+shrinkage=0.02
+
+
+Tree=137
+num_leaves=6
+num_cat=0
+split_feature=7 7 3 4 4
+split_gain=141.596 65.9956 29.6491 62.6048 14.3071
+threshold=50.500000000000007 76.500000000000014 68.500000000000014 62.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.034595283529304459 -0.013438616294292017 0.029858987086686387 -0.01287124182766918 0.023108195083164682 0.0029897602828558834
+leaf_weight=40 40 39 45 52 45
+leaf_count=40 40 39 45 52 45
+internal_value=0 0.313473 0.0600319 0.291642 -0.236827
+internal_weight=0 221 182 137 85
+internal_count=261 221 182 137 85
+shrinkage=0.02
+
+
+Tree=138
+num_leaves=5
+num_cat=0
+split_feature=1 4 9 3
+split_gain=140.072 82.4174 47.9961 64.3688
+threshold=9.5000000000000018 75.500000000000014 53.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.016198952531535925 -0.023956872084371583 0.034852276223682824 0.023357288903122081 -0.0073023721154991473
+leaf_weight=41 71 39 59 51
+leaf_count=41 71 39 59 51
+internal_value=0 0.447827 0.112495 0.456974
+internal_weight=0 190 151 110
+internal_count=261 190 151 110
+shrinkage=0.02
+
+
+Tree=139
+num_leaves=5
+num_cat=0
+split_feature=1 4 9 3
+split_gain=134.529 79.1594 46.0972 61.8228
+threshold=9.5000000000000018 75.500000000000014 53.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.015875525363959739 -0.023478207048298658 0.034156478954331784 0.022890696339908336 -0.0071565249768259578
+leaf_weight=41 71 39 59 51
+leaf_count=41 71 39 59 51
+internal_value=0 0.438879 0.110234 0.447838
+internal_weight=0 190 151 110
+internal_count=261 190 151 110
+shrinkage=0.02
+
+
+Tree=140
+num_leaves=6
+num_cat=0
+split_feature=7 8 4 3 9
+split_gain=131.984 61.1755 23.0892 34.4747 33.842
+threshold=50.500000000000007 71.500000000000014 55.500000000000007 61.500000000000007 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=-0.033400622241836785 -0.013055760161014516 0.025010291132492868 0.019202118325975862 -0.014357139789959367 0.010654900655111366
+leaf_weight=40 40 52 42 47 40
+leaf_count=40 40 52 42 47 40
+internal_value=0 0.302648 0.0103626 0.216543 -0.142442
+internal_weight=0 221 169 129 87
+internal_count=261 221 169 129 87
+shrinkage=0.02
+
+
+Tree=141
+num_leaves=6
+num_cat=0
+split_feature=6 7 3 4 1
+split_gain=127.628 57.796 30.9413 56.5771 14.822
+threshold=45.500000000000007 76.500000000000014 68.500000000000014 62.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.031909368147270849 -0.012669822824300278 0.028181302648448626 -0.013014103171300116 0.022475955979950443 0.0042242733764059053
+leaf_weight=42 41 39 45 52 42
+leaf_count=42 41 39 45 52 42
+internal_value=0 0.306337 0.066736 0.306392 -0.205751
+internal_weight=0 219 180 135 83
+internal_count=261 219 180 135 83
+shrinkage=0.02
+
+
+Tree=142
+num_leaves=5
+num_cat=0
+split_feature=1 4 9 6
+split_gain=125.623 73.7947 42.2486 26.0916
+threshold=9.5000000000000018 75.500000000000014 53.500000000000007 65.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.015173523561897027 -0.022687835349439651 0.032986173654170114 0.016855958088969638 -0.0028775679633031058
+leaf_weight=41 71 39 64 46
+leaf_count=41 71 39 64 46
+internal_value=0 0.424103 0.106777 0.429995
+internal_weight=0 190 151 110
+internal_count=261 190 151 110
+shrinkage=0.02
+
+
+Tree=143
+num_leaves=5
+num_cat=0
+split_feature=3 8 4 8
+split_gain=121.211 56.2059 18.6236 32.6533
+threshold=49.500000000000007 71.500000000000014 55.500000000000007 62.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.03248899573586559 -0.011782736749699027 0.023898759946979715 0.012958165274166905 -0.0071661419809036135
+leaf_weight=39 40 52 71 59
+leaf_count=39 40 52 71 59
+internal_value=0 0.285745 0.00702609 0.190987
+internal_weight=0 222 170 130
+internal_count=261 222 170 130
+shrinkage=0.02
+
+
+Tree=144
+num_leaves=4
+num_cat=0
+split_feature=1 2 4
+split_gain=118.984 70.5916 95.5305
+threshold=9.5000000000000018 11.500000000000002 67.500000000000014
+decision_type=2 2 2
+left_child=1 -1 -3
+right_child=-2 2 -4
+leaf_value=-0.0076961350945411082 -0.022080449591803181 0.0016721825345859668 0.037612638846390753
+leaf_weight=70 71 67 53
+leaf_count=70 71 67 53
+internal_value=0 0.412739 0.878261
+internal_weight=0 190 120
+internal_count=261 190 120
+shrinkage=0.02
+
+
+Tree=145
+num_leaves=5
+num_cat=0
+split_feature=7 2 4 7
+split_gain=114.753 53.6099 61.5469 41.7464
+threshold=50.500000000000007 24.500000000000004 71.500000000000014 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.031144553444050541 0.0071206217557816835 0.025386178188105412 0.01875577545219926 -0.016521617362570698
+leaf_weight=40 50 44 53 74
+leaf_count=40 50 44 53 74
+internal_value=0 0.282198 0.0361841 -0.349168
+internal_weight=0 221 177 124
+internal_count=261 221 177 124
+shrinkage=0.02
+
+
+Tree=146
+num_leaves=4
+num_cat=0
+split_feature=1 5 6
+split_gain=112.095 66.7034 67.5412
+threshold=9.5000000000000018 58.20000000000001 65.500000000000014
+decision_type=2 2 2
+left_child=1 -1 -3
+right_child=-2 2 -4
+leaf_value=-0.0071483279572159119 -0.021431652748863189 0.036526621257171731 0.0053626360611173617
+leaf_weight=72 71 45 73
+leaf_count=72 71 45 73
+internal_value=0 0.400622 0.86343
+internal_weight=0 190 118
+internal_count=261 190 118
+shrinkage=0.02
+
+
+Tree=147
+num_leaves=6
+num_cat=0
+split_feature=6 7 3 3 1
+split_gain=109.526 49.8385 34.2065 30.2134 50.2366
+threshold=45.500000000000007 76.500000000000014 68.500000000000014 57.500000000000007 8.5000000000000018
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -5
+right_child=1 -3 -4 4 -6
+leaf_value=-0.029560203117006096 -0.0056772598671734576 0.026156510332523482 -0.013861423903038477 0.028390666217200197 -0.0027582884966823673
+leaf_weight=42 52 39 45 44 39
+leaf_count=42 52 39 45 44 39
+internal_value=0 0.28379 0.0612709 0.313243 0.687739
+internal_weight=0 219 180 135 83
+internal_count=261 219 180 135 83
+shrinkage=0.02
+
+
+Tree=148
+num_leaves=6
+num_cat=0
+split_feature=3 9 5 3 5
+split_gain=105.556 50.9903 66.5933 60.0705 42.0092
+threshold=49.500000000000007 65.500000000000014 59.350000000000009 72.500000000000014 51.650000000000013
+decision_type=2 2 2 2 2
+left_child=-1 2 4 -3 -2
+right_child=1 3 -4 -5 -6
+leaf_value=-0.030318716704952217 -0.0067256675359895074 0.0025271965448927349 -0.023182207964151397 0.034647596026746962 0.021538162456999379
+leaf_weight=39 42 54 43 41 42
+leaf_count=39 42 54 43 41 42
+internal_value=0 0.266656 -0.147673 0.82067 0.370145
+internal_weight=0 222 127 95 84
+internal_count=261 222 127 95 84
+shrinkage=0.02
+
+
+Tree=149
+num_leaves=5
+num_cat=0
+split_feature=1 4 9 3
+split_gain=103.355 63.5113 37.3931 62.9612
+threshold=9.5000000000000018 75.500000000000014 53.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.01447861161404989 -0.02057936045981601 0.030426949601604227 0.021950204609331187 -0.0083726549213772213
+leaf_weight=41 71 39 59 51
+leaf_count=41 71 39 59 51
+internal_value=0 0.384688 0.0902795 0.394389
+internal_weight=0 190 151 110
+internal_count=261 190 151 110
+shrinkage=0.02
+
+
+Tree=150
+num_leaves=6
+num_cat=0
+split_feature=6 2 8 2 2
+split_gain=100.178 46.7745 24.6411 36.5467 28.2773
+threshold=45.500000000000007 24.500000000000004 71.500000000000014 8.5000000000000018 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -5
+right_child=1 -3 -4 4 -6
+leaf_value=-0.028271045594706171 0.012791579003305891 0.024672450866030461 0.014799292716010569 -0.021809150423116798 -5.9090729383260853e-05
+leaf_weight=42 41 41 40 43 54
+leaf_count=42 41 41 40 43 54
+internal_value=0 0.271406 0.04915 -0.15107 -0.485894
+internal_weight=0 219 178 138 97
+internal_count=261 219 178 138 97
+shrinkage=0.02
+
+
+Tree=151
+num_leaves=4
+num_cat=0
+split_feature=1 2 4
+split_gain=97.586 65.5523 85.6332
+threshold=9.5000000000000018 11.500000000000002 67.500000000000014
+decision_type=2 2 2
+left_child=1 -1 -3
+right_child=-2 2 -4
+leaf_value=-0.0078947975257029086 -0.019996919772352233 0.0014005297781441062 0.035429071170676778
+leaf_weight=70 71 67 53
+leaf_count=70 71 67 53
+internal_value=0 0.373801 0.822418
+internal_weight=0 190 120
+internal_count=261 190 120
+shrinkage=0.02
+
+
+Tree=152
+num_leaves=5
+num_cat=0
+split_feature=7 2 4 7
+split_gain=95.5378 47.4686 51.4609 43.5948
+threshold=50.500000000000007 24.500000000000004 71.500000000000014 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.028417975688058005 0.0078854559033079401 0.023727383240161368 0.017009354261258509 -0.016274700963139672
+leaf_weight=40 50 44 53 74
+leaf_count=40 50 44 53 74
+internal_value=0 0.2575 0.0259909 -0.326365
+internal_weight=0 221 177 124
+internal_count=261 221 177 124
+shrinkage=0.02
+
+
+Tree=153
+num_leaves=6
+num_cat=0
+split_feature=3 9 4 5 4
+split_gain=92.6592 45.1688 70.7036 66.1256 47.7207
+threshold=49.500000000000007 65.500000000000014 71.500000000000014 59.350000000000009 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 4 -2
+right_child=1 2 -4 -5 -6
+leaf_value=-0.02840650926381998 -0.0086562464818156284 -0.00093480739993251002 0.033595429397830154 -0.02295993455718327 0.021544557000730054
+leaf_weight=39 39 50 45 43 45
+leaf_count=39 39 50 45 43 45
+internal_value=0 0.249847 0.771295 -0.140108 0.375885
+internal_weight=0 222 95 127 84
+internal_count=261 222 95 127 84
+shrinkage=0.02
+
+
+Tree=154
+num_leaves=6
+num_cat=0
+split_feature=6 2 4 2 3
+split_gain=89.2805 41.9434 44.7782 65.8141 9.17955
+threshold=45.500000000000007 24.500000000000004 71.500000000000014 8.5000000000000018 61.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -5
+right_child=1 -3 -4 4 -6
+leaf_value=-0.026689375224973746 0.015910792524228171 0.023348339269827077 0.016315148701118797 -0.0093798967494386157 -0.0225818215916994
+leaf_weight=42 39 41 53 47 39
+leaf_count=42 39 41 53 47 39
+internal_value=0 0.256222 0.0457393 -0.280702 -0.76948
+internal_weight=0 219 178 125 86
+internal_count=261 219 178 125 86
+shrinkage=0.02
+
+
+Tree=155
+num_leaves=5
+num_cat=0
+split_feature=7 2 4 7
+split_gain=86.5737 43.8442 45.6833 41.5495
+threshold=50.500000000000007 24.500000000000004 71.500000000000014 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.027052326331508704 0.0078831120491599238 0.022756786180145757 0.015989275743266342 -0.015703696819175446
+leaf_weight=40 50 44 53 74
+leaf_count=40 50 44 53 74
+internal_value=0 0.245121 0.0226141 -0.309368
+internal_weight=0 221 177 124
+internal_count=261 221 177 124
+shrinkage=0.02
+
+
+Tree=156
+num_leaves=4
+num_cat=0
+split_feature=1 2 4
+split_gain=87.1332 61.958 76.4988
+threshold=9.5000000000000018 11.500000000000002 67.500000000000014
+decision_type=2 2 2
+left_child=1 -1 -3
+right_child=-2 2 -4
+leaf_value=-0.0078789138318860492 -0.01889577996371013 0.0015637095333416522 0.033727840296355525
+leaf_weight=70 71 67 53
+leaf_count=70 71 67 53
+internal_value=0 0.353222 0.789379
+internal_weight=0 190 120
+internal_count=261 190 120
+shrinkage=0.02
+
+
+Tree=157
+num_leaves=5
+num_cat=0
+split_feature=1 2 8 7
+split_gain=83.6857 59.5079 64.8824 20.8143
+threshold=9.5000000000000018 11.500000000000002 69.500000000000014 60.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0077214929153971296 -0.018518237067381007 0.015255452759377069 0.036648677606731538 -0.0050071790932657003
+leaf_weight=70 71 41 39 40
+leaf_count=70 71 41 39 40
+internal_value=0 0.346168 0.773619 0.262183
+internal_weight=0 190 120 81
+internal_count=261 190 120 81
+shrinkage=0.02
+
+
+Tree=158
+num_leaves=6
+num_cat=0
+split_feature=3 9 4 8 4
+split_gain=81.3378 40.0825 62.3819 59.4619 43.0417
+threshold=49.500000000000007 65.500000000000014 71.500000000000014 59.500000000000007 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 4 -2
+right_child=1 2 -4 -5 -6
+leaf_value=-0.026614956498176572 -0.0082392211429658437 -0.00086068036826708746 0.031573580520127126 -0.021780609015054485 0.020442963132102872
+leaf_weight=39 39 50 45 43 45
+leaf_count=39 39 50 45 43 45
+internal_value=0 0.234092 0.725322 -0.133247 0.356047
+internal_weight=0 222 95 127 84
+internal_count=261 222 95 127 84
+shrinkage=0.02
+
+
+Tree=159
+num_leaves=4
+num_cat=0
+split_feature=1 2 4
+split_gain=79.2775 57.1427 70.4394
+threshold=9.5000000000000018 11.500000000000002 67.500000000000014
+decision_type=2 2 2
+left_child=1 -1 -3
+right_child=-2 2 -4
+leaf_value=-0.0076123149272155988 -0.018024117187246318 0.0014664892945230339 0.032331309107393555
+leaf_weight=70 71 67 53
+leaf_count=70 71 67 53
+internal_value=0 0.336925 0.755801
+internal_weight=0 190 120
+internal_count=261 190 120
+shrinkage=0.02
+
+
+Tree=160
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 5 5
+split_gain=77.133 36.1916 18.1859 44.5881 41.0351
+threshold=45.500000000000007 24.500000000000004 13.500000000000002 59.350000000000009 62.400000000000006
+decision_type=2 2 2 2 2
+left_child=-1 2 4 -4 -2
+right_child=1 -3 3 -5 -6
+leaf_value=-0.024807701933998835 -0.0069620508498159832 0.021692246343348189 0.0085197132976276187 -0.021507476303685436 0.018805487979298617
+leaf_weight=42 47 41 40 39 52
+leaf_count=42 47 41 40 39 52
+internal_value=0 0.238163 0.0426197 -0.314982 0.328403
+internal_weight=0 219 178 79 99
+internal_count=261 219 178 79 99
+shrinkage=0.02
+
+
+Tree=161
+num_leaves=4
+num_cat=0
+split_feature=1 2 4
+split_gain=75.1913 55.3613 67.4625
+threshold=9.5000000000000018 11.500000000000002 67.500000000000014
+decision_type=2 2 2
+left_child=1 -1 -3
+right_child=-2 2 -4
+leaf_value=-0.0075626837421249576 -0.017553559991284585 0.0014502716404822574 0.031656358239788643
+leaf_weight=70 71 67 53
+leaf_count=70 71 67 53
+internal_value=0 0.328131 0.740432
+internal_weight=0 190 120
+internal_count=261 190 120
+shrinkage=0.02
+
+
+Tree=162
+num_leaves=6
+num_cat=0
+split_feature=8 2 4 2 2
+split_gain=73.0455 46.2309 37.1265 70.4867 9.95474
+threshold=48.500000000000007 24.500000000000004 71.500000000000014 8.5000000000000018 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -5
+right_child=1 -3 -4 4 -6
+leaf_value=-0.022561452416621983 0.016335837750414129 0.024040214568988808 0.01436404801277605 -0.023138553203002333 -0.0090255364375382025
+leaf_weight=47 39 41 53 42 39
+leaf_count=47 39 41 53 42 39
+internal_value=0 0.248004 0.0212846 -0.286427 -0.818346
+internal_weight=0 214 173 120 81
+internal_count=261 214 173 120 81
+shrinkage=0.02
+
+
+Tree=163
+num_leaves=6
+num_cat=0
+split_feature=3 9 8 3 1
+split_gain=70.7817 35.088 59.5513 46.7985 20.23
+threshold=49.500000000000007 65.500000000000014 59.500000000000007 72.500000000000014 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=-1 2 4 -3 -2
+right_child=1 3 -4 -5 -6
+leaf_value=-0.0248284192032786 -0.0029942738034234606 0.0013028039880109313 -0.021636430571136411 0.02965455689626452 0.016641581206195123
+leaf_weight=39 40 54 43 41 44
+leaf_count=39 40 54 43 41 44
+internal_value=0 0.218374 -0.125312 0.678003 0.364348
+internal_weight=0 222 127 95 84
+internal_count=261 222 127 95 84
+shrinkage=0.02
+
+
+Tree=164
+num_leaves=4
+num_cat=0
+split_feature=1 2 4
+split_gain=70.3398 53.5623 61.9538
+threshold=9.5000000000000018 11.500000000000002 67.500000000000014
+decision_type=2 2 2
+left_child=1 -1 -3
+right_child=-2 2 -4
+leaf_value=-0.007546367612854126 -0.016977926035581622 0.0016560973626047273 0.030604166194771288
+leaf_weight=70 71 67 53
+leaf_count=70 71 67 53
+internal_value=0 0.317373 0.722927
+internal_weight=0 190 120
+internal_count=261 190 120
+shrinkage=0.02
+
+
+Tree=165
+num_leaves=4
+num_cat=0
+split_feature=1 2 4
+split_gain=67.5566 51.4441 59.5018
+threshold=9.5000000000000018 11.500000000000002 67.500000000000014
+decision_type=2 2 2
+left_child=1 -1 -3
+right_child=-2 2 -4
+leaf_value=-0.0073955909523113969 -0.016638701916353204 0.0016230100504048665 0.029992890260483285
+leaf_weight=70 71 67 53
+leaf_count=70 71 67 53
+internal_value=0 0.311035 0.708494
+internal_weight=0 190 120
+internal_count=261 190 120
+shrinkage=0.02
+
+
+Tree=166
+num_leaves=6
+num_cat=0
+split_feature=7 7 3 4 4
+split_gain=66.2467 32.0759 45.5688 43.8498 10.9487
+threshold=50.500000000000007 76.500000000000014 68.500000000000014 62.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.023664932097446634 -0.0099687291244809576 0.020737251784601937 -0.016691757680995782 0.020952629912762671 0.0044078176416868326
+leaf_weight=40 40 39 45 52 45
+leaf_count=40 40 39 45 52 45
+internal_value=0 0.21444 0.0376557 0.324731 -0.117542
+internal_weight=0 221 182 137 85
+internal_count=261 221 182 137 85
+shrinkage=0.02
+
+
+Tree=167
+num_leaves=4
+num_cat=0
+split_feature=1 2 4
+split_gain=64.2767 49.1878 56.7147
+threshold=9.5000000000000018 11.500000000000002 67.500000000000014
+decision_type=2 2 2
+left_child=1 -1 -3
+right_child=-2 2 -4
+leaf_value=-0.0072464073592387827 -0.016229868114195883 0.0015910083428969486 0.029289054377774904
+leaf_weight=70 71 67 53
+leaf_count=70 71 67 53
+internal_value=0 0.303394 0.692046
+internal_weight=0 190 120
+internal_count=261 190 120
+shrinkage=0.02
+
+
+Tree=168
+num_leaves=6
+num_cat=0
+split_feature=6 2 4 2 3
+split_gain=62.636 30.0723 29.0151 65.8313 9.21713
+threshold=45.500000000000007 24.500000000000004 71.500000000000014 8.5000000000000018 61.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -5
+right_child=1 -3 -4 4 -6
+leaf_value=-0.022355731189293453 0.016999334786778557 0.019725092200320628 0.013126167215509382 -0.0082880146330725456 -0.021509527152750785
+leaf_weight=42 39 41 53 47 39
+leaf_count=42 39 41 53 47 39
+internal_value=0 0.214631 0.0363553 -0.226405 -0.715286
+internal_weight=0 219 178 125 86
+internal_count=261 219 178 125 86
+shrinkage=0.02
+
+
+Tree=169
+num_leaves=5
+num_cat=0
+split_feature=7 2 4 7
+split_gain=60.8481 32.4421 29.9497 43.4766
+threshold=50.500000000000007 24.500000000000004 71.500000000000014 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.02268047619028106 0.0092986195216475075 0.019469865191840303 0.012863989901538172 -0.014829558474630968
+leaf_weight=40 50 44 53 74
+leaf_count=40 50 44 53 74
+internal_value=0 0.20552 0.0140759 -0.254712
+internal_weight=0 221 177 124
+internal_count=261 221 177 124
+shrinkage=0.02
+
+
+Tree=170
+num_leaves=5
+num_cat=0
+split_feature=1 2 8 7
+split_gain=59.4446 47.2466 48.9349 22.77
+threshold=9.5000000000000018 11.500000000000002 69.500000000000014 60.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0072133323658681459 -0.015607967769125103 0.015040892797910242 0.031845815347715932 -0.0061528840678155292
+leaf_weight=70 71 41 39 40
+leaf_count=70 71 41 39 40
+internal_value=0 0.291777 0.672691 0.228434
+internal_weight=0 190 120 81
+internal_count=261 190 120 81
+shrinkage=0.02
+
+
+Tree=171
+num_leaves=6
+num_cat=0
+split_feature=6 9 8 4 4
+split_gain=58.2065 28.3018 62.3136 49.0224 13.0125
+threshold=45.500000000000007 65.500000000000014 59.500000000000007 71.500000000000014 57.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 4 -3 -2
+right_child=1 3 -4 -5 -6
+leaf_value=-0.021550899021750763 0.00022451364372895241 -0.0012687114548345087 -0.021599483816175859 0.027483040496677207 0.016283828535072816
+leaf_weight=42 41 50 43 45 40
+leaf_count=42 41 50 43 45 40
+internal_value=0 0.206911 -0.107591 0.617617 0.408606
+internal_weight=0 219 124 95 81
+internal_count=261 219 124 95 81
+shrinkage=0.02
+
+
+Tree=172
+num_leaves=4
+num_cat=0
+split_feature=1 2 4
+split_gain=56.2463 45.5605 50.4116
+threshold=9.5000000000000018 11.500000000000002 67.500000000000014
+decision_type=2 2 2
+left_child=1 -1 -3
+right_child=-2 2 -4
+leaf_value=-0.0071374132824774325 -0.015182398950246817 0.0016074152373247361 0.027722582518324376
+leaf_weight=70 71 67 53
+leaf_count=70 71 67 53
+internal_value=0 0.283824 0.657886
+internal_weight=0 190 120
+internal_count=261 190 120
+shrinkage=0.02
+
+
+Tree=173
+num_leaves=6
+num_cat=0
+split_feature=3 9 5 4 4
+split_gain=54.9718 27.3151 64.25 46.2585 40.2519
+threshold=49.500000000000007 65.500000000000014 59.350000000000009 71.500000000000014 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 4 -3 -2
+right_child=1 3 -4 -5 -6
+leaf_value=-0.021881194756651647 -0.006897471184876376 -0.00127029734967782 -0.022085839405064242 0.02665908904411006 0.020839246788388853
+leaf_weight=39 39 50 43 45 45
+leaf_count=39 39 50 43 45 45
+internal_value=0 0.192467 -0.110764 0.598044 0.397847
+internal_weight=0 222 127 95 84
+internal_count=261 222 127 95 84
+shrinkage=0.02
+
+
+Tree=174
+num_leaves=5
+num_cat=0
+split_feature=1 4 5 7
+split_gain=53.3928 55.752 50.7424 28.9439
+threshold=8.5000000000000018 67.500000000000014 51.650000000000013 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0092274363338575426 -0.029451838376304211 0.019762300245350185 0.0002373342914166288 -0.013387197100637696
+leaf_weight=40 39 74 56 52
+leaf_count=40 39 74 56 52
+internal_value=0 0.342165 -0.597757 -0.177326
+internal_weight=0 166 95 92
+internal_count=261 166 95 92
+shrinkage=0.02
+
+
+Tree=175
+num_leaves=5
+num_cat=0
+split_feature=7 2 4 7
+split_gain=51.8745 29.595 23.8649 42.0505
+threshold=50.500000000000007 24.500000000000004 71.500000000000014 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.020942003969870098 0.0094942118003979309 0.018465682885761513 0.011371460765549663 -0.014235269802614831
+leaf_weight=40 50 44 53 74
+leaf_count=40 50 44 53 74
+internal_value=0 0.189767 0.00690466 -0.233026
+internal_weight=0 221 177 124
+internal_count=261 221 177 124
+shrinkage=0.02
+
+
+Tree=176
+num_leaves=6
+num_cat=0
+split_feature=6 2 4 2 3
+split_gain=50.5334 25.2891 21.0329 64.0917 8.31014
+threshold=45.500000000000007 24.500000000000004 71.500000000000014 8.5000000000000018 61.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -5
+right_child=1 -3 -4 4 -6
+leaf_value=-0.020080797184326885 0.017352447920148256 0.018008806298967405 0.011144330690691919 -0.0078207962393178187 -0.020378158628742257
+leaf_weight=42 39 41 53 47 39
+leaf_count=42 39 41 53 47 39
+internal_value=0 0.192795 0.0292835 -0.194427 -0.676833
+internal_weight=0 219 178 125 86
+internal_count=261 219 178 125 86
+shrinkage=0.02
+
+
+Tree=177
+num_leaves=5
+num_cat=0
+split_feature=1 4 8 7
+split_gain=49.6678 51.251 45.4716 28.0163
+threshold=8.5000000000000018 67.500000000000014 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0092064988915093807 -0.028093965680269079 0.018987210147596811 1.0879184125216861e-05 -0.01304308997387389
+leaf_weight=40 39 74 56 52
+leaf_count=40 39 74 56 52
+internal_value=0 0.330021 -0.576534 -0.168051
+internal_weight=0 166 95 92
+internal_count=261 166 95 92
+shrinkage=0.02
+
+
+Tree=178
+num_leaves=6
+num_cat=0
+split_feature=3 9 5 4 4
+split_gain=47.7084 24.5383 63.16 40.006 37.2642
+threshold=49.500000000000007 65.500000000000014 59.350000000000009 71.500000000000014 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 4 -3 -2
+right_child=1 3 -4 -5 -6
+leaf_value=-0.020385059529263741 -0.0063688436545677619 -0.0010293273834594595 -0.021863420749723649 0.024943901190399093 0.020318637246008537
+leaf_weight=39 39 50 43 45 45
+leaf_count=39 39 50 43 45 45
+internal_value=0 0.179303 -0.108101 0.563734 0.396176
+internal_weight=0 222 127 95 84
+internal_count=261 222 127 95 84
+shrinkage=0.02
+
+
+Tree=179
+num_leaves=5
+num_cat=0
+split_feature=2 4 8 8
+split_gain=49.3297 61.0168 28.9319 35.4549
+threshold=24.500000000000004 54.500000000000007 62.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.022012827237119854 0.017214875675671874 0.012608837007020873 -0.016726938368303503 0.0087491537090962686
+leaf_weight=57 53 63 48 40
+leaf_count=57 53 63 48 40
+internal_value=0 -0.21957 0.113111 -0.257003
+internal_weight=0 208 151 88
+internal_count=261 208 151 88
+shrinkage=0.02
+
+
+Tree=180
+num_leaves=5
+num_cat=0
+split_feature=1 5 5 5
+split_gain=46.9993 47.6045 44.1082 18.6868
+threshold=8.5000000000000018 58.20000000000001 51.650000000000013 68.65000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -2 -3
+right_child=2 3 -4 -5
+leaf_value=-0.0058085100524581327 -0.027530146382304756 0.026159268406700666 0.00015010987795970436 0.0080765161666187541
+leaf_weight=72 39 40 56 54
+leaf_count=72 39 40 56 54
+internal_value=0 0.321033 -0.560843 0.789677
+internal_weight=0 166 95 94
+internal_count=261 166 95 94
+shrinkage=0.02
+
+
+Tree=181
+num_leaves=5
+num_cat=0
+split_feature=2 4 8 8
+split_gain=47.4595 56.67 28.5299 34.4284
+threshold=24.500000000000004 54.500000000000007 62.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.021289613376320484 0.016885665902225271 0.012379616151355764 -0.016663636028431846 0.0084409220518541061
+leaf_weight=57 53 63 48 40
+leaf_count=57 53 63 48 40
+internal_value=0 -0.215362 0.105246 -0.262288
+internal_weight=0 208 151 88
+internal_count=261 208 151 88
+shrinkage=0.02
+
+
+Tree=182
+num_leaves=5
+num_cat=0
+split_feature=1 4 5 7
+split_gain=45.1475 45.5929 41.7968 28.8212
+threshold=8.5000000000000018 67.500000000000014 51.650000000000013 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.009644549312602264 -0.026873875627256519 0.017976464524641845 7.1311761547542416e-05 -0.012922592347726407
+leaf_weight=40 39 74 56 52
+leaf_count=40 39 74 56 52
+internal_value=0 0.314655 -0.549681 -0.155111
+internal_weight=0 166 95 92
+internal_count=261 166 95 92
+shrinkage=0.02
+
+
+Tree=183
+num_leaves=5
+num_cat=0
+split_feature=2 3 8 8
+split_gain=45.9007 57.7195 35.9598 32.4145
+threshold=24.500000000000004 56.500000000000007 62.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.020212321979451033 0.016606218701188839 0.015079225226335941 -0.016383228549992985 0.0079760559666683349
+leaf_weight=63 53 57 48 40
+leaf_count=63 53 57 48 40
+internal_value=0 -0.211794 0.135324 -0.26521
+internal_weight=0 208 145 88
+internal_count=261 208 145 88
+shrinkage=0.02
+
+
+Tree=184
+num_leaves=5
+num_cat=0
+split_feature=1 5 5 5
+split_gain=43.4147 44.0769 39.4738 19.1827
+threshold=8.5000000000000018 58.20000000000001 51.650000000000013 68.65000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -2 -3
+right_child=2 3 -4 -5
+leaf_value=-0.005595961442987153 -0.026213423759698685 0.02569104974246662 -0 0.0073742384037072855
+leaf_weight=72 39 40 56 54
+leaf_count=72 39 40 56 54
+internal_value=0 0.308564 -0.53903 0.759522
+internal_weight=0 166 95 94
+internal_count=261 166 95 94
+shrinkage=0.02
+
+
+Tree=185
+num_leaves=5
+num_cat=0
+split_feature=2 3 8 8
+split_gain=44.1576 53.5246 35.2157 31.5026
+threshold=24.500000000000004 56.500000000000007 62.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.019539817749215926 0.016288019714998801 0.014774908547813347 -0.016318812730383273 0.0076953510102976998
+leaf_weight=63 53 57 48 40
+leaf_count=63 53 57 48 40
+internal_value=0 -0.207734 0.126529 -0.269838
+internal_weight=0 208 145 88
+internal_count=261 208 145 88
+shrinkage=0.02
+
+
+Tree=186
+num_leaves=5
+num_cat=0
+split_feature=2 3 8 9
+split_gain=42.41 51.4069 33.8217 30.859
+threshold=24.500000000000004 56.500000000000007 62.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.019149455159916749 0.015962689690655497 0.014479772760088105 -0.017678302084716734 0.0060157005976305793
+leaf_weight=63 53 57 42 46
+leaf_count=63 53 57 42 46
+internal_value=0 -0.20358 0.124001 -0.264439
+internal_weight=0 208 145 88
+internal_count=261 208 145 88
+shrinkage=0.02
+
+
+Tree=187
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 5
+split_gain=41.8979 44.7841 80.3469 36.6236
+threshold=8.5000000000000018 11.500000000000002 67.500000000000014 51.650000000000013
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0072096412044962976 -0.025456275461517641 -0.00017286113980543563 0.035886724713309011 -0.00020459570943384388
+leaf_weight=63 39 62 41 56
+leaf_count=63 39 62 41 56
+internal_value=0 0.303133 0.709391 -0.52953
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=188
+num_leaves=5
+num_cat=0
+split_feature=2 3 8 8
+split_gain=40.3071 47.9583 33.038 29.7173
+threshold=24.500000000000004 56.500000000000007 62.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.018533081624303113 0.015561976457958463 0.014218591734263031 -0.015928096050578294 0.0073958117373720926
+leaf_weight=63 53 57 48 40
+leaf_count=63 53 57 48 40
+internal_value=0 -0.198476 0.117923 -0.265989
+internal_weight=0 208 145 88
+internal_count=261 208 145 88
+shrinkage=0.02
+
+
+Tree=189
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 5
+split_gain=40.2927 42.7333 76.4193 34.6083
+threshold=8.5000000000000018 11.500000000000002 67.500000000000014 51.650000000000013
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0070194447032524898 -0.024837114646790552 -0.0001226625487446036 0.035044451100651526 -0.00028899767765795588
+leaf_weight=63 39 62 41 56
+leaf_count=63 39 62 41 56
+internal_value=0 0.297268 0.694121 -0.519296
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=190
+num_leaves=5
+num_cat=0
+split_feature=1 5 5 5
+split_gain=38.6991 38.5029 33.2386 20.1272
+threshold=8.5000000000000018 58.20000000000001 51.650000000000013 68.65000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -2 -3
+right_child=2 3 -4 -5
+leaf_value=-0.0051714070144003345 -0.02434126082270964 0.025009840722687381 -0.00028322500448633433 0.0062542010432297679
+leaf_weight=72 39 40 56 54
+leaf_count=72 39 40 56 54
+internal_value=0 0.291325 -0.508937 0.712825
+internal_weight=0 166 95 94
+internal_count=261 166 95 94
+shrinkage=0.02
+
+
+Tree=191
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 4
+split_gain=38.3686 43.4668 35.9934 40.5069
+threshold=24.500000000000004 51.500000000000007 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.022036050301791656 0.015183212835055995 0.017521615351119065 -0.013993759996031275 0.0089001653216665526
+leaf_weight=42 53 39 74 53
+leaf_count=42 53 39 74 53
+internal_value=0 -0.193654 0.0362448 -0.221683
+internal_weight=0 208 166 127
+internal_count=261 208 166 127
+shrinkage=0.02
+
+
+Tree=192
+num_leaves=5
+num_cat=0
+split_feature=1 5 5 5
+split_gain=36.7555 36.6856 31.8654 19.5263
+threshold=8.5000000000000018 58.20000000000001 51.650000000000013 68.65000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -2 -3
+right_child=2 3 -4 -5
+leaf_value=-0.0050567510953751713 -0.023786952554157456 0.024498859533860197 -0.00023063632709277977 0.0060252361802378409
+leaf_weight=72 39 40 56 54
+leaf_count=72 39 40 56 54
+internal_value=0 0.283921 -0.495997 0.695362
+internal_weight=0 166 95 94
+internal_count=261 166 95 94
+shrinkage=0.02
+
+
+Tree=193
+num_leaves=5
+num_cat=0
+split_feature=2 3 8 8
+split_gain=36.9093 41.0663 33.4839 28.5299
+threshold=24.500000000000004 56.500000000000007 62.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.017275726550557126 0.014891866347828851 0.013996973717005883 -0.016066967408374863 0.0067859702272652566
+leaf_weight=63 53 57 48 40
+leaf_count=63 53 57 48 40
+internal_value=0 -0.189936 0.102841 -0.283652
+internal_weight=0 208 145 88
+internal_count=261 208 145 88
+shrinkage=0.02
+
+
+Tree=194
+num_leaves=5
+num_cat=0
+split_feature=1 4 7 8
+split_gain=35.3575 35.0366 32.451 29.002
+threshold=8.5000000000000018 67.500000000000014 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.010859409453180447 -0.022959497411872896 0.015812193823980067 -0.013086720005790996 -0.00048436599681780088
+leaf_weight=40 39 74 52 56
+leaf_count=40 39 74 52 56
+internal_value=0 0.278473 -0.133316 -0.486476
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=195
+num_leaves=5
+num_cat=0
+split_feature=1 5 5 5
+split_gain=33.9594 34.501 29.003 19.5792
+threshold=8.5000000000000018 58.20000000000001 51.650000000000013 68.65000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -2 -3
+right_child=2 3 -4 -5
+leaf_value=-0.0049523510056013742 -0.022765476039708778 0.024043609781220041 -0.00029049224791434096 0.0055470555555471573
+leaf_weight=72 39 40 56 54
+leaf_count=72 39 40 56 54
+internal_value=0 0.272909 -0.476772 0.671923
+internal_weight=0 166 95 94
+internal_count=261 166 95 94
+shrinkage=0.02
+
+
+Tree=196
+num_leaves=6
+num_cat=0
+split_feature=2 7 7 5 2
+split_gain=35.7613 37.7157 37.2987 32.1614 22.9219
+threshold=24.500000000000004 51.500000000000007 57.500000000000007 62.400000000000006 12.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.020658567256929758 0.014658495609383362 0.017642163754287569 -0.019815056016752108 0.011526160683345967 -0.0089254448667172252
+leaf_weight=42 53 39 39 47 41
+leaf_count=42 53 39 39 47 41
+internal_value=0 -0.186964 0.0271793 -0.235384 0.0994484
+internal_weight=0 208 166 127 88
+internal_count=261 208 166 127 88
+shrinkage=0.02
+
+
+Tree=197
+num_leaves=5
+num_cat=0
+split_feature=1 4 7 5
+split_gain=32.4945 32.9263 32.1527 27.6867
+threshold=8.5000000000000018 67.500000000000014 53.500000000000007 51.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.010818754780952967 -0.022254268367302092 0.015268917085993417 -0.013017115482778953 -0.00029449844915258364
+leaf_weight=40 39 74 52 56
+leaf_count=40 39 74 52 56
+internal_value=0 0.266958 -0.132233 -0.466386
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=198
+num_leaves=5
+num_cat=0
+split_feature=2 4 8 9
+split_gain=34.5961 34.6442 28.5272 29.3333
+threshold=24.500000000000004 54.500000000000007 62.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.016957658586672107 0.014417716722288936 0.011610100775867327 -0.018093885885782243 0.0050064528908885597
+leaf_weight=57 53 63 42 46
+leaf_count=57 53 63 42 46
+internal_value=0 -0.183901 0.0667527 -0.300762
+internal_weight=0 208 151 88
+internal_count=261 208 151 88
+shrinkage=0.02
+
+
+Tree=199
+num_leaves=5
+num_cat=0
+split_feature=2 3 8 9
+split_gain=33.2269 35.0097 33.1986 28.1733
+threshold=24.500000000000004 56.500000000000007 62.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.01604863861968216 0.014129741828455547 0.013691363078774599 -0.017732610671911838 0.0049064757204722734
+leaf_weight=63 53 57 42 46
+leaf_count=63 53 57 42 46
+internal_value=0 -0.180226 0.0900932 -0.294748
+internal_weight=0 208 145 88
+internal_count=261 208 145 88
+shrinkage=0.02
+
+
+Tree=200
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 4
+split_gain=31.9118 34.0097 36.5139 36.1865
+threshold=24.500000000000004 51.500000000000007 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.019599491392089829 0.013847520102523738 0.01745232155141789 -0.013697260157877223 0.0079413584751447802
+leaf_weight=42 53 39 74 53
+leaf_count=42 53 39 74 53
+internal_value=0 -0.176622 0.0267219 -0.233064
+internal_weight=0 208 166 127
+internal_count=261 208 166 127
+shrinkage=0.02
+
+
+Tree=201
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 5
+split_gain=31.0994 40.0055 66.2805 25.7626
+threshold=8.5000000000000018 11.500000000000002 67.500000000000014 51.650000000000013
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0073205903481230773 -0.021595064749460192 -0.00013878809948637423 0.032612243268157197 -0.00041062167818924316
+leaf_weight=63 39 62 41 56
+leaf_count=63 39 62 41 56
+internal_value=0 0.261173 0.645178 -0.456265
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=202
+num_leaves=5
+num_cat=0
+split_feature=2 3 8 9
+split_gain=30.288 32.2523 32.3662 27.0281
+threshold=24.500000000000004 56.500000000000007 62.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.015385907608879852 0.013490779160419965 0.01348716303849776 -0.017446931234187005 0.0047273599331184094
+leaf_weight=63 53 57 42 46
+leaf_count=63 53 57 42 46
+internal_value=0 -0.172077 0.0873749 -0.29261
+internal_weight=0 208 145 88
+internal_count=261 208 145 88
+shrinkage=0.02
+
+
+Tree=203
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 8
+split_gain=29.9962 38.1544 63.4165 23.4021
+threshold=8.5000000000000018 11.500000000000002 67.500000000000014 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0071204210569205239 -0.020847739337166164 -0.0001268839250349165 0.031908695756344134 -0.00065481518410692371
+leaf_weight=63 39 62 41 56
+leaf_count=63 39 62 41 56
+internal_value=0 0.256497 0.63152 -0.44811
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=204
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 5
+split_gain=28.8096 36.6447 31.4369 23.4172
+threshold=8.5000000000000018 11.500000000000002 20.500000000000004 51.650000000000013
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0069781706157781747 -0.020672623148683338 0.023528254704919375 0.0014099991373075322 -0.00047374081777467518
+leaf_weight=63 39 51 52 56
+leaf_count=63 39 51 52 56
+internal_value=0 0.251368 0.618903 -0.439172
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=205
+num_leaves=5
+num_cat=0
+split_feature=2 3 8 9
+split_gain=29.0504 29.5326 31.7792 26.0338
+threshold=24.500000000000004 56.500000000000007 62.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.014800692801715948 0.01321228997460727 0.013227635694297911 -0.017315245305440589 0.0044473307213453092
+leaf_weight=63 53 57 42 46
+leaf_count=63 53 57 42 46
+internal_value=0 -0.168535 0.079733 -0.296789
+internal_weight=0 208 145 88
+internal_count=261 208 145 88
+shrinkage=0.02
+
+
+Tree=206
+num_leaves=5
+num_cat=0
+split_feature=2 3 8 9
+split_gain=27.9005 28.3637 30.5212 25.0042
+threshold=24.500000000000004 56.500000000000007 62.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.01450500770753587 0.012948392785289586 0.012963408006350922 -0.016969516844598704 0.0043585194658632784
+leaf_weight=63 53 57 42 46
+leaf_count=63 53 57 42 46
+internal_value=0 -0.165166 0.0781385 -0.290854
+internal_weight=0 208 145 88
+internal_count=261 208 145 88
+shrinkage=0.02
+
+
+Tree=207
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 4
+split_gain=26.796 28.0221 37.0968 34.3465
+threshold=24.500000000000004 51.500000000000007 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.017822484607578726 0.012689766805230819 0.017506504177757318 -0.013586200226525298 0.0074951113704595507
+leaf_weight=42 53 39 74 53
+leaf_count=42 53 39 74 53
+internal_value=0 -0.161863 0.0227057 -0.239145
+internal_weight=0 208 166 127
+internal_count=261 208 166 127
+shrinkage=0.02
+
+
+Tree=208
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 5
+split_gain=27.6075 34.4658 59.9642 21.7675
+threshold=8.5000000000000018 11.500000000000002 67.500000000000014 51.650000000000013
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0067215069637720842 -0.020061489886885293 -0.0003541847272437418 0.030797129049770208 -0.00058551482918727242
+leaf_weight=63 39 62 41 56
+leaf_count=63 39 62 41 56
+internal_value=0 0.246079 0.602529 -0.429911
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=209
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 5
+split_gain=26.5154 33.1021 57.5938 20.9056
+threshold=8.5000000000000018 11.500000000000002 67.500000000000014 51.650000000000013
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0065872256936712476 -0.019660978966359443 -0.00034710868026335611 0.030182236736639882 -0.00057381930720344762
+leaf_weight=63 39 62 41 56
+leaf_count=63 39 62 41 56
+internal_value=0 0.241158 0.590492 -0.421336
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=210
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 5
+split_gain=25.4664 31.7922 55.317 20.0778
+threshold=8.5000000000000018 11.500000000000002 67.500000000000014 51.650000000000013
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0064556276006764394 -0.019268464288970593 -0.00034017454841794913 0.029579619235994753 -0.0005623576858793327
+leaf_weight=63 39 62 41 56
+leaf_count=63 39 62 41 56
+internal_value=0 0.236335 0.578694 -0.412933
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=211
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 4
+split_gain=24.8341 24.6174 37.6563 31.2867
+threshold=24.500000000000004 51.500000000000007 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.016788042800632487 0.012216354729609455 0.017523321790684093 -0.013335697652398133 0.006784690766543886
+leaf_weight=42 53 39 74 53
+leaf_count=42 53 39 74 53
+internal_value=0 -0.155849 0.0171387 -0.24668
+internal_weight=0 208 166 127
+internal_count=261 208 166 127
+shrinkage=0.02
+
+
+Tree=212
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 5
+split_gain=24.1926 30.3252 52.6773 19.3293
+threshold=8.5000000000000018 11.500000000000002 67.500000000000014 51.650000000000013
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.006314253673767806 -0.018852460009093814 -0.00033159351896717293 0.028865534707464845 -0.00049789189271840135
+leaf_weight=63 39 62 41 56
+leaf_count=63 39 62 41 56
+internal_value=0 0.23035 0.564726 -0.402484
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=213
+num_leaves=5
+num_cat=0
+split_feature=2 3 3 9
+split_gain=23.5728 23.5961 31.4836 3.73436
+threshold=24.500000000000004 56.500000000000007 68.500000000000014 57.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.013254695093536531 0.011902268688535429 0.0056051856714165182 -0.008646022176554153 0.014440166585915895
+leaf_weight=63 53 39 67 39
+leaf_count=63 53 39 67 39
+internal_value=0 -0.151846 0.0700638 0.502095
+internal_weight=0 208 145 78
+internal_count=261 208 145 78
+shrinkage=0.02
+
+
+Tree=214
+num_leaves=5
+num_cat=0
+split_feature=2 3 8 9
+split_gain=22.6393 22.6624 30.3771 24.1039
+threshold=24.500000000000004 56.500000000000007 62.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.01298989531836591 0.011664537556409072 0.012747295350645768 -0.016938732908660114 0.0040016892750971691
+leaf_weight=63 53 57 42 46
+leaf_count=63 53 57 42 46
+internal_value=0 -0.148806 0.068668 -0.299452
+internal_weight=0 208 145 88
+internal_count=261 208 145 88
+shrinkage=0.02
+
+
+Tree=215
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 5
+split_gain=23.6293 28.5213 50.4903 17.8348
+threshold=8.5000000000000018 11.500000000000002 67.500000000000014 51.650000000000013
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0060382895682681015 -0.018332981388908171 -0.00034316039469980741 0.028241434521648404 -0.00070011492275779254
+leaf_weight=63 39 62 41 56
+leaf_count=63 39 62 41 56
+internal_value=0 0.227657 0.551943 -0.397773
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=216
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 5
+split_gain=21.4847 21.2527 41.7494 32.9246
+threshold=24.500000000000004 13.500000000000002 62.400000000000006 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0080152753152247444 0.011363381219489755 0.00017701468967281763 0.016099206932634544 -0.024013833866297574
+leaf_weight=64 53 53 52 39
+leaf_count=64 53 53 52 39
+internal_value=0 -0.14497 0.139548 -0.503979
+internal_weight=0 208 116 92
+internal_count=261 208 116 92
+shrinkage=0.02
+
+
+Tree=217
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 5
+split_gain=22.656 27.7397 48.5982 17.2199
+threshold=8.5000000000000018 11.500000000000002 67.500000000000014 51.650000000000013
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0059869375667104029 -0.017987372325087316 -0.00031187603275653375 0.027731978057624944 -0.00066063331817802482
+leaf_weight=63 39 62 41 56
+leaf_count=63 39 62 41 56
+internal_value=0 0.222917 0.542735 -0.389507
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=218
+num_leaves=5
+num_cat=0
+split_feature=1 5 5 5
+split_gain=21.7596 23.3525 23.786 16.5378
+threshold=8.5000000000000018 58.20000000000001 68.65000000000002 51.650000000000013
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0041955121001713289 -0.017628269153755587 0.022618308112542174 0.0022497332939405814 -0.00064743716793943043
+leaf_weight=72 39 40 54 56
+leaf_count=72 39 40 54 56
+internal_value=0 0.218459 0.546805 -0.381739
+internal_weight=0 166 94 95
+internal_count=261 166 94 95
+shrinkage=0.02
+
+
+Tree=219
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 5
+split_gain=20.4131 20.7733 38.8933 33.0546
+threshold=24.500000000000004 13.500000000000002 62.400000000000006 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0076305398806890056 0.011076495595766322 0.00035146220120216509 0.01564469100132267 -0.023887124750233992
+leaf_weight=64 53 53 52 39
+leaf_count=64 53 53 52 39
+internal_value=0 -0.14132 0.139972 -0.496263
+internal_weight=0 208 116 92
+internal_count=261 208 116 92
+shrinkage=0.02
+
+
+Tree=220
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 2
+split_gain=20.8662 26.8713 46.6152 16.4657
+threshold=8.5000000000000018 11.500000000000002 67.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0060018660305550765 0.0024879125142787039 -0.00036192064035029081 0.027103821548604023 -0.014424780440857774
+leaf_weight=63 39 62 41 56
+leaf_count=63 39 62 41 56
+internal_value=0 0.213931 0.528713 -0.373827
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=221
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 5
+split_gain=20.0391 25.8078 44.7724 15.8353
+threshold=8.5000000000000018 11.500000000000002 67.500000000000014 51.650000000000013
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0058819621890684086 -0.01710605286044601 -0.00035469041544591748 0.026562670521530642 -0.00048949582586956897
+leaf_weight=63 39 62 41 56
+leaf_count=63 39 62 41 56
+internal_value=0 0.209652 0.518149 -0.366351
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=222
+num_leaves=5
+num_cat=0
+split_feature=1 5 5 5
+split_gain=19.2461 20.8169 23.7551 15.208
+threshold=8.5000000000000018 58.20000000000001 68.65000000000002 51.650000000000013
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0039771680265512062 -0.016764545494755853 0.021983724710856231 0.0016303724982016669 -0.00047971796400516839
+leaf_weight=72 39 40 54 56
+leaf_count=72 39 40 54 56
+internal_value=0 0.205458 0.51549 -0.359045
+internal_weight=0 166 94 95
+internal_count=261 166 94 95
+shrinkage=0.02
+
+
+Tree=223
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 5
+split_gain=19.2831 20.3593 36.063 33.7244
+threshold=24.500000000000004 13.500000000000002 62.400000000000006 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0072210009737730743 0.010765710643439817 0.00060507937402392317 0.015191545504650961 -0.023877914558751889
+leaf_weight=64 53 53 52 39
+leaf_count=64 53 53 52 39
+internal_value=0 -0.137363 0.141111 -0.488758
+internal_weight=0 208 116 92
+internal_count=261 208 116 92
+shrinkage=0.02
+
+
+Tree=224
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 5
+split_gain=18.5196 19.5529 34.6361 32.3912
+threshold=24.500000000000004 13.500000000000002 62.400000000000006 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0070767384528443956 0.010550680794418477 0.00059299413744442336 0.014888122472844108 -0.023401212006814959
+leaf_weight=64 53 53 52 39
+leaf_count=64 53 53 52 39
+internal_value=0 -0.134617 0.138286 -0.478992
+internal_weight=0 208 116 92
+internal_count=261 208 116 92
+shrinkage=0.02
+
+
+Tree=225
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 2
+split_gain=18.432 25.3427 35.6285 15.4044
+threshold=8.5000000000000018 11.500000000000002 20.500000000000004 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0059623404228783686 0.0026102642745107585 0.022005520152303372 -0.00150434924060286 -0.013748636321263165
+leaf_weight=63 39 51 52 56
+leaf_count=63 39 51 52 56
+internal_value=0 0.201074 0.506787 -0.351374
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=226
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 5
+split_gain=18.2101 18.9567 33.2261 31.2775
+threshold=24.500000000000004 13.500000000000002 62.400000000000006 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0069355249509101408 0.010462281119920045 0.00054474389118905852 0.014577808649876033 -0.023033369455094651
+leaf_weight=64 53 53 52 39
+leaf_count=64 53 53 52 39
+internal_value=0 -0.133488 0.135223 -0.472577
+internal_weight=0 208 116 92
+internal_count=261 208 116 92
+shrinkage=0.02
+
+
+Tree=227
+num_leaves=6
+num_cat=0
+split_feature=1 4 9 9 5
+split_gain=17.6761 19.5336 25.9279 31.7856 14.7558
+threshold=8.5000000000000018 74.500000000000014 53.500000000000007 68.500000000000014 51.650000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=-0.013341406972026897 -0.016322037484968809 0.015535853493094639 0.018186144074940822 -0.0065633072191442609 -0.00028127274640596801
+leaf_weight=40 39 43 43 40 56
+leaf_count=40 39 43 43 40 56
+internal_value=0 0.196912 -0.0058116 0.312679 -0.344101
+internal_weight=0 166 123 83 95
+internal_count=261 166 123 83 95
+shrinkage=0.02
+
+
+Tree=228
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 5
+split_gain=17.6167 18.1726 31.3698 30.4095
+threshold=24.500000000000004 13.500000000000002 62.400000000000006 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.006730875912649651 0.01029051522425121 0.00059021129715638087 0.014173109961152421 -0.022658462065288959
+leaf_weight=64 53 53 52 39
+leaf_count=64 53 53 52 39
+internal_value=0 -0.131301 0.131794 -0.463312
+internal_weight=0 208 116 92
+internal_count=261 208 116 92
+shrinkage=0.02
+
+
+Tree=229
+num_leaves=5
+num_cat=0
+split_feature=1 2 7 2
+split_gain=16.9539 25.1112 48.677 14.6549
+threshold=8.5000000000000018 15.500000000000002 65.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.017353531782455398 0.0018873452921602328 0.012220268881056458 0.012254387467483288 -0.013882835743888362
+leaf_weight=47 43 77 42 52
+leaf_count=47 43 77 42 52
+internal_value=0 0.192849 -0.168681 -0.33701
+internal_weight=0 166 89 95
+internal_count=261 166 89 95
+shrinkage=0.02
+
+
+Tree=230
+num_leaves=4
+num_cat=0
+split_feature=2 1 3
+split_gain=16.7603 17.7272 32.165
+threshold=24.500000000000004 8.5000000000000018 68.500000000000014
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.010212463734056876 0.010037638447436097 -0.01033778797212824 -0.0097015095034417211
+leaf_weight=77 53 75 56
+leaf_count=77 53 75 56
+internal_value=0 -0.128069 0.0910464
+internal_weight=0 208 133
+internal_count=261 208 133
+shrinkage=0.02
+
+
+Tree=231
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 5
+split_gain=16.0966 17.6086 29.5105 29.3332
+threshold=24.500000000000004 13.500000000000002 62.400000000000006 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.006415466671152237 0.0098371501887206288 0.00063346318034369193 0.013859762138566703 -0.02220011336098196
+leaf_weight=64 53 53 52 39
+leaf_count=64 53 53 52 39
+internal_value=0 -0.125511 0.133471 -0.452341
+internal_weight=0 208 116 92
+internal_count=261 208 116 92
+shrinkage=0.02
+
+
+Tree=232
+num_leaves=5
+num_cat=0
+split_feature=1 3 5 6
+split_gain=15.6867 30.6612 41.4285 18.7885
+threshold=9.5000000000000018 68.500000000000014 58.20000000000001 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00018709033933420689 -0.0080222564238325803 -0.016349867716191339 0.025456073410810812 0.0030248267560406329
+leaf_weight=68 71 39 42 41
+leaf_count=68 71 39 42 41
+internal_value=0 0.149922 0.492628 -0.320819
+internal_weight=0 190 110 80
+internal_count=261 190 110 80
+shrinkage=0.02
+
+
+Tree=233
+num_leaves=5
+num_cat=0
+split_feature=2 2 7 1
+split_gain=15.2482 16.9972 27.5688 27.4234
+threshold=24.500000000000004 13.500000000000002 65.500000000000014 5.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0059831382027598634 0.009574842175813815 0.0038487865690581477 0.013652276695635377 -0.01822895307459579
+leaf_weight=65 53 39 51 53
+leaf_count=65 53 39 51 53
+internal_value=0 -0.122156 0.13229 -0.443271
+internal_weight=0 208 116 92
+internal_count=261 208 116 92
+shrinkage=0.02
+
+
+Tree=234
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 2
+split_gain=14.7997 23.8304 36.5965 14.115
+threshold=8.5000000000000018 11.500000000000002 20.500000000000004 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0060771880625723959 0.0021692587589204576 0.021564075626288464 -0.0022631592205213176 -0.013308141293636961
+leaf_weight=63 43 51 52 52
+leaf_count=63 43 51 52 52
+internal_value=0 0.180209 0.476683 -0.314886
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=235
+num_leaves=5
+num_cat=0
+split_feature=2 4 8 8
+split_gain=15.0484 16.5475 30.8806 19.9542
+threshold=24.500000000000004 54.500000000000007 62.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.011608142326451319 0.0095120500583803225 0.011727568087306399 -0.015302700205059541 0.0038090135255284163
+leaf_weight=57 53 63 48 40
+leaf_count=57 53 63 48 40
+internal_value=0 -0.121352 0.0518581 -0.330518
+internal_weight=0 208 151 88
+internal_count=261 208 151 88
+shrinkage=0.02
+
+
+Tree=236
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 5
+split_gain=14.4523 16.4273 27.9365 27.0983
+threshold=24.500000000000004 13.500000000000002 59.350000000000009 62.400000000000006
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0060811709253393931 0.0093220598825250207 0.00075435218061681124 -0.021529070466169472 0.013348095533610627
+leaf_weight=64 53 53 39 52
+leaf_count=64 53 53 39 52
+internal_value=0 -0.118925 -0.434619 0.13122
+internal_weight=0 208 92 116
+internal_count=261 208 92 116
+shrinkage=0.02
+
+
+Tree=237
+num_leaves=5
+num_cat=0
+split_feature=1 3 5 6
+split_gain=14.3563 29.5158 39.5357 17.1243
+threshold=9.5000000000000018 68.500000000000014 58.20000000000001 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00015152555545188616 -0.0076747468703068557 -0.015852077624088121 0.024837010800200916 0.0026447567417727845
+leaf_weight=68 71 39 42 41
+leaf_count=68 71 39 42 41
+internal_value=0 0.143444 0.479698 -0.318422
+internal_weight=0 190 110 80
+internal_count=261 190 110 80
+shrinkage=0.02
+
+
+Tree=238
+num_leaves=5
+num_cat=0
+split_feature=1 2 7 2
+split_gain=13.8283 23.0654 44.9916 13.6222
+threshold=8.5000000000000018 15.500000000000002 65.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.01688605663650148 0.0022301121258475483 0.011500149731105818 0.011579092610171383 -0.012974948640723181
+leaf_weight=47 43 77 42 52
+leaf_count=47 43 77 42 52
+internal_value=0 0.17421 -0.172277 -0.304383
+internal_weight=0 166 89 95
+internal_count=261 166 89 95
+shrinkage=0.02
+
+
+Tree=239
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 5
+split_gain=13.5489 15.9626 27.4501 24.7583
+threshold=24.500000000000004 13.500000000000002 59.350000000000009 62.400000000000006
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0056923732905300806 0.0090265831707874809 0.00083698770683802786 -0.021251632939039183 0.012879427635832257
+leaf_weight=64 53 53 39 52
+leaf_count=64 53 53 39 52
+internal_value=0 -0.115144 -0.426351 0.131439
+internal_weight=0 208 92 116
+internal_count=261 208 92 116
+shrinkage=0.02
+
+
+Tree=240
+num_leaves=6
+num_cat=0
+split_feature=2 7 7 5 2
+split_gain=13.0121 15.4531 43.9702 27.5164 15.3696
+threshold=24.500000000000004 51.500000000000007 57.500000000000007 62.400000000000006 12.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.013091339981446846 0.0088462900034963973 0.019047855838412425 -0.019191598541632254 0.0087900415315530795 -0.0079610128561771795
+leaf_weight=42 53 39 39 47 41
+leaf_count=42 53 39 39 47 41
+internal_value=0 -0.112842 0.0241984 -0.260891 0.0488182
+internal_weight=0 208 166 127 88
+internal_count=261 208 166 127 88
+shrinkage=0.02
+
+
+Tree=241
+num_leaves=5
+num_cat=0
+split_feature=1 3 4 9
+split_gain=13.3243 28.933 37.4677 17.1899
+threshold=9.5000000000000018 68.500000000000014 59.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0010321315022974484 -0.0073940143064220067 -0.015420789388893932 0.022436975396916026 0.0031114376148116962
+leaf_weight=61 71 41 49 39
+leaf_count=61 71 41 49 39
+internal_value=0 0.138208 0.471132 -0.319076
+internal_weight=0 190 110 80
+internal_count=261 190 110 80
+shrinkage=0.02
+
+
+Tree=242
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 5
+split_gain=12.9013 22.3021 44.0903 13.3666
+threshold=8.5000000000000018 11.500000000000002 67.500000000000014 51.650000000000013
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0060002226583436378 -0.014865848885370942 -0.0015328042487599903 0.025178950859126251 0.00037386307279247641
+leaf_weight=63 39 62 41 56
+leaf_count=63 39 62 41 56
+internal_value=0 0.16828 0.455107 -0.294018
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=243
+num_leaves=5
+num_cat=0
+split_feature=6 5 1 4
+split_gain=12.4158 36.0171 17.4929 14.6076
+threshold=65.500000000000014 58.550000000000004 2.5000000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0076665785369696374 -0.0070024786423573153 0.016155270699492023 -0.017168158917040176 -0.00088621289034003688
+leaf_weight=42 73 56 39 51
+leaf_count=42 73 56 39 51
+internal_value=0 0.135997 -0.148969 -0.397923
+internal_weight=0 188 132 90
+internal_count=261 188 132 90
+shrinkage=0.02
+
+
+Tree=244
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 5
+split_gain=12.1954 15.2551 27.2273 22.7263
+threshold=24.500000000000004 13.500000000000002 59.350000000000009 62.400000000000006
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0053362729827755237 0.008564452534906156 0.0010557049780765373 -0.02094320477626499 0.012457426390241291
+leaf_weight=64 53 53 39 52
+leaf_count=64 53 53 39 52
+internal_value=0 -0.109257 -0.413503 0.131801
+internal_weight=0 208 92 116
+internal_count=261 208 92 116
+shrinkage=0.02
+
+
+Tree=245
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 8
+split_gain=12.0458 21.6566 42.9435 13.1739
+threshold=8.5000000000000018 11.500000000000002 67.500000000000014 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0059770974808418184 0.0012275613614764493 -0.0015902761610133917 0.024771837554826683 -0.013699115515837247
+leaf_weight=63 51 62 41 44
+leaf_count=63 51 62 41 44
+internal_value=0 0.162611 0.445266 -0.284121
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=246
+num_leaves=5
+num_cat=0
+split_feature=6 5 1 4
+split_gain=12.3625 34.6512 16.8977 14.2182
+threshold=65.500000000000014 58.550000000000004 2.5000000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0075872534190399559 -0.0069874947345483582 0.015892319201530142 -0.016856151256593014 -0.00079247728028081742
+leaf_weight=42 73 56 39 51
+leaf_count=42 73 56 39 51
+internal_value=0 0.135704 -0.143805 -0.388499
+internal_weight=0 188 132 90
+internal_count=261 188 132 90
+shrinkage=0.02
+
+
+Tree=247
+num_leaves=5
+num_cat=0
+split_feature=3 4 9 4
+split_gain=11.9879 26.4379 16.6957 7.93887
+threshold=68.500000000000014 62.500000000000007 72.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0030641688794952088 -0.01535828894816497 0.014268437306128746 0.0029055361479086005 -0.007034066187481992
+leaf_weight=59 41 56 39 66
+leaf_count=59 41 56 39 66
+internal_value=0 0.142567 -0.322496 -0.113113
+internal_weight=0 181 80 125
+internal_count=261 181 80 125
+shrinkage=0.02
+
+
+Tree=248
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 4
+split_gain=11.7635 33.0811 13.169 29.0863
+threshold=65.500000000000014 58.550000000000004 9.5000000000000018 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0067552871233452459 -0.0068163916566098826 0.015524064915393239 0.0058205181150505422 -0.016846776331640924
+leaf_weight=40 73 56 40 52
+leaf_count=40 73 56 40 52
+internal_value=0 0.13238 -0.14072 -0.34929
+internal_weight=0 188 132 92
+internal_count=261 188 132 92
+shrinkage=0.02
+
+
+Tree=249
+num_leaves=5
+num_cat=0
+split_feature=1 3 4 9
+split_gain=11.6001 27.16 33.8317 16.1901
+threshold=9.5000000000000018 68.500000000000014 59.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0009033236993116542 -0.0068998489658993927 -0.015054434831339222 0.021397986172026377 0.0029309215250758525
+leaf_weight=61 71 41 49 39
+leaf_count=61 71 41 49 39
+internal_value=0 0.128968 0.451546 -0.314084
+internal_weight=0 190 110 80
+internal_count=261 190 110 80
+shrinkage=0.02
+
+
+Tree=250
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 7
+split_gain=11.3694 14.7189 27.1626 22.052
+threshold=24.500000000000004 13.500000000000002 59.350000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0050914546725972388 0.0082698701792390458 0.0012274350359016653 -0.020745411072358288 0.012470665829322191
+leaf_weight=65 53 53 39 51
+leaf_count=65 53 53 39 51
+internal_value=0 -0.105495 -0.404357 0.13129
+internal_weight=0 208 92 116
+internal_count=261 208 92 116
+shrinkage=0.02
+
+
+Tree=251
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 8
+split_gain=11.2285 21.0196 42.351 13.4933
+threshold=8.5000000000000018 11.500000000000002 67.500000000000014 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0059523854844256785 0.0015066940620591174 -0.0017130967621039285 0.024466585101714414 -0.013600017481957105
+leaf_weight=63 51 62 41 44
+leaf_count=63 51 62 41 44
+internal_value=0 0.15701 0.435486 -0.274327
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=252
+num_leaves=5
+num_cat=0
+split_feature=6 5 1 4
+split_gain=11.7057 31.3789 16.0974 14.1744
+threshold=65.500000000000014 58.550000000000004 2.5000000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.007534268616121117 -0.0067995822127840666 0.01518217459174854 -0.016527161665331351 -0.00048930715973045295
+leaf_weight=42 73 56 39 51
+leaf_count=42 73 56 39 51
+internal_value=0 0.132059 -0.133921 -0.372768
+internal_weight=0 188 132 90
+internal_count=261 188 132 90
+shrinkage=0.02
+
+
+Tree=253
+num_leaves=6
+num_cat=0
+split_feature=9 5 9 5 1
+split_gain=10.996 50.7907 31.2119 29.7402 26.6001
+threshold=65.500000000000014 59.350000000000009 77.500000000000014 51.650000000000013 2.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 3 -2 4 -1
+right_child=2 -3 -4 -5 -6
+leaf_value=0.0073838339716245649 0.015632884213316569 -0.02180650354511145 -0.0074337964467234988 0.017080965062516135 -0.015537748803621307
+leaf_weight=42 53 43 42 42 39
+leaf_count=42 53 43 42 42 39
+internal_value=0 -0.155426 0.27143 0.171518 -0.182325
+internal_weight=0 166 95 123 81
+internal_count=261 166 95 123 81
+shrinkage=0.02
+
+
+Tree=254
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 5
+split_gain=11.0453 25.0222 33.1302 9.26153
+threshold=68.500000000000014 9.5000000000000018 58.20000000000001 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=6.9740251488179151e-05 -0.01299586951212006 -0.0065121269787986593 0.022669108474739155 0.00060360548247534169
+leaf_weight=68 40 71 42 40
+leaf_count=68 40 71 42 40
+internal_value=0 0.136859 0.435739 -0.309578
+internal_weight=0 181 110 80
+internal_count=261 181 110 80
+shrinkage=0.02
+
+
+Tree=255
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 4
+split_gain=11.0598 30.2029 12.7622 29.2329
+threshold=65.500000000000014 58.550000000000004 9.5000000000000018 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0067693641726025216 -0.0066096510751491797 0.014871372624219198 0.0060801960566200346 -0.016644261990258348
+leaf_weight=40 73 56 40 52
+leaf_count=40 73 56 40 52
+internal_value=0 0.128371 -0.132575 -0.337913
+internal_weight=0 188 132 92
+internal_count=261 188 132 92
+shrinkage=0.02
+
+
+Tree=256
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 3
+split_gain=10.9991 31.1853 31.535 8.00704
+threshold=67.050000000000011 57.500000000000007 46.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0058547418925925399 0 -0.012504534844861985 0.016441639283672371 0.012455092544102866
+leaf_weight=55 43 76 47 40
+leaf_count=55 43 76 47 40
+internal_value=0 -0.140319 0.220774 0.300736
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=257
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 9
+split_gain=10.7228 24.0462 31.729 15.3911
+threshold=68.500000000000014 9.5000000000000018 59.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0010629862809954209 -0.014654310084561929 -0.0063698629699243826 0.020534303961350184 0.002881884187315015
+leaf_weight=61 41 71 49 39
+leaf_count=61 41 71 49 39
+internal_value=0 0.134864 0.427865 -0.305019
+internal_weight=0 181 110 80
+internal_count=261 181 110 80
+shrinkage=0.02
+
+
+Tree=258
+num_leaves=5
+num_cat=0
+split_feature=6 5 1 1
+split_gain=10.9914 29.2042 14.7335 13.9255
+threshold=65.500000000000014 58.550000000000004 2.5000000000000004 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0071983222920905402 -0.0065890509284552501 0.014658579072659723 -0.01573881039196829 4.5654640096692021e-05
+leaf_weight=42 73 56 41 49
+leaf_count=42 73 56 41 49
+internal_value=0 0.127981 -0.128613 -0.35714
+internal_weight=0 188 132 90
+internal_count=261 188 132 90
+shrinkage=0.02
+
+
+Tree=259
+num_leaves=5
+num_cat=0
+split_feature=5 7 7 3
+split_gain=10.6953 30.3536 30.4715 8.00544
+threshold=67.050000000000011 57.500000000000007 51.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0057379013289118588 -5.0973308482191134e-05 -0.012335390232310466 0.016179403830719318 0.012371162742874644
+leaf_weight=55 43 76 47 40
+leaf_count=55 43 76 47 40
+internal_value=0 -0.138365 0.217879 0.296567
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=260
+num_leaves=5
+num_cat=0
+split_feature=6 5 1 4
+split_gain=10.935 28.6744 14.0296 13.3319
+threshold=65.500000000000014 58.550000000000004 2.5000000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0070024512709249706 -0.0065720931164164774 0.014541917113626792 -0.015790391969412284 -0.00023620429887728656
+leaf_weight=42 73 56 39 51
+leaf_count=42 73 56 39 51
+internal_value=0 0.127656 -0.1266 -0.349613
+internal_weight=0 188 132 90
+internal_count=261 188 132 90
+shrinkage=0.02
+
+
+Tree=261
+num_leaves=5
+num_cat=0
+split_feature=7 3 6 2
+split_gain=10.6479 45.0027 19.8207 18.1914
+threshold=76.500000000000014 68.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0070154024341089151 0.0096370391114032079 -0.019544480329663362 0.012188664731317338 -0.0088841137197982253
+leaf_weight=51 39 45 60 66
+leaf_count=51 39 45 60 66
+internal_value=0 -0.0847916 0.142169 -0.0973336
+internal_weight=0 222 177 117
+internal_count=261 222 177 117
+shrinkage=0.02
+
+
+Tree=262
+num_leaves=5
+num_cat=0
+split_feature=6 5 1 1
+split_gain=10.4988 27.2842 13.5278 13.5524
+threshold=65.500000000000014 58.550000000000004 2.5000000000000004 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0069039671571089825 -0.0064399371608690028 0.014196595775692013 -0.015318972043872663 0.00025284540198936174
+leaf_weight=42 73 56 41 49
+leaf_count=42 73 56 41 49
+internal_value=0 0.125089 -0.122925 -0.341925
+internal_weight=0 188 132 90
+internal_count=261 188 132 90
+shrinkage=0.02
+
+
+Tree=263
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 3
+split_gain=10.7133 30.2706 29.6954 8.00654
+threshold=67.050000000000011 57.500000000000007 46.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0056204679387547012 -4.633829312449629e-05 -0.012324555613089757 0.016015976226985747 0.012376646349740677
+leaf_weight=55 43 76 47 40
+leaf_count=55 43 76 47 40
+internal_value=0 -0.138478 0.217279 0.29682
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=264
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 7
+split_gain=10.7039 13.8252 27.182 21.3022
+threshold=24.500000000000004 13.500000000000002 59.350000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0050421936366897733 0.0080249495049845559 0.0014774948158618171 -0.020503335213581865 0.01221902924623185
+leaf_weight=65 53 53 39 51
+leaf_count=65 53 53 39 51
+internal_value=0 -0.102351 -0.392014 0.127135
+internal_weight=0 208 92 116
+internal_count=261 208 92 116
+shrinkage=0.02
+
+
+Tree=265
+num_leaves=5
+num_cat=0
+split_feature=6 5 1 4
+split_gain=10.4967 26.8543 12.8857 12.9558
+threshold=65.500000000000014 58.550000000000004 2.5000000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0067182659305187603 -0.006439185194682371 0.014104017186594325 -0.015367506946295706 -3.4439961971404708e-05
+leaf_weight=42 73 56 39 51
+leaf_count=42 73 56 39 51
+internal_value=0 0.125082 -0.12097 -0.334722
+internal_weight=0 188 132 90
+internal_count=261 188 132 90
+shrinkage=0.02
+
+
+Tree=266
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 2 3
+split_gain=10.4631 30.1139 27.5911 19.4374 7.69788
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 17.500000000000004 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.013431079917807627 -0 -0.018007292636529091 0.014334053528497761 0.0049606820491265363 0.01218188871030115
+leaf_weight=48 43 40 46 44 40
+leaf_count=48 43 40 46 44 40
+internal_value=0 -0.136855 0.0845061 -0.231462 0.293338
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=267
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 7
+split_gain=10.1953 13.4346 25.9472 20.2323
+threshold=24.500000000000004 13.500000000000002 59.350000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0048653842280019875 0.0078322935346966747 0.0013946193376345804 -0.020081172261758019 0.011957027806982688
+leaf_weight=65 53 53 39 51
+leaf_count=65 53 53 39 51
+internal_value=0 -0.0998953 -0.385445 0.126327
+internal_weight=0 208 92 116
+internal_count=261 208 92 116
+shrinkage=0.02
+
+
+Tree=268
+num_leaves=5
+num_cat=0
+split_feature=6 5 1 1
+split_gain=10.4724 26.5308 12.6332 13.327
+threshold=65.500000000000014 58.550000000000004 2.5000000000000004 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.006655161790363801 -0.0064317534357998633 0.014031072754963679 -0.015035587471129978 0.00040640238129682055
+leaf_weight=42 73 56 41 49
+leaf_count=42 73 56 41 49
+internal_value=0 0.124936 -0.119629 -0.331281
+internal_weight=0 188 132 90
+internal_count=261 188 132 90
+shrinkage=0.02
+
+
+Tree=269
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 5
+split_gain=10.2224 29.6778 19.658 9.78916 7.51905
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 50.850000000000001 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.012012097002952216 0.012040673453209257 -0.017864732814602702 0.010298665738530459 0.0021489870941849478 -0
+leaf_weight=39 40 40 60 39 43
+leaf_count=39 40 40 60 39 43
+internal_value=0 -0.13527 0.0844822 -0.246286 0.289957
+internal_weight=0 178 138 78 83
+internal_count=261 178 138 78 83
+shrinkage=0.02
+
+
+Tree=270
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 4
+split_gain=10.2964 26.0926 12.6437 28.9407
+threshold=65.500000000000014 58.550000000000004 9.5000000000000018 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0070042405965651316 -0.0063775545609491679 0.01391451685010207 0.0063130492072748616 -0.016297778507466738
+leaf_weight=40 73 56 40 52
+leaf_count=40 73 56 40 52
+internal_value=0 0.123886 -0.11865 -0.323048
+internal_weight=0 188 132 92
+internal_count=261 188 132 92
+shrinkage=0.02
+
+
+Tree=271
+num_leaves=5
+num_cat=0
+split_feature=7 3 4 4
+split_gain=10.3233 43.5218 23.274 7.80626
+threshold=76.500000000000014 68.500000000000014 62.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0034010648858089107 0.0094895847070421563 -0.019222245854801895 0.014035628991230495 -0.006613396654804554
+leaf_weight=59 39 45 52 66
+leaf_count=59 39 45 52 66
+internal_value=0 -0.0834776 0.139716 -0.0940458
+internal_weight=0 222 177 125
+internal_count=261 222 177 125
+shrinkage=0.02
+
+
+Tree=272
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 2 3
+split_gain=9.9915 29.3499 27.1124 17.9229 7.76706
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 17.500000000000004 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.013020554200971056 -0.00015899799471807117 -0.017750041165166226 0.014229952198630538 0.0046404027524977985 0.012077154955209151
+leaf_weight=48 43 40 46 44 40
+leaf_count=48 43 40 46 44 40
+internal_value=0 -0.13373 0.0848042 -0.228411 0.286676
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=273
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 4
+split_gain=10.2427 25.7179 12.2713 27.8482
+threshold=65.500000000000014 58.550000000000004 9.5000000000000018 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0068938290388589497 -0.0063607637420453698 0.013825854715102706 0.006158687237093269 -0.016021345111580619
+leaf_weight=40 73 56 40 52
+leaf_count=40 73 56 40 52
+internal_value=0 0.123571 -0.117217 -0.318591
+internal_weight=0 188 132 92
+internal_count=261 188 132 92
+shrinkage=0.02
+
+
+Tree=274
+num_leaves=5
+num_cat=0
+split_feature=7 3 1 4
+split_gain=9.88448 42.1599 23.4834 33.6629
+threshold=76.500000000000014 68.500000000000014 9.5000000000000018 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00094870439089318628 0.009286229559488544 -0.018909641892637042 -0.0061348976421510531 0.021837777653421826
+leaf_weight=61 39 45 71 45
+leaf_count=61 39 45 71 45
+internal_value=0 -0.08168 0.137992 0.436264
+internal_weight=0 222 177 106
+internal_count=261 222 177 106
+shrinkage=0.02
+
+
+Tree=275
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 4
+split_gain=9.91136 24.4035 11.7896 26.9293
+threshold=65.500000000000014 58.550000000000004 9.5000000000000018 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0067953639432680058 -0.0062571987196287163 0.013491990892500595 0.0061142060920756037 -0.015696926971806979
+leaf_weight=40 73 56 40 52
+leaf_count=40 73 56 40 52
+internal_value=0 0.121562 -0.11299 -0.310385
+internal_weight=0 188 132 92
+internal_count=261 188 132 92
+shrinkage=0.02
+
+
+Tree=276
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 2 3
+split_gain=9.88186 30.0632 26.4934 17.7187 7.85592
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 17.500000000000004 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.01283294790266506 -0.0002239742987887168 -0.017917208237364788 0.014153708115766694 0.0047273290195188099 0.012081998981817133
+leaf_weight=48 43 40 46 44 40
+leaf_count=48 43 40 46 44 40
+internal_value=0 -0.132989 0.0881853 -0.221433 0.285108
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=277
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 7
+split_gain=9.85012 24.1498 29.085 28.3779
+threshold=65.500000000000014 58.500000000000007 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0053022024973574848 -0.0062377972147856144 0.015782125511616008 -0.0150061433499758 0.015848847968780441
+leaf_weight=55 73 42 44 47
+leaf_count=55 73 42 44 47
+internal_value=0 0.121191 -0.0709618 0.222011
+internal_weight=0 188 146 102
+internal_count=261 188 146 102
+shrinkage=0.02
+
+
+Tree=278
+num_leaves=5
+num_cat=0
+split_feature=7 3 1 4
+split_gain=9.72226 40.6762 22.5662 31.9195
+threshold=76.500000000000014 68.500000000000014 9.5000000000000018 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00087678376254013326 0.0092098742322235857 -0.018589663575745381 -0.0060240914113531309 0.021311832602653055
+leaf_weight=61 39 45 71 45
+leaf_count=61 39 45 71 45
+internal_value=0 -0.0810081 0.134762 0.427161
+internal_weight=0 222 177 106
+internal_count=261 222 177 106
+shrinkage=0.02
+
+
+Tree=279
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 4
+split_gain=9.53277 23.3309 11.466 26.4744
+threshold=65.500000000000014 58.550000000000004 9.5000000000000018 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0067278174983464436 -0.0061367688746797877 0.013199641561474162 0.0061215100401516478 -0.015504744907292702
+leaf_weight=40 73 56 40 52
+leaf_count=40 73 56 40 52
+internal_value=0 0.119223 -0.110116 -0.304792
+internal_weight=0 188 132 92
+internal_count=261 188 132 92
+shrinkage=0.02
+
+
+Tree=280
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 2 3
+split_gain=9.74531 30.3527 25.952 17.1696 7.94321
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 17.500000000000004 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.012598701383657358 -0.00029626948791394963 -0.017972064740734563 0.014066190901769329 0.0046875684069808124 0.012077920999287785
+leaf_weight=48 43 40 46 44 40
+leaf_count=48 43 40 46 44 40
+internal_value=0 -0.132069 0.0901684 -0.216269 0.283136
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=281
+num_leaves=5
+num_cat=0
+split_feature=6 6 9 9
+split_gain=9.47788 22.7688 24.4005 17.9797
+threshold=65.500000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0064103154213599554 -0.0061190332830017499 0.015348741226845751 -0.01489149099911437 0.010303579704315334
+leaf_weight=43 73 42 39 64
+leaf_count=43 73 42 39 64
+internal_value=0 0.118884 -0.067691 0.178975
+internal_weight=0 188 146 107
+internal_count=261 188 146 107
+shrinkage=0.02
+
+
+Tree=282
+num_leaves=5
+num_cat=0
+split_feature=7 3 4 4
+split_gain=9.55598 39.3438 19.2649 7.15686
+threshold=76.500000000000014 68.500000000000014 62.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0034422267484537777 0.0091309075022036699 -0.018295736867717082 0.0128661455715117 -0.0061479721531955325
+leaf_weight=59 39 45 52 66
+leaf_count=59 39 45 52 66
+internal_value=0 -0.0803154 0.13189 -0.0807804
+internal_weight=0 222 177 125
+internal_count=261 222 177 125
+shrinkage=0.02
+
+
+Tree=283
+num_leaves=6
+num_cat=0
+split_feature=9 5 9 5 6
+split_gain=9.68469 50.6678 30.6473 28.9025 4.6198
+threshold=65.500000000000014 59.350000000000009 77.500000000000014 51.650000000000013 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 3 -2 4 -1
+right_child=2 -3 -4 -5 -6
+leaf_value=-0.0079726932346041602 0.015207900549364961 -0.021592518718662797 -0.0076494591471515305 0.017070802690185446 0.0015871570433154112
+leaf_weight=42 53 43 42 42 39
+leaf_count=42 53 43 42 42 39
+internal_value=0 -0.145849 0.254797 0.180697 -0.168127
+internal_weight=0 166 95 123 81
+internal_count=261 166 95 123 81
+shrinkage=0.02
+
+
+Tree=284
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 7
+split_gain=9.30024 45.8789 29.435 19.6918
+threshold=65.500000000000014 59.500000000000007 77.500000000000014 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0056809014089705939 0.014904143481082065 -0.020630117767450013 -0.0074967243550564467 0.010438289570190534
+leaf_weight=54 53 43 42 69
+leaf_count=54 53 43 42 69
+internal_value=0 -0.142932 0.249698 0.167793
+internal_weight=0 166 95 123
+internal_count=261 166 95 123
+shrinkage=0.02
+
+
+Tree=285
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 3
+split_gain=9.98428 28.1563 24.0838 8.80976 7.75826
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 48.45000000000001 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0014936593920296117 -0.00015773761665458495 -0.017439534040737364 0.013421062519577752 -0.010905422316589515 0.012071483005958512
+leaf_weight=49 43 40 46 43 40
+leaf_count=49 43 40 46 43 40
+internal_value=0 -0.133682 0.0803598 -0.214838 0.286572
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=286
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 5
+split_gain=9.58817 29.1938 26.3093 7.87639
+threshold=67.050000000000011 57.500000000000007 46.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.005013268581172646 0.012005084658876928 -0.012003945658832839 0.015352528537943127 -0.00031703494279877834
+leaf_weight=55 40 76 47 43
+leaf_count=55 40 76 47 43
+internal_value=0 -0.13101 0.218361 0.280841
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=287
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 4
+split_gain=9.22956 24.5916 10.9482 26.8002
+threshold=65.500000000000014 58.550000000000004 9.5000000000000018 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0063632932936413377 -0.0060386723887664254 0.013449575580950193 0.0061248485738235369 -0.015633997465017917
+leaf_weight=40 73 56 40 52
+leaf_count=40 73 56 40 52
+internal_value=0 0.117311 -0.118143 -0.308374
+internal_weight=0 188 132 92
+internal_count=261 188 132 92
+shrinkage=0.02
+
+
+Tree=288
+num_leaves=6
+num_cat=0
+split_feature=7 9 1 7 9
+split_gain=9.16531 31.6616 39.5956 52.0287 14.6405
+threshold=76.500000000000014 71.500000000000014 7.5000000000000009 58.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0010900112225109497 0.0089427109622943132 -0.016340617125654572 0.00031490739468329696 0.02865798010830993 -0.016998514639376253
+leaf_weight=59 39 46 39 39 39
+leaf_count=59 39 46 39 39 39
+internal_value=0 -0.07866 0.114344 0.537616 -0.416952
+internal_weight=0 222 176 98 78
+internal_count=261 222 176 98 78
+shrinkage=0.02
+
+
+Tree=289
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 5
+split_gain=9.45798 28.934 25.9027 7.66299
+threshold=67.050000000000011 57.500000000000007 45.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0076775779385081597 0.01188002569667413 -0.011944243507142668 0.012788498177436053 -0.00027415555924530062
+leaf_weight=42 40 76 60 43
+leaf_count=42 40 76 60 43
+internal_value=0 -0.130114 0.217698 0.278936
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=290
+num_leaves=5
+num_cat=0
+split_feature=2 4 3 2
+split_gain=9.30582 12.6355 31.7242 39.47
+threshold=24.500000000000004 54.500000000000007 61.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0099334157158139074 0.0074838091106497464 0.016645858747012663 -0.018503307483965802 0.0056160657324344585
+leaf_weight=57 53 39 46 66
+leaf_count=57 53 39 46 66
+internal_value=0 -0.0954343 0.055921 -0.214417
+internal_weight=0 208 151 112
+internal_count=261 208 151 112
+shrinkage=0.02
+
+
+Tree=291
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 1
+split_gain=8.98982 43.9218 28.2321 18.848
+threshold=65.500000000000014 59.500000000000007 77.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.010430381664317824 0.014615903009920441 -0.020199128690218743 -0.0073226392025799655 -0.005285338841993923
+leaf_weight=67 53 43 42 56
+leaf_count=67 53 43 42 56
+internal_value=0 -0.140531 0.245505 0.163491
+internal_weight=0 166 95 123
+internal_count=261 166 95 123
+shrinkage=0.02
+
+
+Tree=292
+num_leaves=5
+num_cat=0
+split_feature=7 3 1 4
+split_gain=8.92673 37.0875 20.257 30.1531
+threshold=76.500000000000014 68.500000000000014 9.5000000000000018 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010463923322128667 0.0088257495588679024 -0.01775681917745945 -0.0056933538527852365 0.020519698299905641
+leaf_weight=61 39 45 71 45
+leaf_count=61 39 45 71 45
+internal_value=0 -0.0776347 0.128394 0.405449
+internal_weight=0 222 177 106
+internal_count=261 222 177 106
+shrinkage=0.02
+
+
+Tree=293
+num_leaves=5
+num_cat=0
+split_feature=5 7 7 3
+split_gain=9.27794 27.9001 24.3709 7.92473
+threshold=67.050000000000011 57.500000000000007 51.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0047749333313424616 -0.00042666311091880716 -0.011751237988581685 0.014826536567595599 0.011933346610652975
+leaf_weight=55 43 76 47 40
+leaf_count=55 43 76 47 40
+internal_value=0 -0.128878 0.212663 0.276269
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=294
+num_leaves=5
+num_cat=0
+split_feature=6 5 1 1
+split_gain=9.16386 24.5989 12.1942 13.3634
+threshold=65.500000000000014 58.550000000000004 2.5000000000000004 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0065172835143267327 -0.0060172111825413108 0.013442853707531163 -0.014952504423258513 0.00051064362956143789
+leaf_weight=42 73 56 41 49
+leaf_count=42 73 56 41 49
+internal_value=0 0.116893 -0.118596 -0.326547
+internal_weight=0 188 132 90
+internal_count=261 188 132 90
+shrinkage=0.02
+
+
+Tree=295
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 2 3
+split_gain=9.10636 26.2941 23.7148 16.2187 7.68837
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 17.500000000000004 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.012316621658284723 -0.00038836021233191759 -0.016823319769393545 0.013306303705857586 0.0044843535388654834 0.011786092420914896
+leaf_weight=48 43 40 46 44 40
+leaf_count=48 43 40 46 44 40
+internal_value=0 -0.127681 0.079158 -0.213769 0.27371
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=296
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 8
+split_gain=9.10859 23.3368 26.8111 23.6517
+threshold=65.500000000000014 58.500000000000007 57.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0062275924457865133 -0.0059990208026108908 0.015462678590409116 -0.014492311115732317 0.013082633998420206
+leaf_weight=47 73 42 44 55
+leaf_count=47 73 42 44 55
+internal_value=0 0.116543 -0.0723449 0.208939
+internal_weight=0 188 146 102
+internal_count=261 188 146 102
+shrinkage=0.02
+
+
+Tree=297
+num_leaves=4
+num_cat=0
+split_feature=6 6 1
+split_gain=8.74729 22.746 14.3141
+threshold=65.500000000000014 54.500000000000007 2.5000000000000004
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0063709548030722474 -0.0058791554326950426 0.011420561458084335 -0.0081387045245317462
+leaf_weight=42 73 69 77
+leaf_count=42 73 69 77
+internal_value=0 0.114211 -0.15051
+internal_weight=0 188 119
+internal_count=261 188 119
+shrinkage=0.02
+
+
+Tree=298
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 3
+split_gain=9.12836 26.8027 22.98 7.53607
+threshold=67.050000000000011 57.500000000000007 45.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0071939393539014445 -0.00032342085757082841 -0.011548351807194377 0.012083482349668811 0.011729889112144213
+leaf_weight=42 43 76 60 40
+leaf_count=42 43 76 60 40
+internal_value=0 -0.127837 0.20692 0.274038
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=299
+num_leaves=5
+num_cat=0
+split_feature=5 7 7 5
+split_gain=8.7662 25.7412 22.3737 7.43813
+threshold=67.050000000000011 57.500000000000007 51.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0045946643412091547 0.011579770696655545 -0.011317597570910757 0.014186884605228609 -0.00039517614081422385
+leaf_weight=55 40 76 47 43
+leaf_count=55 40 76 47 43
+internal_value=0 -0.125283 0.202777 0.268557
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=300
+num_leaves=5
+num_cat=0
+split_feature=6 5 1 1
+split_gain=8.92873 23.9344 11.0058 12.7011
+threshold=65.500000000000014 58.550000000000004 2.5000000000000004 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0061071566200525361 -0.0059397046616094726 0.013261851459483805 -0.014500334880228369 0.00057509961528716858
+leaf_weight=42 73 56 41 49
+leaf_count=42 73 56 41 49
+internal_value=0 0.115386 -0.1169 -0.314482
+internal_weight=0 188 132 90
+internal_count=261 188 132 90
+shrinkage=0.02
+
+
+Tree=301
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 7
+split_gain=8.77471 13.1478 24.428 19.5974
+threshold=24.500000000000004 13.500000000000002 59.350000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0046526490064861415 0.0072675357629557848 0.0013292535201812926 -0.019508453918197118 0.011903742634668868
+leaf_weight=65 53 53 39 51
+leaf_count=65 53 53 39 51
+internal_value=0 -0.0926793 -0.375177 0.131118
+internal_weight=0 208 92 116
+internal_count=261 208 92 116
+shrinkage=0.02
+
+
+Tree=302
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 4
+split_gain=8.61559 23.0239 10.8634 27.097
+threshold=65.500000000000014 58.550000000000004 9.5000000000000018 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0064029897862474972 -0.0058347580897688987 0.013011052823848577 0.0062807985928652445 -0.015598235782790326
+leaf_weight=40 73 56 40 52
+leaf_count=40 73 56 40 52
+internal_value=0 0.113354 -0.11447 -0.303969
+internal_weight=0 188 132 92
+internal_count=261 188 132 92
+shrinkage=0.02
+
+
+Tree=303
+num_leaves=5
+num_cat=0
+split_feature=7 3 1 4
+split_gain=8.75529 35.8743 18.8002 28.8715
+threshold=76.500000000000014 68.500000000000014 9.5000000000000018 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011051327203140723 0.0087408909814144786 -0.017474696043166302 -0.0054437286810682384 0.019997757763457399
+leaf_weight=61 39 45 71 45
+leaf_count=61 39 45 71 45
+internal_value=0 -0.0768816 0.125748 0.392669
+internal_weight=0 222 177 106
+internal_count=261 222 177 106
+shrinkage=0.02
+
+
+Tree=304
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 2 3
+split_gain=8.60831 26.6316 23.992 15.4524 7.65077
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 17.500000000000004 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.012061632200176586 -0.00052539685222536278 -0.016843909076065203 0.013471601190498705 0.004337888784573034 0.011619515406064984
+leaf_weight=48 43 40 46 44 40
+leaf_count=48 43 40 46 44 40
+internal_value=0 -0.124145 0.0840171 -0.210618 0.26614
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=305
+num_leaves=4
+num_cat=0
+split_feature=6 6 4
+split_gain=8.63202 22.0366 13.3152
+threshold=65.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0037980261857242827 -0.0058402652485647667 0.011262168985373104 -0.0095795806334978018
+leaf_weight=59 73 69 60
+leaf_count=59 73 69 60
+internal_value=0 0.113464 -0.147097
+internal_weight=0 188 119
+internal_count=261 188 119
+shrinkage=0.02
+
+
+Tree=306
+num_leaves=5
+num_cat=0
+split_feature=7 3 1 4
+split_gain=8.37722 34.712 18.1774 27.4944
+threshold=76.500000000000014 68.500000000000014 9.5000000000000018 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010105493117629535 0.0085504805797623779 -0.017181148851360187 -0.005343599666396962 0.019582949798229346
+leaf_weight=61 39 45 71 45
+leaf_count=61 39 45 71 45
+internal_value=0 -0.0752093 0.124109 0.386579
+internal_weight=0 222 177 106
+internal_count=261 222 177 106
+shrinkage=0.02
+
+
+Tree=307
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 2 3
+split_gain=8.34088 26.3848 22.9938 14.9165 7.62566
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 17.500000000000004 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.011781379405950802 -0.00059897095504702735 -0.016738571707732904 0.013243311157396307 0.0043315952434706427 0.01152614912934395
+leaf_weight=48 43 40 46 44 40
+leaf_count=48 43 40 46 44 40
+internal_value=0 -0.122208 0.0849865 -0.203453 0.261981
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=308
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 4
+split_gain=8.64026 22.094 10.8375 26.7052
+threshold=65.500000000000014 58.550000000000004 9.5000000000000018 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.006488886893107941 -0.005843093349063415 0.012795270272961312 0.0062916951232348294 -0.015428691046101039
+leaf_weight=40 73 56 40 52
+leaf_count=40 73 56 40 52
+internal_value=0 0.113515 -0.109659 -0.298938
+internal_weight=0 188 132 92
+internal_count=261 188 132 92
+shrinkage=0.02
+
+
+Tree=309
+num_leaves=5
+num_cat=0
+split_feature=6 5 1 1
+split_gain=8.29789 21.2188 10.6196 12.4027
+threshold=65.500000000000014 58.550000000000004 2.5000000000000004 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0061467816087740291 -0.005726343705501769 0.012539684503754979 -0.014145244925684497 0.00075234158263324071
+leaf_weight=42 73 56 41 49
+leaf_count=42 73 56 41 49
+internal_value=0 0.111253 -0.107455 -0.301559
+internal_weight=0 188 132 90
+internal_count=261 188 132 90
+shrinkage=0.02
+
+
+Tree=310
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 2 3
+split_gain=8.37522 26.7983 22.6482 14.5455 7.46795
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 17.500000000000004 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.011614071415872505 -0.0005273676318829412 -0.016854938620309564 0.013183770671386588 0.0042974389248595429 0.011471753368242023
+leaf_weight=48 43 40 46 44 40
+leaf_count=48 43 40 46 44 40
+internal_value=0 -0.122452 0.0863606 -0.199902 0.262525
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=311
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 3
+split_gain=8.24918 20.9717 10.571 25.8006
+threshold=65.500000000000014 58.550000000000004 9.5000000000000018 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0064447580990066615 -0.0057095004500908163 0.012473041934800184 0.0047106409479124259 -0.016457003235246074
+leaf_weight=40 73 56 46 46
+leaf_count=40 73 56 46 46
+internal_value=0 0.110929 -0.106502 -0.293448
+internal_weight=0 188 132 92
+internal_count=261 188 132 92
+shrinkage=0.02
+
+
+Tree=312
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 5
+split_gain=8.22276 26.4556 17.4058 7.12724 6.88499
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 50.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.010447360883672617 0.011280628069063837 -0.01674022742123386 0.0098242987646960534 -0.0004418131633676175 0.0014308045964305713
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.121332 0.0861406 0.260134 -0.225104
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=313
+num_leaves=5
+num_cat=0
+split_feature=6 5 1 1
+split_gain=8.10605 20.6604 10.4732 12.0012
+threshold=65.500000000000014 58.550000000000004 2.5000000000000004 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0061216750750214127 -0.005659840037220071 0.012377479223775974 -0.013953994925596258 0.00070055051827250952
+leaf_weight=42 73 56 41 49
+leaf_count=42 73 56 41 49
+internal_value=0 0.109967 -0.105844 -0.298609
+internal_weight=0 188 132 90
+internal_count=261 188 132 90
+shrinkage=0.02
+
+
+Tree=314
+num_leaves=5
+num_cat=0
+split_feature=7 3 1 2
+split_gain=8.39754 33.9329 17.7007 28.7596
+threshold=76.500000000000014 68.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.016911543136661541 0.0085610022412439986 -0.017005965624055021 -0.005286977208497674 -0.0040441819761420908
+leaf_weight=59 39 45 71 47
+leaf_count=59 39 45 71 47
+internal_value=0 -0.0752914 0.121777 0.380789
+internal_weight=0 222 177 106
+internal_count=261 222 177 106
+shrinkage=0.02
+
+
+Tree=315
+num_leaves=6
+num_cat=0
+split_feature=9 5 5 9 1
+split_gain=8.21525 45.0475 28.0579 27.4393 17.2526
+threshold=65.500000000000014 59.350000000000009 52.000000000000007 77.500000000000014 2.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0058410984499808142 0.014263266581015016 -0.020296985165879657 0.017223205575926333 -0.0073652991966309221 -0.012386431506668707
+leaf_weight=42 53 43 40 42 41
+leaf_count=42 53 43 40 42 41
+internal_value=0 -0.134351 0.173543 0.234718 -0.157804
+internal_weight=0 166 123 95 83
+internal_count=261 166 123 95 83
+shrinkage=0.02
+
+
+Tree=316
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 3
+split_gain=8.35342 25.4346 21.8447 7.44049
+threshold=67.050000000000011 57.500000000000007 45.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0069726928745535693 -0.00052356678758111496 -0.011205282784392145 0.01182271832795586 0.011453502573275584
+leaf_weight=42 43 76 60 40
+leaf_count=42 43 76 60 40
+internal_value=0 -0.122294 0.203806 0.262184
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=317
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 5
+split_gain=8.13494 12.6719 22.7999 18.2857
+threshold=24.500000000000004 13.500000000000002 59.350000000000009 62.400000000000006
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0045415527112252895 0.0069983331986868116 0.0012014383839526507 -0.018930013676052179 0.011420313987572593
+leaf_weight=64 53 53 39 52
+leaf_count=64 53 53 39 52
+internal_value=0 -0.0892384 -0.366588 0.130472
+internal_weight=0 208 92 116
+internal_count=261 208 92 116
+shrinkage=0.02
+
+
+Tree=318
+num_leaves=5
+num_cat=0
+split_feature=5 7 8 5
+split_gain=7.9784 24.3984 21.2543 7.40516
+threshold=67.050000000000011 57.500000000000007 48.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0058674678588074335 0.011320200509596026 -0.010969813365856045 0.012438424822854241 -0.0006286209219703824
+leaf_weight=47 40 76 55 43
+leaf_count=47 40 76 55 43
+internal_value=0 -0.119524 0.199864 0.256245
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=319
+num_leaves=4
+num_cat=0
+split_feature=6 6 4
+split_gain=8.07903 21.6605 13.2507
+threshold=65.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0037526908086050591 -0.0056504929366704964 0.011111577670205189 -0.0095924823302406623
+leaf_weight=59 73 69 60
+leaf_count=59 73 69 60
+internal_value=0 0.10978 -0.148547
+internal_weight=0 188 119
+internal_count=261 188 119
+shrinkage=0.02
+
+
+Tree=320
+num_leaves=5
+num_cat=0
+split_feature=7 3 1 5
+split_gain=7.90473 32.3771 16.3478 27.2271
+threshold=76.500000000000014 68.500000000000014 9.5000000000000018 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016722891789509276 0.008306494405088384 -0.016602110501625914 -0.0050328957121198127 0.018717592758612699
+leaf_weight=59 39 45 71 47
+leaf_count=59 39 45 71 47
+internal_value=0 -0.0730603 0.119435 0.368368
+internal_weight=0 222 177 106
+internal_count=261 222 177 106
+shrinkage=0.02
+
+
+Tree=321
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 4
+split_gain=7.81808 20.6396 10.2278 25.3966
+threshold=65.500000000000014 58.550000000000004 9.5000000000000018 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0062803573323688454 -0.0055587656933223407 0.012332966482100352 0.0061339228515289428 -0.01504777540120278
+leaf_weight=40 73 56 40 52
+leaf_count=40 73 56 40 52
+internal_value=0 0.107995 -0.107707 -0.2916
+internal_weight=0 188 132 92
+internal_count=261 188 132 92
+shrinkage=0.02
+
+
+Tree=322
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 2 3
+split_gain=7.90007 25.2136 22.2401 13.8919 7.53161
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 17.500000000000004 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.011444485239701633 -0.00070271157127869271 -0.016352573322303759 0.013025145284364143 0.0041055960315870329 0.011347687843436758
+leaf_weight=48 43 40 46 44 40
+leaf_count=48 43 40 46 44 40
+internal_value=0 -0.118937 0.0836046 -0.200067 0.254987
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=323
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 3
+split_gain=7.77346 20.3886 9.98574 24.8633
+threshold=65.500000000000014 58.550000000000004 9.5000000000000018 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0062002582135925223 -0.0055428436751304979 0.012264920013918689 0.0046174411856354462 -0.016162260259922977
+leaf_weight=40 73 56 46 46
+leaf_count=40 73 56 46 46
+internal_value=0 0.107691 -0.106695 -0.288405
+internal_weight=0 188 132 92
+internal_count=261 188 132 92
+shrinkage=0.02
+
+
+Tree=324
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 7
+split_gain=7.7857 12.0619 22.3292 17.9372
+threshold=24.500000000000004 13.500000000000002 59.350000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0044187960262688439 0.0068469362497464497 0.0012863900376417462 -0.018636274520762594 0.011421276023762788
+leaf_weight=65 53 53 39 51
+leaf_count=65 53 53 39 51
+internal_value=0 -0.0873016 -0.357907 0.127058
+internal_weight=0 208 92 116
+internal_count=261 208 92 116
+shrinkage=0.02
+
+
+Tree=325
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 2 3
+split_gain=7.70774 24.8203 21.6942 13.1994 7.23778
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 17.500000000000004 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.011189407248019752 -0.00065056039513001628 -0.016214118567612634 0.012882505068686875 0.0039684186297288581 0.011162679098120704
+leaf_weight=48 43 40 46 44 40
+leaf_count=48 43 40 46 44 40
+internal_value=0 -0.117479 0.0834759 -0.196691 0.251877
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=326
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 4
+split_gain=7.76342 20.1736 9.9527 24.465
+threshold=65.500000000000014 58.550000000000004 9.5000000000000018 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0062078643173894181 -0.0055391789581440577 0.012210225267207876 0.0060035590071436593 -0.014786121999780162
+leaf_weight=40 73 56 40 52
+leaf_count=40 73 56 40 52
+internal_value=0 0.107626 -0.105626 -0.287037
+internal_weight=0 188 132 92
+internal_count=261 188 132 92
+shrinkage=0.02
+
+
+Tree=327
+num_leaves=6
+num_cat=0
+split_feature=7 9 1 7 9
+split_gain=7.60067 31.7246 33.5362 51.8759 13.8555
+threshold=76.500000000000014 71.500000000000014 7.5000000000000009 58.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0016021567266242083 0.0081457871551064535 -0.016214944209999704 0.0010702726527922655 0.028102168466296075 -0.015773309807597998
+leaf_weight=59 39 46 39 39 39
+leaf_count=59 39 46 39 39 39
+internal_value=0 -0.0716346 0.121561 0.511121 -0.367393
+internal_weight=0 222 176 98 78
+internal_count=261 222 176 98 78
+shrinkage=0.02
+
+
+Tree=328
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 5
+split_gain=7.62827 25.1964 21.3969 7.33743
+threshold=67.050000000000011 57.500000000000007 45.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0067809469469417606 0.011178804364418907 -0.011055820721340068 0.011820763084427855 -0.0007154835582416075
+leaf_weight=42 40 76 60 43
+leaf_count=42 40 76 60 43
+internal_value=0 -0.116869 0.2077 0.250583
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=329
+num_leaves=5
+num_cat=0
+split_feature=2 4 8 2
+split_gain=7.68407 11.9956 31.1774 20.4993
+threshold=24.500000000000004 54.500000000000007 62.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0095539862981752488 0.0068022951898723981 0.011956323323621034 -0.017282918598574386 0.0021336059736603023
+leaf_weight=57 53 63 39 49
+leaf_count=57 53 63 39 49
+internal_value=0 -0.0867276 0.0607459 -0.323463
+internal_weight=0 208 151 88
+internal_count=261 208 151 88
+shrinkage=0.02
+
+
+Tree=330
+num_leaves=6
+num_cat=0
+split_feature=9 5 9 5 4
+split_gain=7.62851 43.029 26.1508 26.0692 2.96998
+threshold=65.500000000000014 59.350000000000009 77.500000000000014 52.000000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 3 -2 4 -1
+right_child=2 -3 -4 -5 -6
+leaf_value=0.00086614101109262049 0.013866075966538785 -0.019800575749348785 -0.0072488249909546257 0.016685257413186782 -0.0067068942760044083
+leaf_weight=41 53 43 42 40 42
+leaf_count=41 53 43 42 40 42
+internal_value=0 -0.129469 0.226209 0.171444 -0.147939
+internal_weight=0 166 95 123 83
+internal_count=261 166 95 123 83
+shrinkage=0.02
+
+
+Tree=331
+num_leaves=5
+num_cat=0
+split_feature=5 7 7 5
+split_gain=7.77379 24.7478 20.2833 7.06349
+threshold=67.050000000000011 57.500000000000007 51.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0041623121110371678 0.011110078815379166 -0.011000089167890404 0.013720600085638881 -0.0005601086557285122
+leaf_weight=55 40 76 47 43
+leaf_count=55 40 76 47 43
+internal_value=0 -0.117978 0.203689 0.252954
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=332
+num_leaves=5
+num_cat=0
+split_feature=7 3 6 4
+split_gain=7.51301 31.4215 15.6462 9.80439
+threshold=76.500000000000014 68.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0038474663516400286 0.0080987581063757062 -0.016340466264163359 0.010672742588976089 -0.0077329082788319941
+leaf_weight=59 39 45 60 58
+leaf_count=59 39 45 60 58
+internal_value=0 -0.0712238 0.118408 -0.0943795
+internal_weight=0 222 177 117
+internal_count=261 222 177 117
+shrinkage=0.02
+
+
+Tree=333
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 5
+split_gain=7.44388 23.9158 19.994 7.00486
+threshold=67.050000000000011 57.500000000000007 45.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0065551203475844025 0.010976948340039674 -0.010803267974585229 0.011426786661584663 -0.00064493551729227511
+leaf_weight=42 40 76 60 43
+leaf_count=42 40 76 60 43
+internal_value=0 -0.115452 0.200761 0.247544
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=334
+num_leaves=5
+num_cat=0
+split_feature=6 5 1 1
+split_gain=7.55128 20.5212 9.71674 12.4464
+threshold=65.500000000000014 58.550000000000004 2.5000000000000004 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.005756970297537225 -0.0054631348902343555 0.012266939344498826 -0.014020896422651119 0.00090303984233991474
+leaf_weight=42 73 56 41 49
+leaf_count=42 73 56 41 49
+internal_value=0 0.106151 -0.108931 -0.294619
+internal_weight=0 188 132 90
+internal_count=261 188 132 90
+shrinkage=0.02
+
+
+Tree=335
+num_leaves=6
+num_cat=0
+split_feature=7 9 1 7 9
+split_gain=7.39517 30.8289 32.2172 51.6168 13.0508
+threshold=76.500000000000014 71.500000000000014 7.5000000000000009 58.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0017625548244635753 0.0080352184108556431 -0.015985488150521889 0.00098072717386284277 0.027867516585710805 -0.015366576636328795
+leaf_weight=59 39 46 39 39 39
+leaf_count=59 39 46 39 39 39
+internal_value=0 -0.0706617 0.119786 0.501616 -0.359456
+internal_weight=0 222 176 98 78
+internal_count=261 222 176 98 78
+shrinkage=0.02
+
+
+Tree=336
+num_leaves=6
+num_cat=0
+split_feature=9 5 5 9 1
+split_gain=7.57026 41.8793 25.7819 25.171 17.3525
+threshold=65.500000000000014 59.350000000000009 51.650000000000013 77.500000000000014 2.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0056772149940286318 0.013672318927633443 -0.019559284778545818 0.016068224477065213 -0.0070433492699626052 -0.012838135716827868
+leaf_weight=42 53 43 42 42 39
+leaf_count=42 53 43 42 42 39
+internal_value=0 -0.128974 0.16789 0.225348 -0.161555
+internal_weight=0 166 123 95 81
+internal_count=261 166 123 95 81
+shrinkage=0.02
+
+
+Tree=337
+num_leaves=5
+num_cat=0
+split_feature=2 2 7 1
+split_gain=7.47499 11.9402 17.9938 13.7543
+threshold=24.500000000000004 13.500000000000002 65.500000000000014 5.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0044162483009779832 0.006709382954078677 0.0019071223388471535 0.011448783794914368 -0.013729178608362343
+leaf_weight=65 53 39 51 53
+leaf_count=65 53 39 51 53
+internal_value=0 -0.0855414 0.127735 -0.354782
+internal_weight=0 208 116 92
+internal_count=261 208 116 92
+shrinkage=0.02
+
+
+Tree=338
+num_leaves=5
+num_cat=0
+split_feature=5 7 8 3
+split_gain=7.42243 23.8954 19.1368 7.31205
+threshold=67.050000000000011 57.500000000000007 48.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0053444988689390705 -0.00077342731343196943 -0.01079626324762257 0.01202591244367413 0.011100409640794626
+leaf_weight=47 43 76 55 40
+leaf_count=47 43 76 55 40
+internal_value=0 -0.115283 0.200794 0.24719
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=339
+num_leaves=4
+num_cat=0
+split_feature=6 5 4
+split_gain=7.42597 20.1301 9.84511
+threshold=65.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0039155227918223883 -0.0054176728892166483 0.012152364870188857 -0.0070713245215291319
+leaf_weight=59 73 56 73
+leaf_count=59 73 56 73
+internal_value=0 0.105272 -0.10775
+internal_weight=0 188 132
+internal_count=261 188 132
+shrinkage=0.02
+
+
+Tree=340
+num_leaves=5
+num_cat=0
+split_feature=2 4 3 2
+split_gain=7.20676 11.7143 30.1632 39.6901
+threshold=24.500000000000004 54.500000000000007 61.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0094073273738603368 0.0065882765195543584 0.016375564108854185 -0.018292032500422904 0.0058946881208817468
+leaf_weight=57 53 39 46 66
+leaf_count=57 53 39 46 66
+internal_value=0 -0.0839945 0.0617401 -0.201861
+internal_weight=0 208 151 112
+internal_count=261 208 151 112
+shrinkage=0.02
+
+
+Tree=341
+num_leaves=5
+num_cat=0
+split_feature=5 7 7 5
+split_gain=7.38807 23.4692 18.6757 6.90522
+threshold=67.050000000000011 57.500000000000007 51.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0039382496176093729 0.010915580906860843 -0.010714917407096005 0.013221751165673033 -0.00062343599598674011
+leaf_weight=55 40 76 47 43
+leaf_count=55 40 76 47 43
+internal_value=0 -0.115015 0.198231 0.246621
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=342
+num_leaves=4
+num_cat=0
+split_feature=6 6 4
+split_gain=7.22769 19.8039 13.7123
+threshold=65.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0039769009311418765 -0.0053449993040879168 0.010603070701102333 -0.0095987335397654614
+leaf_weight=59 73 69 60
+leaf_count=59 73 69 60
+internal_value=0 0.103864 -0.143143
+internal_weight=0 188 119
+internal_count=261 188 119
+shrinkage=0.02
+
+
+Tree=343
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 2 3
+split_gain=7.26321 23.0273 20.1361 12.4879 7.29644
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 17.500000000000004 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.01086584759254992 -0.00082048220855331165 -0.015635695351696323 0.012393663545376261 0.0038782271060315778 0.011040778443912691
+leaf_weight=48 43 40 46 44 40
+leaf_count=48 43 40 46 44 40
+internal_value=0 -0.114043 0.0795134 -0.190403 0.244532
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=344
+num_leaves=4
+num_cat=0
+split_feature=6 5 4
+split_gain=7.18638 19.5145 9.98389
+threshold=65.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0039897147324664635 -0.0053297646113878994 0.011963601668122961 -0.007074259766821695
+leaf_weight=59 73 56 73
+leaf_count=59 73 56 73
+internal_value=0 0.103567 -0.106172
+internal_weight=0 188 132
+internal_count=261 188 132
+shrinkage=0.02
+
+
+Tree=345
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 2 3
+split_gain=7.12844 22.7587 19.5641 12.0451 7.0735
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 17.500000000000004 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.010664079695202245 -0.00077798079276322936 -0.015536487265688719 0.012237848193261999 0.003816518299459113 0.01090086264654321
+leaf_weight=48 43 40 46 44 40
+leaf_count=48 43 40 46 44 40
+internal_value=0 -0.112983 0.0794413 -0.186613 0.24226
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=346
+num_leaves=4
+num_cat=0
+split_feature=6 5 4
+split_gain=7.14351 19.267 9.95201
+threshold=65.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0040004722031871743 -0.0053138839257176216 0.011894594159423082 -0.0070458780816205968
+leaf_weight=59 73 56 73
+leaf_count=59 73 56 73
+internal_value=0 0.103258 -0.105147
+internal_weight=0 188 132
+internal_count=261 188 132
+shrinkage=0.02
+
+
+Tree=347
+num_leaves=6
+num_cat=0
+split_feature=7 3 2 9 9
+split_gain=7.16457 30.4624 17.9013 33.9825 36.3636
+threshold=76.500000000000014 68.500000000000014 10.500000000000002 49.500000000000007 61.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.012621583962163544 0.0079093457583365688 -0.016077791352030812 -0.014458775073557717 0.020302683953620115 -0.0069847817613717268
+leaf_weight=49 39 45 50 39 39
+leaf_count=49 39 45 50 39 39
+internal_value=0 -0.0695513 0.117163 -0.0794958 0.332734
+internal_weight=0 222 177 128 78
+internal_count=261 222 177 128 78
+shrinkage=0.02
+
+
+Tree=348
+num_leaves=6
+num_cat=0
+split_feature=9 5 5 9 1
+split_gain=7.19569 40.4333 24.8228 24.2328 15.1764
+threshold=65.500000000000014 59.350000000000009 52.000000000000007 77.500000000000014 2.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0055242075791105631 0.013387601203852866 -0.019199271208730131 0.016254807982564953 -0.0069385354513789924 -0.011572476932246058
+leaf_weight=42 53 43 40 42 41
+leaf_count=42 53 43 40 42 41
+internal_value=0 -0.125748 0.165943 0.21972 -0.145707
+internal_weight=0 166 123 95 83
+internal_count=261 166 123 95 83
+shrinkage=0.02
+
+
+Tree=349
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 5
+split_gain=7.30487 23.0975 18.1652 6.90807
+threshold=67.050000000000011 57.500000000000007 46.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0038663406602988254 0.010889043549007391 -0.01063518411432755 0.013057618601600254 -0.00065240330324666754
+leaf_weight=55 40 76 47 43
+leaf_count=55 40 76 47 43
+internal_value=0 -0.11437 0.196386 0.24523
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=350
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 2 3
+split_gain=7.01478 21.1493 18.8079 11.7198 6.93856
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 17.500000000000004 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.01058668027483725 -0.00076277826622298016 -0.015040841740594411 0.011909833663918073 0.0036970907160963689 0.010804284464875628
+leaf_weight=48 43 40 46 44 40
+leaf_count=48 43 40 46 44 40
+internal_value=0 -0.112083 0.0734103 -0.18745 0.240324
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=351
+num_leaves=4
+num_cat=0
+split_feature=6 5 4
+split_gain=7.02461 20.0325 10.3664
+threshold=65.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0040268979475484882 -0.0052696269161645413 0.012070545031092311 -0.0072466308862660193
+leaf_weight=59 73 56 73
+leaf_count=59 73 56 73
+internal_value=0 0.102396 -0.110109
+internal_weight=0 188 132
+internal_count=261 188 132
+shrinkage=0.02
+
+
+Tree=352
+num_leaves=5
+num_cat=0
+split_feature=5 7 7 3
+split_gain=6.8833 22.343 17.652 6.7283
+threshold=67.050000000000011 57.500000000000007 51.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0037909911548851061 -0.0007228473820430595 -0.010431113385630764 0.012892341444655439 0.010667819998821833
+leaf_weight=55 43 76 47 40
+leaf_count=55 43 76 47 40
+internal_value=0 -0.11103 0.194608 0.238068
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=353
+num_leaves=4
+num_cat=0
+split_feature=6 6 4
+split_gain=6.9916 19.7283 13.7303
+threshold=65.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.003956649427549557 -0.0052572766922396978 0.010552657959610332 -0.0096278310399573845
+leaf_weight=59 73 69 60
+leaf_count=59 73 69 60
+internal_value=0 0.102155 -0.144379
+internal_weight=0 188 119
+internal_count=261 188 119
+shrinkage=0.02
+
+
+Tree=354
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 2
+split_gain=6.90915 15.9623 43.2747 13.8338
+threshold=75.500000000000014 6.5000000000000009 58.20000000000001 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0026627336637480761 -0.0073303065399351946 0.0046113391855229918 0.023395685143443395 -0.0099500078924345658
+leaf_weight=70 43 44 40 64
+leaf_count=70 43 44 40 64
+internal_value=0 0.0724107 0.340732 -0.200553
+internal_weight=0 218 110 108
+internal_count=261 218 110 108
+shrinkage=0.02
+
+
+Tree=355
+num_leaves=6
+num_cat=0
+split_feature=7 3 2 1 2
+split_gain=6.94924 29.3726 17.2066 22.562 23.1397
+threshold=76.500000000000014 68.500000000000014 10.500000000000002 9.5000000000000018 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.012373914097194544 0.0077898354210876779 -0.015791983050043156 0.016007317934754503 -0.012221131343595702 -0.0056256040245748267
+leaf_weight=49 39 45 39 49 40
+leaf_count=49 39 45 39 49 40
+internal_value=0 -0.0685054 0.114837 -0.0779663 0.252427
+internal_weight=0 222 177 128 79
+internal_count=261 222 177 128 79
+shrinkage=0.02
+
+
+Tree=356
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 7
+split_gain=7.14737 11.547 20.4887 17.395
+threshold=24.500000000000004 13.500000000000002 59.350000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0043322333969680769 0.0065610967369566587 0.0011201704548300156 -0.017963926875441773 0.01126679403711397
+leaf_weight=65 53 53 39 51
+leaf_count=65 53 53 39 51
+internal_value=0 -0.0836513 -0.348432 0.126086
+internal_weight=0 208 92 116
+internal_count=261 208 92 116
+shrinkage=0.02
+
+
+Tree=357
+num_leaves=5
+num_cat=0
+split_feature=2 4 8 2
+split_gain=6.86382 11.2444 28.9105 20.3625
+threshold=24.500000000000004 54.500000000000007 62.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0092107289401833613 0.0064300481758033223 0.011560001940229755 -0.0169613280078472 0.0023905415397835091
+leaf_weight=57 53 63 39 49
+leaf_count=57 53 63 39 49
+internal_value=0 -0.0819777 0.0608043 -0.309172
+internal_weight=0 208 151 88
+internal_count=261 208 151 88
+shrinkage=0.02
+
+
+Tree=358
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 3
+split_gain=6.93862 22.5954 17.1126 6.82441
+threshold=67.050000000000011 57.500000000000007 45.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0058612567041842313 -0.00074284042605175782 -0.010486175996042417 0.010775165348347082 0.01072879403688261
+leaf_weight=42 43 76 60 40
+leaf_count=42 43 76 60 40
+internal_value=0 -0.111474 0.195886 0.23902
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=359
+num_leaves=4
+num_cat=0
+split_feature=6 5 4
+split_gain=6.81223 19.1353 10.3168
+threshold=65.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0040771818043708564 -0.0051896056759222053 0.011812667798417678 -0.0071695168223984028
+leaf_weight=59 73 56 73
+leaf_count=59 73 56 73
+internal_value=0 0.10084 -0.106851
+internal_weight=0 188 132
+internal_count=261 188 132
+shrinkage=0.02
+
+
+Tree=360
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 1 5
+split_gain=6.8079 21.4083 18.5251 13.8155 6.66796
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 2.5000000000000004 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0058406168928392286 0.010615272970904071 -0.015085745558704199 0.012601063724705519 -0.0096004030014454692 -0.00072429530646038747
+leaf_weight=39 40 40 42 57 43
+leaf_count=39 40 40 42 57 43
+internal_value=0 -0.110423 0.0762022 -0.165974 0.236763
+internal_weight=0 178 138 96 83
+internal_count=261 178 138 96 83
+shrinkage=0.02
+
+
+Tree=361
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 7
+split_gain=6.70981 11.3918 19.7625 17.1689
+threshold=24.500000000000004 13.500000000000002 59.350000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0042638774630439739 0.0063577190400382908 0.0010629363643507039 -0.017679960826168226 0.011233462937685384
+leaf_weight=65 53 53 39 51
+leaf_count=65 53 53 39 51
+internal_value=0 -0.0810553 -0.344057 0.127269
+internal_weight=0 208 92 116
+internal_count=261 208 92 116
+shrinkage=0.02
+
+
+Tree=362
+num_leaves=4
+num_cat=0
+split_feature=6 6 4
+split_gain=6.73279 18.6672 13.7271
+threshold=65.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0040522974600442499 -0.0051592868112157152 0.010282925413307966 -0.0095307445719612412
+leaf_weight=59 73 69 60
+leaf_count=59 73 69 60
+internal_value=0 0.100255 -0.139558
+internal_weight=0 188 119
+internal_count=261 188 119
+shrinkage=0.02
+
+
+Tree=363
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 1 3
+split_gain=6.64237 21.0126 17.824 13.2561 6.72153
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 2.5000000000000004 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0057381351870652228 -0.00080390204250162093 -0.014939351212823661 0.012382014487456731 -0.0093873808614548023 0.010581201322661216
+leaf_weight=39 43 40 42 57 40
+leaf_count=39 43 40 42 57 40
+internal_value=0 -0.109074 0.0758175 -0.16173 0.233878
+internal_weight=0 178 138 96 83
+internal_count=261 178 138 96 83
+shrinkage=0.02
+
+
+Tree=364
+num_leaves=6
+num_cat=0
+split_feature=3 2 2 5 9
+split_gain=6.7287 14.2743 19.5948 30.5635 38.6144
+threshold=75.500000000000014 6.5000000000000009 24.500000000000004 65.100000000000009 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.011904218873247727 -0.0072341651336095547 -0.013140185909612877 0.010839454703527079 -0.019444001899943379 0.012693571759146028
+leaf_weight=42 43 41 42 40 53
+leaf_count=42 43 41 42 40 53
+internal_value=0 0.0714646 -0.0534801 -0.240598 0.0707879
+internal_weight=0 218 176 134 94
+internal_count=261 218 176 134 94
+shrinkage=0.02
+
+
+Tree=365
+num_leaves=6
+num_cat=0
+split_feature=7 9 1 7 9
+split_gain=6.91067 29.5844 27.5603 50.9372 13.3014
+threshold=76.500000000000014 71.500000000000014 7.5000000000000009 58.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0022879327793038193 0.007768300443712268 -0.015641614829922074 0.0017475719125962848 0.027146520579800139 -0.01475660402938964
+leaf_weight=59 39 46 39 39 39
+leaf_count=59 39 46 39 39 39
+internal_value=0 -0.0683131 0.118249 0.471432 -0.325005
+internal_weight=0 222 176 98 78
+internal_count=261 222 176 98 78
+shrinkage=0.02
+
+
+Tree=366
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 7
+split_gain=6.96143 39.5003 23.157 20.8988
+threshold=65.500000000000014 61.500000000000007 77.500000000000014 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0042515919704644066 0.013113997304913508 -0.015961120420153345 -0.0067559909350180082 0.01325503367115511
+leaf_weight=54 53 57 42 55
+leaf_count=54 53 57 42 55
+internal_value=0 -0.123692 0.216122 0.228876
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=367
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 5
+split_gain=7.06632 22.2786 16.565 6.91625
+threshold=67.050000000000011 57.500000000000007 46.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0035887262245445002 0.010812125008154427 -0.0104485682436083 0.012572994841140422 -0.00073630222933514363
+leaf_weight=55 40 76 47 43
+leaf_count=55 40 76 47 43
+internal_value=0 -0.112496 0.192701 0.2412
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=368
+num_leaves=5
+num_cat=0
+split_feature=5 7 8 5
+split_gain=6.78568 21.3962 15.9502 6.64242
+threshold=67.050000000000011 57.500000000000007 48.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0047685271926542396 0.01059626012676102 -0.010239789241457692 0.011090671116662412 -0.00072159993827052363
+leaf_weight=47 40 76 55 43
+leaf_count=47 40 76 55 43
+internal_value=0 -0.110247 0.188845 0.236375
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=369
+num_leaves=6
+num_cat=0
+split_feature=7 9 1 7 9
+split_gain=6.61358 28.7826 26.2385 50.8098 12.5069
+threshold=76.500000000000014 71.500000000000014 7.5000000000000009 58.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.002465872606062331 0.0075998688924944196 -0.015417518359423978 0.001691049278575745 0.026931795203185369 -0.014312920066930157
+leaf_weight=59 39 46 39 39 39
+leaf_count=59 39 46 39 39 39
+internal_value=0 -0.0668383 0.117178 0.461796 -0.315317
+internal_weight=0 222 176 98 78
+internal_count=261 222 176 98 78
+shrinkage=0.02
+
+
+Tree=370
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 7
+split_gain=6.83221 37.8953 22.3751 19.5155
+threshold=65.500000000000014 61.500000000000007 71.500000000000014 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0040761926085385895 -0.0049159098922646836 -0.015661555571670559 0.014511725961408199 0.012841410397487521
+leaf_weight=54 50 57 45 55
+leaf_count=54 50 57 45 55
+internal_value=0 -0.122547 0.214107 0.222782
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=371
+num_leaves=6
+num_cat=0
+split_feature=3 2 2 1 9
+split_gain=6.67749 14.0105 28.3513 24.8923 6.01299
+threshold=75.500000000000014 12.500000000000002 24.500000000000004 8.5000000000000018 60.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 4 3 -3 -1
+right_child=-2 2 -4 -5 -6
+leaf_value=0.012259369542211483 -0.0072068496513787404 0.00027807154317485331 0.010758119957844323 -0.021116415706167815 0.0016911421314602711
+leaf_weight=49 43 49 42 39 39
+leaf_count=49 43 49 42 39 39
+internal_value=0 0.0711838 -0.137303 -0.460187 0.379494
+internal_weight=0 218 130 88 88
+internal_count=261 218 130 88 88
+shrinkage=0.02
+
+
+Tree=372
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 9
+split_gain=6.72432 36.6118 28.0971 22.2514
+threshold=65.500000000000014 64.500000000000014 48.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0038215599415955342 0.012866530522847324 -0.016939228199420842 0.016495658983006149 -0.0066112652186517745
+leaf_weight=74 53 49 43 42
+leaf_count=74 53 49 43 42
+internal_value=0 -0.121576 0.182201 0.212418
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=373
+num_leaves=5
+num_cat=0
+split_feature=5 7 7 5
+split_gain=6.79856 20.6767 14.6995 6.85482
+threshold=67.050000000000011 57.500000000000007 51.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0033376858921071164 0.010693624555722479 -0.010105777482165606 0.011887492346097539 -0.00080362106375664376
+leaf_weight=55 40 76 47 43
+leaf_count=55 40 76 47 43
+internal_value=0 -0.110352 0.183667 0.236597
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=374
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 5
+split_gain=6.52852 19.8577 14.6486 6.58342
+threshold=67.050000000000011 57.500000000000007 45.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0054477223564786759 0.010480125091425166 -0.0099038477988128409 0.0099454107120030329 -0.0007875748761629654
+leaf_weight=42 40 76 60 43
+leaf_count=42 40 76 60 43
+internal_value=0 -0.108146 0.179992 0.231863
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=375
+num_leaves=4
+num_cat=0
+split_feature=6 5 4
+split_gain=6.40374 20.3895 11.0794
+threshold=65.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0041072499986404666 -0.0050322111340249092 0.012066991290013453 -0.0075468989424443177
+leaf_weight=59 73 56 73
+leaf_count=59 73 56 73
+internal_value=0 0.097772 -0.116619
+internal_weight=0 188 132
+internal_count=261 188 132
+shrinkage=0.02
+
+
+Tree=376
+num_leaves=6
+num_cat=0
+split_feature=9 5 5 9 1
+split_gain=6.43149 35.0659 22.9656 21.7604 12.2653
+threshold=65.500000000000014 59.350000000000009 52.000000000000007 77.500000000000014 2.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.004645099374854157 0.012677755152435655 -0.017916495233898738 0.015497759251871817 -0.0065840843459447386 -0.010725769153804075
+leaf_weight=42 53 43 40 42 41
+leaf_count=42 53 43 40 42 41
+internal_value=0 -0.118913 0.152721 0.20775 -0.147037
+internal_weight=0 166 123 95 83
+internal_count=261 166 123 95 83
+shrinkage=0.02
+
+
+Tree=377
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 3
+split_gain=6.57163 19.4904 14.0095 6.6456
+threshold=67.050000000000011 57.500000000000007 45.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0053088617577018949 -0.00079794767757067689 -0.0098391512623937048 0.0097450224206221178 0.010522771060080014
+leaf_weight=42 43 76 60 40
+leaf_count=42 43 76 60 40
+internal_value=0 -0.108504 0.176957 0.232623
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=378
+num_leaves=6
+num_cat=0
+split_feature=5 4 3 1 5
+split_gain=6.31062 17.8225 13.3247 9.82106 6.40169
+threshold=67.050000000000011 64.500000000000014 58.500000000000007 2.5000000000000004 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.005081889843899544 0.010321327369648052 -0.01369127154212408 0.011047268014894867 -0.007894206147083466 -0.00079005590523025513
+leaf_weight=39 40 41 40 58 43
+leaf_count=39 40 41 40 58 43
+internal_value=0 -0.106336 0.0666801 -0.133443 0.227969
+internal_weight=0 178 137 97 83
+internal_count=261 178 137 97 83
+shrinkage=0.02
+
+
+Tree=379
+num_leaves=4
+num_cat=0
+split_feature=6 5 4
+split_gain=6.36147 20.4381 11.1871
+threshold=65.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0041268642560538049 -0.0050156529448937672 0.012072567854754976 -0.0075836865976095956
+leaf_weight=59 73 56 73
+leaf_count=59 73 56 73
+internal_value=0 0.0974485 -0.117198
+internal_weight=0 188 132
+internal_count=261 188 132
+shrinkage=0.02
+
+
+Tree=380
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 1
+split_gain=6.38821 28.6104 24.5223 38.3377
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.011223998291149536 0.0074695910617903673 -0.015352556868491681 0.011060721891543741 -0.013850377844389999
+leaf_weight=73 39 46 41 62
+leaf_count=73 39 46 41 62
+internal_value=0 -0.0656964 0.117768 -0.196288
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=381
+num_leaves=5
+num_cat=0
+split_feature=2 4 8 2
+split_gain=6.53407 11.6747 26.5006 21.1264
+threshold=24.500000000000004 54.500000000000007 62.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0093143985419029407 0.0062740387752987705 0.011213595233662714 -0.016753174255411125 0.0029586974974924367
+leaf_weight=57 53 63 39 49
+leaf_count=57 53 63 39 49
+internal_value=0 -0.0799958 0.0654922 -0.288727
+internal_weight=0 208 151 88
+internal_count=261 208 151 88
+shrinkage=0.02
+
+
+Tree=382
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 3
+split_gain=6.55966 18.8701 13.379 6.41952
+threshold=67.050000000000011 57.500000000000007 46.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0032390443493639344 -0.00070855683286200554 -0.0097142175141003567 0.011286909996906055 0.010418092652207967
+leaf_weight=55 43 76 47 40
+leaf_count=55 43 76 47 40
+internal_value=0 -0.108401 0.17248 0.232416
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=383
+num_leaves=5
+num_cat=0
+split_feature=5 7 7 5
+split_gain=6.29908 18.1226 12.9591 6.35733
+threshold=67.050000000000011 57.500000000000007 51.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0032022663373489964 0.0102973115173456 -0.0095201120061247247 0.01109417337298216 -0.00077555097389593456
+leaf_weight=55 40 76 47 43
+leaf_count=55 40 76 47 43
+internal_value=0 -0.106234 0.169028 0.227766
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=384
+num_leaves=5
+num_cat=0
+split_feature=2 4 8 2
+split_gain=6.30034 11.2888 25.8266 20.2392
+threshold=24.500000000000004 54.500000000000007 62.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0091573260251425481 0.0061611354706374768 0.011067280702958003 -0.016449424080876764 0.002844215259699951
+leaf_weight=57 53 63 39 49
+leaf_count=57 53 63 39 49
+internal_value=0 -0.0785574 0.0645065 -0.285178
+internal_weight=0 208 151 88
+internal_count=261 208 151 88
+shrinkage=0.02
+
+
+Tree=385
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 9
+split_gain=6.29684 27.5209 24.0083 30.0201
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.011069618160150048 0.0074162105809385164 -0.015073427890059695 -0.016927507035460813 0.0050308602248061232
+leaf_weight=73 39 46 42 61
+leaf_count=73 39 46 42 61
+internal_value=0 -0.065223 0.114713 -0.196035
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=386
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 7
+split_gain=6.49822 34.3165 21.1307 16.7973
+threshold=65.500000000000014 61.500000000000007 71.500000000000014 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0037334242962205702 -0.0047620513614409221 -0.014962252581444581 0.014117906914037429 0.011962529395309361
+leaf_weight=54 50 57 45 55
+leaf_count=54 50 57 45 55
+internal_value=0 -0.119524 0.208824 0.209091
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=387
+num_leaves=5
+num_cat=0
+split_feature=3 2 1 2
+split_gain=6.34774 13.4308 23.7528 75.2095
+threshold=75.500000000000014 6.5000000000000009 5.5000000000000009 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.011549412201384284 -0.0070272013060843717 0.0072899019277825111 -0.02217232377276232 0.01319091265062825
+leaf_weight=42 43 77 58 41
+leaf_count=42 43 77 58 41
+internal_value=0 0.069409 -0.0517872 -0.375995
+internal_weight=0 218 176 99
+internal_count=261 218 176 99
+shrinkage=0.02
+
+
+Tree=388
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 7
+split_gain=6.44077 32.694 20.6391 16.0588
+threshold=65.500000000000014 61.500000000000007 71.500000000000014 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0037041314780734179 -0.0046758462243721068 -0.014651085886042237 0.013983269499613595 0.011643201753710888
+leaf_weight=54 50 57 45 55
+leaf_count=54 50 57 45 55
+internal_value=0 -0.118995 0.207903 0.201755
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=389
+num_leaves=5
+num_cat=0
+split_feature=5 7 8 5
+split_gain=6.38389 17.0009 11.9011 6.51553
+threshold=67.050000000000011 57.500000000000007 48.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0041882415257342084 0.010398566852581004 -0.0093020771934933782 0.009512875272765748 -0.00081103565772060778
+leaf_weight=47 40 76 55 43
+leaf_count=47 40 76 55 43
+internal_value=0 -0.106945 0.159662 0.229288
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=390
+num_leaves=6
+num_cat=0
+split_feature=3 2 2 1 5
+split_gain=6.19307 13.1536 26.8329 22.4233 7.10708
+threshold=75.500000000000014 12.500000000000002 24.500000000000004 8.5000000000000018 56.95000000000001
+decision_type=2 2 2 2 2
+left_child=1 4 3 -3 -1
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0021247476837802188 -0.0069413474454718127 4.7330708708519207e-05 0.010468547765979342 -0.020258430908838134 0.013577343282450874
+leaf_weight=48 43 49 42 39 40
+leaf_count=48 43 49 42 39 40
+internal_value=0 0.0685601 -0.133452 -0.447584 0.367311
+internal_weight=0 218 130 88 88
+internal_count=261 218 130 88 88
+shrinkage=0.02
+
+
+Tree=391
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 5
+split_gain=6.14192 16.4334 11.5932 6.33153
+threshold=67.050000000000011 57.500000000000007 45.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0049046382944856488 0.010228835389832474 -0.0091408148613226197 0.0087911382011308919 -0.00082167002173291585
+leaf_weight=42 40 76 60 43
+leaf_count=42 40 76 60 43
+internal_value=0 -0.104902 0.157218 0.224919
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=392
+num_leaves=4
+num_cat=0
+split_feature=6 6 2
+split_gain=6.17853 22.5084 11.0045
+threshold=65.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.003434223058153192 -0.0049431486249345274 0.011009833730300948 -0.0088002972916136259
+leaf_weight=53 73 69 66
+leaf_count=53 73 69 66
+internal_value=0 0.0960461 -0.167289
+internal_weight=0 188 119
+internal_count=261 188 119
+shrinkage=0.02
+
+
+Tree=393
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 9
+split_gain=6.08337 31.795 25.841 20.4354
+threshold=65.500000000000014 64.500000000000014 48.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0038109124551860534 0.012300991943737467 -0.015833569178154643 0.015674103671386025 -0.0063655378023972278
+leaf_weight=74 53 49 43 42
+leaf_count=74 53 49 43 42
+internal_value=0 -0.115657 0.167425 0.20207
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=394
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 3
+split_gain=6.14964 16.4178 10.8709 6.39295
+threshold=67.050000000000011 57.500000000000007 45.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0046537805150460264 -0.00084470664261941263 -0.0091389068094537267 0.0086088327649842498 0.010259219616138345
+leaf_weight=42 43 76 60 40
+leaf_count=42 43 76 60 40
+internal_value=0 -0.104972 0.157024 0.225054
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=395
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 5
+split_gain=6.06425 33.5299 18.4195 10.8686
+threshold=54.500000000000007 9.5000000000000018 65.500000000000014 48.45000000000001
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0038821484889157176 -0.012706571793895368 -0.0014681310103065578 0.015852742203035036 -0.0083963164369441051
+leaf_weight=49 40 41 61 70
+leaf_count=49 40 41 61 70
+internal_value=0 0.139747 0.444318 -0.166722
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=396
+num_leaves=4
+num_cat=0
+split_feature=6 6 4
+split_gain=6.23104 21.9127 17.0349
+threshold=65.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0043558385601670524 -0.0049642221521740667 0.010896816234590696 -0.010773795675632063
+leaf_weight=59 73 69 60
+leaf_count=59 73 69 60
+internal_value=0 0.096443 -0.163384
+internal_weight=0 188 119
+internal_count=261 188 119
+shrinkage=0.02
+
+
+Tree=397
+num_leaves=5
+num_cat=0
+split_feature=3 5 6 2
+split_gain=6.00852 13.2275 39.9836 12.853
+threshold=75.500000000000014 68.250000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0047358304247280131 -0.0068375977767933718 -0.0083025301374298303 0.017945701151555912 -0.0085568406968966042
+leaf_weight=52 43 45 55 66
+leaf_count=52 43 45 55 66
+internal_value=0 0.0675285 0.193423 -0.134647
+internal_weight=0 218 173 118
+internal_count=261 218 173 118
+shrinkage=0.02
+
+
+Tree=398
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 1
+split_gain=6.19563 27.6111 21.9755 35.262
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.010706360003878715 0.0073563139456783635 -0.015085714856481667 0.010737036713372916 -0.013154347898489287
+leaf_weight=73 39 46 41 62
+leaf_count=73 39 46 41 62
+internal_value=0 -0.0647105 0.11552 -0.18178
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=399
+num_leaves=5
+num_cat=0
+split_feature=5 7 7 5
+split_gain=6.28765 16.6328 10.8965 6.17156
+threshold=67.050000000000011 57.500000000000007 51.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0028850160142200837 0.010208658243255007 -0.0092082453679439829 0.010225584378728373 -0.00070136439144293059
+leaf_weight=55 40 76 47 43
+leaf_count=55 40 76 47 43
+internal_value=0 -0.106147 0.157559 0.227551
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=400
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 3
+split_gain=6.03784 15.9738 10.7266 6.244
+threshold=67.050000000000011 57.500000000000007 46.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0029008656774823583 -0.00082317875132971463 -0.0090242499255297221 0.010107341567349201 0.010150829315230172
+leaf_weight=55 43 76 47 40
+leaf_count=55 43 76 47 40
+internal_value=0 -0.104024 0.154405 0.222998
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=401
+num_leaves=5
+num_cat=0
+split_feature=2 4 8 2
+split_gain=5.94488 11.3312 24.4635 19.4842
+threshold=24.500000000000004 54.500000000000007 62.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0091269862328579154 0.0059851792716409434 0.010856004169602695 -0.016010449091308651 0.0029202051706109533
+leaf_weight=57 53 63 39 49
+leaf_count=57 53 63 39 49
+internal_value=0 -0.0763259 0.0670068 -0.273325
+internal_weight=0 208 151 88
+internal_count=261 208 151 88
+shrinkage=0.02
+
+
+Tree=402
+num_leaves=5
+num_cat=0
+split_feature=5 7 3 3
+split_gain=5.9764 15.6419 10.1499 6.00367
+threshold=67.050000000000011 57.500000000000007 51.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0037721649571439636 -0.00074315453367275344 -0.0089412444596051154 0.0088819419606418828 0.010017827880711278
+leaf_weight=47 43 76 55 40
+leaf_count=47 43 76 55 40
+internal_value=0 -0.103495 0.152235 0.221865
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=403
+num_leaves=5
+num_cat=0
+split_feature=3 5 6 4
+split_gain=5.99657 12.7153 40.6944 15.4087
+threshold=75.500000000000014 68.250000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0044186968736152519 -0.0068308652197370846 -0.0081153482778296669 0.018019768575347442 -0.010031939680168266
+leaf_weight=59 43 45 55 59
+leaf_count=59 43 45 55 59
+internal_value=0 0.067459 0.190898 -0.140075
+internal_weight=0 218 173 118
+internal_count=261 218 173 118
+shrinkage=0.02
+
+
+Tree=404
+num_leaves=5
+num_cat=0
+split_feature=5 7 8 5
+split_gain=6.03021 15.5482 10.1743 5.93651
+threshold=67.050000000000011 57.500000000000007 48.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0038050653178435569 0.010006308320873481 -0.0089300393231190583 0.0088642683963994703 -0.00069433433618046217
+leaf_weight=47 40 76 55 43
+leaf_count=47 40 76 55 43
+internal_value=0 -0.103964 0.151 0.222853
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=405
+num_leaves=4
+num_cat=0
+split_feature=6 6 4
+split_gain=5.84148 21.1429 16.9671
+threshold=54.500000000000007 65.500000000000014 52.500000000000007
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=0.0043352508495982899 0.010683040340246712 -0.0047539381150615619 -0.010764245470073827
+leaf_weight=59 69 73 60
+leaf_count=59 69 73 60
+internal_value=0 0.137153 -0.163654
+internal_weight=0 142 119
+internal_count=261 142 119
+shrinkage=0.02
+
+
+Tree=406
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 1
+split_gain=6.13123 26.8209 21.1951 33.9639
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.010510776230961645 0.0073180147672145006 -0.014880456015425597 0.01053117296862318 -0.012916511079554245
+leaf_weight=73 39 46 41 62
+leaf_count=73 39 46 41 62
+internal_value=0 -0.064379 0.113253 -0.17872
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=407
+num_leaves=6
+num_cat=0
+split_feature=9 5 5 9 5
+split_gain=6.09554 30.3743 21.7535 19.3142 3.50591
+threshold=65.500000000000014 59.350000000000009 52.000000000000007 77.500000000000014 47.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.00096188596798457249 0.012075175680564088 -0.016777907150276637 0.014851529317170509 -0.0060722035598890899 -0.0072635914550040629
+leaf_weight=42 53 43 40 42 41
+leaf_count=42 53 43 40 42 41
+internal_value=0 -0.115786 0.137016 0.202257 -0.154718
+internal_weight=0 166 123 95 83
+internal_count=261 166 123 95 83
+shrinkage=0.02
+
+
+Tree=408
+num_leaves=5
+num_cat=0
+split_feature=5 7 7 5
+split_gain=6.22637 15.1981 9.89743 5.99422
+threshold=67.050000000000011 57.500000000000007 51.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0028240165847690348 0.010104715894337811 -0.0088859351817922507 0.0096720643456457839 -0.00064760284893178386
+leaf_weight=55 40 76 47 43
+leaf_count=55 40 76 47 43
+internal_value=0 -0.105635 0.146441 0.226438
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=409
+num_leaves=5
+num_cat=0
+split_feature=6 2 4 4
+split_gain=6.08901 31.548 28.5965 16.7914
+threshold=54.500000000000007 9.5000000000000018 71.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0042273768420870864 -0.012236006377134236 -0.00014481994253199532 0.021356110730486724 -0.010793675955528227
+leaf_weight=59 40 60 42 60
+leaf_count=59 40 60 42 60
+internal_value=0 0.140021 0.435462 -0.167072
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=410
+num_leaves=5
+num_cat=0
+split_feature=6 2 4 4
+split_gain=5.84671 30.2998 27.4658 16.1267
+threshold=54.500000000000007 9.5000000000000018 71.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0041429297896191939 -0.011991714367939109 -0.00014192712779288803 0.020929699460833038 -0.010578053915212391
+leaf_weight=59 40 60 42 60
+leaf_count=59 40 60 42 60
+internal_value=0 0.137214 0.42676 -0.163728
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=411
+num_leaves=5
+num_cat=0
+split_feature=3 2 1 2
+split_gain=6.09122 13.0001 21.2307 73.2594
+threshold=75.500000000000014 6.5000000000000009 5.5000000000000009 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.011356827429957762 -0.0068845571100448893 0.0068461843247356107 -0.021617451007783464 0.01328443890538621
+leaf_weight=42 43 77 58 41
+leaf_count=42 43 77 58 41
+internal_value=0 0.067979 -0.0512575 -0.357794
+internal_weight=0 218 176 99
+internal_count=261 218 176 99
+shrinkage=0.02
+
+
+Tree=412
+num_leaves=5
+num_cat=0
+split_feature=6 2 4 4
+split_gain=5.85197 29.0923 26.7068 15.5288
+threshold=54.500000000000007 9.5000000000000018 71.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0040026798914466512 -0.01169384214150391 -0.00013628424756912338 0.020642191531397413 -0.010442979141725008
+leaf_weight=59 40 60 42 60
+leaf_count=59 40 60 42 60
+internal_value=0 0.137277 0.421 -0.163799
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=413
+num_leaves=5
+num_cat=0
+split_feature=3 2 1 2
+split_gain=6.10402 12.7423 20.5732 70.2596
+threshold=75.500000000000014 6.5000000000000009 5.5000000000000009 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.011258818373448894 -0.0068917331868267578 0.0067485901468595502 -0.021197692999689721 0.012982197379380906
+leaf_weight=42 43 77 58 41
+leaf_count=42 43 77 58 41
+internal_value=0 0.0680518 -0.0499964 -0.351757
+internal_weight=0 218 176 99
+internal_count=261 218 176 99
+shrinkage=0.02
+
+
+Tree=414
+num_leaves=6
+num_cat=0
+split_feature=3 2 2 7 8
+split_gain=5.86204 12.7408 25.1463 12.2753 9.15802
+threshold=75.500000000000014 12.500000000000002 24.500000000000004 59.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 4 3 -3 -1
+right_child=-2 2 -4 -5 -6
+leaf_value=-6.967251612641544e-06 -0.0067541218800364275 -0.0017174600534867602 0.010075601203894429 -0.016721211964772921 0.01297060472579851
+leaf_weight=39 43 47 42 41 49
+leaf_count=39 43 47 42 41 49
+internal_value=0 0.0666976 -0.132121 -0.436233 0.360733
+internal_weight=0 218 130 88 88
+internal_count=261 218 130 88 88
+shrinkage=0.02
+
+
+Tree=415
+num_leaves=4
+num_cat=0
+split_feature=6 6 4
+split_gain=6.00843 20.7947 15.036
+threshold=54.500000000000007 65.500000000000014 52.500000000000007
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=0.0038428036087818996 0.010656126899313303 -0.0046532446235944469 -0.010371909078532455
+leaf_weight=59 69 73 60
+leaf_count=59 69 73 60
+internal_value=0 0.139089 -0.165972
+internal_weight=0 142 119
+internal_count=261 142 119
+shrinkage=0.02
+
+
+Tree=416
+num_leaves=6
+num_cat=0
+split_feature=5 4 3 5 5
+split_gain=6.01556 15.1872 14.0932 10.6191 5.86525
+threshold=67.050000000000011 64.500000000000014 58.500000000000007 48.45000000000001 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.003542762143817919 0.0099674640393239301 -0.012753272693987917 0.011107106660335833 -0.0096891561725890047 -0.00066883581866721475
+leaf_weight=49 40 41 40 48 43
+leaf_count=49 40 41 40 48 43
+internal_value=0 -0.103844 0.0558647 -0.149951 0.222577
+internal_weight=0 178 137 97 83
+internal_count=261 178 137 97 83
+shrinkage=0.02
+
+
+Tree=417
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 9
+split_gain=5.91608 25.9642 20.738 28.66
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.010386930255552511 0.0071888229249000924 -0.014639181462368221 -0.016255071986194799 0.0052005982647868173
+leaf_weight=73 39 46 42 61
+leaf_count=73 39 46 42 61
+internal_value=0 -0.0632468 0.111525 -0.177283
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=418
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 7
+split_gain=5.87827 29.8107 18.5749 15.4939
+threshold=65.500000000000014 61.500000000000007 71.500000000000014 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0037507006307174744 -0.0044078457065035255 -0.013992413205786723 0.013294170726547757 0.011324645251939448
+leaf_weight=54 50 57 45 55
+leaf_count=54 50 57 45 55
+internal_value=0 -0.113717 0.198626 0.192559
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=419
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 6 6
+split_gain=5.80148 16.972 11.3493 9.07335 5.79683
+threshold=68.500000000000014 58.500000000000007 54.500000000000007 45.500000000000007 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.004887539328901451 -0.01001435311692799 0.01329921811797307 -0.010492324714224937 0.0072741186492673564 0.00075212997366454974
+leaf_weight=42 39 41 39 59 41
+leaf_count=42 39 41 39 59 41
+internal_value=0 0.0992785 -0.0663496 0.11045 -0.224535
+internal_weight=0 181 140 101 80
+internal_count=261 181 140 101 80
+shrinkage=0.02
+
+
+Tree=420
+num_leaves=5
+num_cat=0
+split_feature=6 2 4 4
+split_gain=5.81716 28.6912 25.9109 14.5256
+threshold=54.500000000000007 9.5000000000000018 71.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0037732244957637646 -0.011602248203019595 -5.5247097934604147e-05 0.020411268726278152 -0.010198337353861468
+leaf_weight=59 40 60 42 60
+leaf_count=59 40 60 42 60
+internal_value=0 0.136863 0.418626 -0.16332
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=421
+num_leaves=4
+num_cat=0
+split_feature=6 5 4
+split_gain=5.77334 21.4111 10.3873
+threshold=65.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0036978491602441231 -0.0047793524201989457 0.012218223563145461 -0.0075864343211591145
+leaf_weight=59 73 56 73
+leaf_count=59 73 56 73
+internal_value=0 0.092829 -0.126868
+internal_weight=0 188 132
+internal_count=261 188 132
+shrinkage=0.02
+
+
+Tree=422
+num_leaves=6
+num_cat=0
+split_feature=3 6 9 8 6
+split_gain=5.79615 15.9304 12.088 10.8035 9.1242
+threshold=68.500000000000014 58.500000000000007 72.500000000000014 54.500000000000007 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 3 -2 4 -1
+right_child=2 -3 -4 -5 -6
+leaf_value=-0.0048910985227885884 -0.012072525466333089 0.012945991786387764 0.00347092967326909 -0.010167529441326635 0.0073045080097996684
+leaf_weight=42 41 41 39 39 59
+leaf_count=42 41 41 39 39 59
+internal_value=0 0.099231 -0.224434 -0.0612325 0.111264
+internal_weight=0 181 80 140 101
+internal_count=261 181 80 140 101
+shrinkage=0.02
+
+
+Tree=423
+num_leaves=5
+num_cat=0
+split_feature=3 5 6 4
+split_gain=5.67054 12.1146 38.2314 11.84
+threshold=75.500000000000014 68.250000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0036349732111064198 -0.0066434703962083824 -0.0079266493778575794 0.017487373626857743 -0.0090336375407438566
+leaf_weight=59 43 45 55 59
+leaf_count=59 43 45 55 59
+internal_value=0 0.0655928 0.18609 -0.134708
+internal_weight=0 218 173 118
+internal_count=261 218 173 118
+shrinkage=0.02
+
+
+Tree=424
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 3
+split_gain=5.78618 15.6911 19.5512 13.2579 5.97552
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 48.45000000000001 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0034528082369276142 -0.00080231897835668397 -0.013063625015833445 0.012537944346900108 -0.011408543252998131 0.0099335856376100082
+leaf_weight=49 43 40 42 47 40
+leaf_count=49 43 40 42 47 40
+internal_value=0 -0.101859 0.0579056 -0.190887 0.2183
+internal_weight=0 178 138 96 83
+internal_count=261 178 138 96 83
+shrinkage=0.02
+
+
+Tree=425
+num_leaves=6
+num_cat=0
+split_feature=3 2 2 5 4
+split_gain=5.64494 12.1246 16.5402 28.9794 38.0706
+threshold=75.500000000000014 6.5000000000000009 24.500000000000004 65.100000000000009 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.010964200217210401 -0.0066285708126624333 -0.010043969663104035 0.0099478864567436234 -0.018681528141574727 0.015490173666887392
+leaf_weight=42 43 51 42 40 43
+leaf_count=42 43 51 42 40 43
+internal_value=0 0.065442 -0.0497089 -0.221658 0.0815437
+internal_weight=0 218 176 134 94
+internal_count=261 218 176 134 94
+shrinkage=0.02
+
+
+Tree=426
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 1
+split_gain=5.8332 25.3892 19.7374 32.6465
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.01015774767596565 0.0071383346728589618 -0.014481650170546072 0.01039446917749145 -0.012594221884239809
+leaf_weight=73 39 46 41 62
+leaf_count=73 39 46 41 62
+internal_value=0 -0.0628103 0.110014 -0.171739
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=427
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 5
+split_gain=6.14786 14.8089 18.3892 12.9495 6.17868
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 48.45000000000001 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0033643483695926556 0.010161018100408417 -0.012811814247743728 0.012041728892687922 -0.011323219574245917 -0.00075540367999125555
+leaf_weight=49 40 40 42 47 43
+leaf_count=49 40 40 42 47 43
+internal_value=0 -0.104978 0.0502282 -0.191056 0.225001
+internal_weight=0 178 138 96 83
+internal_count=261 178 138 96 83
+shrinkage=0.02
+
+
+Tree=428
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 5
+split_gain=5.90352 14.5717 11.3189 5.93399
+threshold=67.050000000000011 57.500000000000007 46.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0032731222152298672 0.0099581532586772211 -0.0086899987711329119 0.010089461828809725 -0.00074031930924541359
+leaf_weight=55 40 76 47 43
+leaf_count=55 40 76 47 43
+internal_value=0 -0.102878 0.14395 0.220499
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=429
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 7
+split_gain=5.83444 28.7336 18.1502 15.3158
+threshold=65.500000000000014 61.500000000000007 77.500000000000014 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0038101994805554711 0.011742315505192018 -0.013770560395368787 -0.0058500498266891091 0.011178412593467206
+leaf_weight=54 53 57 42 55
+leaf_count=54 53 57 42 55
+internal_value=0 -0.113298 0.197882 0.187392
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=430
+num_leaves=5
+num_cat=0
+split_feature=6 2 4 4
+split_gain=5.86454 27.6811 25.6179 13.8631
+threshold=54.500000000000007 9.5000000000000018 71.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.003597481750798181 -0.011336603272368791 -9.6379807353793676e-05 0.020254135298991404 -0.010051909369040254
+leaf_weight=59 40 60 42 60
+leaf_count=59 40 60 42 60
+internal_value=0 0.137413 0.414177 -0.163985
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=431
+num_leaves=5
+num_cat=0
+split_feature=6 2 4 4
+split_gain=5.63113 26.5858 24.605 13.3142
+threshold=54.500000000000007 9.5000000000000018 71.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0035256169454607844 -0.011110268177639852 -9.4454439404365216e-05 0.019849726610613572 -0.0098511052739807103
+leaf_weight=59 40 60 42 60
+leaf_count=59 40 60 42 60
+internal_value=0 0.134657 0.4059 -0.160703
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=432
+num_leaves=5
+num_cat=0
+split_feature=3 5 5 4
+split_gain=5.77612 11.7307 37.8655 7.14324
+threshold=75.500000000000014 68.250000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0034551881256998751 -0.0067049515632069635 -0.0077672189315406981 0.019953902980789719 -0.0059653142129417148
+leaf_weight=59 43 45 43 71
+leaf_count=59 43 45 43 71
+internal_value=0 0.0661918 0.184768 -0.0842073
+internal_weight=0 218 173 130
+internal_count=261 218 173 130
+shrinkage=0.02
+
+
+Tree=433
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 5
+split_gain=5.56428 14.5053 18.4707 12.3633 5.82106
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 48.45000000000001 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.003258711026986408 0.0097771239526884077 -0.012600145796632304 0.012135604748908376 -0.011092859948165152 -0.00081944478396780388
+leaf_weight=49 40 40 42 47 43
+leaf_count=49 40 40 42 47 43
+internal_value=0 -0.0998986 0.0537079 -0.188111 0.214082
+internal_weight=0 178 138 96 83
+internal_count=261 178 138 96 83
+shrinkage=0.02
+
+
+Tree=434
+num_leaves=5
+num_cat=0
+split_feature=7 8 6 4
+split_gain=5.35739 10.5098 21.0363 13.2203
+threshold=76.500000000000014 62.500000000000007 52.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0033988161316948415 0.006841921583905012 -0.0074894568847190734 0.013621276988385587 -0.010731959806947767
+leaf_weight=59 39 72 43 48
+leaf_count=59 39 72 43 48
+internal_value=0 -0.0602094 0.0904748 -0.146781
+internal_weight=0 222 150 107
+internal_count=261 222 150 107
+shrinkage=0.02
+
+
+Tree=435
+num_leaves=5
+num_cat=0
+split_feature=3 2 1 2
+split_gain=5.58002 11.9486 19.7613 67.4523
+threshold=75.500000000000014 6.5000000000000009 5.5000000000000009 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.010886463974444238 -0.0065904823098515931 0.006609209200643576 -0.020776951158233536 0.012713176286986833
+leaf_weight=42 43 77 58 41
+leaf_count=42 43 77 58 41
+internal_value=0 0.0650658 -0.0492462 -0.345002
+internal_weight=0 218 176 99
+internal_count=261 218 176 99
+shrinkage=0.02
+
+
+Tree=436
+num_leaves=5
+num_cat=0
+split_feature=9 4 8 4
+split_gain=5.57604 28.2381 17.9128 14.9638
+threshold=65.500000000000014 64.500000000000014 69.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0020307805250295253 -0.0056689485249509387 -0.014957758157151717 0.011769120114101932 0.01304168306341307
+leaf_weight=77 43 49 52 40
+leaf_count=77 43 49 52 40
+internal_value=0 -0.110769 0.193466 0.156004
+internal_weight=0 166 95 117
+internal_count=261 166 95 117
+shrinkage=0.02
+
+
+Tree=437
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 5
+split_gain=5.46346 14.1071 11.6224 5.9058
+threshold=67.050000000000011 57.500000000000007 46.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0033565383412746202 0.0097782892238656455 -0.0085058129064917998 0.010183870264121066 -0.00089514226420229592
+leaf_weight=55 40 76 47 43
+leaf_count=55 40 76 47 43
+internal_value=0 -0.0989855 0.143877 0.212148
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=438
+num_leaves=5
+num_cat=0
+split_feature=6 2 2 5
+split_gain=5.51341 25.153 16.1722 8.42404
+threshold=54.500000000000007 9.5000000000000018 20.500000000000004 48.45000000000001
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0031732618311636068 -0.010761353780659828 0.014876934612641057 -0.0011908367512202841 -0.0076380376228314386
+leaf_weight=49 40 58 44 70
+leaf_count=49 40 58 44 70
+internal_value=0 0.13325 0.397092 -0.159018
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=439
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 9 6
+split_gain=5.47128 16.2726 11.1941 11.0705 9.53315
+threshold=68.500000000000014 58.500000000000007 54.500000000000007 72.500000000000014 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0050776337849391118 -0.011619915803883064 0.013006705838396859 -0.01041788701303656 0.0032554984084321682 0.0073879980706958708
+leaf_weight=42 41 41 39 39 59
+leaf_count=42 41 41 39 39 59
+internal_value=0 0.0964134 -0.0657649 -0.218083 0.109821
+internal_weight=0 181 140 80 101
+internal_count=261 181 140 80 101
+shrinkage=0.02
+
+
+Tree=440
+num_leaves=4
+num_cat=0
+split_feature=6 5 4
+split_gain=5.4451 20.8426 9.22468
+threshold=65.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0033439493233557789 -0.0046421003266628588 0.012026444486443194 -0.0072908266434203563
+leaf_weight=59 73 56 73
+leaf_count=59 73 56 73
+internal_value=0 0.090155 -0.126605
+internal_weight=0 188 132
+internal_count=261 188 132
+shrinkage=0.02
+
+
+Tree=441
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 9
+split_gain=5.44058 25.5523 19.6138 27.4684
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.010186668477001148 0.0068947120500947321 -0.014481271858300204 -0.015806038592790859 0.0051991710180499971
+leaf_weight=73 39 46 42 61
+leaf_count=73 39 46 42 61
+internal_value=0 -0.0606698 0.112709 -0.168161
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=442
+num_leaves=6
+num_cat=0
+split_feature=9 5 5 9 4
+split_gain=5.37774 27.9359 22.6307 17.5113 4.75358
+threshold=65.500000000000014 59.350000000000009 52.000000000000007 77.500000000000014 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0015594224428242362 0.01144684031249126 -0.01604596149486872 0.015025776793066036 -0.0058334376441772189 -0.0080146433297382681
+leaf_weight=41 53 43 40 42 42
+leaf_count=41 53 43 40 42 42
+internal_value=0 -0.108794 0.133644 0.190003 -0.163916
+internal_weight=0 166 123 95 83
+internal_count=261 166 123 95 83
+shrinkage=0.02
+
+
+Tree=443
+num_leaves=6
+num_cat=0
+split_feature=5 9 9 3 3
+split_gain=5.41306 13.9747 12.9115 5.75993 5.50492
+threshold=67.050000000000011 60.500000000000007 53.500000000000007 73.500000000000014 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0027256466807355478 -0.00085087820053764867 -0.010352312222093383 0.011284820519507863 0.0096900972145318332 -0.0075272281544668919
+leaf_weight=40 43 55 39 40 44
+leaf_count=40 43 55 39 40 44
+internal_value=0 -0.0985321 0.0887258 0.211168 -0.131859
+internal_weight=0 178 123 83 84
+internal_count=261 178 123 83 84
+shrinkage=0.02
+
+
+Tree=444
+num_leaves=5
+num_cat=0
+split_feature=3 2 9 3
+split_gain=5.41696 11.7855 22.8309 22.5559
+threshold=75.500000000000014 10.500000000000002 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0080476290459671682 -0.0064938112895478227 -0.012910516887980592 0.01183351513736612 -0.0076062033061479644
+leaf_weight=70 43 50 57 41
+leaf_count=70 43 50 57 41
+internal_value=0 0.0641124 -0.0957242 0.18464
+internal_weight=0 218 148 98
+internal_count=261 218 148 98
+shrinkage=0.02
+
+
+Tree=445
+num_leaves=6
+num_cat=0
+split_feature=5 4 3 2 5
+split_gain=5.32377 13.6621 13.5302 9.85139 5.73771
+threshold=67.050000000000011 64.500000000000014 58.500000000000007 16.500000000000004 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0091427087702864503 0.0096447237904362781 -0.012081420850022333 0.010863698261736754 0.0036078842215687959 -0.00087600643656385009
+leaf_weight=50 40 41 40 47 43
+leaf_count=50 40 41 40 47 43
+internal_value=0 -0.0977222 0.0537521 -0.14791 0.209422
+internal_weight=0 178 137 97 83
+internal_count=261 178 137 97 83
+shrinkage=0.02
+
+
+Tree=446
+num_leaves=5
+num_cat=0
+split_feature=6 2 4 4
+split_gain=5.31648 24.5353 24.4524 12
+threshold=54.500000000000007 9.5000000000000018 71.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0032750814295554702 -0.010643435005300326 -0.00035797669493816688 0.019524418750482529 -0.0094249027688133764
+leaf_weight=59 40 60 42 60
+leaf_count=59 40 60 42 60
+internal_value=0 0.130853 0.391441 -0.156166
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=447
+num_leaves=4
+num_cat=0
+split_feature=6 6 4
+split_gain=5.5335 19.3119 11.5248
+threshold=65.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.00320965684075 -0.0046795321251537833 0.010237200798908261 -0.0092366240668836606
+leaf_weight=59 73 69 60
+leaf_count=59 73 69 60
+internal_value=0 0.0908794 -0.15304
+internal_weight=0 188 119
+internal_count=261 188 119
+shrinkage=0.02
+
+
+Tree=448
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 9 6
+split_gain=5.40431 15.3926 10.9557 10.9339 9.59315
+threshold=68.500000000000014 58.500000000000007 54.500000000000007 72.500000000000014 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0050609405616456387 -0.011548477703270497 0.01269150319748445 -0.010243666230304973 0.0032349799356788268 0.0074437257067814519
+leaf_weight=42 41 41 39 39 59
+leaf_count=42 41 41 39 39 59
+internal_value=0 0.0958213 -0.0619094 -0.216751 0.111797
+internal_weight=0 181 140 80 101
+internal_count=261 181 140 80 101
+shrinkage=0.02
+
+
+Tree=449
+num_leaves=4
+num_cat=0
+split_feature=6 5 4
+split_gain=5.29768 19.638 8.33956
+threshold=65.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0031577280601440844 -0.0045791120853912858 0.011702425675275643 -0.0069548033080578057
+leaf_weight=59 73 56 73
+leaf_count=59 73 56 73
+internal_value=0 0.0889282 -0.121474
+internal_weight=0 188 132
+internal_count=261 188 132
+shrinkage=0.02
+
+
+Tree=450
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 1
+split_gain=5.33215 18.3257 12.0189 47.9327
+threshold=73.500000000000014 68.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0081734735954654952 0.0054139476902789457 -0.012942754073304766 0.013975870923096488 -0.014990737953289075
+leaf_weight=66 57 44 39 55
+leaf_count=66 57 44 39 55
+internal_value=0 -0.0757261 0.0813765 -0.148136
+internal_weight=0 204 160 94
+internal_count=261 204 160 94
+shrinkage=0.02
+
+
+Tree=451
+num_leaves=5
+num_cat=0
+split_feature=3 2 9 3
+split_gain=5.21338 11.5468 21.3919 22.075
+threshold=75.500000000000014 10.500000000000002 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0079546545150845169 -0.0063711118622697483 -0.012550438476199277 0.01157518486791136 -0.0076564704522849702
+leaf_weight=70 43 50 57 41
+leaf_count=70 43 50 57 41
+internal_value=0 0.0628988 -0.0953116 0.17607
+internal_weight=0 218 148 98
+internal_count=261 218 148 98
+shrinkage=0.02
+
+
+Tree=452
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 1
+split_gain=5.20458 17.5832 11.249 45.7791
+threshold=73.500000000000014 68.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.007914601858314543 0.0053490057822094296 -0.012691000731780682 0.013694087703239592 -0.014614538334774109
+leaf_weight=66 57 44 39 55
+leaf_count=66 57 44 39 55
+internal_value=0 -0.0748197 0.0790664 -0.142976
+internal_weight=0 204 160 94
+internal_count=261 204 160 94
+shrinkage=0.02
+
+
+Tree=453
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 5
+split_gain=5.19157 13.6778 19.0443 5.71357 4.28355
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 50.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.010151450525838639 0.0095812648656750845 -0.01222586816925642 0.0095276695646659415 -0.00091745469972598511 -0.00073482915389132004
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0965043 0.0526545 0.206817 -0.272913
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=454
+num_leaves=6
+num_cat=0
+split_feature=9 5 5 3 1
+split_gain=5.29076 26.9682 22.2696 17.3681 7.05668
+threshold=65.500000000000014 59.350000000000009 52.000000000000007 72.500000000000014 2.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0024558186512648535 -0.0036742770312474886 -0.015786376835188902 0.014859664135140496 0.013581696250576853 -0.0092056725489119418
+leaf_weight=42 54 43 40 41 41
+leaf_count=42 54 43 40 41 41
+internal_value=0 -0.107922 0.130278 0.188457 -0.164897
+internal_weight=0 166 123 95 83
+internal_count=261 166 123 95 83
+shrinkage=0.02
+
+
+Tree=455
+num_leaves=6
+num_cat=0
+split_feature=3 5 5 2 3
+split_gain=5.21806 11.4658 36.5558 6.33076 24.056
+threshold=75.500000000000014 68.250000000000014 58.550000000000004 9.5000000000000018 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0050542701292417835 -0.0063741023025131851 -0.0077295907785021236 0.019578191947571662 0.0055787318471405964 -0.014975051018081909
+leaf_weight=39 43 45 43 46 45
+leaf_count=39 43 45 43 46 45
+internal_value=0 0.0629195 0.180155 -0.0841251 -0.229007
+internal_weight=0 218 173 130 91
+internal_count=261 218 173 130 91
+shrinkage=0.02
+
+
+Tree=456
+num_leaves=6
+num_cat=0
+split_feature=9 5 5 9 1
+split_gain=5.19807 26.3172 21.5215 17.1602 6.81091
+threshold=65.500000000000014 59.350000000000009 52.000000000000007 77.500000000000014 2.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0024158908393112702 0.011306050028058798 -0.015602090285940904 0.01461339747478815 -0.0058002803078138669 -0.0090411319611580481
+leaf_weight=42 53 43 40 42 41
+leaf_count=42 53 43 40 42 41
+internal_value=0 -0.106975 0.128332 0.186807 -0.161841
+internal_weight=0 166 123 95 83
+internal_count=261 166 123 95 83
+shrinkage=0.02
+
+
+Tree=457
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 5
+split_gain=5.32827 13.69 11.3939 5.65537
+threshold=67.050000000000011 57.500000000000007 46.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0033429168957681827 0.0096072025587054782 -0.0083844066858761775 0.010063926596150977 -0.00083783978828565686
+leaf_weight=55 40 76 47 43
+leaf_count=55 40 76 47 43
+internal_value=0 -0.097767 0.141479 0.209507
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=458
+num_leaves=5
+num_cat=0
+split_feature=6 2 4 4
+split_gain=5.3964 24.1 23.5003 11.5592
+threshold=54.500000000000007 9.5000000000000018 71.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.003133053047396779 -0.010505851851397392 -0.00022392078586678071 0.019267552048570051 -0.0093316318123505722
+leaf_weight=59 40 60 42 60
+leaf_count=59 40 60 42 60
+internal_value=0 0.131824 0.390093 -0.157337
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=459
+num_leaves=6
+num_cat=0
+split_feature=3 6 9 3 5
+split_gain=5.19399 15.614 10.1925 4.89562 12.8084
+threshold=68.500000000000014 58.500000000000007 72.500000000000014 57.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 3 -2 4 -1
+right_child=2 -3 -4 -5 -6
+leaf_value=0.0030589508857416336 -0.011215353729314459 0.012731057482680644 0.0030585036977709853 0.0039609604502828461 -0.011799804848156632
+leaf_weight=49 41 41 39 47 44
+leaf_count=49 41 41 39 47 44
+internal_value=0 0.0939394 -0.212513 -0.0649219 -0.198299
+internal_weight=0 181 80 140 93
+internal_count=261 181 80 140 93
+shrinkage=0.02
+
+
+Tree=460
+num_leaves=5
+num_cat=0
+split_feature=3 5 5 4
+split_gain=5.05633 11.3387 35.2504 5.9973
+threshold=75.500000000000014 68.250000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030898540097206648 -0.0062748506991484624 -0.007699187506533315 0.019258046446639258 -0.005543744111863709
+leaf_weight=59 43 45 43 71
+leaf_count=59 43 45 43 71
+internal_value=0 0.0619447 0.178531 -0.0809857
+internal_weight=0 218 173 130
+internal_count=261 218 173 130
+shrinkage=0.02
+
+
+Tree=461
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 1
+split_gain=5.19792 17.6629 10.9475 42.9774
+threshold=73.500000000000014 68.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0078372193999651646 0.0053455910167573787 -0.012715358636649472 0.0132472700422183 -0.014181686173620514
+leaf_weight=66 57 44 39 55
+leaf_count=66 57 44 39 55
+internal_value=0 -0.0747722 0.0794623 -0.139585
+internal_weight=0 204 160 94
+internal_count=261 204 160 94
+shrinkage=0.02
+
+
+Tree=462
+num_leaves=6
+num_cat=0
+split_feature=5 4 3 2 3
+split_gain=5.098 13.5584 13.5071 9.98522 5.5414
+threshold=67.050000000000011 64.500000000000014 58.500000000000007 16.500000000000004 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0091508636690210473 -0.00087804051599177065 -0.012001295996490174 0.010885535628979481 0.0036860251463419419 0.0094615524267210229
+leaf_weight=50 43 41 40 47 40
+leaf_count=50 43 41 40 47 40
+internal_value=0 -0.0956344 0.0552641 -0.146226 0.204952
+internal_weight=0 178 137 97 83
+internal_count=261 178 137 97 83
+shrinkage=0.02
+
+
+Tree=463
+num_leaves=5
+num_cat=0
+split_feature=3 2 1 2
+split_gain=4.97555 11.2241 16.6868 67.4199
+threshold=75.500000000000014 6.5000000000000009 5.5000000000000009 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.010519637631073981 -0.0062246790377798126 0.0059918155885321234 -0.02029707393989888 0.013185221132699201
+leaf_weight=42 43 77 58 41
+leaf_count=42 43 77 58 41
+internal_value=0 0.0614519 -0.0493397 -0.321154
+internal_weight=0 218 176 99
+internal_count=261 218 176 99
+shrinkage=0.02
+
+
+Tree=464
+num_leaves=5
+num_cat=0
+split_feature=6 2 2 1
+split_gain=5.16895 23.2334 15.9586 8.09114
+threshold=54.500000000000007 9.5000000000000018 20.500000000000004 10.500000000000002
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.00744878480764085 -0.010323192941479056 0.01454199566208025 -0.0014194871829782507 0.0031471622026872192
+leaf_weight=70 40 58 44 49
+leaf_count=70 40 58 44 49
+internal_value=0 0.129037 0.382628 -0.153987
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=465
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 9
+split_gain=5.09205 24.6937 17.5524 23.9844
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0097393220025789613 0.0066710694959958806 -0.014217313879193985 -0.014707217681023977 0.0049215306428756576
+leaf_weight=73 39 46 42 61
+leaf_count=73 39 46 42 61
+internal_value=0 -0.0587009 0.111739 -0.153961
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=466
+num_leaves=5
+num_cat=0
+split_feature=5 7 7 5
+split_gain=5.0973 13.5195 11.5662 5.67342
+threshold=67.050000000000011 57.500000000000007 51.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0033764479912320954 0.009524694511219246 -0.0083015201510808871 0.0101312896514334 -0.00093720247138257863
+leaf_weight=55 40 76 47 43
+leaf_count=55 40 76 47 43
+internal_value=0 -0.0956247 0.142127 0.204941
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=467
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 7
+split_gain=5.04537 25.7881 16.8768 15.4934
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0040124228917749879 -0.0036561398625660456 -0.013007443277163662 0.013354254475628515 0.011063034374456951
+leaf_weight=54 54 57 41 55
+leaf_count=54 54 57 41 55
+internal_value=0 -0.105391 0.18406 0.179467
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=468
+num_leaves=4
+num_cat=0
+split_feature=6 6 4
+split_gain=5.17177 18.7612 11.0925
+threshold=54.500000000000007 65.500000000000014 52.500000000000007
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=0.0030710533282236946 0.010061415431208491 -0.0044807559675959577 -0.0091397180376363244
+leaf_weight=59 69 73 60
+leaf_count=59 69 73 60
+internal_value=0 0.129068 -0.154034
+internal_weight=0 142 119
+internal_count=261 142 119
+shrinkage=0.02
+
+
+Tree=469
+num_leaves=5
+num_cat=0
+split_feature=3 2 2 1
+split_gain=4.98073 10.9077 19.8075 26.2856
+threshold=75.500000000000014 10.500000000000002 24.500000000000004 5.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=0.0077387431531025968 -0.0062279122515679075 0.0046891427438983955 0.0097659035480402133 -0.01534567138555693
+leaf_weight=70 43 47 42 59
+leaf_count=70 43 47 42 59
+internal_value=0 0.0614836 -0.0922872 -0.322877
+internal_weight=0 218 148 106
+internal_count=261 218 148 106
+shrinkage=0.02
+
+
+Tree=470
+num_leaves=5
+num_cat=0
+split_feature=6 2 4 4
+split_gain=5.12786 22.8351 23.086 10.6932
+threshold=54.500000000000007 9.5000000000000018 71.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0029724749277968772 -0.010222374849525331 -0.00035588916058109309 0.018963110306242002 -0.0090167563252457374
+leaf_weight=59 40 60 42 60
+leaf_count=59 40 60 42 60
+internal_value=0 0.128524 0.379935 -0.153377
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=471
+num_leaves=6
+num_cat=0
+split_feature=5 9 9 2 5
+split_gain=4.93631 13.1482 10.6428 7.45887 5.64139
+threshold=67.050000000000011 60.500000000000007 53.500000000000007 15.500000000000002 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0036970450420624182 0.0094445062457905304 -0.010012692786916881 0.010386473692101167 -0.0082219636463300057 -0.00098800245524559879
+leaf_weight=42 40 55 39 42 43
+leaf_count=42 40 55 39 42 43
+internal_value=0 -0.0941098 0.0875259 -0.112741 0.20169
+internal_weight=0 178 123 84 83
+internal_count=261 178 123 84 83
+shrinkage=0.02
+
+
+Tree=472
+num_leaves=4
+num_cat=0
+split_feature=6 5 4
+split_gain=5.03014 19.1034 7.62096
+threshold=65.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0029242156662926053 -0.0044623156483190179 0.0115214129014727 -0.0067434618029138284
+leaf_weight=59 73 56 73
+leaf_count=59 73 56 73
+internal_value=0 0.0866683 -0.120849
+internal_weight=0 188 132
+internal_count=261 188 132
+shrinkage=0.02
+
+
+Tree=473
+num_leaves=6
+num_cat=0
+split_feature=3 5 7 7 5
+split_gain=4.95574 13.5036 13.5451 11.4027 1.79892
+threshold=68.500000000000014 62.400000000000006 57.500000000000007 51.500000000000007 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0033351072582712359 -0.0071674463464147528 0.012257426522838084 -0.010890457686682965 0.010076900671084063 -0.0011089098867050336
+leaf_weight=55 40 39 40 47 40
+leaf_count=55 40 39 40 47 40
+internal_value=0 0.0917801 -0.0512864 0.141989 -0.207589
+internal_weight=0 181 142 102 80
+internal_count=261 181 142 102 80
+shrinkage=0.02
+
+
+Tree=474
+num_leaves=6
+num_cat=0
+split_feature=9 5 5 9 1
+split_gain=4.93656 25.9627 21.4927 16.6986 5.89496
+threshold=65.500000000000014 59.350000000000009 52.000000000000007 77.500000000000014 2.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0020485601797859319 0.011109035267361773 -0.015456870879406217 0.014627841530683363 -0.0057658936805529016 -0.0086114143842701101
+leaf_weight=42 53 43 40 42 41
+leaf_count=42 53 43 40 42 41
+internal_value=0 -0.104257 0.129459 0.182069 -0.16052
+internal_weight=0 166 123 95 83
+internal_count=261 166 123 95 83
+shrinkage=0.02
+
+
+Tree=475
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 1
+split_gain=4.99177 16.8947 10.1396 40.0382
+threshold=73.500000000000014 68.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0075647997011282419 0.0052389593595002105 -0.012439096034594288 0.012815704488669604 -0.013659080768510395
+leaf_weight=66 57 44 39 55
+leaf_count=66 57 44 39 55
+internal_value=0 -0.0732789 0.077563 -0.13325
+internal_weight=0 204 160 94
+internal_count=261 204 160 94
+shrinkage=0.02
+
+
+Tree=476
+num_leaves=4
+num_cat=0
+split_feature=6 6 4
+split_gain=5.00344 17.7609 10.3728
+threshold=54.500000000000007 65.500000000000014 52.500000000000007
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=0.0029185597614823657 0.0098173818930679356 -0.0043320773080026019 -0.0088899128824185287
+leaf_weight=59 69 73 60
+leaf_count=59 69 73 60
+internal_value=0 0.126959 -0.151515
+internal_weight=0 142 119
+internal_count=261 142 119
+shrinkage=0.02
+
+
+Tree=477
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 5
+split_gain=5.04016 13.4162 11.8969 5.49237
+threshold=67.050000000000011 64.500000000000014 48.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0041759835929168236 0.0094146913464806577 -0.011937446577983788 0.0076843328577066309 -0.0008791766871508131
+leaf_weight=76 40 41 61 43
+leaf_count=76 40 41 61 43
+internal_value=0 -0.0950906 0.0550139 0.203792
+internal_weight=0 178 137 83
+internal_count=261 178 137 83
+shrinkage=0.02
+
+
+Tree=478
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 9
+split_gain=4.89816 24.1542 16.0638 22.8309
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.009399429508674173 0.0065432761974550746 -0.0140517821548972 -0.014209421984465617 0.0049419401170033494
+leaf_weight=73 39 46 42 61
+leaf_count=73 39 46 42 61
+internal_value=0 -0.0575799 0.110987 -0.143197
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=479
+num_leaves=6
+num_cat=0
+split_feature=9 5 5 3 1
+split_gain=4.98853 25.3524 20.3712 16.3338 5.23339
+threshold=65.500000000000014 59.350000000000009 52.000000000000007 72.500000000000014 2.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0018320504685946646 -0.0035578341380006974 -0.015309737858623924 0.014243807239252969 0.013176805682866744 -0.0082131665171150583
+leaf_weight=42 54 43 40 41 41
+leaf_count=42 54 43 40 41 41
+internal_value=0 -0.1048 0.126151 0.183023 -0.156158
+internal_weight=0 166 123 95 83
+internal_count=261 166 123 95 83
+shrinkage=0.02
+
+
+Tree=480
+num_leaves=5
+num_cat=0
+split_feature=3 5 5 4
+split_gain=4.94654 10.5019 33.9433 5.69325
+threshold=75.500000000000014 68.250000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0029654141612740692 -0.0062065708981137117 -0.0073768387329546659 0.018863820627224481 -0.0054469971005336763
+leaf_weight=59 43 45 43 71
+leaf_count=59 43 45 43 71
+internal_value=0 0.0612738 0.173489 -0.0811682
+internal_weight=0 218 173 130
+internal_count=261 218 173 130
+shrinkage=0.02
+
+
+Tree=481
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 5
+split_gain=5.07531 13.4048 11.2699 5.5485
+threshold=67.050000000000011 57.500000000000007 46.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0033124276104349181 0.0094558920958763889 -0.0082703771316317218 0.010021334644031101 -0.0008903370090460373
+leaf_weight=55 40 76 47 43
+leaf_count=55 40 76 47 43
+internal_value=0 -0.0954228 0.141319 0.204497
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=482
+num_leaves=5
+num_cat=0
+split_feature=7 9 6 4
+split_gain=4.91621 16.2686 9.0377 12.0462
+threshold=73.500000000000014 68.500000000000014 52.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0037268725047069225 0.0051993137163300852 -0.012223034738304123 0.0076475500219055203 -0.010334109537726717
+leaf_weight=58 57 44 60 42
+leaf_count=58 57 44 60 42
+internal_value=0 -0.0727244 0.0752958 -0.108692
+internal_weight=0 204 160 100
+internal_count=261 204 160 100
+shrinkage=0.02
+
+
+Tree=483
+num_leaves=6
+num_cat=0
+split_feature=5 4 3 2 5
+split_gain=4.80447 13.1095 13.5432 10.535 5.49477
+threshold=67.050000000000011 64.500000000000014 58.500000000000007 16.500000000000004 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0093197819271236687 0.0093199698097068597 -0.011777526953227915 0.010903811060879514 0.0038654601194846147 -0.00097637728597023442
+leaf_weight=50 40 41 40 47 43
+leaf_count=50 40 41 40 47 43
+internal_value=0 -0.0928516 0.0555269 -0.146232 0.198988
+internal_weight=0 178 137 97 83
+internal_count=261 178 137 97 83
+shrinkage=0.02
+
+
+Tree=484
+num_leaves=6
+num_cat=0
+split_feature=9 5 5 9 1
+split_gain=4.87297 25.0778 19.8366 15.9902 5.67553
+threshold=65.500000000000014 59.350000000000009 51.650000000000013 77.500000000000014 2.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0018375034297052493 0.01092576350198979 -0.015213760926416532 0.013673578772205963 -0.0055875428935850723 -0.0087569845592141132
+leaf_weight=42 53 43 42 42 39
+leaf_count=42 53 43 42 42 39
+internal_value=0 -0.103583 0.126114 0.1809 -0.162842
+internal_weight=0 166 123 95 81
+internal_count=261 166 123 95 81
+shrinkage=0.02
+
+
+Tree=485
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 5
+split_gain=4.73445 13.0886 10.7237 5.35758
+threshold=67.050000000000011 57.500000000000007 46.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0031530230545904069 0.0092241229080100712 -0.0081301198059584509 0.0098538982573463732 -0.00094310688005817822
+leaf_weight=55 40 76 47 43
+leaf_count=55 40 76 47 43
+internal_value=0 -0.092175 0.141759 0.197539
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=486
+num_leaves=5
+num_cat=0
+split_feature=6 2 4 4
+split_gain=4.79545 21.8507 22.2267 10.4395
+threshold=54.500000000000007 9.5000000000000018 71.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0030010048649695572 -0.010028145844305071 -0.00040013088429055518 0.018556031958349022 -0.0088454132972014456
+leaf_weight=59 40 60 42 60
+leaf_count=59 40 60 42 60
+internal_value=0 0.124301 0.370244 -0.148347
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=487
+num_leaves=4
+num_cat=0
+split_feature=6 5 4
+split_gain=4.98757 18.647 7.54795
+threshold=65.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0029410563450604959 -0.0044435857550660521 0.011396483692103197 -0.0066803525796916442
+leaf_weight=59 73 56 73
+leaf_count=59 73 56 73
+internal_value=0 0.0862965 -0.118727
+internal_weight=0 188 132
+internal_count=261 188 132
+shrinkage=0.02
+
+
+Tree=488
+num_leaves=6
+num_cat=0
+split_feature=3 5 7 3 9
+split_gain=4.93933 13.3185 13.464 10.6897 9.68856
+threshold=68.500000000000014 62.400000000000006 57.500000000000007 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0041510996057521152 -0.01093622579871302 0.012182711055585728 -0.01084444119771401 0.0088351885562507945 0.0029807214889725916
+leaf_weight=47 41 39 40 55 39
+leaf_count=47 41 39 40 55 39
+internal_value=0 0.0916229 -0.0504593 0.142236 -0.207252
+internal_weight=0 181 142 102 80
+internal_count=261 181 142 102 80
+shrinkage=0.02
+
+
+Tree=489
+num_leaves=4
+num_cat=0
+split_feature=6 5 4
+split_gain=4.77462 17.8569 7.269
+threshold=65.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0028927466733569092 -0.0043480597807172726 0.011152567788413741 -0.0065495810867073736
+leaf_weight=59 73 56 73
+leaf_count=59 73 56 73
+internal_value=0 0.0844423 -0.11619
+internal_weight=0 188 132
+internal_count=261 188 132
+shrinkage=0.02
+
+
+Tree=490
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 1
+split_gain=4.7963 16.5412 9.35686 38.006
+threshold=73.500000000000014 68.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0073256856696157233 0.0051358014535252215 -0.012294979492992346 0.012580735945536837 -0.013213785826586239
+leaf_weight=66 57 44 39 55
+leaf_count=66 57 44 39 55
+internal_value=0 -0.0718345 0.0774206 -0.125095
+internal_weight=0 204 160 94
+internal_count=261 204 160 94
+shrinkage=0.02
+
+
+Tree=491
+num_leaves=6
+num_cat=0
+split_feature=9 5 5 9 1
+split_gain=4.67544 24.4974 19.9447 15.7145 4.58394
+threshold=65.500000000000014 59.350000000000009 52.000000000000007 77.500000000000014 2.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0015620353337645616 0.010788921643408628 -0.015018684453527059 0.014108631929570016 -0.0055815848040133044 -0.0078405675707266583
+leaf_weight=42 53 43 40 42 41
+leaf_count=42 53 43 40 42 41
+internal_value=0 -0.101469 0.125553 0.177212 -0.153784
+internal_weight=0 166 123 95 83
+internal_count=261 166 123 95 83
+shrinkage=0.02
+
+
+Tree=492
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 2
+split_gain=4.67638 17.8823 20.2749 11.7174
+threshold=69.500000000000014 62.500000000000007 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0099707681483838136 0.0046554859092254996 -0.012452497476348396 0.011745992239662231 0.0039862322840786375
+leaf_weight=53 65 46 53 44
+leaf_count=53 65 46 53 44
+internal_value=0 -0.0772689 0.0899195 -0.18166
+internal_weight=0 196 150 97
+internal_count=261 196 150 97
+shrinkage=0.02
+
+
+Tree=493
+num_leaves=5
+num_cat=0
+split_feature=5 2 2 9
+split_gain=4.6649 21.7642 20.1535 15.7811
+threshold=62.400000000000006 17.500000000000004 13.500000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.00028496031571782489 0.012192004913128289 0.0065190664617528196 -0.0048791304194868695 -0.017443371271558449
+leaf_weight=43 52 64 59 43
+leaf_count=43 52 64 59 43
+internal_value=0 -0.11524 0.15568 -0.444033
+internal_weight=0 150 111 86
+internal_count=261 150 111 86
+shrinkage=0.02
+
+
+Tree=494
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 9 6
+split_gain=4.80264 14.4377 10.6355 9.35049 8.22067
+threshold=68.500000000000014 58.500000000000007 54.500000000000007 72.500000000000014 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0030377566813204978 -0.010759409816397319 0.012243171060842873 -0.010121246817962027 0.0029128497613950068 0.008419965177755024
+leaf_weight=55 41 41 39 39 46
+leaf_count=55 41 41 39 39 46
+internal_value=0 0.0903541 -0.062404 -0.204374 0.108746
+internal_weight=0 181 140 80 101
+internal_count=261 181 140 80 101
+shrinkage=0.02
+
+
+Tree=495
+num_leaves=4
+num_cat=0
+split_feature=6 6 4
+split_gain=4.73659 16.9636 10.1495
+threshold=65.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.002994531766538776 -0.0043307203841393771 0.0095740791892494521 -0.0086864878251387088
+leaf_weight=59 73 69 60
+leaf_count=59 73 69 60
+internal_value=0 0.08411 -0.144499
+internal_weight=0 188 119
+internal_count=261 188 119
+shrinkage=0.02
+
+
+Tree=496
+num_leaves=6
+num_cat=0
+split_feature=3 2 2 1 7
+split_gain=4.57867 10.7064 15.3181 33.0154 1.38844
+threshold=75.500000000000014 6.5000000000000009 24.500000000000004 5.5000000000000009 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -5
+right_child=-2 2 -4 4 -6
+leaf_value=0.010253491641677754 -0.0059722864155927671 0.0074107638142294745 0.0095454238072862994 -0.0099269342924784548 -0.015445708689335397
+leaf_weight=42 43 56 42 39 39
+leaf_count=42 43 56 42 39 39
+internal_value=0 0.0589611 -0.0492451 -0.214734 -0.635397
+internal_weight=0 218 176 134 78
+internal_count=261 218 176 134 78
+shrinkage=0.02
+
+
+Tree=497
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 1
+split_gain=4.8139 16.0315 9.22415 35.2749
+threshold=73.500000000000014 68.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0072357839372996337 0.0051452033290391797 -0.012129173874246418 0.012008479478141369 -0.012842228053723139
+leaf_weight=66 57 44 39 55
+leaf_count=66 57 44 39 55
+internal_value=0 -0.0719642 0.0749728 -0.126103
+internal_weight=0 204 160 94
+internal_count=261 204 160 94
+shrinkage=0.02
+
+
+Tree=498
+num_leaves=5
+num_cat=0
+split_feature=5 4 1 5
+split_gain=4.7898 12.827 11.8846 5.42218
+threshold=67.050000000000011 64.500000000000014 4.5000000000000009 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0046774757808398402 0.009278700595667216 -0.011667302378140607 0.0071084444774046776 -0.00094950647642807866
+leaf_weight=70 40 41 67 43
+leaf_count=70 40 41 67 43
+internal_value=0 -0.0927061 0.0540646 0.198689
+internal_weight=0 178 137 83
+internal_count=261 178 137 83
+shrinkage=0.02
+
+
+Tree=499
+num_leaves=5
+num_cat=0
+split_feature=6 2 4 1
+split_gain=4.69035 21.8711 21.691 9.85131
+threshold=54.500000000000007 9.5000000000000018 71.500000000000014 10.500000000000002
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0077544514300463578 -0.010061245027223907 -0.00033037823866305502 0.018395933979887109 0.0039364195231364222
+leaf_weight=70 40 60 42 49
+leaf_count=70 40 60 42 49
+internal_value=0 0.122938 0.368997 -0.146718
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=500
+num_leaves=5
+num_cat=0
+split_feature=6 5 1 7
+split_gain=4.61418 17.6862 7.47911 31.5814
+threshold=65.500000000000014 58.550000000000004 10.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0067778391680546118 -0.0042746784414143188 0.011078853016978005 0.0038578042922564775 -0.017892194492359684
+leaf_weight=40 73 56 49 43
+leaf_count=40 73 56 49 43
+internal_value=0 0.0830183 -0.116653 -0.299885
+internal_weight=0 188 132 83
+internal_count=261 188 132 83
+shrinkage=0.02
+
+
+Tree=501
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 9
+split_gain=4.58208 23.7721 15.0688 22.237
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0091846939630804408 0.0063295891808523739 -0.013911804738235185 -0.013890410885267936 0.0050105620675924781
+leaf_weight=73 39 46 42 61
+leaf_count=73 39 46 42 61
+internal_value=0 -0.0556955 0.111533 -0.134653
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=502
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 6 6
+split_gain=4.5526 13.8709 9.62784 8.35382 3.53765
+threshold=68.500000000000014 58.500000000000007 54.500000000000007 46.500000000000007 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0032328730606493773 -0.0082990034670209784 0.011989185310843975 -0.0096781697898668372 0.0083174726363762306 0.00011587754621220123
+leaf_weight=55 39 41 39 46 41
+leaf_count=55 39 41 39 46 41
+internal_value=0 0.0879829 -0.0617457 0.101094 -0.199003
+internal_weight=0 181 140 101 80
+internal_count=261 181 140 101 80
+shrinkage=0.02
+
+
+Tree=503
+num_leaves=6
+num_cat=0
+split_feature=9 5 5 3 4
+split_gain=4.709 23.8474 19.8896 15.6773 4.675
+threshold=65.500000000000014 59.350000000000009 52.000000000000007 72.500000000000014 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0016618806833597699 -0.0035147756081269459 -0.014852545165547865 0.014024834925597494 0.012880434940440073 -0.0078332877747089354
+leaf_weight=41 54 43 40 41 42
+leaf_count=41 54 43 40 41 42
+internal_value=0 -0.10183 0.122159 0.177846 -0.156791
+internal_weight=0 166 123 95 83
+internal_count=261 166 123 95 83
+shrinkage=0.02
+
+
+Tree=504
+num_leaves=5
+num_cat=0
+split_feature=6 2 4 4
+split_gain=4.59028 21.2556 20.5655 9.49298
+threshold=54.500000000000007 9.5000000000000018 71.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.002788082937263325 -0.0099100238560797249 -0.00022338226529352076 0.018010712125351235 -0.0085091785589440482
+leaf_weight=59 40 60 42 60
+leaf_count=59 40 60 42 60
+internal_value=0 0.121629 0.364207 -0.145148
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=505
+num_leaves=6
+num_cat=0
+split_feature=3 2 2 1 9
+split_gain=4.82417 10.1495 15.2412 32.2653 3.79276
+threshold=75.500000000000014 6.5000000000000009 24.500000000000004 5.5000000000000009 61.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -5
+right_child=-2 2 -4 4 -6
+leaf_value=0.010045828262332048 -0.006129598377377578 0.0073733486993354941 0.0096071761089264428 -0.016956623861051779 -0.0080316657024727227
+leaf_weight=42 43 56 42 39 39
+leaf_count=42 43 56 42 39 39
+internal_value=0 0.0605157 -0.0448387 -0.209916 -0.62578
+internal_weight=0 218 176 134 78
+internal_count=261 218 176 134 78
+shrinkage=0.02
+
+
+Tree=506
+num_leaves=5
+num_cat=0
+split_feature=3 5 6 1
+split_gain=4.63261 10.1823 32.0701 8.54457
+threshold=75.500000000000014 68.250000000000014 54.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0070217565256054304 -0.0060072058891098654 -0.0072844670042114569 0.01600461029023641 0.0039002856304168718
+leaf_weight=69 43 45 55 49
+leaf_count=69 43 45 55 49
+internal_value=0 0.059306 0.169806 -0.123997
+internal_weight=0 218 173 118
+internal_count=261 218 173 118
+shrinkage=0.02
+
+
+Tree=507
+num_leaves=6
+num_cat=0
+split_feature=5 4 3 2 5
+split_gain=4.7052 12.9887 13.1118 10.0944 5.5162
+threshold=67.050000000000011 64.500000000000014 58.500000000000007 16.500000000000004 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0091146968306375763 0.0092892520160546537 -0.011712642123526776 0.01075231716166954 0.0037922192648423563 -0.0010272253958786451
+leaf_weight=50 40 41 40 47 43
+leaf_count=50 40 41 40 47 43
+internal_value=0 -0.0918925 0.0558008 -0.142718 0.196929
+internal_weight=0 178 137 97 83
+internal_count=261 178 137 97 83
+shrinkage=0.02
+
+
+Tree=508
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 2
+split_gain=4.52433 17.873 19.7684 10.9394
+threshold=69.500000000000014 62.500000000000007 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0096646509306627815 0.004579446586674767 -0.012424527508383956 0.011645340525499728 0.0038215238271466674
+leaf_weight=53 65 46 53 44
+leaf_count=53 65 46 53 44
+internal_value=0 -0.0760107 0.0911341 -0.177031
+internal_weight=0 196 150 97
+internal_count=261 196 150 97
+shrinkage=0.02
+
+
+Tree=509
+num_leaves=6
+num_cat=0
+split_feature=3 2 2 1 9
+split_gain=4.40036 10.1177 14.343 31.6171 3.60264
+threshold=75.500000000000014 6.5000000000000009 24.500000000000004 5.5000000000000009 61.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -5
+right_child=-2 2 -4 4 -6
+leaf_value=0.0099779472905466831 -0.0058553396893649204 0.0073042020679519462 0.00924228617689914 -0.016714115928193937 -0.00801127832809128
+leaf_weight=42 43 56 42 39 39
+leaf_count=42 43 56 42 39 39
+internal_value=0 0.0578073 -0.0473822 -0.207531 -0.619201
+internal_weight=0 218 176 134 78
+internal_count=261 218 176 134 78
+shrinkage=0.02
+
+
+Tree=510
+num_leaves=5
+num_cat=0
+split_feature=5 7 7 5
+split_gain=4.68022 12.6546 10.2453 5.47709
+threshold=67.050000000000011 57.500000000000007 51.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0030855619716886737 0.0092599470919732113 -0.008014631023133682 0.0096283267308299603 -0.0010199607909071712
+leaf_weight=55 40 76 47 43
+leaf_count=55 40 76 47 43
+internal_value=0 -0.0916464 0.138377 0.19641
+internal_weight=0 178 102 83
+internal_count=261 178 102 83
+shrinkage=0.02
+
+
+Tree=511
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 5
+split_gain=4.49402 12.2828 18.1166 5.26008 3.43687
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 50.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0095276902772015188 0.0090750723046378254 -0.01155387640832397 0.009296563412279104 -0.00099959389278278131 -0.0010826129024066001
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0898141 0.0515318 0.19248 -0.266008
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=512
+num_leaves=5
+num_cat=0
+split_feature=6 2 4 4
+split_gain=4.56506 20.3016 20.5715 9.72629
+threshold=54.500000000000007 9.5000000000000018 71.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0028653102440641927 -0.0096368076108416505 -0.00034127369882740156 0.017895556262897742 -0.0085698032293816638
+leaf_weight=59 40 60 42 60
+leaf_count=59 40 60 42 60
+internal_value=0 0.121285 0.358365 -0.144761
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=513
+num_leaves=5
+num_cat=0
+split_feature=6 5 1 7
+split_gain=4.61574 17.4283 7.58382 30.608
+threshold=65.500000000000014 58.550000000000004 10.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0065831632042335766 -0.0042755478973786828 0.01101013421395766 0.0039303353307372033 -0.017703709405149971
+leaf_weight=40 73 56 49 43
+leaf_count=40 73 56 49 43
+internal_value=0 0.0830245 -0.115185 -0.299694
+internal_weight=0 188 132 83
+internal_count=261 188 132 83
+shrinkage=0.02
+
+
+Tree=514
+num_leaves=4
+num_cat=0
+split_feature=6 6 1
+split_gain=4.43246 16.1184 9.31512
+threshold=65.500000000000014 54.500000000000007 10.500000000000002
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.0075169356764043403 -0.0041901194844922596 0.0093204829565812896 0.0038518403332953011
+leaf_weight=70 73 69 49
+leaf_count=70 73 69 49
+internal_value=0 0.0813697 -0.141472
+internal_weight=0 188 119
+internal_count=261 188 119
+shrinkage=0.02
+
+
+Tree=515
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 1
+split_gain=4.55038 23.6831 15.1517 21.5496
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0092012027896297317 0.0063076196898881947 -0.01388412792532779 0.0085263023847482328 -0.010153180639467629
+leaf_weight=73 39 46 41 62
+leaf_count=73 39 46 41 62
+internal_value=0 -0.0555101 0.111404 -0.135458
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=516
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 7
+split_gain=4.55783 23.4108 15.3977 14.2916
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.00387665653330177 -0.0035088287467808389 -0.012389514428503525 0.012739710533832268 0.010602815296573302
+leaf_weight=54 54 57 41 55
+leaf_count=54 54 57 41 55
+internal_value=0 -0.100194 0.174975 0.171214
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=517
+num_leaves=5
+num_cat=0
+split_feature=3 2 9 3
+split_gain=4.45278 9.99455 17.5693 19.955
+threshold=75.500000000000014 10.500000000000002 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0073941920199424183 -0.0058900542928903635 -0.011428713054149385 0.010795886707489726 -0.0074898242503440909
+leaf_weight=70 43 50 57 41
+leaf_count=70 43 50 57 41
+internal_value=0 0.0581441 -0.089053 0.156885
+internal_weight=0 218 148 98
+internal_count=261 218 148 98
+shrinkage=0.02
+
+
+Tree=518
+num_leaves=5
+num_cat=0
+split_feature=6 2 4 1
+split_gain=4.53223 20.0665 19.8506 9.41606
+threshold=54.500000000000007 9.5000000000000018 71.500000000000014 10.500000000000002
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0075975430235468719 -0.0095755068294002977 -0.00024466640722618652 0.017669800031413965 0.0038324956470481343
+leaf_weight=70 40 60 42 49
+leaf_count=70 40 60 42 49
+internal_value=0 0.120849 0.356555 -0.144243
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=519
+num_leaves=5
+num_cat=0
+split_feature=6 2 4 4
+split_gain=4.35156 19.2723 19.1712 9.13201
+threshold=54.500000000000007 9.5000000000000018 67.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0027547611968457165 -0.0093843303755807086 -0.0029548308642131822 0.014540067873426861 -0.0083259917248182467
+leaf_weight=59 40 44 58 60
+leaf_count=59 40 44 58 60
+internal_value=0 0.118425 0.349428 -0.141353
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=520
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 9 6
+split_gain=4.7222 13.7359 9.45421 8.88545 8.13404
+threshold=68.500000000000014 58.500000000000007 54.500000000000007 72.500000000000014 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0031461605728917274 -0.010557756923195334 0.011971310252309688 -0.0095553218733136977 0.0027704874083823122 0.0082514292668023174
+leaf_weight=55 41 41 39 39 46
+leaf_count=55 41 41 39 39 46
+internal_value=0 0.089584 -0.0594139 -0.202675 0.101951
+internal_weight=0 181 140 80 101
+internal_count=261 181 140 80 101
+shrinkage=0.02
+
+
+Tree=521
+num_leaves=6
+num_cat=0
+split_feature=3 2 2 8 4
+split_gain=4.5626 10.0589 13.8943 16.8635 27.2266
+threshold=75.500000000000014 6.5000000000000009 24.500000000000004 64.500000000000014 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0099730279999899144 -0.0059621035564186575 -0.0091750554172334922 0.0091086395509188608 -0.014754297805000809 0.012560235733143757
+leaf_weight=42 43 51 42 41 42
+leaf_count=42 43 51 42 41 42
+internal_value=0 0.0588448 -0.0460384 -0.20367 0.0317175
+internal_weight=0 218 176 134 93
+internal_count=261 218 176 134 93
+shrinkage=0.02
+
+
+Tree=522
+num_leaves=5
+num_cat=0
+split_feature=3 2 2 1
+split_gain=4.38144 9.81391 16.7887 21.5116
+threshold=75.500000000000014 10.500000000000002 24.500000000000004 5.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=0.0073282817777220203 -0.0058430553115048044 0.0040730597712265761 0.0089267700926684308 -0.01405175505464243
+leaf_weight=70 43 47 42 59
+leaf_count=70 43 47 42 59
+internal_value=0 0.0576704 -0.0881911 -0.300518
+internal_weight=0 218 148 106
+internal_count=261 218 148 106
+shrinkage=0.02
+
+
+Tree=523
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 5
+split_gain=4.54231 12.429 17.8084 5.37457 3.42834
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 50.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0094610545231400781 0.0091518297910668008 -0.011621396124496822 0.0092330921642371899 -0.0010316843789443632 -0.0010267629555066834
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0903006 0.0518841 0.193499 -0.262943
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=524
+num_leaves=5
+num_cat=0
+split_feature=6 2 2 1
+split_gain=4.48828 18.9131 16.0831 9.18194
+threshold=54.500000000000007 9.5000000000000018 20.500000000000004 10.500000000000002
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0075249064254474946 -0.0092376447021440596 0.013898904449623177 -0.0021251916394418725 0.0037623144665876089
+leaf_weight=70 40 58 44 49
+leaf_count=70 40 58 44 49
+internal_value=0 0.120258 0.3491 -0.143551
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=525
+num_leaves=5
+num_cat=0
+split_feature=7 9 6 4
+split_gain=4.33186 15.1174 8.94939 11.2949
+threshold=73.500000000000014 68.500000000000014 52.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0035396842313383504 0.0048815665438063658 -0.011747153897708253 0.0075993613379309608 -0.010076190988099969
+leaf_weight=58 57 44 60 42
+leaf_count=58 57 44 60 42
+internal_value=0 -0.0682999 0.0743855 -0.108702
+internal_weight=0 204 160 100
+internal_count=261 204 160 100
+shrinkage=0.02
+
+
+Tree=526
+num_leaves=5
+num_cat=0
+split_feature=6 5 1 3
+split_gain=4.32935 16.4903 6.94011 29.8971
+threshold=65.500000000000014 58.550000000000004 10.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0063558413826667517 -0.0041415086341174247 0.010703182093106809 0.0037160828259561176 -0.017633635264296472
+leaf_weight=41 73 56 49 42
+leaf_count=41 73 56 49 42
+internal_value=0 0.0804123 -0.112389 -0.288921
+internal_weight=0 188 132 83
+internal_count=261 188 132 83
+shrinkage=0.02
+
+
+Tree=527
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 9
+split_gain=4.42686 22.871 24.8989 15.2595
+threshold=65.500000000000014 64.500000000000014 48.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0042012101910737778 0.010588157762348125 -0.013444127871787595 0.014926024671771119 -0.0055438498201724022
+leaf_weight=74 53 49 43 42
+leaf_count=74 53 49 43 42
+internal_value=0 -0.0987605 0.141317 0.172443
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=528
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 5
+split_gain=4.41788 12.5499 17.7662 12.9795 5.21537
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 48.45000000000001 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0030342971920262586 0.009020059100652171 -0.011644334206713207 0.011225451593003668 -0.01201449767741134 -0.001011835132698075
+leaf_weight=49 40 40 46 43 43
+leaf_count=49 40 40 46 43 43
+internal_value=0 -0.089067 0.0538079 -0.199724 0.190835
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=529
+num_leaves=6
+num_cat=0
+split_feature=7 9 1 7 9
+split_gain=4.30337 22.8922 11.6989 54.8498 14.0813
+threshold=76.500000000000014 71.500000000000014 7.5000000000000009 58.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0053498266053337009 0.0061346183907567678 -0.01363902502103149 0.0049113126656329933 0.025195077999430847 -0.012073723543077777
+leaf_weight=59 39 46 39 39 39
+leaf_count=59 39 46 39 39 39
+internal_value=0 -0.0539983 0.110105 0.340347 -0.178708
+internal_weight=0 222 176 98 78
+internal_count=261 222 176 98 78
+shrinkage=0.02
+
+
+Tree=530
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 7
+split_gain=4.36063 22.6718 14.8153 13.658
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0037559131076116761 -0.0034513641314297527 -0.012181066541594884 0.012487175280533483 0.010399211769379354
+leaf_weight=54 54 57 41 55
+leaf_count=54 54 57 41 55
+internal_value=0 -0.0980222 0.171154 0.169067
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=531
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 9 6
+split_gain=4.44623 13.576 9.78605 8.75089 7.86677
+threshold=68.500000000000014 58.500000000000007 54.500000000000007 72.500000000000014 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0045485543341882619 -0.010388935322247198 0.011859103253150701 -0.0097360263219079864 0.0028383097734797141 0.0067771341827126842
+leaf_weight=42 41 41 39 39 59
+leaf_count=42 41 41 39 39 59
+internal_value=0 0.0869372 -0.0611904 -0.196691 0.102982
+internal_weight=0 181 140 80 101
+internal_count=261 181 140 80 101
+shrinkage=0.02
+
+
+Tree=532
+num_leaves=5
+num_cat=0
+split_feature=3 2 9 3
+split_gain=4.34508 9.99528 16.8442 19.6073
+threshold=75.500000000000014 10.500000000000002 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0073801476563777205 -0.0058189206727632713 -0.011242156369923737 0.010612130070789611 -0.0075138411125418103
+leaf_weight=70 43 50 57 41
+leaf_count=70 43 50 57 41
+internal_value=0 0.0574295 -0.0897731 0.151035
+internal_weight=0 218 148 98
+internal_count=261 218 148 98
+shrinkage=0.02
+
+
+Tree=533
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 2
+split_gain=4.28174 17.0736 19.3461 9.90498
+threshold=69.500000000000014 62.500000000000007 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0093457011742310633 0.0044551990844512003 -0.012137428501409435 0.011505197808413222 0.0034875604944459592
+leaf_weight=53 65 46 53 44
+leaf_count=53 65 46 53 44
+internal_value=0 -0.073971 0.089392 -0.175893
+internal_weight=0 196 150 97
+internal_count=261 196 150 97
+shrinkage=0.02
+
+
+Tree=534
+num_leaves=5
+num_cat=0
+split_feature=5 9 2 9
+split_gain=4.31312 20.5358 20.447 9.07238
+threshold=62.400000000000006 60.500000000000007 13.500000000000002 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0050156880464358993 0.012138388840278097 -0.014696280970913939 -0.0050566874107840065 0.0067211451999316654
+leaf_weight=43 52 39 59 68
+leaf_count=43 52 39 59 68
+internal_value=0 -0.110849 0.149702 0.108347
+internal_weight=0 150 111 111
+internal_count=261 150 111 111
+shrinkage=0.02
+
+
+Tree=535
+num_leaves=4
+num_cat=0
+split_feature=6 5 4
+split_gain=4.27672 16.1926 6.85093
+threshold=65.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0028418378539752983 -0.0041164488355734047 0.01061098523630653 -0.006325595659768841
+leaf_weight=59 73 56 73
+leaf_count=59 73 56 73
+internal_value=0 0.0799208 -0.111132
+internal_weight=0 188 132
+internal_count=261 188 132
+shrinkage=0.02
+
+
+Tree=536
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 9
+split_gain=4.20528 12.3362 16.9877 5.33466 3.28084
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00091423039687146671 0.008986651279041644 -0.011517064776062401 0.0090993792324171735 -0.0011594029407864356 -0.0091660791283102953
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0869115 0.0547411 0.186204 -0.252746
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=537
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 9 6
+split_gain=4.20382 12.9489 9.51357 8.41582 7.563
+threshold=68.500000000000014 58.500000000000007 54.500000000000007 72.500000000000014 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0044446685104775887 -0.010156556041913511 0.011574944799649387 -0.0095958168682217272 0.0028154082169328655 0.0066606083811489849
+leaf_weight=42 41 41 39 39 59
+leaf_count=42 41 41 39 39 59
+internal_value=0 0.0845334 -0.0601319 -0.19129 0.101739
+internal_weight=0 181 140 80 101
+internal_count=261 181 140 80 101
+shrinkage=0.02
+
+
+Tree=538
+num_leaves=5
+num_cat=0
+split_feature=6 5 1 7
+split_gain=4.18547 15.7424 6.69225 29.3066
+threshold=65.500000000000014 58.550000000000004 10.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0066529127246636776 -0.0040726168775902707 0.010467840376567008 0.0036702221382993146 -0.017112336995320998
+leaf_weight=40 73 56 49 43
+leaf_count=40 73 56 49 43
+internal_value=0 0.0790619 -0.109316 -0.282681
+internal_weight=0 188 132 83
+internal_count=261 188 132 83
+shrinkage=0.02
+
+
+Tree=539
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 5
+split_gain=4.25804 9.94122 15.6771 8.28462
+threshold=73.500000000000014 64.500000000000014 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030250054965904488 0.0048399223388546882 -0.0078149766528090719 0.011870236064975722 -0.008664342111163733
+leaf_weight=49 57 65 42 48
+leaf_count=49 57 65 42 48
+internal_value=0 -0.0677213 0.0831678 -0.137662
+internal_weight=0 204 139 97
+internal_count=261 204 139 97
+shrinkage=0.02
+
+
+Tree=540
+num_leaves=5
+num_cat=0
+split_feature=6 5 1 3
+split_gain=4.09633 15.1569 6.35933 28.6559
+threshold=65.500000000000014 58.550000000000004 10.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0063669221101286559 -0.0040290643628691772 0.01028455068300981 0.0035769348049056932 -0.017119555435924198
+leaf_weight=41 73 56 49 42
+leaf_count=41 73 56 49 42
+internal_value=0 0.0782275 -0.106614 -0.275629
+internal_weight=0 188 132 83
+internal_count=261 188 132 83
+shrinkage=0.02
+
+
+Tree=541
+num_leaves=5
+num_cat=0
+split_feature=7 8 3 5
+split_gain=4.22034 14.5149 19.6737 11.6653
+threshold=73.500000000000014 62.500000000000007 57.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0028884195065532366 0.0048187090906888818 -0.010240981875155248 0.011104012161456747 -0.011292390416312683
+leaf_weight=49 57 54 57 44
+leaf_count=49 57 54 57 44
+internal_value=0 -0.0674143 0.0925518 -0.190782
+internal_weight=0 204 150 93
+internal_count=261 204 150 93
+shrinkage=0.02
+
+
+Tree=542
+num_leaves=5
+num_cat=0
+split_feature=9 8 6 9
+split_gain=4.13693 21.5982 18.2875 15.1523
+threshold=65.500000000000014 59.500000000000007 48.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0038108349090189733 0.010448945740285915 -0.014106991560076627 0.011993412556836201 -0.0056265147298128161
+leaf_weight=75 53 43 48 42
+leaf_count=75 53 43 48 42
+internal_value=0 -0.0954851 0.117674 0.166729
+internal_weight=0 166 123 95
+internal_count=261 166 123 95
+shrinkage=0.02
+
+
+Tree=543
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 5
+split_gain=4.21118 12.2472 16.7565 11.9628 5.22853
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 48.45000000000001 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0029068421337253235 0.0089368763855710315 -0.011482923534525164 0.010940555402661757 -0.011541081776689815 -0.0011078883429705086
+leaf_weight=49 40 40 46 43 43
+leaf_count=49 40 40 46 43 43
+internal_value=0 -0.0869672 0.0541739 -0.192047 0.186339
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=544
+num_leaves=5
+num_cat=0
+split_feature=5 2 7 7
+split_gain=4.16336 19.6489 19.0529 10.0043
+threshold=62.400000000000006 13.500000000000002 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0030755537327305255 0.01190625968445554 -0.0049501285546722402 -0.012567737217080401 0.0094881433439137318
+leaf_weight=55 52 59 48 47
+leaf_count=55 52 59 48 47
+internal_value=0 0.147094 -0.108914 0.135415
+internal_weight=0 111 150 102
+internal_count=261 111 150 102
+shrinkage=0.02
+
+
+Tree=545
+num_leaves=4
+num_cat=0
+split_feature=6 6 4
+split_gain=4.09878 15.025 8.73966
+threshold=65.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0027226645446618803 -0.0040302363911291087 0.0089930503893402534 -0.0081178733168425048
+leaf_weight=59 73 69 60
+leaf_count=59 73 69 60
+internal_value=0 0.078252 -0.1369
+internal_weight=0 188 119
+internal_count=261 188 119
+shrinkage=0.02
+
+
+Tree=546
+num_leaves=5
+num_cat=0
+split_feature=8 8 6 4
+split_gain=4.05242 16.8202 18.2283 9.19131
+threshold=69.500000000000014 62.500000000000007 52.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026682755409087023 0.0043348810089308678 -0.012018141170786962 0.012799589639802149 -0.0091166647888653394
+leaf_weight=59 65 46 43 48
+leaf_count=59 65 46 43 48
+internal_value=0 -0.0719693 0.0901763 -0.130673
+internal_weight=0 196 150 107
+internal_count=261 196 150 107
+shrinkage=0.02
+
+
+Tree=547
+num_leaves=5
+num_cat=0
+split_feature=5 9 2 9
+split_gain=4.07265 19.7176 18.7545 8.9132
+threshold=62.400000000000006 60.500000000000007 13.500000000000002 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0049782498978339579 0.011668076902564986 -0.01438302184176439 -0.0048004333529099814 0.0066553553979911183
+leaf_weight=43 52 39 59 68
+leaf_count=43 52 39 59 68
+internal_value=0 -0.107726 0.145492 0.107057
+internal_weight=0 150 111 111
+internal_count=261 150 111 111
+shrinkage=0.02
+
+
+Tree=548
+num_leaves=5
+num_cat=0
+split_feature=6 5 1 3
+split_gain=4.13708 14.9745 6.10104 28.3983
+threshold=65.500000000000014 58.550000000000004 10.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0064124858820194574 -0.004048936753971593 0.010239729502312913 0.0034900076937257629 -0.016968279435454963
+leaf_weight=41 73 56 49 42
+leaf_count=41 73 56 49 42
+internal_value=0 0.0786148 -0.105111 -0.270672
+internal_weight=0 188 132 83
+internal_count=261 188 132 83
+shrinkage=0.02
+
+
+Tree=549
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 9 7
+split_gain=4.01254 12.1071 8.92854 8.13449 8.02795
+threshold=68.500000000000014 58.500000000000007 54.500000000000007 72.500000000000014 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0049644036849508391 -0.0099623490085211704 0.01121033630842474 -0.0092772190881898284 0.002791328218386306 0.0065651909428960818
+leaf_weight=40 41 41 39 39 61
+leaf_count=40 41 41 39 39 61
+internal_value=0 0.082609 -0.0572744 -0.186897 0.0995412
+internal_weight=0 181 140 80 101
+internal_count=261 181 140 80 101
+shrinkage=0.02
+
+
+Tree=550
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 6
+split_gain=4.15888 15.0439 21.0293 23.8778
+threshold=77.500000000000014 65.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.004130141370021591 -0.0057738899564074323 0.010386126252112023 -0.012850420423503414 0.014601040620738238
+leaf_weight=74 42 53 49 43
+leaf_count=74 42 53 49 43
+internal_value=0 0.055409 -0.0926184 0.137587
+internal_weight=0 219 166 117
+internal_count=261 219 166 117
+shrinkage=0.02
+
+
+Tree=551
+num_leaves=5
+num_cat=0
+split_feature=7 9 6 4
+split_gain=4.00182 14.5638 8.60567 10.2701
+threshold=73.500000000000014 68.500000000000014 52.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0033454199149930094 0.0046928597267358761 -0.011502756470282222 0.0074812409252459191 -0.0096389464029144854
+leaf_weight=58 57 44 60 42
+leaf_count=58 57 44 60 42
+internal_value=0 -0.0656565 0.0743913 -0.105147
+internal_weight=0 204 160 100
+internal_count=261 204 160 100
+shrinkage=0.02
+
+
+Tree=552
+num_leaves=4
+num_cat=0
+split_feature=6 5 2
+split_gain=3.95823 14.2343 5.90643
+threshold=65.500000000000014 58.550000000000004 17.500000000000004
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.0056834469112504319 -0.0039608308241797074 0.0099890015276013714 0.0028809831433485858
+leaf_weight=76 73 56 56
+leaf_count=76 73 56 56
+internal_value=0 0.0769076 -0.10222
+internal_weight=0 188 132
+internal_count=261 188 132
+shrinkage=0.02
+
+
+Tree=553
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 5
+split_gain=3.98517 17.0981 18.4991 11.0869
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0028830336007271179 0.0042990126561437024 -0.01209308611303859 0.010815058473072682 -0.010942241326599995
+leaf_weight=49 65 46 57 44
+leaf_count=49 65 46 57 44
+internal_value=0 -0.0713692 0.0921108 -0.182634
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=554
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 9
+split_gain=3.94323 12.6067 16.4081 5.27402 3.15074
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00080494978115446957 0.0088398312986834211 -0.011568734260577647 0.0090475757914205077 -0.0012487826104891503 -0.0088923750037819896
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0841652 0.0590329 0.180346 -0.243163
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=555
+num_leaves=6
+num_cat=0
+split_feature=9 9 5 5 4
+split_gain=3.95955 14.6513 20.8777 18.6873 4.83216
+threshold=77.500000000000014 65.500000000000014 59.350000000000009 52.000000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0018211472289882092 -0.0056345748385653125 0.010237659011292373 -0.013832725983693424 0.013577782230794295 -0.0078322251735063429
+leaf_weight=41 42 53 43 40 42
+leaf_count=41 42 53 43 40 42
+internal_value=0 0.0540676 -0.0920157 0.117557 -0.152827
+internal_weight=0 219 166 123 83
+internal_count=261 219 166 123 83
+shrinkage=0.02
+
+
+Tree=556
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 9
+split_gain=4.02771 18.968 14.6764 8.62545
+threshold=62.400000000000006 60.500000000000007 77.500000000000014 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0049332094826331852 0.0083581583753523838 -0.014136782132483884 -0.0067833246975311599 0.0065114841637447475
+leaf_weight=43 71 39 40 68
+leaf_count=43 71 39 40 68
+internal_value=0 -0.107137 0.144686 0.103522
+internal_weight=0 150 111 111
+internal_count=261 150 111 111
+shrinkage=0.02
+
+
+Tree=557
+num_leaves=5
+num_cat=0
+split_feature=6 6 9 5
+split_gain=3.91374 14.3873 18.9358 12.0525
+threshold=65.500000000000014 58.500000000000007 58.500000000000007 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0024811865838420036 -0.0039387948464985117 0.011843750024878955 -0.013363840106139564 0.011260629415313734
+leaf_weight=65 73 42 39 42
+leaf_count=65 73 42 39 42
+internal_value=0 0.0764676 -0.071829 0.145458
+internal_weight=0 188 146 107
+internal_count=261 188 146 107
+shrinkage=0.02
+
+
+Tree=558
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 4
+split_gain=3.92549 20.9366 14.2281 12.5231
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.002089734308780422 -0.0034883833587423191 -0.011682962311406635 0.012131549802130088 0.011834777188125405
+leaf_weight=67 54 57 41 42
+leaf_count=67 54 57 41 42
+internal_value=0 -0.0930379 0.16242 0.163625
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=559
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 9 6
+split_gain=3.91765 11.8604 9.3158 7.81668 7.75006
+threshold=68.500000000000014 58.500000000000007 54.500000000000007 72.500000000000014 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0044920162931314867 -0.0097958610230244551 0.011092841381686489 -0.0094424206630207858 0.0027065270248965469 0.0067494573834504662
+leaf_weight=42 41 41 39 39 59
+leaf_count=42 41 41 39 39 59
+internal_value=0 0.0816201 -0.0568302 -0.184696 0.10335
+internal_weight=0 181 140 80 101
+internal_count=261 181 140 80 101
+shrinkage=0.02
+
+
+Tree=560
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 1
+split_gain=3.84332 13.962 9.0139 31.9979
+threshold=73.500000000000014 68.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0071260779439293355 0.0045992751758195108 -0.011264391642039342 0.011318885193766308 -0.012349760543419052
+leaf_weight=66 57 44 39 55
+leaf_count=66 57 44 39 55
+internal_value=0 -0.0643589 0.0727643 -0.126009
+internal_weight=0 204 160 94
+internal_count=261 204 160 94
+shrinkage=0.02
+
+
+Tree=561
+num_leaves=5
+num_cat=0
+split_feature=8 5 1 3
+split_gain=3.88311 15.4823 6.1985 27.2915
+threshold=67.500000000000014 58.550000000000004 10.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0061977819703285331 -0.0037794141936382626 0.01082540131585942 0.0035789054553839643 -0.016722926613211717
+leaf_weight=41 77 52 49 42
+leaf_count=41 77 52 49 42
+internal_value=0 0.0790745 -0.10289 -0.269767
+internal_weight=0 184 132 83
+internal_count=261 184 132 83
+shrinkage=0.02
+
+
+Tree=562
+num_leaves=6
+num_cat=0
+split_feature=9 5 5 9 4
+split_gain=3.93556 20.236 17.9514 14.2802 4.88721
+threshold=65.500000000000014 59.350000000000009 52.000000000000007 77.500000000000014 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0018688209562775337 0.010159686757769315 -0.013669818539007209 0.013267273899620537 -0.0054466768453884564 -0.0078393345610784301
+leaf_weight=41 53 43 40 42 42
+leaf_count=41 53 43 40 42 42
+internal_value=0 -0.0931498 0.113176 0.162634 -0.151829
+internal_weight=0 166 123 95 83
+internal_count=261 166 123 95 83
+shrinkage=0.02
+
+
+Tree=563
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 2
+split_gain=3.93234 16.2423 18.3287 10.2789
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.010005467649338953 0.0042704701391126747 -0.011813721808172084 0.010700217127194229 0.0033068189087816454
+leaf_weight=49 65 46 57 44
+leaf_count=49 65 46 57 44
+internal_value=0 -0.0709016 0.0884336 -0.185042
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=564
+num_leaves=5
+num_cat=0
+split_feature=5 7 2 3
+split_gain=4.02095 18.7822 18.0689 9.71053
+threshold=62.400000000000006 57.500000000000007 17.500000000000004 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0039569720074404627 0.0095589882789445541 -0.012456403167971411 -0.0068697187742241105 0.0084210976248798829
+leaf_weight=47 66 48 45 55
+leaf_count=47 66 48 45 55
+internal_value=0 -0.107045 0.144568 0.135542
+internal_weight=0 150 111 102
+internal_count=261 150 111 102
+shrinkage=0.02
+
+
+Tree=565
+num_leaves=5
+num_cat=0
+split_feature=5 7 2 7
+split_gain=3.86087 18.0384 17.3537 9.15854
+threshold=62.400000000000006 57.500000000000007 17.500000000000004 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0028774769304126409 0.0093680109960761881 -0.012207637671400611 -0.0067325376593434473 0.0091441298504911072
+leaf_weight=55 66 48 45 47
+leaf_count=55 66 48 45 47
+internal_value=0 -0.104908 0.141671 0.132826
+internal_weight=0 150 111 102
+internal_count=261 150 111 102
+shrinkage=0.02
+
+
+Tree=566
+num_leaves=4
+num_cat=0
+split_feature=8 5 4
+split_gain=3.95469 15.5834 6.14745
+threshold=67.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0027425203255556029 -0.0038139198924821696 0.0108699118083696 -0.0059427433809569113
+leaf_weight=59 77 52 73
+leaf_count=59 77 52 73
+internal_value=0 0.0797959 -0.102762
+internal_weight=0 184 132
+internal_count=261 184 132
+shrinkage=0.02
+
+
+Tree=567
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 9 6
+split_gain=3.83791 11.5662 8.46664 7.60481 7.15046
+threshold=68.500000000000014 58.500000000000007 54.500000000000007 72.500000000000014 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0043649025485610242 -0.0096751635040364953 0.010958474973474712 -0.0090377437642751406 0.0026568731539750425 0.0064340161274224952
+leaf_weight=42 41 41 39 39 59
+leaf_count=42 41 41 39 39 59
+internal_value=0 0.0807936 -0.0559287 -0.182812 0.0967774
+internal_weight=0 181 140 80 101
+internal_count=261 181 140 80 101
+shrinkage=0.02
+
+
+Tree=568
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 6
+split_gain=3.82876 14.0364 19.5815 21.9718
+threshold=77.500000000000014 65.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0039549818634986881 -0.005541278788758367 0.010025784569494645 -0.0124094932660421 0.014013526785642166
+leaf_weight=74 42 53 49 43
+leaf_count=74 42 53 49 43
+internal_value=0 0.0531683 -0.0898166 0.132321
+internal_weight=0 219 166 117
+internal_count=261 219 166 117
+shrinkage=0.02
+
+
+Tree=569
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 5
+split_gain=3.86649 12.2715 16.6992 12.3472 5.43725
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 48.45000000000001 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0030978441914983452 0.0088847165451937556 -0.011420509379374763 0.010998578434888884 -0.01158039011616482 -0.0013586870987951714
+leaf_weight=49 40 40 46 43 43
+leaf_count=49 40 40 46 43 43
+internal_value=0 -0.0833581 0.0579229 -0.187877 0.178579
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=570
+num_leaves=5
+num_cat=0
+split_feature=8 5 1 3
+split_gain=3.84691 15.2632 5.86998 26.8338
+threshold=67.500000000000014 58.550000000000004 10.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0062078748021881635 -0.0037618598552688763 0.010752481180027669 0.0034461754376445648 -0.016519949179747508
+leaf_weight=41 77 52 49 42
+leaf_count=41 77 52 49 42
+internal_value=0 0.0787061 -0.101966 -0.264378
+internal_weight=0 184 132 83
+internal_count=261 184 132 83
+shrinkage=0.02
+
+
+Tree=571
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 5
+split_gain=3.81366 12.2302 16.5157 11.7441 5.1617
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 48.45000000000001 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0029620396135561283 0.0087244825366729218 -0.011392683775787315 0.010951123110818998 -0.01135346828285879 -0.0012564426030862461
+leaf_weight=49 40 40 46 43 43
+leaf_count=49 40 40 46 43 43
+internal_value=0 -0.0827858 0.0582573 -0.186188 0.177365
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=572
+num_leaves=4
+num_cat=0
+split_feature=5 6 4
+split_gain=3.78073 14.0962 8.34035
+threshold=68.250000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0027035295781153638 -0.0038350918562334697 0.0087847995176633352 -0.0078869722823999844
+leaf_weight=59 74 68 60
+leaf_count=59 74 68 60
+internal_value=0 0.0758829 -0.13155
+internal_weight=0 187 119
+internal_count=261 187 119
+shrinkage=0.02
+
+
+Tree=573
+num_leaves=5
+num_cat=0
+split_feature=7 8 3 2
+split_gain=3.86717 13.695 17.4736 9.95531
+threshold=73.500000000000014 62.500000000000007 57.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.009728773176876572 0.0046136002519073481 -0.0099293126914094202 0.010537573493297784 0.0033727532807785771
+leaf_weight=49 57 54 57 44
+leaf_count=49 57 54 57 44
+internal_value=0 -0.0645495 0.0908328 -0.176187
+internal_weight=0 204 150 93
+internal_count=261 204 150 93
+shrinkage=0.02
+
+
+Tree=574
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 3 9
+split_gain=3.7642 11.9126 15.8355 5.13362 2.9866
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.500000000000014 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00084573071426157767 -0.0012662472972909729 -0.011254848897501748 0.0088677884226772506 0.0086875890800415627 -0.008722153574052845
+leaf_weight=39 43 40 60 40 39
+leaf_count=39 43 40 60 40 39
+internal_value=0 -0.082246 0.0569533 0.176222 -0.239924
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=575
+num_leaves=4
+num_cat=0
+split_feature=8 5 4
+split_gain=3.83793 15.1019 5.97385
+threshold=67.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0027076463852615672 -0.0037574712245152194 0.010702120143070957 -0.0058544402029831804
+leaf_weight=59 77 52 73
+leaf_count=59 77 52 73
+internal_value=0 0.0786158 -0.101099
+internal_weight=0 184 132
+internal_count=261 184 132
+shrinkage=0.02
+
+
+Tree=576
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 5
+split_gain=3.75892 16.111 17.033 10.4873
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0028710662479893311 0.0041756777212296255 -0.011740314121072452 0.010397628993814247 -0.010575775791247848
+leaf_weight=49 65 46 57 44
+leaf_count=49 65 46 57 44
+internal_value=0 -0.0693311 0.0893588 -0.174273
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=577
+num_leaves=5
+num_cat=0
+split_feature=6 6 9 9
+split_gain=3.75731 13.9124 18.1804 10.7051
+threshold=65.500000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.004868280129156452 -0.0038595790061673996 0.011641765149721546 -0.013105075137524281 0.0080317072864067775
+leaf_weight=43 73 42 39 64
+leaf_count=43 73 42 39 64
+internal_value=0 0.0749371 -0.0708909 0.142017
+internal_weight=0 188 146 107
+internal_count=261 188 146 107
+shrinkage=0.02
+
+
+Tree=578
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 9
+split_gain=3.74476 11.9233 15.1533 5.15832 2.83466
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00081173309141453916 0.0086908031920854799 -0.011255033185483812 0.0087051053389110601 -0.0012869423357992568 -0.0084870980729951813
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0820404 0.0572211 0.175763 -0.233192
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=579
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 3
+split_gain=3.76841 14.1256 13.9326 9.53837
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0039497411057957685 -0.0038290451623753893 0.011886559943372618 -0.010804213628710493 0.0083183304854826477
+leaf_weight=47 74 41 44 55
+leaf_count=47 74 41 44 55
+internal_value=0 0.0757512 -0.0698177 0.132936
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=580
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 5
+split_gain=3.78487 16.1569 16.9831 10.1775
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0027837836209761288 0.0041898094459541469 -0.011759973976341431 0.010384598616357233 -0.010463122356660193
+leaf_weight=49 65 46 57 44
+leaf_count=49 65 46 57 44
+internal_value=0 -0.0695778 0.0893381 -0.173906
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=581
+num_leaves=5
+num_cat=0
+split_feature=5 7 2 3
+split_gain=3.76026 17.5732 16.7431 9.18961
+threshold=62.400000000000006 57.500000000000007 17.500000000000004 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0038645419691787654 0.009215112776985071 -0.012049389174655591 -0.0065998844971989013 0.0081774879203791711
+leaf_weight=47 66 48 45 55
+leaf_count=47 66 48 45 55
+internal_value=0 -0.103546 0.139815 0.131101
+internal_weight=0 150 111 102
+internal_count=261 150 111 102
+shrinkage=0.02
+
+
+Tree=582
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=3.83391 13.9334 13.1063 8.97554
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.002908973979153347 -0.0038620542229002466 0.011828827446093954 -0.010488602300877201 0.0089922432135137662
+leaf_weight=55 74 41 44 47
+leaf_count=55 74 41 44 47
+internal_value=0 0.0764005 -0.0681745 0.128474
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=583
+num_leaves=5
+num_cat=0
+split_feature=9 9 3 7
+split_gain=3.70188 13.8382 19.5647 12.3599
+threshold=77.500000000000014 65.500000000000014 61.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0036213689330370697 -0.0054493926059244824 0.0099445063303661187 -0.011289352391842724 0.0098450642697538813
+leaf_weight=54 42 53 57 55
+leaf_count=54 42 53 57 55
+internal_value=0 0.0522737 -0.089698 0.158412
+internal_weight=0 219 166 109
+internal_count=261 219 166 109
+shrinkage=0.02
+
+
+Tree=584
+num_leaves=5
+num_cat=0
+split_feature=6 2 4 4
+split_gain=3.79967 20.5516 19.2315 8.40498
+threshold=54.500000000000007 9.5000000000000018 67.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0027120985189871844 -0.0099231420730693642 -0.0029746985719510694 0.014547726014343209 -0.007919280974146967
+leaf_weight=59 40 44 58 60
+leaf_count=59 40 44 58 60
+internal_value=0 0.110675 0.349217 -0.132152
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=585
+num_leaves=5
+num_cat=0
+split_feature=8 5 1 7
+split_gain=3.86036 14.6541 5.29786 26.829
+threshold=67.500000000000014 58.550000000000004 10.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0067238490275679788 -0.0037686845319921045 0.010570176115689865 0.0032477282182927871 -0.01601531955933997
+leaf_weight=40 77 52 49 43
+leaf_count=40 77 52 49 43
+internal_value=0 0.0788287 -0.0982014 -0.252531
+internal_weight=0 184 132 83
+internal_count=261 184 132 83
+shrinkage=0.02
+
+
+Tree=586
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 9 6
+split_gain=3.76375 10.8863 7.6649 7.33795 7.2189
+threshold=68.500000000000014 58.500000000000007 54.500000000000007 72.500000000000014 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0044774232640072608 -0.0095338432278573911 0.010664356477886969 -0.0085888483657353618 0.0025801919977744888 0.0063731622572818624
+leaf_weight=42 41 41 39 39 59
+leaf_count=42 41 41 39 39 59
+internal_value=0 0.0800012 -0.0526411 -0.181058 0.0926573
+internal_weight=0 181 140 80 101
+internal_count=261 181 140 80 101
+shrinkage=0.02
+
+
+Tree=587
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=3.72442 14.4632 7.90989
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0026020005188437108 -0.0037020090513150798 0.009138537211884951 -0.0077120198648027915
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.077439 -0.129655
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=588
+num_leaves=5
+num_cat=0
+split_feature=7 8 6 5
+split_gain=3.80894 13.9061 17.5523 6.12351
+threshold=73.500000000000014 62.500000000000007 52.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0027159583590437349 0.0045786414501837059 -0.0099861274981798559 0.012640379249482192 -0.0068894669895474304
+leaf_weight=49 57 54 43 58
+leaf_count=49 57 54 43 58
+internal_value=0 -0.064078 0.0924975 -0.124217
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=589
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 5
+split_gain=3.69071 12.3555 15.7492 10.1965 5.02948
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 48.45000000000001 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0026617178589937668 0.0086005438558175318 -0.011415793851691051 0.010762632833997936 -0.010678229331970214 -0.0012520715635116785
+leaf_weight=49 40 40 46 43 43
+leaf_count=49 40 40 46 43 43
+internal_value=0 -0.0814559 0.0603077 -0.178397 0.17449
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=590
+num_leaves=5
+num_cat=0
+split_feature=9 9 3 7
+split_gain=3.72204 13.3527 18.9703 12.5815
+threshold=77.500000000000014 65.500000000000014 61.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0037047826845852711 -0.005464026006675826 0.0097901859291533826 -0.011091038375513262 0.0098818151710988907
+leaf_weight=54 42 53 57 55
+leaf_count=54 42 53 57 55
+internal_value=0 0.0524201 -0.0870391 0.157272
+internal_weight=0 219 166 109
+internal_count=261 219 166 109
+shrinkage=0.02
+
+
+Tree=591
+num_leaves=5
+num_cat=0
+split_feature=8 8 6 2
+split_gain=3.67075 15.8551 16.7202 6.02693
+threshold=69.500000000000014 62.500000000000007 52.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030083351265149856 0.0041264907273990473 -0.011641812930273757 0.012309893048471106 -0.0065820273274346261
+leaf_weight=46 65 46 43 61
+leaf_count=46 65 46 43 61
+internal_value=0 -0.068527 0.0888974 -0.122616
+internal_weight=0 196 150 107
+internal_count=261 196 150 107
+shrinkage=0.02
+
+
+Tree=592
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=3.71769 13.7023 17.3732 11.27
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.002412409544980378 -0.0038032835080215807 0.011720081935522184 -0.012787785745808191 0.01087641485731421
+leaf_weight=65 74 41 39 42
+leaf_count=65 74 41 39 42
+internal_value=0 0.0752446 -0.0681261 0.14
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=593
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 9
+split_gain=3.68111 11.9308 14.7708 4.96989 2.66139
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00084104910466199279 0.0085657740377832435 -0.011244268247484417 0.0086239040222385478 -0.0012284072740243487 -0.0082810226034745853
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0813498 0.0579556 0.174265 -0.228769
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=594
+num_leaves=4
+num_cat=0
+split_feature=8 5 4
+split_gain=3.69397 14.2004 5.71918
+threshold=67.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0026849983873475482 -0.0036869319212704272 0.010395989325308906 -0.0056931793389542905
+leaf_weight=59 77 52 73
+leaf_count=59 77 52 73
+internal_value=0 0.0771232 -0.0971446
+internal_weight=0 184 132
+internal_count=261 184 132
+shrinkage=0.02
+
+
+Tree=595
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 9
+split_gain=3.74946 23.0596 15.0101 21.8121
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0092257471097319972 0.0057278555392120583 -0.01361368262556905 -0.013718842152662848 0.0050008308309686545
+leaf_weight=73 39 46 42 61
+leaf_count=73 39 46 42 61
+internal_value=0 -0.0504363 0.114265 -0.13144
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=596
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 5
+split_gain=3.72464 15.767 16.2404 9.57958
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026859080645711066 0.0041565120890702236 -0.011623224813611591 0.01016725940213054 -0.010166459077606131
+leaf_weight=49 65 46 57 44
+leaf_count=49 65 46 57 44
+internal_value=0 -0.069025 0.0879613 -0.169463
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=597
+num_leaves=5
+num_cat=0
+split_feature=5 7 2 3
+split_gain=3.69961 17.021 16.5617 8.84773
+threshold=62.400000000000006 57.500000000000007 17.500000000000004 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0038004586928737172 0.0091578001910697978 -0.011874878988311622 -0.0065713715798605679 0.0080158316963529
+leaf_weight=47 66 48 45 55
+leaf_count=47 66 48 45 55
+internal_value=0 -0.102712 0.138689 0.128218
+internal_weight=0 150 111 102
+internal_count=261 150 111 102
+shrinkage=0.02
+
+
+Tree=598
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=3.71431 13.4153 16.7252 10.9374
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0023838989828906892 -0.0038016664342904716 0.011611910186778724 -0.012543596660569102 0.01070764809910634
+leaf_weight=65 74 41 39 42
+leaf_count=65 74 41 39 42
+internal_value=0 0.0752053 -0.0666557 0.13755
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=599
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 9
+split_gain=3.61939 19.1767 21.1299 13.1372
+threshold=65.500000000000014 64.500000000000014 48.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0038643500367784305 0.0097451336230624293 -0.012290284189061378 0.013756772768810228 -0.0052242599988397411
+leaf_weight=74 53 49 43 42
+leaf_count=74 53 49 43 42
+internal_value=0 -0.0893637 0.130465 0.155985
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=600
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 9
+split_gain=3.68272 11.8865 14.6311 5.06144 2.51367
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00092270882958977736 0.00861283563663158 -0.01122690618201804 0.0085829219914165342 -0.0012709920525910657 -0.0081563825176474321
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0813742 0.0576722 0.174296 -0.227693
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=601
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 9 6
+split_gain=3.60471 10.8581 8.19152 7.30809 6.95574
+threshold=68.500000000000014 58.500000000000007 54.500000000000007 72.500000000000014 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0042935582079455551 -0.0094452104099423239 0.010618533393545456 -0.0088733621594971161 0.0026443518230241979 0.0063576111209075704
+leaf_weight=42 41 41 39 39 59
+leaf_count=42 41 41 39 39 59
+internal_value=0 0.0782943 -0.0541758 -0.17722 0.0960295
+internal_weight=0 181 140 80 101
+internal_count=261 181 140 80 101
+shrinkage=0.02
+
+
+Tree=602
+num_leaves=4
+num_cat=0
+split_feature=5 5 4
+split_gain=3.60902 13.0254 5.82949
+threshold=68.250000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0027494651142748075 -0.0037478826061520844 0.0096620133943992412 -0.0057089931192877072
+leaf_weight=59 74 55 73
+leaf_count=59 74 55 73
+internal_value=0 0.0741278 -0.0961404
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=603
+num_leaves=5
+num_cat=0
+split_feature=7 8 6 4
+split_gain=3.73148 13.1798 16.1145 8.46042
+threshold=73.500000000000014 62.500000000000007 52.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026945411040937518 0.0045319708135806063 -0.0097432427169744425 0.01211964325310322 -0.0086131975165716895
+leaf_weight=59 57 54 43 48
+leaf_count=59 57 54 43 48
+internal_value=0 -0.0634326 0.0889995 -0.118647
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=604
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 5
+split_gain=3.63055 15.4459 15.8014 9.58914
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0027442238667066167 0.004103870005565103 -0.011501196684950159 0.010038252234855801 -0.010114651922739254
+leaf_weight=49 65 46 57 44
+leaf_count=49 65 46 57 44
+internal_value=0 -0.068157 0.0872224 -0.166699
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=605
+num_leaves=5
+num_cat=0
+split_feature=5 7 2 7
+split_gain=3.62715 16.8022 16.0009 8.53461
+threshold=62.400000000000006 57.500000000000007 17.500000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0046393311812094034 0.0090217463239808671 -0.011791628882124639 -0.0064390544377437636 0.0072087179863531657
+leaf_weight=40 66 48 45 62
+leaf_count=40 66 48 45 62
+internal_value=0 -0.101711 0.137327 0.12773
+internal_weight=0 150 111 102
+internal_count=261 150 111 102
+shrinkage=0.02
+
+
+Tree=606
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=3.72163 13.3016 16.0703 10.4587
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0049358212614325162 -0.0038054747683357844 0.011570449909909613 -0.012308831158152986 0.0078152982549881712
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0752747 -0.065984 0.134183
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=607
+num_leaves=4
+num_cat=0
+split_feature=5 6 4
+split_gain=3.57346 12.8193 7.75657
+threshold=68.250000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0026635634289672579 -0.003729436988408579 0.0084060720951175047 -0.0075503751565597615
+leaf_weight=59 74 68 60
+leaf_count=59 74 68 60
+internal_value=0 0.0737657 -0.124051
+internal_weight=0 187 119
+internal_count=261 187 119
+shrinkage=0.02
+
+
+Tree=608
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 3
+split_gain=3.6433 12.2139 14.5031 8.36273 4.97774
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 48.45000000000001 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0026889624397283857 -0.0012501885577091796 -0.011349407293149769 0.011003335209110444 -0.0091174470499515645 0.0085517658250481229
+leaf_weight=49 43 40 42 47 40
+leaf_count=49 43 40 42 47 40
+internal_value=0 -0.0809432 0.0600056 -0.154268 0.173362
+internal_weight=0 178 138 96 83
+internal_count=261 178 138 96 83
+shrinkage=0.02
+
+
+Tree=609
+num_leaves=6
+num_cat=0
+split_feature=3 2 2 5 9
+split_gain=3.63922 10.0462 12.7522 27.5744 30.6579
+threshold=75.500000000000014 6.5000000000000009 24.500000000000004 65.100000000000009 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0098420440020061378 -0.0053281117946995873 -0.011120339756700457 0.0085634664458335372 -0.017964901947412879 0.011899113786721467
+leaf_weight=42 43 41 42 40 53
+leaf_count=42 43 41 42 40 53
+internal_value=0 0.0525611 -0.0522562 -0.203282 0.0924703
+internal_weight=0 218 176 134 94
+internal_count=261 218 176 134 94
+shrinkage=0.02
+
+
+Tree=610
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 9
+split_gain=3.82201 11.685 14.081 5.08316 2.56126
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00083518636159528271 0.0086885842857201377 -0.011175631952012065 0.0083882108970233758 -0.0012162207743394726 -0.0081354828133496423
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0828921 0.0549706 0.177542 -0.22498
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=611
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 5
+split_gain=3.70851 14.9295 15.3549 8.86117
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0025141610309940168 0.0041472978689107414 -0.011345124005598594 0.0098534518510588875 -0.0098474513805450869
+leaf_weight=49 65 46 57 44
+leaf_count=49 65 46 57 44
+internal_value=0 -0.0688888 0.0838706 -0.166438
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=612
+num_leaves=5
+num_cat=0
+split_feature=5 9 2 9
+split_gain=3.78923 15.5279 15.2362 7.59932
+threshold=62.400000000000006 60.500000000000007 17.500000000000004 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0048416220503836524 0.0089303213196441685 -0.012932415912912299 -0.0061566273718973163 0.005902599379435605
+leaf_weight=43 66 39 45 68
+leaf_count=43 66 39 45 68
+internal_value=0 -0.103954 0.140338 0.0866396
+internal_weight=0 150 111 111
+internal_count=261 150 111 111
+shrinkage=0.02
+
+
+Tree=613
+num_leaves=5
+num_cat=0
+split_feature=5 7 2 7
+split_gain=3.63839 16.2514 14.633 8.69603
+threshold=62.400000000000006 57.500000000000007 17.500000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.004786301358236409 0.0087519045586627164 -0.011633941688283656 -0.0060336859035259195 0.0071732890988118374
+leaf_weight=40 66 48 45 62
+leaf_count=40 66 48 45 62
+internal_value=0 -0.101881 0.137526 0.123767
+internal_weight=0 150 111 102
+internal_count=261 150 111 102
+shrinkage=0.02
+
+
+Tree=614
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=3.67257 13.36 15.2571 10.4785
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0024613380562202056 -0.003780700510549565 0.011582352262301429 -0.012043889999572718 0.010353205451949463
+leaf_weight=65 74 41 39 42
+leaf_count=65 74 41 39 42
+internal_value=0 0.0747668 -0.0668018 0.128234
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=615
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=3.5264 12.8312 12.0449 8.36831
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0043780213899047979 -0.0037051581575173 0.01135109986822362 -0.01005790457477747 0.0072611588736788612
+leaf_weight=42 74 41 44 60
+leaf_count=42 74 41 44 60
+internal_value=0 0.07327 -0.0654677 0.12305
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=616
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 7
+split_gain=3.76989 18.4299 13.3428 11.5438
+threshold=65.500000000000014 61.500000000000007 77.500000000000014 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0035697506299538296 0.0098601215908211554 -0.011040370046142023 -0.0052258053558695084 0.0094451669235724785
+leaf_weight=54 53 57 42 55
+leaf_count=54 53 57 42 55
+internal_value=0 -0.09121 0.15916 0.149596
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=617
+num_leaves=5
+num_cat=0
+split_feature=8 8 6 4
+split_gain=3.63628 15.2018 15.6784 8.38512
+threshold=69.500000000000014 62.500000000000007 52.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026668949421436551 0.0041067195555133098 -0.011422296482232742 0.011917412955273271 -0.0085904702977576668
+leaf_weight=59 65 46 43 48
+leaf_count=59 65 46 43 48
+internal_value=0 -0.0682289 0.0859174 -0.118899
+internal_weight=0 196 150 107
+internal_count=261 196 150 107
+shrinkage=0.02
+
+
+Tree=618
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 5
+split_gain=3.61017 11.3358 13.9574 9.57322 5.18556
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 48.45000000000001 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0026459057075515257 0.0086405935881290769 -0.010986548287629903 0.010101427525275437 -0.010280537129500252 -0.0013635895012536015
+leaf_weight=49 40 40 46 43 43
+leaf_count=49 40 40 46 43 43
+internal_value=0 -0.0805881 0.0551983 -0.169517 0.172565
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=619
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 9
+split_gain=3.559 18.027 20.3507 12.9081
+threshold=65.500000000000014 64.500000000000014 48.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0038630869083757331 0.009660945083543768 -0.011956371729500745 0.013430372226091558 -0.0051775072460818359
+leaf_weight=74 53 49 43 42
+leaf_count=74 53 49 43 42
+internal_value=0 -0.0886349 0.124501 0.15467
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=620
+num_leaves=5
+num_cat=0
+split_feature=5 7 2 6
+split_gain=3.62814 15.8523 14.2654 7.95451
+threshold=62.400000000000006 57.500000000000007 17.500000000000004 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0042455574802811712 0.0086722210649103817 -0.011512769078523919 -0.0059266162696264522 0.00710268233289571
+leaf_weight=42 66 48 45 60
+leaf_count=42 66 48 45 60
+internal_value=0 -0.101743 0.137328 0.121117
+internal_weight=0 150 111 102
+internal_count=261 150 111 102
+shrinkage=0.02
+
+
+Tree=621
+num_leaves=4
+num_cat=0
+split_feature=8 5 4
+split_gain=3.55628 14.023 5.75093
+threshold=67.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0026903860564358611 -0.0036183363079359617 0.010311391578426695 -0.0057109401445309188
+leaf_weight=59 77 52 73
+leaf_count=59 77 52 73
+internal_value=0 0.0756606 -0.0975154
+internal_weight=0 184 132
+internal_count=261 184 132
+shrinkage=0.02
+
+
+Tree=622
+num_leaves=5
+num_cat=0
+split_feature=8 8 6 4
+split_gain=3.48551 14.7487 15.1089 8.09662
+threshold=69.500000000000014 62.500000000000007 52.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026366426889436667 0.0040211787721391506 -0.011243087646110936 0.01171288951854294 -0.0084257589439009593
+leaf_weight=59 65 46 43 48
+leaf_count=59 65 46 43 48
+internal_value=0 -0.0668064 0.0850251 -0.116036
+internal_weight=0 196 150 107
+internal_count=261 196 150 107
+shrinkage=0.02
+
+
+Tree=623
+num_leaves=5
+num_cat=0
+split_feature=5 7 2 7
+split_gain=3.53739 15.6222 13.6756 7.97308
+threshold=62.400000000000006 57.500000000000007 13.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0045380612683468755 0.010192927793369473 -0.011418362128553556 -0.003871657434546324 0.0069144157171057343
+leaf_weight=40 52 48 59 62
+leaf_count=40 52 48 59 62
+internal_value=0 -0.100467 0.135611 0.120769
+internal_weight=0 150 111 102
+internal_count=261 150 111 102
+shrinkage=0.02
+
+
+Tree=624
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=3.61759 13.0664 14.7636 9.95244
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0023770765811594215 -0.0037524813565709622 0.011459844137939015 -0.011849491212689606 0.010112110451448266
+leaf_weight=65 74 41 39 42
+leaf_count=65 74 41 39 42
+internal_value=0 0.0742065 -0.0657971 0.126058
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=625
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 9 9
+split_gain=3.51824 10.3147 7.81355 7.14778 6.74581
+threshold=68.500000000000014 58.500000000000007 54.500000000000007 72.500000000000014 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0079085881845121307 -0.0093380329717474026 0.010370530425297656 -0.0086439429130095308 0.0026184389058482409 -0.0025473718300772262
+leaf_weight=43 41 41 39 39 58
+leaf_count=43 41 41 39 39 58
+internal_value=0 0.0773446 -0.0517676 -0.175103 0.0949327
+internal_weight=0 181 140 80 101
+internal_count=261 181 140 80 101
+shrinkage=0.02
+
+
+Tree=626
+num_leaves=5
+num_cat=0
+split_feature=2 3 8 2
+split_gain=3.49159 8.52505 20.8869 15.919
+threshold=24.500000000000004 56.500000000000007 62.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0073202380274788826 0.0045910705939645668 0.0109284362413638 -0.014141932121774319 0.0029706703846435673
+leaf_weight=63 53 57 39 49
+leaf_count=63 53 57 39 49
+internal_value=0 -0.0586236 0.0747678 -0.230473
+internal_weight=0 208 145 88
+internal_count=261 208 145 88
+shrinkage=0.02
+
+
+Tree=627
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 9
+split_gain=3.5439 11.5027 13.5277 4.96144 2.187
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00095814764301338138 0.0084960241361779418 -0.011040401850253649 0.0082830902572398144 -0.0012900176766800554 -0.0077119546642015436
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0798463 0.0569365 0.170985 -0.217459
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=628
+num_leaves=4
+num_cat=0
+split_feature=8 5 4
+split_gain=3.48816 13.5243 5.63835
+threshold=67.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0026925163069654486 -0.0035836972410892014 0.010139301292997463 -0.0056264795797931954
+leaf_weight=59 77 52 73
+leaf_count=59 77 52 73
+internal_value=0 0.0749371 -0.0951313
+internal_weight=0 184 132
+internal_count=261 184 132
+shrinkage=0.02
+
+
+Tree=629
+num_leaves=5
+num_cat=0
+split_feature=7 9 9 2
+split_gain=3.60075 12.5588 9.76736 11.774
+threshold=73.500000000000014 68.500000000000014 57.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0057345571387530884 0.0044520704008264179 -0.010709991300757954 0.0086878167161547268 -0.0075291229055362112
+leaf_weight=46 57 44 50 64
+leaf_count=46 57 44 50 64
+internal_value=0 -0.0623291 0.0677201 -0.0987553
+internal_weight=0 204 160 110
+internal_count=261 204 160 110
+shrinkage=0.02
+
+
+Tree=630
+num_leaves=6
+num_cat=0
+split_feature=9 5 5 9 4
+split_gain=3.59747 17.578 16.2358 12.84 5.2899
+threshold=65.500000000000014 59.350000000000009 52.000000000000007 77.500000000000014 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0021268031382055681 0.0096602530373407457 -0.012787205656471014 0.012529442661386314 -0.0051390102289622375 -0.0079728187628077991
+leaf_weight=41 53 43 40 42 42
+leaf_count=41 53 43 40 42 42
+internal_value=0 -0.0891067 0.103188 0.155502 -0.148832
+internal_weight=0 166 123 95 83
+internal_count=261 166 123 95 83
+shrinkage=0.02
+
+
+Tree=631
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 5
+split_gain=3.54762 11.097 13.3176 4.92465 2.14102
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 50.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0076836875542552084 0.0084790305834563859 -0.010873439050773924 0.0081780873135597985 -0.0012707211261618185 -0.00099989709629559717
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0798867 0.0544615 0.171075 -0.217797
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=632
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 9
+split_gain=3.48189 22.155 14.3929 21.963
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0090525804075640738 0.0055204286751064889 -0.01332820225925075 -0.01368435003424813 0.005100042840277718
+leaf_weight=73 39 46 42 61
+leaf_count=73 39 46 42 61
+internal_value=0 -0.0486331 0.112805 -0.127797
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=633
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 9
+split_gain=3.57854 17.4975 19.17 12.1627
+threshold=65.500000000000014 64.500000000000014 48.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0037438936747406382 0.0094772356558771535 -0.011810714460959474 0.013040806280368163 -0.0049267056036766226
+leaf_weight=74 53 49 43 42
+leaf_count=74 53 49 43 42
+internal_value=0 -0.0888765 0.121106 0.155091
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=634
+num_leaves=5
+num_cat=0
+split_feature=5 7 2 6
+split_gain=3.57159 15.2914 13.8022 7.44741
+threshold=62.400000000000006 57.500000000000007 17.500000000000004 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0040934254192586238 0.0085540341930380754 -0.011328016577328419 -0.0058060608798605343 0.0068878184288457371
+leaf_weight=42 66 48 45 60
+leaf_count=42 66 48 45 60
+internal_value=0 -0.100952 0.136259 0.117929
+internal_weight=0 150 111 102
+internal_count=261 150 111 102
+shrinkage=0.02
+
+
+Tree=635
+num_leaves=5
+num_cat=0
+split_feature=6 2 2 1
+split_gain=3.50915 21.6471 12.0595 6.60258
+threshold=54.500000000000007 9.5000000000000018 20.500000000000004 10.500000000000002
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0064894614393877486 -0.010328612018172987 0.013013414436534615 -0.00086228925434672589 0.0030847194327437415
+leaf_weight=70 40 58 44 49
+leaf_count=70 40 58 44 49
+internal_value=0 0.106363 0.351175 -0.127047
+internal_weight=0 142 102 119
+internal_count=261 142 102 119
+shrinkage=0.02
+
+
+Tree=636
+num_leaves=5
+num_cat=0
+split_feature=2 4 7 9
+split_gain=3.53088 12.3122 22.8516 22.4213
+threshold=24.500000000000004 54.500000000000007 59.500000000000007 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0091017384476475369 0.0046165600424098599 0.01498845593716319 -0.014551780908857207 0.0040148794292078531
+leaf_weight=57 53 39 41 71
+leaf_count=57 53 39 41 71
+internal_value=0 -0.0589565 0.090453 -0.138977
+internal_weight=0 208 151 112
+internal_count=261 208 151 112
+shrinkage=0.02
+
+
+Tree=637
+num_leaves=4
+num_cat=0
+split_feature=5 5 4
+split_gain=3.54803 12.9948 6.0731
+threshold=68.250000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0028372507697639483 -0.0037164700359600968 0.009639707668433287 -0.0057957300031105221
+leaf_weight=59 74 55 73
+leaf_count=59 74 55 73
+internal_value=0 0.0734915 -0.0965767
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=638
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 9 9
+split_gain=3.42999 10.2393 7.73975 7.00184 6.59263
+threshold=68.500000000000014 58.500000000000007 54.500000000000007 72.500000000000014 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0078163856529486504 -0.0092344141862733195 0.010318943853357399 -0.0086179511611773479 0.0025996104820262206 -0.002520477592339507
+leaf_weight=43 41 41 39 39 58
+leaf_count=43 41 41 39 39 58
+internal_value=0 0.0763747 -0.0522652 -0.172905 0.0937408
+internal_weight=0 181 140 80 101
+internal_count=261 181 140 80 101
+shrinkage=0.02
+
+
+Tree=639
+num_leaves=4
+num_cat=0
+split_feature=5 6 4
+split_gain=3.41923 12.6479 7.99533
+threshold=68.250000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0027364259095528577 -0.0036487299707619247 0.0083274806959085824 -0.0076332864577587272
+leaf_weight=59 74 68 60
+leaf_count=59 74 68 60
+internal_value=0 0.072155 -0.124335
+internal_weight=0 187 119
+internal_count=261 187 119
+shrinkage=0.02
+
+
+Tree=640
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 2
+split_gain=3.55253 15.0378 13.4219 10.2958
+threshold=69.500000000000014 62.500000000000007 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0047982522382144996 0.0040595284734102786 -0.011352170136271419 0.011155158312048911 -0.0076749395807523589
+leaf_weight=48 65 46 43 59
+leaf_count=48 65 46 43 59
+internal_value=0 -0.0674373 0.0858752 -0.103627
+internal_weight=0 196 150 107
+internal_count=261 196 150 107
+shrinkage=0.02
+
+
+Tree=641
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 9
+split_gain=3.44169 11.1326 13.4746 4.8666 2.10077
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0010345752296589327 0.0083981923752661676 -0.010864417939106365 0.0082478563809763959 -0.0012941664201299359 -0.0076564677743494345
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0786903 0.0558737 0.168518 -0.217983
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=642
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=3.45741 13.0633 7.75819
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0027010029319762701 -0.0035678943566300309 0.0087059459042142448 -0.0075140768506869468
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0746112 -0.122206
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=643
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 5
+split_gain=3.46597 14.5398 14.0941 7.96651
+threshold=69.500000000000014 62.500000000000007 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0028203720557658084 0.0040100228129690734 -0.011168949650093147 0.0099787103440187874 -0.0086424400488006523
+leaf_weight=49 65 46 53 48
+leaf_count=49 65 46 53 48
+internal_value=0 -0.0666165 0.0841353 -0.142292
+internal_weight=0 196 150 97
+internal_count=261 196 150 97
+shrinkage=0.02
+
+
+Tree=644
+num_leaves=4
+num_cat=0
+split_feature=5 5 4
+split_gain=3.42181 12.3723 5.47449
+threshold=68.250000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0026528035898145653 -0.0036500179424803483 0.0094158707644343281 -0.0055447671994866702
+leaf_weight=59 74 55 73
+leaf_count=59 74 55 73
+internal_value=0 0.0721861 -0.093759
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=645
+num_leaves=5
+num_cat=0
+split_feature=7 9 9 2
+split_gain=3.50768 12.2445 9.05648 10.9235
+threshold=73.500000000000014 68.500000000000014 57.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0055579478372092981 0.0043946203250527409 -0.010574781082102249 0.0084000289442535889 -0.007218428950088715
+leaf_weight=46 57 44 50 64
+leaf_count=46 57 44 50 64
+internal_value=0 -0.061516 0.0668955 -0.0934088
+internal_weight=0 204 160 110
+internal_count=261 204 160 110
+shrinkage=0.02
+
+
+Tree=646
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 5
+split_gain=3.42625 11.1424 13.1717 4.84662 2.0598
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 50.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0075577438571033878 0.0083804734145312768 -0.010864894300260417 0.0081721994919330011 -0.0012920205560449053 -0.0010000744838070191
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0785102 0.0561129 0.168146 -0.21465
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=647
+num_leaves=4
+num_cat=0
+split_feature=5 5 4
+split_gain=3.43738 12.2298 5.27642
+threshold=68.250000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.002592693464705963 -0.003658266317607808 0.0093731496791690672 -0.0054556309248560255
+leaf_weight=59 74 55 73
+leaf_count=59 74 55 73
+internal_value=0 0.0723491 -0.0926374
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=648
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 5
+split_gain=3.43714 14.3961 13.7481 8.57616
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026846331726005806 0.0039935049696765198 -0.011114713589333133 0.0094104704757444462 -0.0094772927883343822
+leaf_weight=49 65 46 57 44
+leaf_count=49 65 46 57 44
+internal_value=0 -0.0663357 0.0836697 -0.15318
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=649
+num_leaves=5
+num_cat=0
+split_feature=5 7 9 7
+split_gain=3.40189 15.802 12.5406 7.95479
+threshold=62.400000000000006 57.500000000000007 77.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0044658853167573627 0.0077123785944818307 -0.011433547437872987 -0.0062852537193172197 0.0069733177818536796
+leaf_weight=40 71 48 40 62
+leaf_count=40 71 48 40 62
+internal_value=0 -0.098529 0.13301 0.123977
+internal_weight=0 150 111 102
+internal_count=261 150 111 102
+shrinkage=0.02
+
+
+Tree=650
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=3.42192 12.357 11.6564 7.79808
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0041722115244524254 -0.0036500659523036657 0.011145397084224302 -0.0098858685284643338 0.0070640341334996257
+leaf_weight=42 74 41 44 60
+leaf_count=42 74 41 44 60
+internal_value=0 0.0721876 -0.063962 0.121491
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=651
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 9
+split_gain=3.38249 11.6695 8.79219 30.3941
+threshold=73.500000000000014 68.500000000000014 9.5000000000000018 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0075090586150205422 0.0043158542099946519 -0.010331180848203225 -0.0043660916164299859 0.015253621807245743
+leaf_weight=42 57 44 65 53
+leaf_count=42 57 44 65 53
+internal_value=0 -0.0604188 0.064941 0.259179
+internal_weight=0 204 160 95
+internal_count=261 204 160 95
+shrinkage=0.02
+
+
+Tree=652
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 7 6
+split_gain=3.45181 9.57186 7.51129 6.48902 1.95958
+threshold=68.500000000000014 58.500000000000007 54.500000000000007 50.500000000000007 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0043321705760728524 -0.0066917369717797394 0.01003295514033257 -0.0084157443946665574 0.0060357167442828367 -0.00037780714261436039
+leaf_weight=40 39 41 39 61 41
+leaf_count=40 39 41 39 61 41
+internal_value=0 0.0766172 -0.047759 0.0960775 -0.17345
+internal_weight=0 181 140 101 80
+internal_count=261 181 140 101 80
+shrinkage=0.02
+
+
+Tree=653
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 4
+split_gain=3.46827 17.6588 12.1789 11.0106
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0020638473481450867 -0.003178885553148597 -0.010771843512880838 0.011273618546721128 0.010993908621903864
+leaf_weight=67 54 57 41 42
+leaf_count=67 54 57 41 42
+internal_value=0 -0.0875106 0.15269 0.148204
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=654
+num_leaves=4
+num_cat=0
+split_feature=5 6 4
+split_gain=3.42752 11.7934 7.23843
+threshold=68.250000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0026198722329542523 -0.0036532481257548878 0.0080928915860773078 -0.0072478113923391133
+leaf_weight=59 74 68 60
+leaf_count=59 74 68 60
+internal_value=0 0.0722358 -0.117502
+internal_weight=0 187 119
+internal_count=261 187 119
+shrinkage=0.02
+
+
+Tree=655
+num_leaves=5
+num_cat=0
+split_feature=3 2 1 2
+split_gain=3.39918 9.68233 14.696 67.5492
+threshold=75.500000000000014 6.5000000000000009 5.5000000000000009 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.00964634258559517 -0.0051507492826022051 0.0055070134744858246 -0.020031995510344704 0.013482516002910457
+leaf_weight=42 43 77 58 41
+leaf_count=42 43 77 58 41
+internal_value=0 0.0507901 -0.0521115 -0.307223
+internal_weight=0 218 176 99
+internal_count=261 218 176 99
+shrinkage=0.02
+
+
+Tree=656
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 5
+split_gain=3.49829 11.4002 12.949 9.03997 4.83909
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 48.45000000000001 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0026735409480237366 0.0084112860743232529 -0.010988104590638963 0.0098035927022748076 -0.0098884475214563849 -0.0012536077289590157
+leaf_weight=49 40 40 46 43 43
+leaf_count=49 40 40 46 43 43
+internal_value=0 -0.0793358 0.0568359 -0.159609 0.169885
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=657
+num_leaves=5
+num_cat=0
+split_feature=8 8 6 4
+split_gain=3.45697 14.6159 13.9346 7.28789
+threshold=69.500000000000014 62.500000000000007 52.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0025339591756415119 0.004004849973445997 -0.011192910167434508 0.011308306143127188 -0.0079626156273467502
+leaf_weight=59 65 46 43 48
+leaf_count=59 65 46 43 48
+internal_value=0 -0.06653 0.0846161 -0.108472
+internal_weight=0 196 150 107
+internal_count=261 196 150 107
+shrinkage=0.02
+
+
+Tree=658
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 3
+split_gain=3.42668 17.0665 18.8094 11.8371
+threshold=65.500000000000014 64.500000000000014 48.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0036996623730875151 -0.0031088383636634232 -0.011648571910551082 0.012926513280729033 0.011139622857049924
+leaf_weight=74 54 49 43 41
+leaf_count=74 54 49 43 41
+internal_value=0 -0.0869767 0.120403 0.151788
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=659
+num_leaves=6
+num_cat=0
+split_feature=3 2 2 5 9
+split_gain=3.39504 9.37361 11.6506 26.7528 29.7585
+threshold=75.500000000000014 6.5000000000000009 24.500000000000004 65.100000000000009 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.009507493636430742 -0.0051474429408552369 -0.01084894987493064 0.0081750149213420491 -0.017588019320382901 0.011830373340257709
+leaf_weight=42 43 41 42 40 53
+leaf_count=42 43 41 42 40 53
+internal_value=0 0.0507687 -0.0504792 -0.194854 0.0964556
+internal_weight=0 218 176 134 94
+internal_count=261 218 176 134 94
+shrinkage=0.02
+
+
+Tree=660
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 5
+split_gain=3.59195 10.6584 12.4508 4.97152 1.93649
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 50.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0074061532592053373 0.0085241420695333671 -0.010698455246660458 0.0078805462056276351 -0.0012717580698414967 -0.0010443922916214148
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.08038 0.0512862 0.172137 -0.211965
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=661
+num_leaves=5
+num_cat=0
+split_feature=5 7 9 7
+split_gain=3.49114 14.8705 12.0639 7.4858
+threshold=62.400000000000006 57.500000000000007 77.500000000000014 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0026827240638558005 0.0076498486129513311 -0.011176468761095714 -0.0060793404038302894 0.0081879115003371458
+leaf_weight=55 71 48 40 47
+leaf_count=55 71 48 40 47
+internal_value=0 -0.0998152 0.134724 0.116032
+internal_weight=0 150 111 102
+internal_count=261 150 111 102
+shrinkage=0.02
+
+
+Tree=662
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 4
+split_gain=3.44226 16.3785 11.4791 10.6139
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0021399863675932106 -0.0030085182526161432 -0.010432501773774069 0.011022967119300514 0.010680858963652862
+leaf_weight=67 54 57 41 42
+leaf_count=67 54 57 41 42
+internal_value=0 -0.0871825 0.152121 0.139825
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=663
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 5
+split_gain=3.36086 9.38966 20.5442 11.2222
+threshold=75.500000000000014 66.500000000000014 41.500000000000007 55.150000000000006
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.013863835592117577 -0.0051218091344124817 0.0080741024203365968 -0.0021509932952411838 0.010311325001367116
+leaf_weight=40 43 56 75 47
+leaf_count=40 43 56 75 47
+internal_value=0 0.0505044 -0.0714645 0.132333
+internal_weight=0 218 162 122
+internal_count=261 218 162 122
+shrinkage=0.02
+
+
+Tree=664
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=3.31734 11.9855 14.8661 9.14419
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0045347224016435358 -0.0035944396007136655 0.010976344553374128 -0.011830430823517238 0.0073892224454574634
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0710698 -0.063017 0.129503
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=665
+num_leaves=6
+num_cat=0
+split_feature=7 9 1 7 9
+split_gain=3.37948 21.2206 11.2858 47.8177 11.0496
+threshold=76.500000000000014 71.500000000000014 7.5000000000000009 58.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0046260997571778905 0.0054389545491567385 -0.013050951032517452 0.0040445284980595003 0.023893724366591537 -0.011002752655816255
+leaf_weight=59 39 46 39 39 39
+leaf_count=59 39 46 39 39 39
+internal_value=0 -0.0479243 0.110072 0.336221 -0.173599
+internal_weight=0 222 176 98 78
+internal_count=261 222 176 98 78
+shrinkage=0.02
+
+
+Tree=666
+num_leaves=6
+num_cat=0
+split_feature=9 4 5 3 5
+split_gain=3.39688 16.6314 15.0432 11.0925 1.14038
+threshold=65.500000000000014 64.500000000000014 51.150000000000013 72.500000000000014 47.650000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00024210994753777782 -0.0029257870194474103 -0.011514315806801461 0.012502800156949946 0.01086762027523365 -0.0051418248915080381
+leaf_weight=39 54 49 39 41 39
+leaf_count=39 54 49 39 41 39
+internal_value=0 -0.0866121 0.118106 0.151118 -0.135231
+internal_weight=0 166 117 95 78
+internal_count=261 166 117 95 78
+shrinkage=0.02
+
+
+Tree=667
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 9 9
+split_gain=3.43909 9.49372 7.69594 7.05423 6.8593
+threshold=68.500000000000014 58.500000000000007 54.500000000000007 72.500000000000014 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0080238191338849792 -0.0092606717085414545 0.0099952334403585336 -0.0084995034670384308 0.0026174797546781176 -0.0025193984988471901
+leaf_weight=43 41 41 39 39 58
+leaf_count=43 41 41 39 39 58
+internal_value=0 0.0764657 -0.0474017 -0.173143 0.0981916
+internal_weight=0 181 140 80 101
+internal_count=261 181 140 80 101
+shrinkage=0.02
+
+
+Tree=668
+num_leaves=6
+num_cat=0
+split_feature=3 2 2 5 9
+split_gain=3.35403 9.19941 11.049 26.4643 28.7311
+threshold=75.500000000000014 6.5000000000000009 24.500000000000004 65.100000000000009 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.009421997340353986 -0.0051167263369120723 -0.010570109300088615 0.0079474730352225385 -0.01742633048140976 0.011714361232845983
+leaf_weight=42 43 41 42 40 53
+leaf_count=42 43 41 42 40 53
+internal_value=0 0.0504488 -0.0498541 -0.190463 0.0992701
+internal_weight=0 218 176 134 94
+internal_count=261 218 176 134 94
+shrinkage=0.02
+
+
+Tree=669
+num_leaves=5
+num_cat=0
+split_feature=8 8 6 4
+split_gain=3.58116 14.3481 13.2935 7.47821
+threshold=69.500000000000014 62.500000000000007 52.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026333039686202357 0.0040755594000208856 -0.011125986597557144 0.01103334730812367 -0.0079993076428123144
+leaf_weight=59 65 46 43 48
+leaf_count=59 65 46 43 48
+internal_value=0 -0.067717 0.082038 -0.106555
+internal_weight=0 196 150 107
+internal_count=261 196 150 107
+shrinkage=0.02
+
+
+Tree=670
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 5
+split_gain=3.52973 10.7813 12.2406 9.01274 5.1235
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 48.45000000000001 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0027026227156062075 0.0085710845204520648 -0.010736959073678616 0.009481631388808115 -0.0098405274975070112 -0.0013732536533245887
+leaf_weight=49 40 40 46 43 43
+leaf_count=49 40 40 46 43 43
+internal_value=0 -0.0796948 0.0527287 -0.157714 0.170638
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=671
+num_leaves=5
+num_cat=0
+split_feature=7 8 3 5
+split_gain=3.39124 11.2437 12.9735 8.26936
+threshold=73.500000000000014 62.500000000000007 57.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026486477064508176 0.0043212645064725427 -0.0090386092725645833 0.0091221986741052107 -0.009294141544245094
+leaf_weight=49 57 54 57 44
+leaf_count=49 57 54 57 44
+internal_value=0 -0.0605031 0.0802893 -0.149792
+internal_weight=0 204 150 93
+internal_count=261 204 150 93
+shrinkage=0.02
+
+
+Tree=672
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 9
+split_gain=3.38334 10.1712 12.0834 5.09736 2.46807
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00057807699322608966 0.0084870633766304278 -0.010441721277341661 0.0077649755677943501 -0.0014321186234177695 -0.007743937232044612
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0780308 0.0505906 0.167085 -0.208749
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=673
+num_leaves=5
+num_cat=0
+split_feature=5 7 2 7
+split_gain=3.3864 14.973 13.5421 7.38058
+threshold=62.400000000000006 57.500000000000007 17.500000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0043248959738386526 0.0084277145303611033 -0.011178156935253585 -0.0057966244872721439 0.0066945768910290186
+leaf_weight=40 66 48 45 62
+leaf_count=40 66 48 45 62
+internal_value=0 -0.0983208 0.132693 0.118269
+internal_weight=0 150 111 102
+internal_count=261 150 111 102
+shrinkage=0.02
+
+
+Tree=674
+num_leaves=4
+num_cat=0
+split_feature=5 5 4
+split_gain=3.30838 12.3716 5.37347
+threshold=68.250000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0025866740829996676 -0.0035896672478439328 0.0093913879698886184 -0.0055350322690433593
+leaf_weight=59 74 55 73
+leaf_count=59 74 55 73
+internal_value=0 0.0709718 -0.0949686
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=675
+num_leaves=5
+num_cat=0
+split_feature=7 3 2 1
+split_gain=3.24217 14.8573 10.26 9.79658
+threshold=76.500000000000014 68.500000000000014 12.500000000000002 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0080711630377956287 0.0053279877032408607 -0.011200024982976732 0.002745041179297992 -0.0093315318611600327
+leaf_weight=64 39 45 69 44
+leaf_count=64 39 45 69 44
+internal_value=0 -0.0469461 0.0834356 -0.0976566
+internal_weight=0 222 177 113
+internal_count=261 222 177 113
+shrinkage=0.02
+
+
+Tree=676
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 4
+split_gain=3.31405 15.6931 11.3084 10.0692
+threshold=65.500000000000014 61.500000000000007 77.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.002075091643964052 0.0091335294645161023 -0.010216480269205639 -0.0047559220244829522 0.010412906006789702
+leaf_weight=67 53 57 42 42
+leaf_count=67 53 57 42 42
+internal_value=0 -0.0855543 0.149277 0.136653
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=677
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 2
+split_gain=3.25493 13.1793 13.0328 6.02404
+threshold=69.500000000000014 62.500000000000007 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0073244307662035891 0.0038865830065816791 -0.010657405439519253 0.0095571304540165141 0.0026881358795001553
+leaf_weight=53 65 46 53 44
+leaf_count=53 65 46 53 44
+internal_value=0 -0.0645767 0.0789483 -0.138787
+internal_weight=0 196 150 97
+internal_count=261 196 150 97
+shrinkage=0.02
+
+
+Tree=678
+num_leaves=5
+num_cat=0
+split_feature=5 7 2 6
+split_gain=3.39672 14.6108 13.0327 7.29926
+threshold=62.400000000000006 57.500000000000007 17.500000000000004 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0040778167309544564 0.0083223872816614985 -0.011069084403171147 -0.0056320898394534935 0.006793935090348072
+leaf_weight=42 66 48 45 60
+leaf_count=42 66 48 45 60
+internal_value=0 -0.098465 0.132899 0.115488
+internal_weight=0 150 111 102
+internal_count=261 150 111 102
+shrinkage=0.02
+
+
+Tree=679
+num_leaves=4
+num_cat=0
+split_feature=5 5 4
+split_gain=3.30197 12.3854 5.49516
+threshold=68.250000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0026339846769726496 -0.0035861157038376956 0.0093945669041196004 -0.0055789442801093781
+leaf_weight=59 74 55 73
+leaf_count=59 74 55 73
+internal_value=0 0.0709079 -0.0951253
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=680
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=3.27395 27.2679 14.7623 10.2407
+threshold=9.5000000000000018 49.500000000000007 57.500000000000007 21.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=0.0052474075211018959 -0.010944200782526583 0.011127357615188483 -0.012143522084811962 -0.00011385127606984298
+leaf_weight=39 51 75 39 57
+leaf_count=39 51 75 39 57
+internal_value=0 0.0732815 -0.172045 0.313483
+internal_weight=0 183 78 132
+internal_count=261 183 78 132
+shrinkage=0.02
+
+
+Tree=681
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 9
+split_gain=3.24684 10.1461 11.8471 5.13018 2.55357
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00043863445161888289 0.0084358514808555302 -0.010399378610722347 0.007726996191650932 -0.0015153426846689544 -0.0077250135735169321
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0764576 0.0520051 0.163693 -0.204787
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=682
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=3.29886 12.319 14.4704 8.85232
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0045129139727275169 -0.0035845908465069356 0.011104130859876566 -0.011730065892534182 0.0072196143843258022
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0708672 -0.065073 0.124867
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=683
+num_leaves=5
+num_cat=0
+split_feature=7 8 3 5
+split_gain=3.21369 11.0228 13.0253 8.17736
+threshold=73.500000000000014 62.500000000000007 57.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026118607782943445 0.004207052931134706 -0.0089298525096000135 0.0091410339298485591 -0.009264376855150816
+leaf_weight=49 57 54 57 44
+leaf_count=49 57 54 57 44
+internal_value=0 -0.0589198 0.080483 -0.150058
+internal_weight=0 204 150 93
+internal_count=261 204 150 93
+shrinkage=0.02
+
+
+Tree=684
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=3.20122 12.3339 7.27609
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0025938525578486087 -0.0034342014332511823 0.0084457995038950753 -0.0072993431302460056
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0717976 -0.119448
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=685
+num_leaves=5
+num_cat=0
+split_feature=8 8 6 4
+split_gain=3.22194 13.1349 12.4566 7.00917
+threshold=69.500000000000014 62.500000000000007 52.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0025420371059719955 0.0038668749694067968 -0.010635216009443485 0.010673264377156459 -0.0077524359111654948
+leaf_weight=59 65 46 43 48
+leaf_count=59 65 46 43 48
+internal_value=0 -0.0642547 0.0790285 -0.103531
+internal_weight=0 196 150 107
+internal_count=261 196 150 107
+shrinkage=0.02
+
+
+Tree=686
+num_leaves=5
+num_cat=0
+split_feature=5 9 2 9
+split_gain=3.30997 13.4162 12.5922 6.5031
+threshold=62.400000000000006 60.500000000000007 17.500000000000004 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0044834614660835669 0.0081920124146767654 -0.012033782351618078 -0.0055248654014338995 0.0054575041452658351
+leaf_weight=43 66 39 45 68
+leaf_count=43 66 39 45 68
+internal_value=0 -0.0972114 0.131197 0.0799449
+internal_weight=0 150 111 111
+internal_count=261 150 111 111
+shrinkage=0.02
+
+
+Tree=687
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=3.27813 12.1228 13.728 8.48809
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0021076068469451032 -0.0035733173163744777 0.011022414292388221 -0.011442071001396053 0.0094275717347654907
+leaf_weight=65 74 41 39 42
+leaf_count=65 74 41 39 42
+internal_value=0 0.0706486 -0.0642041 0.120798
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=688
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 9
+split_gain=3.33131 15.658 17.1417 11.1586
+threshold=65.500000000000014 64.500000000000014 48.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0035734998098313937 0.0091003587215841217 -0.011207491259286282 0.012299224906878875 -0.0046968868860077463
+leaf_weight=74 53 49 43 42
+leaf_count=74 53 49 43 42
+internal_value=0 -0.085781 0.112855 0.149657
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=689
+num_leaves=5
+num_cat=0
+split_feature=9 8 6 9
+split_gain=3.19849 15.2172 12.5908 10.7168
+threshold=65.500000000000014 59.500000000000007 48.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0032178427467369065 0.0089185914484282459 -0.011921795329002486 0.0098984156141961616 -0.0046031053459556484
+leaf_weight=75 53 43 48 42
+leaf_count=75 53 43 48 42
+internal_value=0 -0.0840665 0.0948458 0.146659
+internal_weight=0 166 123 95
+internal_count=261 166 123 95
+shrinkage=0.02
+
+
+Tree=690
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 9
+split_gain=3.36379 10.1191 11.2589 5.20917 2.33682
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00049630784182893911 0.0085331692465350668 -0.010414801197275725 0.0075286457956144854 -0.0014940541011151786 -0.0074707072215035109
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0778196 0.0504724 0.166592 -0.199866
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=691
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 1
+split_gain=3.12251 10.5732 9.30581 26.8313
+threshold=73.500000000000014 68.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00698677028751922 0.0041472156721049612 -0.0098463464968053561 0.0098578847171645785 -0.011816195311251063
+leaf_weight=66 57 44 39 55
+leaf_count=66 57 44 39 55
+internal_value=0 -0.0580886 0.0612375 -0.14073
+internal_weight=0 204 160 94
+internal_count=261 204 160 94
+shrinkage=0.02
+
+
+Tree=692
+num_leaves=5
+num_cat=0
+split_feature=5 7 2 6
+split_gain=3.38954 14.6238 12.155 7.0139
+threshold=62.400000000000006 57.500000000000007 17.500000000000004 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0039480781186808592 0.0081256231699441666 -0.011071312627401525 -0.0053511650946602108 0.0067093797249585243
+leaf_weight=42 66 48 45 60
+leaf_count=42 66 48 45 60
+internal_value=0 -0.0983745 0.132746 0.115674
+internal_weight=0 150 111 102
+internal_count=261 150 111 102
+shrinkage=0.02
+
+
+Tree=693
+num_leaves=5
+num_cat=0
+split_feature=5 7 2 6
+split_gain=3.25448 14.0445 11.6737 6.73591
+threshold=62.400000000000006 57.500000000000007 17.500000000000004 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0038692474693931256 0.0079632832056927196 -0.010850208143645323 -0.0052443076080669719 0.0065753484758577429
+leaf_weight=42 66 48 45 60
+leaf_count=42 66 48 45 60
+internal_value=0 -0.0964109 0.130086 0.113355
+internal_weight=0 150 111 102
+internal_count=261 150 111 102
+shrinkage=0.02
+
+
+Tree=694
+num_leaves=4
+num_cat=0
+split_feature=5 5 4
+split_gain=3.3586 12.2308 5.43353
+threshold=68.250000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0026410593658771453 -0.0036168535765292147 0.0093564283683292664 -0.0055258756105136635
+leaf_weight=59 74 55 73
+leaf_count=59 74 55 73
+internal_value=0 0.0714947 -0.093499
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=695
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=3.22496 11.91 12.8777 8.24669
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0044547537614775005 -0.0035445848518945566 0.010926248873995551 -0.011110875290740565 0.0068702441917225642
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0700672 -0.0635968 0.115583
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=696
+num_leaves=5
+num_cat=0
+split_feature=2 4 4 9
+split_gain=3.34574 28.6187 28.2376 26.9104
+threshold=9.5000000000000018 66.500000000000014 66.500000000000014 49.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0085389540033447859 -0.015555864754303123 0.012011719332514293 -0.01551024207624597 0.003823293457981086
+leaf_weight=39 50 66 39 67
+leaf_count=39 50 66 39 67
+internal_value=0 0.0740592 -0.173926 -0.222796
+internal_weight=0 183 78 117
+internal_count=261 183 78 117
+shrinkage=0.02
+
+
+Tree=697
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 9 9
+split_gain=3.25033 9.13554 7.20151 7.2058 6.83331
+threshold=68.500000000000014 58.500000000000007 54.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0080843856076173448 -0.0090739399785394071 0.009791909918635322 -0.0082489181565664777 -0.0027215865506390112 0.0026171821204786687
+leaf_weight=43 41 41 39 58 39
+leaf_count=43 41 41 39 58 39
+internal_value=0 0.0743415 -0.0471669 0.0936737 -0.168361
+internal_weight=0 181 140 101 80
+internal_count=261 181 140 101 80
+shrinkage=0.02
+
+
+Tree=698
+num_leaves=5
+num_cat=0
+split_feature=2 4 4 9
+split_gain=3.22664 27.5127 26.9872 26.0619
+threshold=9.5000000000000018 66.500000000000014 66.500000000000014 49.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0083319119110966643 -0.015290189147924078 0.011780060594031722 -0.01517898866030027 0.0037811522809442833
+leaf_weight=39 50 66 39 67
+leaf_count=39 50 66 39 67
+internal_value=0 0.0727401 -0.170818 -0.218321
+internal_weight=0 183 78 117
+internal_count=261 183 78 117
+shrinkage=0.02
+
+
+Tree=699
+num_leaves=5
+num_cat=0
+split_feature=8 5 1 3
+split_gain=3.37223 11.7645 5.02488 25.6136
+threshold=67.500000000000014 58.550000000000004 10.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0065251637761947565 -0.003524190498895647 0.0095333382956052631 0.0033774124562971118 -0.015680525923443999
+leaf_weight=41 77 52 49 42
+leaf_count=41 77 52 49 42
+internal_value=0 0.0736783 -0.0849404 -0.235278
+internal_weight=0 184 132 83
+internal_count=261 184 132 83
+shrinkage=0.02
+
+
+Tree=700
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=3.23814 11.5408 6.78134
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0025548678987700663 -0.0034537710333142719 0.008225347296294299 -0.0069968971762380131
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0722105 -0.112786
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=701
+num_leaves=5
+num_cat=0
+split_feature=7 8 3 5
+split_gain=3.14536 11.751 13.1952 8.08262
+threshold=73.500000000000014 62.500000000000007 57.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026525858401134682 0.0041625084424470049 -0.0091686965227788502 0.0092930076847942029 -0.0091548953831047074
+leaf_weight=49 57 54 57 44
+leaf_count=49 57 54 57 44
+internal_value=0 -0.0582872 0.0856461 -0.146392
+internal_weight=0 204 150 93
+internal_count=261 204 150 93
+shrinkage=0.02
+
+
+Tree=702
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=3.13871 10.6414 12.9374 8.28923
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0020223597746868555 -0.0034968790066327521 0.010387128947394766 -0.011005899367626594 0.009377005368591573
+leaf_weight=65 74 41 39 42
+leaf_count=65 74 41 39 42
+internal_value=0 0.0691438 -0.0572003 0.122395
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=703
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 9
+split_gain=3.20641 11.3489 11.4409 4.85314 2.24227
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00041913642903438513 0.008274742383328584 -0.01089999374559106 0.0077689478472582176 -0.0014045611452220459 -0.0072521415658701347
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.075981 0.0598841 0.162679 -0.192466
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=704
+num_leaves=6
+num_cat=0
+split_feature=9 5 5 9 4
+split_gain=3.1297 15.2859 14.0088 10.8233 5.26849
+threshold=65.500000000000014 59.350000000000009 52.000000000000007 77.500000000000014 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.002334423698385121 0.008916732147406202 -0.011926791677625543 0.011645717102897593 -0.0046719525466487792 -0.0077454024934417312
+leaf_weight=41 53 43 40 42 42
+leaf_count=41 53 43 40 42 42
+internal_value=0 -0.0831629 0.0961524 0.145084 -0.13794
+internal_weight=0 166 123 95 83
+internal_count=261 166 123 95 83
+shrinkage=0.02
+
+
+Tree=705
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 5
+split_gain=3.15687 10.6147 11.5457 7.17157 4.72215
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 48.45000000000001 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0026437571222679619 0.0081816020393746438 -0.010580420757666889 0.0098686113733278489 -0.008291408970068791 -0.0013664893391848109
+leaf_weight=49 40 40 42 47 43
+leaf_count=49 40 40 42 47 43
+internal_value=0 -0.0754008 0.0559952 -0.135187 0.161419
+internal_weight=0 178 138 96 83
+internal_count=261 178 138 96 83
+shrinkage=0.02
+
+
+Tree=706
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=3.1422 11.2306 6.7365
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0025675897468502638 -0.0034025475685971096 0.008112347863576775 -0.0069526606916250127
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0711392 -0.111354
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=707
+num_leaves=4
+num_cat=0
+split_feature=7 4 6
+split_gain=3.20231 8.02381 9.75243
+threshold=73.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.0032846561213337017 0.0041998082095444133 -0.0069820047846510247 0.0073595121771744551
+leaf_weight=76 57 65 63
+leaf_count=76 57 65 63
+internal_value=0 -0.0588079 0.0767601
+internal_weight=0 204 139
+internal_count=261 204 139
+shrinkage=0.02
+
+
+Tree=708
+num_leaves=5
+num_cat=0
+split_feature=3 9 5 9
+split_gain=3.10525 8.7016 7.53537 6.67054
+threshold=68.500000000000014 57.500000000000007 50.650000000000013 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0073751694023533399 -0.0089301335522807487 0.0066724788160446059 0.0032987744079449421 0.0026212687458197484
+leaf_weight=55 41 75 51 39
+leaf_count=55 41 75 51 39
+internal_value=0 0.0726848 -0.111663 -0.164573
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=709
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 2
+split_gain=3.17354 13.6741 11.8576 6.47441
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0077584011957507913 0.0038380517107890434 -0.01081512673004139 0.0088349464179046187 0.0028113394106005175
+leaf_weight=49 65 46 57 44
+leaf_count=49 65 46 57 44
+internal_value=0 -0.0637659 0.0824287 -0.137536
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=710
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=3.13221 11.0658 13.0677 7.88942
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0042035250827611292 -0.0034931748690627058 0.01056329870386544 -0.01110648566876527 0.0068735663040911934
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0690778 -0.0597614 0.120736
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=711
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 5
+split_gain=3.16206 13.5045 11.5331 7.72498
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0027496608652649718 0.0038311615290410224 -0.01075357553496753 0.0087202689195234901 -0.0087944571628899501
+leaf_weight=49 65 46 57 44
+leaf_count=49 65 46 57 44
+internal_value=0 -0.0636501 0.0816352 -0.135299
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=712
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 5
+split_gain=3.11319 10.3845 10.8684 4.73456 1.37486
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 50.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0064927622545458098 0.0081660992554187899 -0.010471086241165422 0.0075071545803787037 -0.0013945757065401683 -0.0011145362794200936
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0748691 0.0550944 0.160317 -0.190865
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=713
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=3.17453 11.2255 12.6881 7.58788
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0041381332206980714 -0.0035166473745237535 0.01063830816690609 -0.010971082405937827 0.0067256623435842846
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0695352 -0.0602302 0.117626
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=714
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 9
+split_gain=3.13066 20.8574 14.0778 18.5517
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0089318597768650726 0.0052361519802919523 -0.012911388788017298 -0.012777731594292432 0.0044871275948486535
+leaf_weight=73 39 46 42 61
+leaf_count=73 39 46 42 61
+internal_value=0 -0.0461357 0.110502 -0.127452
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=715
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 5
+split_gain=3.10539 10.3392 7.8834 4.63867
+threshold=67.050000000000011 64.500000000000014 48.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0031557343403237153 0.0081116832734374061 -0.010308094240610752 0.006502083595595072 -0.0013518700614616548
+leaf_weight=76 40 41 61 43
+leaf_count=76 40 41 61 43
+internal_value=0 -0.0747818 0.0569875 0.160112
+internal_weight=0 178 137 83
+internal_count=261 178 137 83
+shrinkage=0.02
+
+
+Tree=716
+num_leaves=5
+num_cat=0
+split_feature=5 5 1 3
+split_gain=3.09956 10.5733 4.94926 26.3494
+threshold=68.250000000000014 58.550000000000004 10.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0067128478707203709 -0.0034751843955894389 0.0087451810639372594 0.003344016864801683 -0.015809496008417571
+leaf_weight=41 74 55 49 42
+leaf_count=41 74 55 49 42
+internal_value=0 0.068712 -0.0846967 -0.233904
+internal_weight=0 187 132 83
+internal_count=261 187 132 83
+shrinkage=0.02
+
+
+Tree=717
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 2
+split_gain=3.15599 13.4229 11.5258 6.12045
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0075815550012114288 0.0038274978941003914 -0.010723727684308735 0.0087104542267516811 0.0026957639282945878
+leaf_weight=49 65 46 57 44
+leaf_count=49 65 46 57 44
+internal_value=0 -0.0635898 0.0812558 -0.13561
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=718
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 7
+split_gain=3.03923 15.2147 10.861 9.26423
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0031413955998901349 -0.0030258297724006845 -0.010013977248467728 0.010623334353934364 0.0085195429350647077
+leaf_weight=54 54 57 41 55
+leaf_count=54 54 57 41 55
+internal_value=0 -0.0819479 0.142997 0.136846
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=719
+num_leaves=5
+num_cat=0
+split_feature=8 8 7 7
+split_gain=3.07943 8.9654 10.829 6.85556
+threshold=67.500000000000014 60.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.004051079439022073 -0.0033684359810085356 0.0094058815500756721 -0.0099938487701474593 0.0065697829910036799
+leaf_weight=40 77 43 39 62
+leaf_count=40 77 43 39 62
+internal_value=0 0.0704382 -0.0513929 0.119849
+internal_weight=0 184 141 102
+internal_count=261 184 141 102
+shrinkage=0.02
+
+
+Tree=720
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 5
+split_gain=3.08043 10.3744 10.5188 7.05772 4.60105
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 48.45000000000001 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0027637164166873988 0.0080790563015114333 -0.010458958860285002 0.0094597574849578699 -0.0080848112809371875 -0.0013461582356770244
+leaf_weight=49 40 40 42 47 43
+leaf_count=49 40 40 42 47 43
+internal_value=0 -0.0744805 0.0554195 -0.127062 0.159473
+internal_weight=0 178 138 96 83
+internal_count=261 178 138 96 83
+shrinkage=0.02
+
+
+Tree=721
+num_leaves=4
+num_cat=0
+split_feature=8 6 1
+split_gain=3.04146 10.7896 6.14097
+threshold=67.500000000000014 54.500000000000007 10.500000000000002
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.0059864311212647469 -0.0033477686543370005 0.007957294079241381 0.0032484430822938381
+leaf_weight=70 77 65 49
+leaf_count=70 77 65 49
+internal_value=0 0.0700041 -0.108872
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=722
+num_leaves=5
+num_cat=0
+split_feature=7 8 6 4
+split_gain=3.1413 10.8108 10.9951 6.97116
+threshold=73.500000000000014 62.500000000000007 52.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0027662532488383963 0.0041600218506646445 -0.0088415130520343166 0.010139839286064642 -0.0075008990156047927
+leaf_weight=59 57 54 43 48
+leaf_count=59 57 54 43 48
+internal_value=0 -0.0582406 0.0798152 -0.0916997
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=723
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 2
+split_gain=3.05053 12.6729 10.7302 5.85834
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0073850099058240647 0.0037635437556358831 -0.01043489436588863 0.008401420425988548 0.0026704576855644986
+leaf_weight=49 65 46 57 44
+leaf_count=49 65 46 57 44
+internal_value=0 -0.062519 0.0782214 -0.131028
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=724
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=3.0841 11.3466 12.5751 7.17967
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0040107011299607151 -0.0034662704443149412 0.010668434149626257 -0.010961055171620918 0.0065573983034664116
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0685561 -0.0619076 0.115154
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=725
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 2
+split_gain=3.04083 12.5341 10.4385 5.58578
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0072295197536582402 0.0037576049192537637 -0.010382547560187361 0.0082946002757004096 0.0025898061227116803
+leaf_weight=49 65 46 57 44
+leaf_count=49 65 46 57 44
+internal_value=0 -0.0624193 0.0775482 -0.128838
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=726
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 5
+split_gain=3.06187 9.97022 7.1916 4.72562
+threshold=67.050000000000011 64.500000000000014 48.500000000000007 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0029998549130643985 0.0081352752263792322 -0.010138998925613318 0.0062254428865477409 -0.0014164633499875764
+leaf_weight=76 40 41 61 43
+leaf_count=76 40 41 61 43
+internal_value=0 -0.074246 0.0551502 0.159007
+internal_weight=0 178 137 83
+internal_count=261 178 137 83
+shrinkage=0.02
+
+
+Tree=727
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=3.12559 11.323 12.2939 6.87937
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00390536653924935 -0.003489379704046849 0.010667871279759451 -0.010840091828131939 0.0064397940645728458
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0690117 -0.0613161 0.113754
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=728
+num_leaves=5
+num_cat=0
+split_feature=7 8 6 4
+split_gain=3.00131 10.2518 10.1199 7.06585
+threshold=73.500000000000014 62.500000000000007 52.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0028905992135998359 0.0040669208348570263 -0.0086147090999348589 0.0097473062482488007 -0.0074461452676274319
+leaf_weight=59 57 54 43 48
+leaf_count=59 57 54 43 48
+internal_value=0 -0.0569337 0.0775065 -0.0870405
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=729
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=3.04205 11.1592 11.8734 6.65225
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0038625285274361916 -0.003442707390711668 0.010582169001776429 -0.010674049634441622 0.0063108781732726972
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0680904 -0.0612913 0.110759
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=730
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 4
+split_gain=3.07748 14.9864 10.4356 9.03853
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0018615382795133376 -0.0028914376746898263 -0.0099610906330741648 0.010487920619404052 0.0099708455944106621
+leaf_weight=67 54 57 41 42
+leaf_count=67 54 57 41 42
+internal_value=0 -0.082453 0.143893 0.134693
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=731
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 9
+split_gain=3.04452 10.2086 9.82793 4.69674 2.2759
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00012755427689756124 0.0081111513071890802 -0.010378337449672844 0.0071880354040550556 -0.0014114361957134215 -0.0070086571793132714
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0740401 0.0548177 0.158555 -0.179078
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=732
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=3.06601 11.078 11.277 6.74364
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0039582611230325896 -0.00345632512829026 0.010553769013990241 -0.0096770604264852494 0.0065755957630553724
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0683474 -0.0605629 0.121848
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=733
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 9
+split_gain=3.00644 20.2405 14.4922 18.5568
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0090017126855648586 0.0051319616843832107 -0.012714535337978934 -0.012876751882490989 0.0043903331751126169
+leaf_weight=73 39 46 42 61
+leaf_count=73 39 46 42 61
+internal_value=0 -0.0452134 0.10909 -0.132341
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=734
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 4
+split_gain=3.13877 14.4505 10.2339 8.7378
+threshold=65.500000000000014 61.500000000000007 77.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0018798389994424487 0.008755410536548075 -0.0098276507163060321 -0.00445847371375728 0.009754463987336863
+leaf_weight=67 53 57 42 42
+leaf_count=67 53 57 42 42
+internal_value=0 -0.0832705 0.145304 0.129958
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=735
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 5
+split_gain=3.09241 9.87746 9.70771 6.98498 4.65695
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 48.45000000000001 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0028140161115245712 0.0081147392628524335 -0.01024476253334828 0.0090663331025905448 -0.0079787368632082186 -0.0013674255348231695
+leaf_weight=49 40 40 42 47 43
+leaf_count=49 40 40 42 47 43
+internal_value=0 -0.074623 0.0521276 -0.123179 0.159782
+internal_weight=0 178 138 96 83
+internal_count=261 178 138 96 83
+shrinkage=0.02
+
+
+Tree=736
+num_leaves=5
+num_cat=0
+split_feature=5 8 2 4
+split_gain=3.05577 12.144 12.013 8.14529
+threshold=62.400000000000006 55.500000000000007 17.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0026220007310823251 0.0079607615128793295 -0.011147349067404231 -0.0054373513247767333 0.0086657412986207369
+leaf_weight=68 66 41 45 41
+leaf_count=68 66 41 45 41
+internal_value=0 -0.0934228 0.126094 0.0809675
+internal_weight=0 150 111 109
+internal_count=261 150 111 109
+shrinkage=0.02
+
+
+Tree=737
+num_leaves=5
+num_cat=0
+split_feature=3 9 5 9
+split_gain=3.07396 9.12092 6.54875 6.48822
+threshold=68.500000000000014 57.500000000000007 50.650000000000013 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0071225158544976032 -0.0088361862662473048 0.0067892300412485604 0.0028290938570094664 0.0025565108393719653
+leaf_weight=55 41 75 51 39
+leaf_count=55 41 75 51 39
+internal_value=0 0.0723235 -0.116411 -0.163744
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=738
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=3.02951 10.8859 10.7934 6.32502
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0038215028006506288 -0.0034358156091918736 0.010465792376890014 -0.0094795563717615539 0.0063808990478400399
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0679427 -0.0598443 0.118612
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=739
+num_leaves=5
+num_cat=0
+split_feature=2 4 4 9
+split_gain=3.04722 26.8277 26.4134 24.1082
+threshold=9.5000000000000018 66.500000000000014 66.500000000000014 49.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0083023172057068561 -0.014840626429959116 0.011610391704410439 -0.014957524604860828 0.0035021685075614152
+leaf_weight=39 50 66 39 67
+leaf_count=39 50 66 39 67
+internal_value=0 0.0707158 -0.166017 -0.216699
+internal_weight=0 183 78 117
+internal_count=261 183 78 117
+shrinkage=0.02
+
+
+Tree=740
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=3.01882 10.3107 11.7791 6.45259
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016476680812874901 -0.0034297785245408193 0.010220013095829242 -0.010541718535664933 0.008412155655916893
+leaf_weight=65 74 41 39 42
+leaf_count=65 74 41 39 42
+internal_value=0 0.067824 -0.0565412 0.114825
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=741
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 1
+split_gain=3.03772 10.0148 8.87016 25.1722
+threshold=73.500000000000014 68.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.006802997587532578 0.00409127307842633 -0.009598220130713965 0.009507691461944752 -0.011485891512740388
+leaf_weight=66 57 44 39 55
+leaf_count=66 57 44 39 55
+internal_value=0 -0.0572799 0.0588528 -0.138335
+internal_weight=0 204 160 94
+internal_count=261 204 160 94
+shrinkage=0.02
+
+
+Tree=742
+num_leaves=5
+num_cat=0
+split_feature=2 4 4 9
+split_gain=3.06701 25.6803 25.3603 23.3929
+threshold=9.5000000000000018 66.500000000000014 66.500000000000014 49.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0080575962153761355 -0.014554895946835242 0.011394831083136462 -0.014733949901199049 0.0035139414674526222
+leaf_weight=39 50 66 39 67
+leaf_count=39 50 66 39 67
+internal_value=0 0.0709491 -0.166546 -0.210252
+internal_weight=0 183 78 117
+internal_count=261 183 78 117
+shrinkage=0.02
+
+
+Tree=743
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=3.07987 8.44194 7.01443 6.32989
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0024039262698672239 -0.0087710307139766339 0.0065885573785453826 -0.0079542699206595919 0.0024819853457154783
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0724017 -0.109177 -0.163891
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=744
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=3.01105 10.0362 11.7812 6.19932
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0035386781850823236 -0.0034252329579595622 0.010099883631455919 -0.010510846018516594 0.0062826383261314449
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.067745 -0.0549534 0.116427
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=745
+num_leaves=5
+num_cat=0
+split_feature=8 8 6 4
+split_gain=3.0308 13.2193 10.4563 7.62022
+threshold=69.500000000000014 62.500000000000007 52.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030929248219484285 0.003751463041955267 -0.010626427439124926 0.0099604304331705751 -0.0076409686598729164
+leaf_weight=59 65 46 43 48
+leaf_count=59 65 46 43 48
+internal_value=0 -0.062316 0.0814265 -0.0858328
+internal_weight=0 196 150 107
+internal_count=261 196 150 107
+shrinkage=0.02
+
+
+Tree=746
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=2.96715 9.33338 15.9354 26.1925
+threshold=75.500000000000014 66.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.012435224214515277 -0.0048141005605507655 0.0079926763744720842 -0.0079434612267408992 0.010646647408748966
+leaf_weight=40 43 56 56 66
+leaf_count=40 43 56 56 66
+internal_value=0 0.0474857 -0.0741178 0.105363
+internal_weight=0 218 162 122
+internal_count=261 218 162 122
+shrinkage=0.02
+
+
+Tree=747
+num_leaves=4
+num_cat=0
+split_feature=8 5 4
+split_gain=3.0651 10.1704 5.75992
+threshold=67.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0031006459187226227 -0.003360511302117578 0.0089005647409390373 -0.005308233316479458
+leaf_weight=59 77 52 73
+leaf_count=59 77 52 73
+internal_value=0 0.0702817 -0.0772005
+internal_weight=0 184 132
+internal_count=261 184 132
+shrinkage=0.02
+
+
+Tree=748
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 1
+split_gain=2.9519 9.95901 8.72139 24.1766
+threshold=73.500000000000014 68.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0067655807221569135 0.0040336028916119291 -0.0095583617189505601 0.0093055485635552496 -0.011268934274901707
+leaf_weight=66 57 44 39 55
+leaf_count=66 57 44 39 55
+internal_value=0 -0.0564629 0.0593458 -0.136182
+internal_weight=0 204 160 94
+internal_count=261 204 160 94
+shrinkage=0.02
+
+
+Tree=749
+num_leaves=5
+num_cat=0
+split_feature=3 2 6 6
+split_gain=2.96791 8.12424 8.98539 1.38659
+threshold=68.500000000000014 12.500000000000002 47.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=0.0068894918593292789 -0.0059359345455623691 0.0054613640658258125 -0.0062092692421392018 -0.00060743527021145686
+leaf_weight=68 39 42 71 41
+leaf_count=68 39 42 71 41
+internal_value=0 0.071087 -0.093187 -0.160899
+internal_weight=0 181 113 80
+internal_count=261 181 113 80
+shrinkage=0.02
+
+
+Tree=750
+num_leaves=5
+num_cat=0
+split_feature=2 4 4 9
+split_gain=3.01575 24.9569 24.4128 22.1243
+threshold=9.5000000000000018 66.500000000000014 66.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=0.007870643838519235 -0.012614573034685305 0.011241736411718495 -0.014491293442533058 0.0047773422295854621
+leaf_weight=39 60 66 39 57
+leaf_count=39 60 66 39 57
+internal_value=0 0.070363 -0.165152 -0.206848
+internal_weight=0 183 78 117
+internal_count=261 183 78 117
+shrinkage=0.02
+
+
+Tree=751
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=3.02129 9.79711 11.6895 6.2414
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015321286601122212 -0.003430933572248327 0.0099976484371212711 -0.010442495059564287 0.0083618787059258036
+leaf_weight=65 74 41 39 42
+leaf_count=65 74 41 39 42
+internal_value=0 0.0678633 -0.0533647 0.117348
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=752
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 5
+split_gain=2.92754 13.1284 10.2956 7.62227
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0029599620304684398 0.0036875114528557048 -0.010572862140858589 0.0083372575246203652 -0.0085078290162347251
+leaf_weight=49 65 46 57 44
+leaf_count=49 65 46 57 44
+internal_value=0 -0.0612483 0.0819993 -0.122969
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=753
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=2.9692 9.74508 11.3679 5.95156
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0017202594588445123 -0.0034014057037204943 0.0099630895566847431 -0.010318083041215268 0.007837678025825235
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0672808 -0.0536249 0.114723
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=754
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 3 9
+split_gain=2.9748 10.8418 10.3216 4.40078 2.2992
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.500000000000014 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00013030815222149223 -0.0013009429128206132 -0.010632602363148027 0.0074344322123334238 0.0079174356910395212 -0.0070461497480435419
+leaf_weight=39 43 40 60 40 39
+leaf_count=39 43 40 60 40 39
+internal_value=0 -0.0731865 0.0596082 0.156747 -0.180085
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=755
+num_leaves=4
+num_cat=0
+split_feature=8 5 4
+split_gain=2.97376 9.90445 5.62802
+threshold=67.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0030650803811541668 -0.0033104018687397591 0.0087811824153384028 -0.0052472519895781482
+leaf_weight=59 77 52 73
+leaf_count=59 77 52 73
+internal_value=0 0.0692328 -0.0763089
+internal_weight=0 184 132
+internal_count=261 184 132
+shrinkage=0.02
+
+
+Tree=756
+num_leaves=6
+num_cat=0
+split_feature=9 4 5 9 5
+split_gain=2.99809 14.5668 11.126 10.1885 1.08693
+threshold=65.500000000000014 64.500000000000014 51.150000000000013 77.500000000000014 47.650000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.00021045855008826588 0.0086772349623383069 -0.010783502297608412 0.010927241767096587 -0.0045074425222379165 -0.0045335390944904403
+leaf_weight=39 53 49 39 42 39
+leaf_count=39 53 49 39 42 39
+internal_value=0 -0.0813879 0.110201 0.142039 -0.107662
+internal_weight=0 166 117 95 78
+internal_count=261 166 117 95 78
+shrinkage=0.02
+
+
+Tree=757
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 2
+split_gain=2.95332 12.835 9.96021 5.52867
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0070589443698103327 0.0037035634578853299 -0.010473370842776331 0.008189968384563432 0.0027105529309468719
+leaf_weight=49 65 46 57 44
+leaf_count=49 65 46 57 44
+internal_value=0 -0.0615176 0.0801203 -0.121483
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=758
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 9
+split_gain=2.96883 10.4766 9.77653 4.53882 2.289
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-5.372231272684511e-05 0.0079884814970950218 -0.010475679904348927 0.0072241803807745536 -0.0013730746473739062 -0.006953791786497257
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0731138 0.0574248 0.156591 -0.175857
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=759
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=2.95213 9.98819 10.8943 5.69314
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.003433371011192848 -0.003391841561038742 0.010065705439949779 -0.010157728068109119 0.0059796003707768466
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0670802 -0.0553244 0.109479
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=760
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=2.92997 14.1179 10.1005 7.957
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0095684776735445107 -0.0028674992455012126 -0.0096773698841896745 0.010295687227940543 -0.0015860167559905605
+leaf_weight=41 54 57 41 68
+leaf_count=41 54 57 41 68
+internal_value=0 -0.0804692 0.140422 0.130291
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=761
+num_leaves=5
+num_cat=0
+split_feature=3 2 6 6
+split_gain=2.94373 7.9844 8.87785 1.27575
+threshold=68.500000000000014 12.500000000000002 47.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=0.0068364182641297098 -0.0058143569439428376 0.0054398813633332781 -0.0061608570466397004 -0.00069798911520533235
+leaf_weight=68 39 42 71 41
+leaf_count=68 39 42 71 41
+internal_value=0 0.0707899 -0.0920652 -0.160256
+internal_weight=0 181 113 80
+internal_count=261 181 113 80
+shrinkage=0.02
+
+
+Tree=762
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 9
+split_gain=2.96428 10.0278 9.6612 4.49006 2.12449
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00020595665642572604 0.0079598145446658046 -0.010279967402442008 0.0071327665754795004 -0.0013514337362948608 -0.006857677458465816
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0730694 0.0546422 0.156461 -0.177262
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=763
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=2.91832 10.1449 10.1929 5.9109
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019464029387343002 -0.0033727161288643654 0.010125901196773309 -0.0098890849301843716 0.0075795234521900123
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0666863 -0.0566751 0.102735
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=764
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 9
+split_gain=2.99221 13.4769 13.5851 10.0444
+threshold=65.500000000000014 64.500000000000014 48.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0031313009540594045 0.008632867494747197 -0.010433511014428768 0.01100074647362503 -0.0044583725139484545
+leaf_weight=74 53 49 43 42
+leaf_count=74 53 49 43 42
+internal_value=0 -0.0813228 0.102958 0.141886
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=765
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 4
+split_gain=2.9705 9.9114 9.40806 7.792 4.42462
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 48.45000000000001 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0028323105232691799 0.0078137972226104708 -0.010230434053492183 0.0084662983444421698 -0.0088326128505625302 -0.0014241215750302333
+leaf_weight=49 41 40 46 43 42
+leaf_count=49 41 40 46 43 42
+internal_value=0 -0.0731539 0.0538144 -0.130683 0.156615
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=766
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 2
+split_gain=2.88178 9.94852 9.79424 9.28198
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0048190856053076788 0.0039854308835860523 -0.0084810435454462253 0.0095971067781539156 -0.0070256505083448493
+leaf_weight=48 57 54 43 59
+leaf_count=48 57 54 43 59
+internal_value=0 -0.0558079 0.0766295 -0.0852488
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=767
+num_leaves=5
+num_cat=0
+split_feature=2 4 4 9
+split_gain=2.93098 24.3031 23.4331 22.7844
+threshold=9.5000000000000018 66.500000000000014 66.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=0.007690272914011643 -0.012686982820052681 0.011092188059494286 -0.014218580437829377 0.0049624671216121343
+leaf_weight=39 60 66 39 57
+leaf_count=39 60 66 39 57
+internal_value=0 0.0693619 -0.162842 -0.204194
+internal_weight=0 183 78 117
+internal_count=261 183 78 117
+shrinkage=0.02
+
+
+Tree=768
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=2.99557 10.1882 10.5594 6.12248
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0036847602663594705 -0.0034166158077602407 0.01016211314099184 -0.0093138995778135961 0.0063531653628903194
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0675648 -0.0560591 0.120453
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=769
+num_leaves=4
+num_cat=0
+split_feature=8 5 4
+split_gain=2.89968 10.1454 5.75517
+threshold=67.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0030639701550919459 -0.0032693271770487509 0.0088530862416098342 -0.0053413677685430769
+leaf_weight=59 77 52 73
+leaf_count=59 77 52 73
+internal_value=0 0.068364 -0.0789373
+internal_weight=0 184 132
+internal_count=261 184 132
+shrinkage=0.02
+
+
+Tree=770
+num_leaves=5
+num_cat=0
+split_feature=7 9 9 2
+split_gain=2.90874 9.29276 8.11849 9.22804
+threshold=73.500000000000014 68.500000000000014 57.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0049063375388460721 0.0040040753376563293 -0.0092640245020294883 0.0078039121423054292 -0.0068379157224813395
+leaf_weight=46 57 44 50 64
+leaf_count=46 57 44 50 64
+internal_value=0 -0.0560577 0.0558105 -0.0959709
+internal_weight=0 204 160 110
+internal_count=261 204 160 110
+shrinkage=0.02
+
+
+Tree=771
+num_leaves=5
+num_cat=0
+split_feature=2 4 4 9
+split_gain=2.9237 23.3398 22.308 21.4799
+threshold=9.5000000000000018 66.500000000000014 66.500000000000014 49.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=0.007428328841581411 -0.013894119173294297 0.01089656352631458 -0.013948301848835552 0.003420590780896474
+leaf_weight=39 50 66 39 67
+leaf_count=39 50 66 39 67
+internal_value=0 0.069284 -0.162633 -0.198795
+internal_weight=0 183 78 117
+internal_count=261 183 78 117
+shrinkage=0.02
+
+
+Tree=772
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.98273 8.01802 7.21482 6.12766
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0025384467056162045 -0.0086311162626477363 0.0064353527156684508 -0.0079665795433336399 0.0024410708914152156
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.07126 -0.105704 -0.161301
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=773
+num_leaves=4
+num_cat=0
+split_feature=8 5 4
+split_gain=2.90406 9.6579 5.44946
+threshold=67.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0030121043957145521 -0.003271549945919295 0.0086726303106423926 -0.0051676897365057943
+leaf_weight=59 77 52 73
+leaf_count=59 77 52 73
+internal_value=0 0.0684266 -0.0752927
+internal_weight=0 184 132
+internal_count=261 184 132
+shrinkage=0.02
+
+
+Tree=774
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 1
+split_gain=2.90411 19.5873 12.144 14.4944
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0083911584727787304 0.0050447522070414278 -0.012506942452552756 0.0069417434123156289 -0.0083803183786224124
+leaf_weight=73 39 46 41 62
+leaf_count=73 39 46 41 62
+internal_value=0 -0.0444278 0.107364 -0.113646
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=775
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 4 9
+split_gain=2.98026 10.2456 10.2348 4.50388 2.21642
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.500000000000014 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00024702296374184046 0.0078609774312508318 -0.010378617438661331 0.0073329951280620385 -0.0014591298183806581 -0.0070396477958873504
+leaf_weight=39 41 40 60 42 39
+leaf_count=39 41 40 60 42 39
+internal_value=0 -0.0732488 0.0558423 0.156895 -0.182842
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=776
+num_leaves=5
+num_cat=0
+split_feature=2 4 4 6
+split_gain=2.86833 22.7199 21.3296 20.1986
+threshold=9.5000000000000018 66.500000000000014 66.500000000000014 47.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0072222108349093463 0.0062128853390164664 0.010756534112846295 -0.013680613285322949 -0.010729727825867362
+leaf_weight=39 47 66 39 70
+leaf_count=39 47 66 39 70
+internal_value=0 0.068633 -0.161092 -0.195862
+internal_weight=0 183 78 117
+internal_count=261 183 78 117
+shrinkage=0.02
+
+
+Tree=777
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=2.89074 9.72653 10.671 5.83226
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0018002164256309605 -0.0033564762642074738 0.0099371519123140784 -0.010046222747546924 0.0076619496700211969
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0663916 -0.054399 0.108707
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=778
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 5
+split_gain=2.88093 12.4095 10.1189 6.14304
+threshold=69.500000000000014 62.500000000000007 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0027091348540498696 0.0036582642252008385 -0.010303975123178681 0.008601752278134046 -0.0073600239708588779
+leaf_weight=49 65 46 53 48
+leaf_count=49 65 46 53 48
+internal_value=0 -0.060761 0.0785087 -0.113351
+internal_weight=0 196 150 97
+internal_count=261 196 150 97
+shrinkage=0.02
+
+
+Tree=779
+num_leaves=6
+num_cat=0
+split_feature=9 8 5 9 1
+split_gain=2.86438 12.9115 10.5857 9.62721 3.96331
+threshold=65.500000000000014 59.500000000000007 52.000000000000007 77.500000000000014 2.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0019481826276260062 0.0084511310424545474 -0.011025182549502863 0.010158896650314808 -0.0043657313092094379 -0.0067985352148880827
+leaf_weight=42 53 43 40 42 41
+leaf_count=42 53 43 40 42 41
+internal_value=0 -0.0795578 0.0852406 0.138864 -0.118247
+internal_weight=0 166 123 95 83
+internal_count=261 166 123 95 83
+shrinkage=0.02
+
+
+Tree=780
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 4
+split_gain=2.91075 9.79048 6.85949 4.51662
+threshold=67.050000000000011 64.500000000000014 48.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0028905205194122998 0.0078311367670361193 -0.010023864173006774 0.0061196954809684349 -0.0015022314289048586
+leaf_weight=76 41 41 61 42
+leaf_count=76 41 41 61 42
+internal_value=0 -0.0723963 0.0558284 0.155066
+internal_weight=0 178 137 83
+internal_count=261 178 137 83
+shrinkage=0.02
+
+
+Tree=781
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=2.88449 9.95216 10.5702 5.63755
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0034661278252483166 -0.0033528800104308813 0.010034807038649696 -0.010033121388801261 0.0059010390138894029
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0663198 -0.0558638 0.106469
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=782
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 4
+split_gain=2.86553 9.71717 8.80281 6.35424 4.33084
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 48.45000000000001 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0027726764785361573 0.0077091268174820128 -0.010118056751112704 0.0087190377352383362 -0.0075225965283290336 -0.001430748429920658
+leaf_weight=49 41 40 42 47 42
+leaf_count=49 41 40 42 47 42
+internal_value=0 -0.0718408 0.0538772 -0.11306 0.15386
+internal_weight=0 178 138 96 83
+internal_count=261 178 138 96 83
+shrinkage=0.02
+
+
+Tree=783
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=2.87278 9.80356 10.2205 5.44519
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0034085342836734285 -0.0033461420682618639 0.0099669675249266232 -0.0098691372907097636 0.0057978950274126459
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0661842 -0.0550837 0.104542
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=784
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 2
+split_gain=2.87409 10.0035 9.62593 7.96115
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0043744336874291089 0.0039804771412780835 -0.0084995099672310805 0.0095367471181463416 -0.0065966431122252405
+leaf_weight=48 57 54 43 59
+leaf_count=48 57 54 43 59
+internal_value=0 -0.0557175 0.077085 -0.0833962
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=785
+num_leaves=5
+num_cat=0
+split_feature=2 4 4 6
+split_gain=2.89297 21.8432 20.5854 20.1806
+threshold=9.5000000000000018 66.500000000000014 66.500000000000014 47.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0070247189739124543 0.0063173905065010538 0.010579818202270328 -0.013510353784595331 -0.010617801469811975
+leaf_weight=39 47 66 39 70
+leaf_count=39 47 66 39 70
+internal_value=0 0.0689296 -0.161774 -0.190412
+internal_weight=0 183 78 117
+internal_count=261 183 78 117
+shrinkage=0.02
+
+
+Tree=786
+num_leaves=4
+num_cat=0
+split_feature=8 5 4
+split_gain=2.88892 9.99087 5.26015
+threshold=67.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0028804784089917156 -0.0032629253886871123 0.0087938177128865629 -0.0051562229309914725
+leaf_weight=59 77 52 73
+leaf_count=59 77 52 73
+internal_value=0 0.0682563 -0.077919
+internal_weight=0 184 132
+internal_count=261 184 132
+shrinkage=0.02
+
+
+Tree=787
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=2.83884 9.36218 15.2677 25.9658
+threshold=75.500000000000014 66.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.012227752234592444 -0.0047093879869318025 0.0079831046193428856 -0.0080000965307852542 0.010509544592212584
+leaf_weight=40 43 56 56 66
+leaf_count=40 43 56 56 66
+internal_value=0 0.0464637 -0.0753273 0.100352
+internal_weight=0 218 162 122
+internal_count=261 218 162 122
+shrinkage=0.02
+
+
+Tree=788
+num_leaves=4
+num_cat=0
+split_feature=8 5 4
+split_gain=2.87072 9.43136 5.10244
+threshold=67.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.002892303435213578 -0.0032527577881298294 0.0085789170652908406 -0.0050235436483758809
+leaf_weight=59 77 52 73
+leaf_count=59 77 52 73
+internal_value=0 0.0680399 -0.0739842
+internal_weight=0 184 132
+internal_count=261 184 132
+shrinkage=0.02
+
+
+Tree=789
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 5
+split_gain=2.8345 12.3218 9.50527 6.46922
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026240499220774815 0.003628960661904978 -0.010262048598099925 0.0080059130797144711 -0.0079424229535435455
+leaf_weight=49 65 46 57 44
+leaf_count=49 65 46 57 44
+internal_value=0 -0.0602682 0.078509 -0.118438
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=790
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.84192 8.07574 7.30465 6.13029
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0025209654009198906 -0.0085556695810744803 0.0064197528841445665 -0.0080490381484176546 0.0025190843780967687
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0695797 -0.108021 -0.157463
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=791
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=2.80462 9.43601 10.3117 6.60805
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0036604162031266198 -0.0033062915475612813 0.009788264981950609 -0.0091675960177706583 0.0066843769184975893
+leaf_weight=42 74 41 44 60
+leaf_count=42 74 41 44 60
+internal_value=0 0.06541 -0.0535631 0.120866
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=792
+num_leaves=5
+num_cat=0
+split_feature=7 8 6 4
+split_gain=2.88261 10.001 9.36145 6.53838
+threshold=73.500000000000014 62.500000000000007 52.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0028300645693680026 0.0039865445334021097 -0.008500015222559977 0.0094246255224974991 -0.0071144378867247565
+leaf_weight=59 57 54 43 48
+leaf_count=59 57 54 43 48
+internal_value=0 -0.0557888 0.0769972 -0.0812642
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=793
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 2
+split_gain=2.78778 11.6994 9.09762 5.60046
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0070037199862017421 0.0035992712878917107 -0.01002068579843822 0.0078058215143886533 0.0028291136421312248
+leaf_weight=49 65 46 57 44
+leaf_count=49 65 46 57 44
+internal_value=0 -0.0597665 0.0754597 -0.11722
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=794
+num_leaves=5
+num_cat=0
+split_feature=5 4 1 5
+split_gain=2.83768 9.68335 6.85828 4.35976
+threshold=67.050000000000011 64.500000000000014 4.5000000000000009 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0032546402777893259 0.0078230235736983546 -0.0099585656954883986 0.0057028595022762772 -0.001352606413049988
+leaf_weight=70 40 41 67 43
+leaf_count=70 40 41 67 43
+internal_value=0 -0.0714776 0.0560437 0.153131
+internal_weight=0 178 137 83
+internal_count=261 178 137 83
+shrinkage=0.02
+
+
+Tree=795
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=2.88189 9.71939 10.2978 5.46585
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0017319315771790007 -0.00335116439479975 0.0099321876124131708 -0.0098894320429515625 0.0074289792391263069
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0663008 -0.0544455 0.105783
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=796
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 3 5
+split_gain=2.79482 9.82215 9.41916 4.3573 0.981955
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.500000000000014 50.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0057399566894545404 -0.0013745288045383644 -0.010146838055752982 0.0070729717765569654 0.0077985905521017742 -0.0011745652888234326
+leaf_weight=39 43 40 60 40 39
+leaf_count=39 43 40 60 40 39
+internal_value=0 -0.0709442 0.0554512 0.151973 -0.17353
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=797
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=2.8768 9.59617 10.2164 6.34618
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0035586519866990514 -0.0033483847035833169 0.00987624054055798 -0.0091337920928558636 0.0065795001745303384
+leaf_weight=42 74 41 44 60
+leaf_count=42 74 41 44 60
+internal_value=0 0.0662343 -0.0537441 0.119878
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=798
+num_leaves=5
+num_cat=0
+split_feature=8 8 7 7
+split_gain=2.76277 7.95533 10.113 6.21009
+threshold=67.500000000000014 60.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0037877930680325655 -0.0031914952620467562 0.0088694222234423047 -0.0096254534833657649 0.006321714854920296
+leaf_weight=40 77 43 39 62
+leaf_count=40 77 43 39 62
+internal_value=0 0.0667549 -0.0480097 0.117474
+internal_weight=0 184 141 102
+internal_count=261 184 141 102
+shrinkage=0.02
+
+
+Tree=799
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 4 9
+split_gain=2.82853 9.88685 9.03952 4.27642 2.00712
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.500000000000014 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00013095321574722499 0.0076602924432100277 -0.010184153276699007 0.0069514794291722828 -0.0014221621874479886 -0.0065981188723886596
+leaf_weight=39 41 40 60 42 39
+leaf_count=39 41 40 60 42 39
+internal_value=0 -0.0713788 0.0554322 0.15287 -0.16889
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=800
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 9
+split_gain=2.76466 18.8134 12.6301 14.4362
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0084754261529256421 0.0049228156679330176 -0.012254109995106904 -0.011424619733281335 0.0038068357962564147
+leaf_weight=73 39 46 42 61
+leaf_count=73 39 46 42 61
+internal_value=0 -0.0433642 0.105398 -0.119991
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=801
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 4
+split_gain=2.88627 13.2535 9.69704 8.19778
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0018516045327120468 -0.0027737717941990398 -0.0094148429133296945 0.010124122610572833 0.0094181414284670983
+leaf_weight=67 54 57 41 42
+leaf_count=67 54 57 41 42
+internal_value=0 -0.0798672 0.139381 0.124339
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=802
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=2.79597 9.36822 14.8696 24.1967
+threshold=75.500000000000014 66.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.012095276675885952 -0.0046742081686435739 0.0079781283583576432 -0.00770734136037506 0.010161018651427059
+leaf_weight=40 43 56 56 66
+leaf_count=40 43 56 56 66
+internal_value=0 0.0461007 -0.0757296 0.0976439
+internal_weight=0 218 162 122
+internal_count=261 218 162 122
+shrinkage=0.02
+
+
+Tree=803
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=2.86361 9.20568 9.73524 5.3306
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0017127551319173939 -0.0033410195054128554 0.0096975187996834605 -0.0095862351031080067 0.0073344359570869941
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0660702 -0.0514417 0.104349
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=804
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.76706 8.1232 7.36776 5.97436
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0025120044550718907 -0.0084456779423031699 0.006415796190146936 -0.0081034117005092717 0.0024876462461272866
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0686448 -0.109477 -0.155409
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=805
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 9
+split_gain=2.74188 11.9588 9.173 5.17529
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0031037294030159764 0.0035693272785215645 -0.010108443617510232 0.0078709671038638823 -0.0064290470210580887
+leaf_weight=40 65 46 57 53
+leaf_count=40 65 46 57 53
+internal_value=0 -0.0592959 0.0774215 -0.116054
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=806
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=2.79213 9.19416 9.60867 5.03887
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0032387776466984747 -0.0032992656420113126 0.0096759265191383188 -0.0095454404034942871 0.0056184254373424208
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0652505 -0.052188 0.102586
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=807
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=2.74329 9.74136 9.11251 8.87237
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0058547619987016075 0.0038893861398923328 -0.0083769855413614158 0.00931143415702145 -0.0060493200225998581
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.0544489 0.0766029 -0.0795403
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=808
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 4
+split_gain=2.74127 12.9801 9.53198 7.51251
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0016682674449958622 -0.0027966269235062424 -0.0092935759485530331 0.0099912859714608847 0.0091208418017190845
+leaf_weight=67 54 57 41 42
+leaf_count=67 54 57 41 42
+internal_value=0 -0.0778471 0.135862 0.124243
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=809
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=2.76751 9.18942 9.77074 5.74802
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0035577162050802213 -0.0032847496346936822 0.0096680982891648899 -0.0089304658396595158 0.0061691531043458307
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0649663 -0.052442 0.117352
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=810
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 9
+split_gain=2.76984 9.70539 8.49112 4.38062 1.74493
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0002168304612943514 0.0077974879145176002 -0.010088901578680904 0.0067632932920552785 -0.0014001335732644023 -0.0062535583037746706
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0706434 0.0549985 0.151283 -0.162417
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=811
+num_leaves=5
+num_cat=0
+split_feature=2 2 8 1
+split_gain=2.75174 8.72165 26.8109 22.4229
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0042294488514233956 -0.0088180293882398359 0.0069078226503337097 0.01560939283910419 -0.01022822469884249
+leaf_weight=50 45 51 39 76
+leaf_count=50 45 51 39 76
+internal_value=0 -0.0502317 0.0555731 -0.167025
+internal_weight=0 211 166 127
+internal_count=261 211 166 127
+shrinkage=0.02
+
+
+Tree=812
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=2.94685 9.17718 9.3296 5.58298
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0032747528711406927 -0.003388780985096455 0.0097035882772031085 -0.0087082802075389727 0.0062356604071371526
+leaf_weight=42 74 41 44 60
+leaf_count=42 74 41 44 60
+internal_value=0 0.067023 -0.0503069 0.11561
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=813
+num_leaves=5
+num_cat=0
+split_feature=3 3 3 4
+split_gain=2.83751 9.24688 10.1225 7.63616
+threshold=75.500000000000014 66.500000000000014 61.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0028688828319425987 -0.0047085679144822784 0.0079391439189157413 -0.010082330133413092 0.0073095092202484059
+leaf_weight=70 43 56 41 51
+leaf_count=70 43 56 41 51
+internal_value=0 0.0464393 -0.0745996 0.0708161
+internal_weight=0 218 162 121
+internal_count=261 218 162 121
+shrinkage=0.02
+
+
+Tree=814
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=2.90674 8.94192 9.00918 5.30693
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0031714394723317786 -0.0033658963301427397 0.0095867489580185646 -0.0085541422444999921 0.0061014815368191149
+leaf_weight=42 74 41 44 60
+leaf_count=42 74 41 44 60
+internal_value=0 0.0665634 -0.0492529 0.113791
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=815
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.81207 8.37753 6.93067 5.69052
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0023262014296407201 -0.008342645523145828 0.0065049628946948533 -0.007969950933428057 0.0023281358870088152
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0691972 -0.111689 -0.156658
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=816
+num_leaves=4
+num_cat=0
+split_feature=5 6 4
+split_gain=2.76793 8.8677 7.71581
+threshold=68.250000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0031398103730376249 -0.0032851107851670672 0.0070660435625511924 -0.0070483286965800267
+leaf_weight=59 74 68 60
+leaf_count=59 74 68 60
+internal_value=0 0.0649653 -0.0995736
+internal_weight=0 187 119
+internal_count=261 187 119
+shrinkage=0.02
+
+
+Tree=817
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 2
+split_gain=2.71329 9.86228 9.35941 8.53759
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0046464930344252871 0.0038681990869078265 -0.008416076268809922 0.0094379836125746946 -0.0067142983748865598
+leaf_weight=48 57 54 43 59
+leaf_count=48 57 54 43 59
+internal_value=0 -0.054153 0.0777095 -0.0805345
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=818
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=2.70343 8.97072 7.48109
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.003111205226640038 -0.0031573650455898675 0.0073009950793227318 -0.0069211459636132578
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.066035 -0.097075
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=819
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 9
+split_gain=2.71227 11.6888 8.8993 4.91205
+threshold=69.500000000000014 62.500000000000007 58.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.003180112590428713 0.0035502746382469743 -0.010000828969354406 0.0081191325877286499 -0.0059354239036761777
+leaf_weight=41 65 46 53 56
+leaf_count=41 65 46 53 56
+internal_value=0 -0.0589707 0.0761946 -0.103735
+internal_weight=0 196 150 97
+internal_count=261 196 150 97
+shrinkage=0.02
+
+
+Tree=820
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.68486 8.04716 6.31959 5.59495
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0021614356854855158 -0.008227593962339871 0.0063720783120832835 -0.0076712561284302903 0.0023535448802472505
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0676373 -0.109649 -0.153087
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=821
+num_leaves=5
+num_cat=0
+split_feature=5 5 6 4
+split_gain=2.71985 9.60762 5.48026 4.25072
+threshold=67.050000000000011 59.350000000000009 48.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0024457266661881694 0.0075878477604510519 -0.01003231135198146 0.0055869212875940891 -0.001467517709290015
+leaf_weight=77 41 40 61 42
+leaf_count=77 41 40 61 42
+internal_value=0 -0.0699988 0.0550087 0.14993
+internal_weight=0 178 138 83
+internal_count=261 178 138 83
+shrinkage=0.02
+
+
+Tree=822
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=2.7325 8.98423 9.59758 5.25583
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0030858670305066644 -0.0032639666610808937 0.0095662572345348758 -0.0088422468504127747 0.0061422316297152016
+leaf_weight=42 74 41 44 60
+leaf_count=42 74 41 44 60
+internal_value=0 0.0645613 -0.0515289 0.116754
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=823
+num_leaves=5
+num_cat=0
+split_feature=7 3 2 6
+split_gain=2.69754 12.1708 8.5529 9.86475
+threshold=76.500000000000014 68.500000000000014 12.500000000000002 47.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.007350456340542837 0.0048632689057972111 -0.010145416885832606 0.0058715095567057202 -0.0063562036455474336
+leaf_weight=64 39 45 42 71
+leaf_count=64 39 45 42 71
+internal_value=0 -0.0428314 0.0751744 -0.0901747
+internal_weight=0 222 177 113
+internal_count=261 222 177 113
+shrinkage=0.02
+
+
+Tree=824
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 5 9
+split_gain=2.74069 9.23273 8.5706 4.29035 1.62086
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.050000000000011 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00039823042788040555 0.00773261011435202 -0.0098678616680147237 0.0067353803734027627 -0.0013700084160258271 -0.0062214027764335269
+leaf_weight=39 40 40 60 43 39
+leaf_count=39 40 40 60 43 39
+internal_value=0 -0.0702645 0.0522797 0.150499 -0.166152
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=825
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=2.67362 9.06259 9.07795 5.46778
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0035567467027787744 -0.0032289596570074059 0.0095882421731041806 -0.0093187317991305536 0.0056690892853937091
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0638627 -0.0527327 0.0977069
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=826
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 2
+split_gain=2.73239 9.24909 9.16225 8.20429
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0044696931685730803 0.0038817600404838144 -0.0081886493964305057 0.009267857612244957 -0.006667384363197526
+leaf_weight=48 57 54 43 59
+leaf_count=48 57 54 43 59
+internal_value=0 -0.0543387 0.0733599 -0.0832092
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=827
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=2.71431 19.5204 11.205 10.6362
+threshold=9.5000000000000018 49.500000000000007 57.500000000000007 21.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=0.0044344666170774904 -0.0091648608623522941 0.010352757451607955 -0.010718796230606604 -0.0011043344110913675
+leaf_weight=39 51 75 39 57
+leaf_count=39 51 75 39 57
+internal_value=0 0.0667798 -0.156737 0.270068
+internal_weight=0 183 78 132
+internal_count=261 183 78 132
+shrinkage=0.02
+
+
+Tree=828
+num_leaves=5
+num_cat=0
+split_feature=5 4 1 5
+split_gain=2.69261 9.23578 7.10379 4.14637
+threshold=67.050000000000011 64.500000000000014 4.5000000000000009 73.050000000000011
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0033554452424623062 0.0076265637006490703 -0.0097232062699935846 0.0057606648485005064 -0.0013224371681640728
+leaf_weight=70 40 41 67 43
+leaf_count=70 40 41 67 43
+internal_value=0 -0.0696581 0.0548814 0.149175
+internal_weight=0 178 137 83
+internal_count=261 178 137 83
+shrinkage=0.02
+
+
+Tree=829
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=2.70739 9.04215 9.00985 5.21631
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0034294575933018446 -0.0032492072500245241 0.0095867733869248999 -0.0092772329653014237 0.0055822428712536745
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.064258 -0.0522058 0.0976686
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=830
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=2.70192 9.19324 8.93976 8.24599
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.005550395837293054 0.0038601338471195758 -0.008161282188555153 0.009171003254378288 -0.0059263863158915651
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.0540412 0.0732714 -0.0813852
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=831
+num_leaves=6
+num_cat=0
+split_feature=9 4 9 5 5
+split_gain=2.67349 12.0201 9.59977 9.23475 1.12569
+threshold=65.500000000000014 64.500000000000014 77.500000000000014 51.150000000000013 47.650000000000013
+decision_type=2 2 2 2 2
+left_child=1 3 -2 4 -1
+right_child=2 -3 -4 -5 -6
+leaf_value=0.00037879987052251592 0.0083495953520723084 -0.0098560770189103763 -0.0044491962568193773 0.0098921615794579452 -0.0044490005887924703
+leaf_weight=39 53 49 42 39 39
+leaf_count=39 53 49 42 39 39
+internal_value=0 -0.0768874 0.134183 0.0971487 -0.101334
+internal_weight=0 166 95 117 78
+internal_count=261 166 95 117 78
+shrinkage=0.02
+
+
+Tree=832
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 4 9
+split_gain=2.69704 8.96865 8.50619 4.20428 1.58935
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.500000000000014 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00043387310154638787 0.0075501857685264899 -0.0097352098973594852 0.0066897772858578253 -0.0014557271681518772 -0.006201461952514347
+leaf_weight=39 41 40 60 42 39
+leaf_count=39 41 40 60 42 39
+internal_value=0 -0.0697134 0.0510655 0.149298 -0.166544
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=833
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=2.66695 9.29194 7.46392
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.003038508922885836 -0.0031362699925613358 0.0073979029983662252 -0.0069821894597507103
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0655854 -0.100418
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=834
+num_leaves=5
+num_cat=0
+split_feature=5 2 7 7
+split_gain=2.67049 13.6833 12.63 5.36277
+threshold=62.400000000000006 17.500000000000004 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0034727919549456493 0.0081629001911810214 -0.0061358151098352487 -0.010209205621043238 0.0059234629650420957
+leaf_weight=40 66 45 48 62
+leaf_count=40 66 45 48 62
+internal_value=0 0.117935 -0.0873732 0.111548
+internal_weight=0 111 150 102
+internal_count=261 111 150 102
+shrinkage=0.02
+
+
+Tree=835
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=2.67021 8.94843 8.82362 5.15007
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0034034576216986391 -0.00322709179132175 0.0095348585704906185 -0.0085317167238716327 0.0058051267594209479
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0638134 -0.0520453 0.109311
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=836
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 2
+split_gain=2.66991 11.0297 8.98765 7.91431
+threshold=69.500000000000014 62.500000000000007 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0043786981753309038 0.0035224172311278381 -0.0097400203386989997 0.0091816799934596235 -0.0065601699912691356
+leaf_weight=48 65 46 43 59
+leaf_count=48 65 46 43 59
+internal_value=0 -0.0585232 0.072776 -0.0822944
+internal_weight=0 196 150 107
+internal_count=261 196 150 107
+shrinkage=0.02
+
+
+Tree=837
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=2.68525 19.2687 11.0069 9.99741
+threshold=9.5000000000000018 49.500000000000007 57.500000000000007 21.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=0.0043837830270987387 -0.0091042745674755881 0.010168414903620804 -0.010635091774213306 -0.0009394674518803112
+leaf_weight=39 51 75 39 57
+leaf_count=39 51 75 39 57
+internal_value=0 0.0664151 -0.15591 0.268391
+internal_weight=0 183 78 132
+internal_count=261 183 78 132
+shrinkage=0.02
+
+
+Tree=838
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 6 7
+split_gain=2.63883 11.0858 14.825 13.8049 13.4006
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 60.500000000000007 62.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.010247125989014371 0.0047390707704769225 -0.010810400289243089 0.014642010396231222 0.0046828999229580623 -0.0011732884142980156
+leaf_weight=41 40 54 46 40 40
+leaf_count=41 40 54 46 40 40
+internal_value=0 -0.0430136 0.0638277 -0.210521 0.36409
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=839
+num_leaves=4
+num_cat=0
+split_feature=5 5 4
+split_gain=2.75692 8.6128 5.51312
+threshold=68.250000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0030717164280048498 -0.0032786613042914345 0.0079508270834751371 -0.0051556769126382043
+leaf_weight=59 74 55 73
+leaf_count=59 74 55 73
+internal_value=0 0.0648348 -0.0736273
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=840
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=2.64708 8.51663 8.82249 4.88535
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0032330815870135793 -0.0032131500279225858 0.0093281247874429131 -0.0091371614665426131 0.0054887065706785941
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0635403 -0.0494887 0.0988197
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=841
+num_leaves=5
+num_cat=0
+split_feature=2 2 8 1
+split_gain=2.67125 8.65433 26.294 21.7938
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0041675686431646543 -0.0087732372250608794 0.0068126623322871749 0.015475580892143027 -0.010081423886802989
+leaf_weight=50 45 51 39 76
+leaf_count=50 45 51 39 76
+internal_value=0 -0.0494978 0.055898 -0.164544
+internal_weight=0 211 166 127
+internal_count=261 211 166 127
+shrinkage=0.02
+
+
+Tree=842
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=2.73985 8.31454 8.68015 5.0013
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0030282460147081488 -0.0032684611808244599 0.0092541376110379468 -0.008370800429876089 0.0059743505858216054
+leaf_weight=42 74 41 44 60
+leaf_count=42 74 41 44 60
+internal_value=0 0.0646408 -0.0470392 0.113001
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=843
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=2.64854 8.63925 7.18953
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0030591924043805226 -0.0031254786690710374 0.0071762833928748632 -0.0067761709762726927
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0653617 -0.0947082
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=844
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 9
+split_gain=2.64551 18.7223 12.2387 13.5085
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0083876908964010885 0.0048163665093086802 -0.012207799249702457 -0.011048431641306878 0.0036860076933049996
+leaf_weight=73 39 46 42 61
+leaf_count=73 39 46 42 61
+internal_value=0 -0.0424253 0.105976 -0.115894
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=845
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 3
+split_gain=2.66399 11.9413 11.7474 9.23974
+threshold=65.500000000000014 64.500000000000014 48.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.002892350665837692 -0.002749777132556027 -0.0098261335560763871 0.010250294674486302 0.00984087660012525
+leaf_weight=74 54 49 43 41
+leaf_count=74 54 49 43 41
+internal_value=0 -0.0767522 0.096713 0.133946
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=846
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=2.68785 9.30116 14.1695 22.2391
+threshold=75.500000000000014 66.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.011852650908064838 -0.0045835848211107331 0.0079350591749776725 -0.0074001018566649006 0.0097307514718536266
+leaf_weight=40 43 56 56 66
+leaf_count=40 43 56 56 66
+internal_value=0 0.045208 -0.0761858 0.093056
+internal_weight=0 218 162 122
+internal_count=261 218 162 122
+shrinkage=0.02
+
+
+Tree=847
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.69096 7.68497 7.0618 5.57181
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0024919347957202942 -0.0082205777830644516 0.0062594494503475286 -0.0079012869778068446 0.0023386890823529267
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0677036 -0.105551 -0.15327
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=848
+num_leaves=5
+num_cat=0
+split_feature=5 5 1 3
+split_gain=2.60089 7.67786 5.30497 23.4265
+threshold=68.250000000000014 58.550000000000004 10.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0062958559691398035 -0.0031851488026720292 0.0075433579455795275 0.0038610649021429328 -0.014941108578425108
+leaf_weight=41 74 55 49 42
+leaf_count=41 74 55 49 42
+internal_value=0 0.0629907 -0.0677441 -0.222223
+internal_weight=0 187 132 83
+internal_count=261 187 132 83
+shrinkage=0.02
+
+
+Tree=849
+num_leaves=5
+num_cat=0
+split_feature=7 8 3 5
+split_gain=2.61983 9.70112 9.07481 7.224
+threshold=73.500000000000014 62.500000000000007 57.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0029785543712987561 0.0038015978573833725 -0.0083372892709719353 0.0078400215148842229 -0.0081864686195666989
+leaf_weight=49 57 54 57 44
+leaf_count=49 57 54 57 44
+internal_value=0 -0.0532139 0.0775671 -0.114871
+internal_weight=0 204 150 93
+internal_count=261 204 150 93
+shrinkage=0.02
+
+
+Tree=850
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 4
+split_gain=2.59871 9.81505 8.26687 6.2595 4.2798
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 48.45000000000001 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0029190681219732591 0.0075365099149055656 -0.010093640956775727 0.0085639019550267266 -0.0072997963352519433 -0.0015499156547720482
+leaf_weight=49 41 40 42 47 42
+leaf_count=49 41 40 42 47 42
+internal_value=0 -0.068437 0.0579129 -0.103863 0.146575
+internal_weight=0 178 138 96 83
+internal_count=261 178 138 96 83
+shrinkage=0.02
+
+
+Tree=851
+num_leaves=5
+num_cat=0
+split_feature=5 5 1 3
+split_gain=2.62418 7.74346 5.04339 23.054
+threshold=68.250000000000014 58.550000000000004 10.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0062814958957038659 -0.0031991018279451462 0.0075758186857237545 0.0037256855569401805 -0.01478609656958901
+leaf_weight=41 74 55 49 42
+leaf_count=41 74 55 49 42
+internal_value=0 0.0632784 -0.0680134 -0.218653
+internal_weight=0 187 132 83
+internal_count=261 187 132 83
+shrinkage=0.02
+
+
+Tree=852
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 5
+split_gain=2.56624 9.72129 8.24887 6.78505 4.11495
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 48.45000000000001 73.050000000000011
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.00278166095861136 0.0075390469162191047 -0.010043372177693919 0.0080755313800735598 -0.0081053770917016068 -0.0013762968323306581
+leaf_weight=49 40 40 46 43 43
+leaf_count=49 40 40 46 43 43
+internal_value=0 -0.0680072 0.0577378 -0.115023 0.145668
+internal_weight=0 178 138 92 83
+internal_count=261 178 138 92 83
+shrinkage=0.02
+
+
+Tree=853
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=2.59827 8.30423 6.58253
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0028962068406785226 -0.0030956295918007689 0.0070495507476039257 -0.0065157142718619788
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0647564 -0.0921811
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=854
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=2.61188 9.42896 8.51524 8.53964
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0058021869311643305 0.0037960567064119844 -0.0082329808601350647 0.0090368991349837838 -0.0058771174437814537
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.0531246 0.0758095 -0.0751306
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=855
+num_leaves=5
+num_cat=0
+split_feature=3 2 6 6
+split_gain=2.54722 7.13273 9.7667 0.867024
+threshold=68.500000000000014 12.500000000000002 47.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=0.0064423785576372761 -0.0051436657551032425 0.005876236320505354 -0.0062907277608498157 -0.00090228145549789028
+leaf_weight=68 39 42 71 41
+leaf_count=68 39 42 71 41
+internal_value=0 0.0659038 -0.088029 -0.149132
+internal_weight=0 181 113 80
+internal_count=261 181 113 80
+shrinkage=0.02
+
+
+Tree=856
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 6 5
+split_gain=2.61125 9.29552 8.1431 4.13837 0.959786
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 70.500000000000014 50.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.005413849189484672 0.0076904373187862583 -0.0098631519318697972 0.0066337599561042595 -0.0012604777321189012 -0.00090195074543978574
+leaf_weight=39 39 40 60 44 39
+leaf_count=39 39 40 60 44 39
+internal_value=0 -0.0685924 0.0543679 0.146934 -0.158549
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=857
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 4
+split_gain=2.59185 11.532 9.3206 7.60491
+threshold=65.500000000000014 61.500000000000007 77.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0018830654807572079 0.0082259976845890977 -0.008807244300868395 -0.0043856092368675182 0.0089725175381613551
+leaf_weight=67 53 57 42 42
+leaf_count=67 53 57 42 42
+internal_value=0 -0.0757069 0.13214 0.114778
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=858
+num_leaves=5
+num_cat=0
+split_feature=2 2 9 1
+split_gain=2.55593 8.52114 22.1026 25.0715
+threshold=6.5000000000000009 11.500000000000002 72.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0040775425624402194 -0.0086916112759596285 0.0082805327780818595 0.013463247349900493 -0.010294058201377899
+leaf_weight=50 45 47 43 76
+leaf_count=50 45 47 43 76
+internal_value=0 -0.0484136 0.0561684 -0.159464
+internal_weight=0 211 166 123
+internal_count=261 211 166 123
+shrinkage=0.02
+
+
+Tree=859
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=2.57649 8.42172 8.91965 4.80059
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016173978072348205 -0.0031700205028789385 0.0092666304233026582 -0.0091857662091390669 0.006969642873174843
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0627098 -0.0496878 0.0994349
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=860
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 9
+split_gain=2.59327 18.5756 12.0219 13.0276
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0083289420247828413 0.0047691666483421422 -0.012154674653197566 -0.01085554912647386 0.0036145662256128097
+leaf_weight=73 39 46 42 61
+leaf_count=73 39 46 42 61
+internal_value=0 -0.0419961 0.105823 -0.114074
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=861
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 5
+split_gain=2.60259 10.7785 8.45883 6.39769
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026898582084421375 0.0034784691061166759 -0.0096269287981799664 0.0075127813255011942 -0.0078183862287656836
+leaf_weight=49 65 46 57 44
+leaf_count=49 65 46 57 44
+internal_value=0 -0.0577659 0.0720296 -0.113766
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=862
+num_leaves=5
+num_cat=0
+split_feature=2 4 6 4
+split_gain=2.65136 20.5176 20.0567 19.004
+threshold=9.5000000000000018 66.500000000000014 47.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0067598690034209978 0.006387862235415329 0.010238367802836594 -0.010495378592903408 -0.012971266134944084
+leaf_weight=39 47 66 70 39
+leaf_count=39 47 66 70 39
+internal_value=0 0.0660169 -0.185331 -0.154912
+internal_weight=0 183 117 78
+internal_count=261 183 117 78
+shrinkage=0.02
+
+
+Tree=863
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=2.57425 8.4985 8.66734 4.79432
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016681816919963488 -0.0031685217784068139 0.0093025824888390528 -0.0090799580750515439 0.006913416373219225
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0626896 -0.0502192 0.0967795
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=864
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 4
+split_gain=2.57182 8.96067 7.76727 5.44717 4.32624
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 48.45000000000001 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0025778378621852155 0.0075464917554279474 -0.0096987893812996145 0.0082322316541506273 -0.0069563055942588889 -0.0015890330057799294
+leaf_weight=49 41 40 42 47 42
+leaf_count=49 41 40 42 47 42
+internal_value=0 -0.0680742 0.0526513 -0.104163 0.145831
+internal_weight=0 178 138 96 83
+internal_count=261 178 138 96 83
+shrinkage=0.02
+
+
+Tree=865
+num_leaves=5
+num_cat=0
+split_feature=2 4 9 4
+split_gain=2.58063 19.6105 19.8651 18.4409
+threshold=9.5000000000000018 66.500000000000014 54.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0066539955456482048 -0.011645882731073805 0.010021717070955834 0.0048350009816695962 -0.012782800931713299
+leaf_weight=39 60 66 57 39
+leaf_count=39 60 66 57 39
+internal_value=0 0.0651391 -0.180591 -0.152845
+internal_weight=0 183 117 78
+internal_count=261 183 117 78
+shrinkage=0.02
+
+
+Tree=866
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=2.65611 8.25609 8.68116 4.60404
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015415285918300465 -0.0032180823505013295 0.0092068519361819673 -0.0090343856291298617 0.0068683553659151528
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.063673 -0.0476139 0.0995022
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=867
+num_leaves=5
+num_cat=0
+split_feature=8 5 6 3
+split_gain=2.57316 8.15444 4.94719 5.81161
+threshold=67.500000000000014 58.550000000000004 49.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0035985838969721053 -0.0030806084808029373 0.0080019953750776474 -0.0069310094509208902 0.006633773497564212
+leaf_weight=46 77 52 43 43
+leaf_count=46 77 52 43 43
+internal_value=0 0.0644524 -0.0676114 0.0668743
+internal_weight=0 184 132 89
+internal_count=261 184 132 89
+shrinkage=0.02
+
+
+Tree=868
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=2.58506 9.13618 8.26078 8.4062
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0057555531391872564 0.003776747621419615 -0.0081155191637218745 0.0088891819381702805 -0.0058323230491197121
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.052849 0.0740682 -0.0746002
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=869
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.54387 7.5866 6.45341 5.39994
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0022747225543054933 -0.0080560884507346227 0.0061913223675981541 -0.0076615027786694134 0.0023395588952072571
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.065865 -0.106278 -0.14903
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=870
+num_leaves=5
+num_cat=0
+split_feature=5 4 1 4
+split_gain=2.53629 9.15165 6.66681 4.19316
+threshold=67.050000000000011 64.500000000000014 4.5000000000000009 73.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0031866411413703417 0.0074551155927380366 -0.0096441715269272189 0.0056452139136296056 -0.0015391894964585826
+leaf_weight=70 41 41 67 42
+leaf_count=70 41 41 67 42
+internal_value=0 -0.0675997 0.0563714 0.144834
+internal_weight=0 178 137 83
+internal_count=261 178 137 83
+shrinkage=0.02
+
+
+Tree=871
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=2.56081 8.06194 8.76843 5.43756
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0032456495644560559 -0.0031602688969203591 0.0090903934909677981 -0.0084164399816142165 0.0061404788691568485
+leaf_weight=42 74 41 44 60
+leaf_count=42 74 41 44 60
+internal_value=0 0.0625285 -0.0474425 0.113409
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=872
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 2
+split_gain=2.55963 8.96325 8.23124 7.02447
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0041705581171983296 0.0037582989159494315 -0.008043356488874092 0.0088570696642068358 -0.0061365205918307722
+leaf_weight=48 57 54 43 59
+leaf_count=48 57 54 43 59
+internal_value=0 -0.0525888 0.073122 -0.0752804
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=873
+num_leaves=5
+num_cat=0
+split_feature=2 4 6 4
+split_gain=2.56422 19.1788 20.1342 17.5377
+threshold=9.5000000000000018 66.500000000000014 47.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0064228947143710911 0.0065525655267039563 0.0099213048283011297 -0.010363436753954514 -0.012532210640203077
+leaf_weight=39 47 66 70 39
+leaf_count=39 47 66 70 39
+internal_value=0 0.064938 -0.178072 -0.152357
+internal_weight=0 183 117 78
+internal_count=261 183 117 78
+shrinkage=0.02
+
+
+Tree=874
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=2.57714 8.20031 6.4518
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0028636958292540876 -0.0030828218919781995 0.0070085876100583989 -0.0064545173684312767
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0645093 -0.0914438
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=875
+num_leaves=5
+num_cat=0
+split_feature=3 2 3 4
+split_gain=2.52287 17.3307 10.1958 7.61061
+threshold=66.500000000000014 10.500000000000002 61.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0029026553865861876 -0.0074162366127834322 0.0095647288608698838 -0.010164691339393645 0.007258821935692902
+leaf_weight=70 41 58 41 51
+leaf_count=70 41 58 41 51
+internal_value=0 0.126193 -0.0771719 0.0687697
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=876
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=2.56422 7.92811 8.47058 5.41986
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0032725983268721017 -0.003162309012143288 0.0090260789617587697 -0.0082696789437501327 0.0060983723029928395
+leaf_weight=42 74 41 44 60
+leaf_count=42 74 41 44 60
+internal_value=0 0.0625721 -0.0464824 0.111615
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=877
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 9
+split_gain=2.5241 10.8269 8.28118 7.94443
+threshold=69.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0055327761197048499 0.0034261707248676027 -0.0096283561237106262 0.0088809525392325103 -0.0057328367516769462
+leaf_weight=40 65 46 43 67
+leaf_count=40 65 46 43 67
+internal_value=0 -0.0568875 0.073199 -0.0756529
+internal_weight=0 196 150 107
+internal_count=261 196 150 107
+shrinkage=0.02
+
+
+Tree=878
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=2.52253 9.07454 14.8988 22.0189
+threshold=75.500000000000014 66.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.012112598611971136 -0.0044409912261382765 0.0078215523182399698 -0.0072658959137143278 0.0097798403895025792
+leaf_weight=40 43 56 56 66
+leaf_count=40 43 56 56 66
+internal_value=0 0.0438295 -0.0760772 0.0974667
+internal_weight=0 218 162 122
+internal_count=261 218 162 122
+shrinkage=0.02
+
+
+Tree=879
+num_leaves=4
+num_cat=0
+split_feature=8 5 4
+split_gain=2.61254 7.75192 4.78857
+threshold=67.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0029593703630552974 -0.0031038688164022137 0.0078443990151564405 -0.0047104239759096726
+leaf_weight=59 77 52 73
+leaf_count=59 77 52 73
+internal_value=0 0.0649419 -0.0638225
+internal_weight=0 184 132
+internal_count=261 184 132
+shrinkage=0.02
+
+
+Tree=880
+num_leaves=5
+num_cat=0
+split_feature=2 2 8 1
+split_gain=2.58311 7.96565 24.02 21.0144
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0040993068102521766 -0.0084410165462561089 0.0067567121834350664 0.014772677870397224 -0.0098327927860054672
+leaf_weight=50 45 51 39 76
+leaf_count=50 45 51 39 76
+internal_value=0 -0.0486529 0.0524638 -0.158226
+internal_weight=0 211 166 127
+internal_count=261 211 166 127
+shrinkage=0.02
+
+
+Tree=881
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=2.69922 7.65098 8.50614 5.24151
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0031038181445137859 -0.0032437619901273169 0.0089216199967876858 -0.0082143441156408321 0.0061118048675567914
+leaf_weight=42 74 41 44 60
+leaf_count=42 74 41 44 60
+internal_value=0 0.0641908 -0.0429409 0.115489
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=882
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.63497 7.19021 6.44988 5.3073
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0023879263050688975 -0.0080647987436429699 0.0060858859551545233 -0.0075458681912642014 0.0022412997076875696
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0670288 -0.100561 -0.151651
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=883
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=2.57104 7.58892 6.31056
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0029291207838405588 -0.0030791793304827952 0.0067903411996855581 -0.0062870371724715029
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0644343 -0.0855964
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=884
+num_leaves=6
+num_cat=0
+split_feature=7 9 1 7 9
+split_gain=2.54323 18.3262 8.52672 39.9858 11.8298
+threshold=76.500000000000014 71.500000000000014 7.5000000000000009 58.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0043412103718744235 0.004723620820082086 -0.012070151657247742 0.0049505858983351567 0.021739099129466168 -0.010619710248420389
+leaf_weight=59 39 46 39 39 39
+leaf_count=59 39 46 39 39 39
+internal_value=0 -0.0415755 0.105248 0.301882 -0.141343
+internal_weight=0 222 176 98 78
+internal_count=261 222 176 98 78
+shrinkage=0.02
+
+
+Tree=885
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.57476 7.11262 6.08144 5.4181
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0022634133095666199 -0.0080822955877031463 0.0060451017062308652 -0.0073830692664767017 0.0023307422438880992
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0662684 -0.100415 -0.149917
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=886
+num_leaves=5
+num_cat=0
+split_feature=2 7 9 3
+split_gain=2.57325 16.5412 11.0299 26.5643
+threshold=13.500000000000002 65.500000000000014 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0044557929622498615 -0.010422756329607392 0.010756279269858117 0.012610116274510101 -0.0077419613850231465
+leaf_weight=65 42 51 48 55
+leaf_count=65 42 51 48 55
+internal_value=0 0.111392 -0.0891524 0.0868432
+internal_weight=0 116 145 103
+internal_count=261 116 145 103
+shrinkage=0.02
+
+
+Tree=887
+num_leaves=5
+num_cat=0
+split_feature=3 2 3 9
+split_gain=2.49211 6.75613 10.2672 5.20768
+threshold=68.500000000000014 12.500000000000002 55.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=0.0062916826268632599 -0.0079348979888532421 0.0051907112183239498 -0.0069744687298446822 0.0022744295695934389
+leaf_weight=68 41 49 64 39
+leaf_count=68 41 49 64 39
+internal_value=0 0.0652037 -0.084614 -0.147511
+internal_weight=0 181 113 80
+internal_count=261 181 113 80
+shrinkage=0.02
+
+
+Tree=888
+num_leaves=5
+num_cat=0
+split_feature=7 8 3 5
+split_gain=2.51252 9.10612 7.92622 5.08267
+threshold=73.500000000000014 62.500000000000007 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026229800448195136 0.0037240895131266387 -0.0080888335182725431 0.0077174658211067795 -0.0065389071113389477
+leaf_weight=49 57 54 53 48
+leaf_count=49 57 54 53 48
+internal_value=0 -0.0520931 0.0746153 -0.0951971
+internal_weight=0 204 150 97
+internal_count=261 204 150 97
+shrinkage=0.02
+
+
+Tree=889
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 4 9
+split_gain=2.50208 9.56149 8.11138 4.30228 1.47431
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.500000000000014 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00030682851293674661 0.0074946415377905515 -0.009954433621857748 0.006686958942195829 -0.0016157348594615657 -0.005864268915409746
+leaf_weight=39 41 40 60 42 39
+leaf_count=39 41 40 60 42 39
+internal_value=0 -0.0671346 0.0575726 0.143873 -0.154928
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=890
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=2.52179 7.56867 8.59946 4.93063
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.003194865702973847 -0.0031361447015368095 0.0088380298595344877 -0.0089340788420429924 0.0055669670576086964
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0620613 -0.044493 0.10193
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=891
+num_leaves=5
+num_cat=0
+split_feature=3 2 9 2
+split_gain=2.47192 17.0529 14.0719 20.6419
+threshold=66.500000000000014 10.500000000000002 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.011821278062044072 -0.007361682881135154 0.0094827372113870465 -0.007077234086451183 0.0094273884043456109
+leaf_weight=40 41 58 56 66
+leaf_count=40 41 58 56 66
+internal_value=0 0.124921 -0.0763965 0.0922614
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=892
+num_leaves=5
+num_cat=0
+split_feature=2 7 9 3
+split_gain=2.74586 15.7477 10.4362 25.2091
+threshold=13.500000000000002 65.500000000000014 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0042207317565175198 -0.010245925655890907 0.010622123210385095 0.012175040657465242 -0.0076516118646209209
+leaf_weight=65 42 51 48 55
+leaf_count=65 42 51 48 55
+internal_value=0 0.115029 -0.0920818 0.0791113
+internal_weight=0 116 145 103
+internal_count=261 116 145 103
+shrinkage=0.02
+
+
+Tree=893
+num_leaves=5
+num_cat=0
+split_feature=2 7 9 7
+split_gain=2.63633 15.1243 10.0227 15.6836
+threshold=13.500000000000002 65.500000000000014 49.500000000000007 65.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0041364081280195206 -0.010041348942107646 0.010409971975593948 0.010073074608794285 -0.0055917768721191865
+leaf_weight=65 42 51 47 56
+leaf_count=65 42 51 47 56
+internal_value=0 0.112726 -0.0902429 0.0775243
+internal_weight=0 116 145 103
+internal_count=261 116 145 103
+shrinkage=0.02
+
+
+Tree=894
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=2.64193 6.90284 8.74875 4.69346
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013769964998387207 -0.0032096414009504708 0.0085257596524928019 -0.008879064952500312 0.0071133521569771672
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0634994 -0.0382613 0.109428
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=895
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 6
+split_gain=2.5965 8.80935 11.7667 11.7674
+threshold=77.500000000000014 65.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0027758141802891692 -0.0045690022303765086 0.0079802303593195113 -0.0096195360741839781 0.010377779558342274
+leaf_weight=74 42 53 49 43
+leaf_count=74 42 53 49 43
+internal_value=0 0.0438322 -0.0694479 0.102745
+internal_weight=0 219 166 117
+internal_count=261 219 166 117
+shrinkage=0.02
+
+
+Tree=896
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 7
+split_gain=2.493 11.1873 15.685 5.42406
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0018428135839287027 -0.0044777746438016686 0.0077457726991391335 -0.011165287813603214 0.0074129956923955466
+leaf_weight=55 42 66 51 47
+leaf_count=55 42 66 51 47
+internal_value=0 0.0429538 -0.105431 0.120822
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=897
+num_leaves=5
+num_cat=0
+split_feature=3 2 3 9
+split_gain=2.61138 7.03954 9.79962 5.20732
+threshold=68.500000000000014 12.500000000000002 55.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=0.0064250782411504484 -0.0080041748659727442 0.0050002993431017464 -0.0068849644388184273 0.0022045999745563499
+leaf_weight=68 41 49 64 39
+leaf_count=68 41 49 64 39
+internal_value=0 0.0667146 -0.0862099 -0.150991
+internal_weight=0 181 113 80
+internal_count=261 181 113 80
+shrinkage=0.02
+
+
+Tree=898
+num_leaves=5
+num_cat=0
+split_feature=3 2 3 9
+split_gain=2.5071 6.76011 9.41138 5.0009
+threshold=68.500000000000014 12.500000000000002 55.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=0.0062967086791339841 -0.0078443642188836867 0.004900435869456164 -0.0067474156550206034 0.0021605875814299708
+leaf_weight=68 41 49 64 39
+leaf_count=68 41 49 64 39
+internal_value=0 0.065382 -0.0844798 -0.147967
+internal_weight=0 181 113 80
+internal_count=261 181 113 80
+shrinkage=0.02
+
+
+Tree=899
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=2.4469 7.08972 8.2151 4.58561
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015022210451030532 -0.0030898446451399324 0.0085757310575657539 -0.0087029945557459808 0.0068907651980991292
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0611277 -0.0420011 0.101113
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=900
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 9 6
+split_gain=2.467 9.69659 7.69707 5.14509 4.13931
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 45.500000000000007 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0034132896615897534 0.0076094639206713719 -0.010006006242317365 0.0083244715704327392 -0.0059515730785288838 -0.001342719188346759
+leaf_weight=41 39 40 42 55 44
+leaf_count=41 39 40 42 55 44
+internal_value=0 -0.0666871 0.0588981 -0.0972048 0.142848
+internal_weight=0 178 138 96 83
+internal_count=261 178 138 96 83
+shrinkage=0.02
+
+
+Tree=901
+num_leaves=4
+num_cat=0
+split_feature=7 4 1
+split_gain=2.43217 6.34587 7.23305
+threshold=73.500000000000014 64.500000000000014 4.5000000000000009
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.00314091894108405 0.0036642039499998054 -0.0061907384508085167 0.0059886265932365913
+leaf_weight=70 57 65 69
+leaf_count=70 57 65 69
+internal_value=0 -0.0512768 0.0692997
+internal_weight=0 204 139
+internal_count=261 204 139
+shrinkage=0.02
+
+
+Tree=902
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=2.46598 7.09073 7.97577 5.20698
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0033875715112281551 -0.0031017721887862493 0.0085809647140057104 -0.0079586388924230336 0.0058714985263622265
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0613639 -0.0417722 0.111641
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=903
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 5 5
+split_gain=2.44646 9.67609 12.5929 22.5489 12.4256
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.400000000000006 58.900000000000006
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0095991476121423652 0.0045648035385497414 -0.012694363103307025 0.013792085539163881 0.0069966498914851927 -0.001437576324052575
+leaf_weight=41 40 52 46 42 40
+leaf_count=41 40 52 46 42 40
+internal_value=0 -0.041409 0.0584082 -0.194454 0.335191
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=904
+num_leaves=5
+num_cat=0
+split_feature=2 2 8 1
+split_gain=2.51174 8.1087 24.1748 19.9984
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0040425774199724061 -0.0084943518260527356 0.0065317003135697965 0.014848097113352283 -0.0096520150854911332
+leaf_weight=50 45 51 39 76
+leaf_count=50 45 51 39 76
+internal_value=0 -0.0479889 0.0540315 -0.157336
+internal_weight=0 211 166 127
+internal_count=261 211 166 127
+shrinkage=0.02
+
+
+Tree=905
+num_leaves=4
+num_cat=0
+split_feature=5 6 4
+split_gain=2.68336 6.9493 6.2632
+threshold=68.250000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0029901785352659123 -0.0032344267475986448 0.0063865817533385943 -0.0061915964629381415
+leaf_weight=59 74 68 60
+leaf_count=59 74 68 60
+internal_value=0 0.0639962 -0.0816744
+internal_weight=0 187 119
+internal_count=261 187 119
+shrinkage=0.02
+
+
+Tree=906
+num_leaves=5
+num_cat=0
+split_feature=3 2 6 9
+split_gain=2.60114 6.80233 9.18916 4.83892
+threshold=68.500000000000014 12.500000000000002 47.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=0.0063364612795461803 -0.0078191218477459985 0.0057331499266800139 -0.0060692954236182617 0.0020226148275087823
+leaf_weight=68 41 42 71 39
+leaf_count=68 41 42 71 39
+internal_value=0 0.0665963 -0.0837319 -0.150686
+internal_weight=0 181 113 80
+internal_count=261 181 113 80
+shrinkage=0.02
+
+
+Tree=907
+num_leaves=4
+num_cat=0
+split_feature=5 6 1
+split_gain=2.52867 6.90678 6.14623
+threshold=68.250000000000014 54.500000000000007 10.500000000000002
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.0054731184489992092 -0.0031404596046508532 0.0063339505107085263 0.0037669900270448048
+leaf_weight=70 74 68 49
+leaf_count=70 74 68 49
+internal_value=0 0.0621417 -0.0830836
+internal_weight=0 187 119
+internal_count=261 187 119
+shrinkage=0.02
+
+
+Tree=908
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=2.49439 8.74947 13.0143 19.2901
+threshold=75.500000000000014 66.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.011382699320969037 -0.0044163383810930362 0.007691470142756212 -0.0068645555973292161 0.0090909454085308337
+leaf_weight=40 43 56 56 66
+leaf_count=40 43 56 56 66
+internal_value=0 0.0435867 -0.0741536 0.0880409
+internal_weight=0 218 162 122
+internal_count=261 218 162 122
+shrinkage=0.02
+
+
+Tree=909
+num_leaves=5
+num_cat=0
+split_feature=2 7 9 3
+split_gain=2.54362 14.0992 9.72849 23.2786
+threshold=13.500000000000002 65.500000000000014 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0039556542534935919 -0.0098880350422570172 0.010089569201777556 0.011712408726320017 -0.0073404823456569056
+leaf_weight=65 42 51 48 55
+leaf_count=65 42 51 48 55
+internal_value=0 0.110743 -0.0886519 0.0766349
+internal_weight=0 116 145 103
+internal_count=261 116 145 103
+shrinkage=0.02
+
+
+Tree=910
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 2
+split_gain=2.58625 10.9837 14.8031 5.30918
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0071779724020012608 -0.0045599542467164014 0.0076988612951444978 -0.010864333171774572 -0.0019673969664281764
+leaf_weight=48 42 66 51 54
+leaf_count=48 42 66 51 54
+internal_value=0 0.0437509 -0.103277 0.116522
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=911
+num_leaves=5
+num_cat=0
+split_feature=3 2 3 9
+split_gain=2.64684 6.66858 8.88151 4.92343
+threshold=68.500000000000014 12.500000000000002 55.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=0.0062986052555100624 -0.0078869573649682067 0.0047684797676804357 -0.0065473468643799963 0.0020401041987365186
+leaf_weight=68 41 49 64 39
+leaf_count=68 41 49 64 39
+internal_value=0 0.0671693 -0.0816747 -0.151999
+internal_weight=0 181 113 80
+internal_count=261 181 113 80
+shrinkage=0.02
+
+
+Tree=912
+num_leaves=4
+num_cat=0
+split_feature=5 6 1
+split_gain=2.56809 6.79383 5.96012
+threshold=68.250000000000014 54.500000000000007 10.500000000000002
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.0053819494721585653 -0.0031647621914975737 0.0063017262300591095 0.0037175961122120232
+leaf_weight=70 74 68 49
+leaf_count=70 74 68 49
+internal_value=0 0.062615 -0.0814188
+internal_weight=0 187 119
+internal_count=261 187 119
+shrinkage=0.02
+
+
+Tree=913
+num_leaves=5
+num_cat=0
+split_feature=2 4 6 4
+split_gain=2.48846 18.1015 18.2205 17.986
+threshold=9.5000000000000018 66.500000000000014 47.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0065881308113061041 0.0061791196559831457 0.0096567209806748284 -0.0099133610777611143 -0.012607651981271258
+leaf_weight=39 47 66 70 39
+leaf_count=39 47 66 70 39
+internal_value=0 0.0639759 -0.17211 -0.150111
+internal_weight=0 183 117 78
+internal_count=261 183 117 78
+shrinkage=0.02
+
+
+Tree=914
+num_leaves=5
+num_cat=0
+split_feature=3 2 3 2
+split_gain=2.55486 6.381 8.41444 0.790517
+threshold=68.500000000000014 12.500000000000002 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=0.0061677275751268633 -0.00099634614758808472 0.0046396047292329981 -0.0063752266842321296 -0.0050536060202051557
+leaf_weight=68 41 49 64 39
+leaf_count=68 41 49 64 39
+internal_value=0 0.0660081 -0.0795947 -0.149347
+internal_weight=0 181 113 80
+internal_count=261 181 113 80
+shrinkage=0.02
+
+
+Tree=915
+num_leaves=4
+num_cat=0
+split_feature=5 6 1
+split_gain=2.45686 6.93038 5.58584
+threshold=68.250000000000014 54.500000000000007 10.500000000000002
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.0053185336858106447 -0.0030959846276703909 0.0063249239757267404 0.0034912032363296703
+leaf_weight=70 74 68 49
+leaf_count=70 74 68 49
+internal_value=0 0.0612555 -0.0842178
+internal_weight=0 187 119
+internal_count=261 187 119
+shrinkage=0.02
+
+
+Tree=916
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 6
+split_gain=2.40124 8.76963 10.8358 12.4206
+threshold=77.500000000000014 65.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0030752516947601177 -0.0043950964417286435 0.0079310719227193328 -0.0093159425460274357 0.010438432404540078
+leaf_weight=74 42 53 49 43
+leaf_count=74 42 53 49 43
+internal_value=0 0.042171 -0.0708538 0.0943877
+internal_weight=0 219 166 117
+internal_count=261 219 166 117
+shrinkage=0.02
+
+
+Tree=917
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 8
+split_gain=2.45194 13.9481 12.471 10.5953
+threshold=9.5000000000000018 72.500000000000014 5.5000000000000009 57.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0043800821919437564 0.0043259800939204861 0.010799680342248858 -0.0077505519623425646 -0.01035581249912468
+leaf_weight=39 66 46 71 39
+leaf_count=39 66 46 71 39
+internal_value=0 0.0635077 -0.0963793 -0.149015
+internal_weight=0 183 137 78
+internal_count=261 183 137 78
+shrinkage=0.02
+
+
+Tree=918
+num_leaves=5
+num_cat=0
+split_feature=7 8 3 9
+split_gain=2.44627 9.37223 8.62995 5.34062
+threshold=73.500000000000014 62.500000000000007 58.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0034779333370225925 0.0036748783173150856 -0.0081773115315586353 0.0080374651775536217 -0.0060261971112563267
+leaf_weight=41 57 54 53 56
+leaf_count=41 57 54 53 56
+internal_value=0 -0.051416 0.07713 -0.100057
+internal_weight=0 204 150 97
+internal_count=261 204 150 97
+shrinkage=0.02
+
+
+Tree=919
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 9 4
+split_gain=2.41024 9.46947 7.80246 5.20404 4.3936
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 45.500000000000007 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0034084931548593223 0.0074902851849482366 -0.0098885176189862974 0.0083590936162054111 -0.0060096235730502144 -0.0017162115865176494
+leaf_weight=41 41 40 42 55 42
+leaf_count=41 41 40 42 55 42
+internal_value=0 -0.0659092 0.0581965 -0.0989711 0.141221
+internal_weight=0 178 138 96 83
+internal_count=261 178 138 96 83
+shrinkage=0.02
+
+
+Tree=920
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 6
+split_gain=2.42425 11.0802 13.9439 5.23289
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0020231445941925916 -0.0044157968571669481 0.0077012913369078756 -0.010645806066051238 0.0070691415175577121
+leaf_weight=55 42 66 51 47
+leaf_count=55 42 66 51 47
+internal_value=0 0.0423775 -0.105295 0.108029
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=921
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.52224 6.57875 6.6016 4.70604
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0025561393018157953 -0.0077072588415484904 0.0058515017771150818 -0.0074938823547691519 0.0019988208806267596
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0655896 -0.0947232 -0.148397
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=922
+num_leaves=5
+num_cat=0
+split_feature=8 5 1 3
+split_gain=2.46182 7.27074 4.28225 20.7193
+threshold=67.500000000000014 58.550000000000004 10.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0060899802398762916 -0.0030135955730269705 0.0076009753248499588 0.0034545616408047431 -0.013883076496183207
+leaf_weight=41 77 52 49 42
+leaf_count=41 77 52 49 42
+internal_value=0 0.063061 -0.0616454 -0.200521
+internal_weight=0 184 132 83
+internal_count=261 184 132 83
+shrinkage=0.02
+
+
+Tree=923
+num_leaves=5
+num_cat=0
+split_feature=2 4 6 4
+split_gain=2.44747 17.585 17.8998 16.5514
+threshold=9.5000000000000018 66.500000000000014 47.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0062224390688594249 0.0061516363857682414 0.0095262250279413169 -0.009798747278769615 -0.012192334261335985
+leaf_weight=39 47 66 70 39
+leaf_count=39 47 66 70 39
+internal_value=0 0.0634612 -0.169232 -0.148869
+internal_weight=0 183 117 78
+internal_count=261 183 117 78
+shrinkage=0.02
+
+
+Tree=924
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=2.43815 7.50589 5.46077
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.002588732930555226 -0.0029990557848100187 0.006726941183410942 -0.0059858580677088994
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0627663 -0.0864424
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=925
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.39158 6.32572 6.45075 4.57724
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.002533241851349581 -0.0075649164879383014 0.0057296971941170286 -0.007401594996629614 0.0020079314284596811
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0638907 -0.0933131 -0.144524
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=926
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 9
+split_gain=2.42733 11.0763 11.988 7.64777
+threshold=77.500000000000014 66.500000000000014 54.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0083075078005078844 -0.0044184106915643728 0.007700784228312477 -0.0099090576572306143 -0.002824255607718134
+leaf_weight=43 42 66 52 58
+leaf_count=43 42 66 52 58
+internal_value=0 0.0424125 -0.105234 0.0954783
+internal_weight=0 219 153 101
+internal_count=261 219 153 101
+shrinkage=0.02
+
+
+Tree=927
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.41535 6.24215 5.98173 4.55469
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0023974813379136683 -0.0075676295950025552 0.005706543846985576 -0.0071702026236910767 0.0019816092194453938
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0642039 -0.0919592 -0.145236
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=928
+num_leaves=5
+num_cat=0
+split_feature=2 2 9 1
+split_gain=2.40414 8.3906 19.1172 23.4507
+threshold=6.5000000000000009 11.500000000000002 72.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0039561283913395803 -0.0086029170235957433 0.0082189436259734704 0.012613995845782279 -0.0097457927104418213
+leaf_weight=50 45 47 43 76
+leaf_count=50 45 47 43 76
+internal_value=0 -0.0469383 0.0568399 -0.143697
+internal_weight=0 211 166 123
+internal_count=261 211 166 123
+shrinkage=0.02
+
+
+Tree=929
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 7
+split_gain=2.54423 10.8642 12.9745 5.33623
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0021655438178806918 -0.0045226181990068318 0.0076550811152063429 -0.010294395892300762 0.0070161634416420152
+leaf_weight=55 42 66 51 47
+leaf_count=55 42 66 51 47
+internal_value=0 0.0434178 -0.102809 0.102966
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=930
+num_leaves=4
+num_cat=0
+split_feature=8 6 1
+split_gain=2.48746 7.52027 5.42376
+threshold=67.500000000000014 54.500000000000007 10.500000000000002
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.005300330121489622 -0.0030289254050720714 0.0067447321636987878 0.0033808714585632717
+leaf_weight=70 77 65 49
+leaf_count=70 77 65 49
+internal_value=0 0.0633957 -0.0859556
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=931
+num_leaves=5
+num_cat=0
+split_feature=3 2 6 2
+split_gain=2.44545 5.88356 8.13861 0.947576
+threshold=68.500000000000014 12.500000000000002 47.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=0.0059475234629203537 -0.00075205340520697608 0.005467651442901126 -0.0056411420678361092 -0.0051783969025798616
+leaf_weight=68 41 42 71 39
+leaf_count=68 41 42 71 39
+internal_value=0 0.0646038 -0.0752153 -0.146126
+internal_weight=0 181 113 80
+internal_count=261 181 113 80
+shrinkage=0.02
+
+
+Tree=932
+num_leaves=5
+num_cat=0
+split_feature=2 4 9 4
+split_gain=2.48002 16.9516 17.227 15.6969
+threshold=9.5000000000000018 66.500000000000014 54.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0059622690660556263 -0.010774187212510696 0.0093847731357084869 0.0045742629129006821 -0.011971116115102874
+leaf_weight=39 60 66 57 39
+leaf_count=39 60 66 57 39
+internal_value=0 0.0638826 -0.164582 -0.149844
+internal_weight=0 183 117 78
+internal_count=261 183 117 78
+shrinkage=0.02
+
+
+Tree=933
+num_leaves=6
+num_cat=0
+split_feature=3 5 7 7 9
+split_gain=2.41881 5.83512 6.17308 5.21995 4.36864
+threshold=68.500000000000014 62.400000000000006 57.500000000000007 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0021646634141459791 -0.0074737452933147999 0.008142924278570253 -0.0072628818511231222 0.0069168223606848739 0.0018788570133596849
+leaf_weight=55 41 39 40 47 39
+leaf_count=55 41 39 40 47 39
+internal_value=0 0.0642534 -0.0297941 0.100699 -0.145335
+internal_weight=0 181 142 102 80
+internal_count=261 181 142 102 80
+shrinkage=0.02
+
+
+Tree=934
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 6
+split_gain=2.49344 10.6543 12.3186 5.32593
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0022472283211662698 -0.0044776670451625563 0.0075806334670686648 -0.010064120177760944 0.006925877315465726
+leaf_weight=55 42 66 51 47
+leaf_count=55 42 66 51 47
+internal_value=0 0.0429826 -0.101825 0.0986804
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=935
+num_leaves=4
+num_cat=0
+split_feature=5 6 4
+split_gain=2.45776 7.15387 5.22975
+threshold=68.250000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0024950093527887204 -0.003096286958088289 0.0064067459255303695 -0.0058967056233930138
+leaf_weight=59 74 68 60
+leaf_count=59 74 68 60
+internal_value=0 0.0612798 -0.0865184
+internal_weight=0 187 119
+internal_count=261 187 119
+shrinkage=0.02
+
+
+Tree=936
+num_leaves=5
+num_cat=0
+split_feature=2 4 6 4
+split_gain=2.42892 16.2053 16.8868 15.0155
+threshold=9.5000000000000018 66.500000000000014 47.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0057963982185561978 0.0060594600993710166 0.0091914268568963325 -0.00943344865892249 -0.011743749405360143
+leaf_weight=39 47 66 70 39
+leaf_count=39 47 66 70 39
+internal_value=0 0.0632257 -0.160153 -0.148305
+internal_weight=0 183 117 78
+internal_count=261 183 117 78
+shrinkage=0.02
+
+
+Tree=937
+num_leaves=5
+num_cat=0
+split_feature=4 2 9 1
+split_gain=2.50524 12.0908 15.1582 22.3625
+threshold=54.500000000000007 20.500000000000004 71.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0032478890288687653 0.019876795484641684 -0.0062404679603141654 -0.0052898726487120061 -0.00018862339336957705
+leaf_weight=70 42 60 42 47
+leaf_count=70 42 60 42 47
+internal_value=0 0.0595406 0.230104 0.463982
+internal_weight=0 191 131 89
+internal_count=261 191 131 89
+shrinkage=0.02
+
+
+Tree=938
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=2.48147 9.33461 9.51905 7.76226
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0053030117553369881 0.0037011438306856432 -0.0081701531867917464 0.0094809037234892778 -0.0058325571686460454
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.0517753 0.0765125 -0.0830755
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=939
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 2
+split_gain=2.38242 8.9648 9.14171 6.71012
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0039195936686387059 0.003627211723338917 -0.0080069616441918942 0.0092915937755302744 -0.0061543860674832754
+leaf_weight=48 57 54 43 59
+leaf_count=48 57 54 43 59
+internal_value=0 -0.0507356 0.0749864 -0.0814069
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=940
+num_leaves=6
+num_cat=0
+split_feature=3 5 7 6 9
+split_gain=2.50612 6.00397 6.01907 5.29856 4.59964
+threshold=68.500000000000014 62.400000000000006 57.500000000000007 46.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0022329172819436126 -0.0076438944581973169 0.0082639010510299413 -0.0071836612885945728 0.0069166349359244487 0.0019520870938092385
+leaf_weight=55 41 39 40 47 39
+leaf_count=55 41 39 40 47 39
+internal_value=0 0.0653948 -0.0300028 0.0988534 -0.147912
+internal_weight=0 181 142 102 80
+internal_count=261 181 142 102 80
+shrinkage=0.02
+
+
+Tree=941
+num_leaves=5
+num_cat=0
+split_feature=2 4 9 4
+split_gain=2.47083 15.6276 16.8719 14.4304
+threshold=9.5000000000000018 66.500000000000014 54.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0055987371300259669 -0.010517192440157388 0.0090599172575780169 0.0046725629414336289 -0.011596414416242751
+leaf_weight=39 60 66 57 39
+leaf_count=39 60 66 57 39
+internal_value=0 0.0637691 -0.155593 -0.149564
+internal_weight=0 183 117 78
+internal_count=261 183 117 78
+shrinkage=0.02
+
+
+Tree=942
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 6 2
+split_gain=2.47473 5.57424 5.43726 4.83545 1.24372
+threshold=68.500000000000014 58.500000000000007 54.500000000000007 45.500000000000007 13.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.003333017743197705 -0.00046483562031539945 0.0077917451855037401 -0.0069505324840568542 0.005551460827993261 -0.0055156302571083117
+leaf_weight=42 41 41 39 59 39
+leaf_count=42 41 41 39 59 39
+internal_value=0 0.0649899 -0.0299324 0.092463 -0.146988
+internal_weight=0 181 140 101 80
+internal_count=261 181 140 101 80
+shrinkage=0.02
+
+
+Tree=943
+num_leaves=5
+num_cat=0
+split_feature=2 4 6 4
+split_gain=2.42178 15.1048 16.9275 13.8067
+threshold=9.5000000000000018 66.500000000000014 47.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0054405322072144094 0.0062231691409909903 0.0089161013018729494 -0.0092886234008374442 -0.011379233360526994
+leaf_weight=39 47 66 70 39
+leaf_count=39 47 66 70 39
+internal_value=0 0.0631336 -0.152528 -0.148088
+internal_weight=0 183 117 78
+internal_count=261 183 117 78
+shrinkage=0.02
+
+
+Tree=944
+num_leaves=4
+num_cat=0
+split_feature=8 6 1
+split_gain=2.48915 7.41532 5.13874
+threshold=67.500000000000014 54.500000000000007 10.500000000000002
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.0051840521542580575 -0.00302993049583841 0.0067069270687250201 0.0032666242951673386
+leaf_weight=70 77 65 49
+leaf_count=70 77 65 49
+internal_value=0 0.0634178 -0.0848884
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=945
+num_leaves=5
+num_cat=0
+split_feature=3 5 2 2
+split_gain=2.39066 5.53639 6.18766 1.30305
+threshold=68.500000000000014 55.150000000000006 13.500000000000002 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0036969897644495509 -0.00035866363724638777 0.0054911932599670064 -0.0059776998181744279 -0.0055249758710451133
+leaf_weight=48 41 74 59 39
+leaf_count=48 41 74 59 39
+internal_value=0 0.0638825 -0.08153 -0.144493
+internal_weight=0 181 107 80
+internal_count=261 181 107 80
+shrinkage=0.02
+
+
+Tree=946
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=2.41988 9.21134 9.11943 7.5467
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0052694143169325488 0.0036553888243531858 -0.0081100920875080869 0.0093085180625703517 -0.0057108875767420755
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.0511292 0.0763091 -0.0798934
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=947
+num_leaves=5
+num_cat=0
+split_feature=2 4 9 4
+split_gain=2.39732 14.6724 16.3307 13.2949
+threshold=9.5000000000000018 66.500000000000014 54.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0052982673048210293 -0.01028050705748349 0.0087996786738084361 0.0046639159850680161 -0.01120705948488957
+leaf_weight=39 60 66 57 39
+leaf_count=39 60 66 57 39
+internal_value=0 0.0628214 -0.149731 -0.14734
+internal_weight=0 183 117 78
+internal_count=261 183 117 78
+shrinkage=0.02
+
+
+Tree=948
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=2.45467 6.85435 5.06425
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0025660553169932604 -0.0030089641531122887 0.0064891061896124227 -0.005692546463496915
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0629847 -0.0796063
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=949
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=2.35788 6.2946 8.43162 5.00227
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015238700724270332 -0.0030330846096178143 0.0081305983674941282 -0.0087085929147599755 0.0072407417296239162
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0600397 -0.0371367 0.107852
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=950
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=2.44536 9.3131 8.51759 7.29821
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0052692640316376283 0.0036745231479373072 -0.0081542675182518214 0.0090566944817199162 -0.0055293798626171288
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.0513906 0.0767494 -0.0742113
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=951
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 3 9
+split_gain=2.38343 9.75253 8.60041 4.27403 1.19984
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.500000000000014 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00064111543458411841 -0.0015626616959097024 -0.010007803330910543 0.0069077444243236608 0.0075232958458949723 -0.0056682720848261203
+leaf_weight=39 43 40 60 40 39
+leaf_count=39 43 40 60 40 39
+internal_value=0 -0.0655282 0.0604188 0.140457 -0.158388
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=952
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=2.43346 8.02093 14.1208 20.2382
+threshold=75.500000000000014 66.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.011704794491262605 -0.0043622835348951644 0.0073916904829141525 -0.0068491009215800895 0.0094932275037100094
+leaf_weight=40 43 56 56 66
+leaf_count=40 43 56 56 66
+internal_value=0 0.0430663 -0.0696682 0.0992826
+internal_weight=0 218 162 122
+internal_count=261 218 162 122
+shrinkage=0.02
+
+
+Tree=953
+num_leaves=4
+num_cat=0
+split_feature=8 6 1
+split_gain=2.46343 6.45707 5.0303
+threshold=67.500000000000014 54.500000000000007 10.500000000000002
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.0049560779387555869 -0.0030144686330183797 0.0063377931380401995 0.0034057433049596692
+leaf_weight=70 77 65 49
+leaf_count=70 77 65 49
+internal_value=0 0.0630868 -0.0753139
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=954
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.41509 5.54372 5.66126 4.54973
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.002462236389192365 -0.0075649468868785831 0.0054525811000973633 -0.0068467078987443329 0.0019791104659602132
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0642003 -0.0829783 -0.145228
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=955
+num_leaves=5
+num_cat=0
+split_feature=2 2 8 1
+split_gain=2.40058 8.19367 21.3115 19.7718
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0039532189077632783 -0.0085119752947919666 0.0067674431203045161 0.014040237326038625 -0.0093247096871082319
+leaf_weight=50 45 51 39 76
+leaf_count=50 45 51 39 76
+internal_value=0 -0.0469039 0.0556496 -0.142802
+internal_weight=0 211 166 127
+internal_count=261 211 166 127
+shrinkage=0.02
+
+
+Tree=956
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=2.51859 6.34269 8.29983 4.70389
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0029449550591241409 -0.0031339325631633097 0.00819673419811443 -0.0086138415376274119 0.0056131904852154005
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0620343 -0.035512 0.108339
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=957
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.42618 5.42961 5.61349 4.38759
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0024782618375746393 -0.0074879743483215527 0.0054126131755701957 -0.0067915190185537161 0.0018848296405715589
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0643505 -0.0813076 -0.145554
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=958
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 1
+split_gain=2.47643 10.0221 12.2063 8.80125
+threshold=77.500000000000014 66.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.011446615287809561 -0.0044624538132037586 0.0073757324513345091 -0.004320097492592768 0.006849548189405405
+leaf_weight=40 42 66 55 58
+leaf_count=40 42 66 55 58
+internal_value=0 0.0428389 -0.0976091 0.0703305
+internal_weight=0 219 153 113
+internal_count=261 219 153 113
+shrinkage=0.02
+
+
+Tree=959
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=2.45211 5.98509 4.98414
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0027192325274795373 -0.0030075428620121238 0.0061465266185256042 -0.0054744970201156063
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0629452 -0.0703065
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=960
+num_leaves=5
+num_cat=0
+split_feature=3 2 3 9
+split_gain=2.40774 5.26023 9.04322 4.41516
+threshold=68.500000000000014 12.500000000000002 55.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=0.0056849439063882358 -0.007491350905624603 0.0050979325104226203 -0.0063208759093370207 0.0019108176547180577
+leaf_weight=68 41 49 64 39
+leaf_count=68 41 49 64 39
+internal_value=0 0.0641054 -0.0681096 -0.145007
+internal_weight=0 181 113 80
+internal_count=261 181 113 80
+shrinkage=0.02
+
+
+Tree=961
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 1
+split_gain=2.38498 18.6352 9.8604 10.6779
+threshold=76.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0077831463426233285 0.0045756730006872807 -0.012138153919822772 0.0060823386036801125 -0.0070715353660620378
+leaf_weight=73 39 46 41 62
+leaf_count=73 39 46 41 62
+internal_value=0 -0.0402618 0.107794 -0.0913595
+internal_weight=0 222 176 103
+internal_count=261 222 176 103
+shrinkage=0.02
+
+
+Tree=962
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 4 5
+split_gain=2.37546 9.76637 7.62536 4.75267 4.49987
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 73.500000000000014 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0023418140468922707 0.0076565322189042833 -0.010011842019738836 0.0083254434505890644 -0.0019180163336616246 -0.0063264063295093301
+leaf_weight=49 41 40 42 42 47
+leaf_count=49 41 40 42 42 47
+internal_value=0 -0.0654221 0.0606143 0.140221 -0.0947596
+internal_weight=0 178 138 83 96
+internal_count=261 178 138 83 96
+shrinkage=0.02
+
+
+Tree=963
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=2.32224 7.84975 13.0726 19.9335
+threshold=75.500000000000014 66.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.011310792836073126 -0.0042621772883523505 0.0073021828942117142 -0.006905714476493372 0.0093133771820077035
+leaf_weight=40 43 56 56 66
+leaf_count=40 43 56 56 66
+internal_value=0 0.0420831 -0.0694428 0.0931152
+internal_weight=0 218 162 122
+internal_count=261 218 162 122
+shrinkage=0.02
+
+
+Tree=964
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=2.39531 6.17013 8.30255 4.72397
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014137438010464586 -0.0030569596913009103 0.0080712372571092057 -0.0086190005355031418 0.0071041602542322602
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0605054 -0.0357058 0.108169
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=965
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=2.30586 9.17496 7.87424 7.51876
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0054971455476410169 0.0035689469710624283 -0.0080719875502282112 0.0087780356005142095 -0.0054634605758464242
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.0499206 0.077266 -0.0678825
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=966
+num_leaves=5
+num_cat=0
+split_feature=5 5 1 7
+split_gain=2.32758 5.60805 3.93737 19.8828
+threshold=68.250000000000014 58.550000000000004 10.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0064293675981080831 -0.0030137551147593851 0.0065659142814986568 0.0034536584940119681 -0.013148241327621005
+leaf_weight=40 74 55 49 43
+leaf_count=40 74 55 49 43
+internal_value=0 0.0596531 -0.0520932 -0.185308
+internal_weight=0 187 132 83
+internal_count=261 187 132 83
+shrinkage=0.02
+
+
+Tree=967
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 4 9
+split_gain=2.31874 9.82949 7.82024 4.57182 1.11731
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.500000000000014 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00049731602676313861 0.0075303610169088608 -0.010024291558741096 0.0066714208239581872 -0.0018607560024710315 -0.0053510182201938613
+leaf_weight=39 41 40 60 42 39
+leaf_count=39 41 40 60 42 39
+internal_value=0 -0.0646419 0.0618012 0.138552 -0.146852
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=968
+num_leaves=4
+num_cat=0
+split_feature=8 6 1
+split_gain=2.29509 6.03632 4.83928
+threshold=67.500000000000014 54.500000000000007 10.500000000000002
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.0048422034626869979 -0.0029104588771161834 0.0061267715122763139 0.0033599183237586656
+leaf_weight=70 77 65 49
+leaf_count=70 77 65 49
+internal_value=0 0.0609135 -0.0729075
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=969
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=2.32124 8.93276 7.71848 7.06968
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0052812805005293673 0.0035807601314554374 -0.0079814708420280975 0.0086693437283654109 -0.0053476034876876188
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.0500839 0.0754134 -0.0682931
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=970
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 3 9
+split_gain=2.29533 9.51614 7.50367 4.30319 1.01511
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.500000000000014 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00055686965376774663 -0.0016296194597909201 -0.0098778352170386819 0.0065264688221610924 0.0074873831549100165 -0.0051894112940117747
+leaf_weight=39 43 40 60 40 39
+leaf_count=39 43 40 60 40 39
+internal_value=0 -0.0643194 0.0600919 0.137855 -0.144298
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=971
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=2.3511 6.40005 7.60816 4.55282
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0030355449162366528 -0.0030289257262960789 0.0081863520181408352 -0.008328737181899552 0.0053849312686721149
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0599458 -0.0380407 0.0996879
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=972
+num_leaves=5
+num_cat=0
+split_feature=2 5 9 3
+split_gain=2.34262 11.9247 8.31241 23.8388
+threshold=13.500000000000002 62.400000000000006 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0036482930812064291 -0.0092044982418244391 0.0092444999012341305 0.011655305942180673 -0.0076255532891905762
+leaf_weight=64 42 52 48 55
+leaf_count=64 42 52 48 55
+internal_value=0 0.106322 -0.0850975 0.0676877
+internal_weight=0 116 145 103
+internal_count=261 116 145 103
+shrinkage=0.02
+
+
+Tree=973
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=2.28301 6.04291 7.09923 5.38403
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0020716178528044525 -0.0029852293339821118 0.007971770747142724 -0.0074446332107089078 0.0071507061558568055
+leaf_weight=55 74 41 44 47
+leaf_count=55 74 41 44 47
+internal_value=0 0.0590729 -0.036142 0.108602
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=974
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 9
+split_gain=2.30046 10.7721 7.62384 4.12954
+threshold=69.500000000000014 62.500000000000007 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0028276224261713128 0.0032721943990259438 -0.0095557281777945164 0.0072739927892365762 -0.0056911580554617315
+leaf_weight=40 65 46 57 53
+leaf_count=40 65 46 57 53
+internal_value=0 -0.0543256 0.0754314 -0.10096
+internal_weight=0 196 150 93
+internal_count=261 196 150 93
+shrinkage=0.02
+
+
+Tree=975
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 4 9
+split_gain=2.25967 9.37702 7.10122 4.45057 0.968538
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.500000000000014 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00050708528258152437 0.0074316620657282617 -0.0098052365477316571 0.0063736287255999214 -0.0018344769103526501 -0.0050343865429253601
+leaf_weight=39 41 40 60 42 39
+leaf_count=39 41 40 60 42 39
+internal_value=0 -0.0638337 0.0596649 0.136777 -0.139173
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=976
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=2.32621 6.24117 7.31612 4.53896
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015482465500818977 -0.0030132070386540127 0.0080928142981602381 -0.0081646158039524082 0.0068022511698783358
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0596189 -0.0371444 0.0979162
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=977
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 7
+split_gain=2.28971 14.9569 6.43233 8.51133
+threshold=13.500000000000002 65.500000000000014 59.350000000000009 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0042531889104964922 -0.0044024991685683102 0.010212773034833802 -0.0063632028966120772 0.008642624973031034
+leaf_weight=65 40 51 65 40
+leaf_count=65 40 51 65 40
+internal_value=0 0.105114 -0.0841496 0.105596
+internal_weight=0 116 145 80
+internal_count=261 116 145 80
+shrinkage=0.02
+
+
+Tree=978
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=2.28543 5.98713 7.07388 4.99118
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0031068988261017828 -0.0029869836856917498 0.0079408985017888414 -0.0074234375802600151 0.0058868480327027364
+leaf_weight=42 74 41 44 60
+leaf_count=42 74 41 44 60
+internal_value=0 0.0590949 -0.0356799 0.108806
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=979
+num_leaves=5
+num_cat=0
+split_feature=2 4 3 4
+split_gain=2.25692 14.5436 15.1965 14.3747
+threshold=9.5000000000000018 66.500000000000014 54.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0057130259623270011 0.0059314790643494484 0.008729117383606157 -0.0088201102306608992 -0.011449184895652562
+leaf_weight=39 46 66 71 39
+leaf_count=39 46 66 71 39
+internal_value=0 0.0609468 -0.150671 -0.14302
+internal_weight=0 183 117 78
+internal_count=261 183 117 78
+shrinkage=0.02
+
+
+Tree=980
+num_leaves=5
+num_cat=0
+split_feature=9 4 1 5
+split_gain=2.26616 23.4387 12.9244 11.437
+threshold=63.500000000000007 64.500000000000014 7.5000000000000009 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.001723543892290767 -0.0031334893941984353 -0.014503304713945595 0.011079619918240809 0.011573766426924577
+leaf_weight=70 68 41 41 41
+leaf_count=70 68 41 41 41
+internal_value=0 -0.0792677 0.110454 0.159254
+internal_weight=0 152 109 111
+internal_count=261 152 109 111
+shrinkage=0.02
+
+
+Tree=981
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 6
+split_gain=2.30433 10.0166 12.6256 4.83088
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0031198010448475321 -0.0043063061849958183 0.0073435018345233243 -0.010108862291443062 0.0057289938603619162
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0413147 -0.0990948 0.103895
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=982
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.34385 5.86031 5.38094 4.49099
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0022568514542971063 -0.0074925456315982891 0.0055502714306231238 -0.0068189798927064003 0.0019899617417376762
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0632357 -0.088082 -0.143107
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=983
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=2.28996 6.02301 6.42263 4.66572
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0032854173499983924 -0.0029899436780415653 0.0079621820258838818 -0.0071126691686990776 0.0054809739328686782
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0591514 -0.0359067 0.101772
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=984
+num_leaves=5
+num_cat=0
+split_feature=2 2 8 1
+split_gain=2.25064 8.15283 21.5881 19.0901
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0038284074711673441 -0.0084640779339449895 0.0065984053280994529 0.014147720164522846 -0.0092140576048492535
+leaf_weight=50 45 51 39 76
+leaf_count=50 45 51 39 76
+internal_value=0 -0.0454488 0.0568491 -0.142887
+internal_weight=0 211 166 127
+internal_count=261 211 166 127
+shrinkage=0.02
+
+
+Tree=985
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=2.3643 5.89066 7.00354 4.30619
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014508270001630382 -0.003037607255567178 0.0079064366911518226 -0.0079402773194768277 0.0066833285334397512
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0600993 -0.033909 0.098237
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=986
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 5
+split_gain=2.28404 7.97403 10.3978 8.74794
+threshold=77.500000000000014 65.500000000000014 64.500000000000014 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0021843827168768733 -0.004287480878977303 0.0075820190756698781 -0.0090709259023497787 0.0092165043176155575
+leaf_weight=75 42 53 49 42
+leaf_count=75 42 53 49 42
+internal_value=0 0.0411339 -0.0666447 0.0952237
+internal_weight=0 219 166 117
+internal_count=261 219 166 117
+shrinkage=0.02
+
+
+Tree=987
+num_leaves=5
+num_cat=0
+split_feature=2 7 9 7
+split_gain=2.28407 14.6103 8.40823 15.4828
+threshold=13.500000000000002 65.500000000000014 49.500000000000007 65.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0041817743943888827 -0.0092266292891650878 0.010115761475826117 0.0098604464289081921 -0.005704160010684977
+leaf_weight=65 42 51 47 56
+leaf_count=65 42 51 47 56
+internal_value=0 0.104981 -0.0840509 0.0696124
+internal_weight=0 116 145 103
+internal_count=261 116 145 103
+shrinkage=0.02
+
+
+Tree=988
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=2.28982 5.95055 5.3037
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0028144343713223082 -0.0029075694990379273 0.0060900805470341457 -0.0056370371871846325
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0608229 -0.0720451
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=989
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.31233 5.46138 5.40326 4.41973
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0023614444164772094 -0.0074367114622531398 0.0053939140702478584 -0.006733425298338867 0.0019704993339582024
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0628125 -0.0832713 -0.14215
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=990
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 6
+split_gain=2.28975 7.52475 9.9709 11.1688
+threshold=77.500000000000014 65.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0028063481216273269 -0.0042928063421768508 0.0073903426285941935 -0.0088482586842084186 0.01000899176061195
+leaf_weight=74 42 53 49 43
+leaf_count=74 42 53 49 43
+internal_value=0 0.0411838 -0.0635163 0.0949949
+internal_weight=0 219 166 117
+internal_count=261 219 166 117
+shrinkage=0.02
+
+
+Tree=991
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 6
+split_gain=2.24722 9.45056 7.21041 4.88097 4.17533
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 48.45000000000001 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0025970342838523681 0.007501180893263612 -0.009835337347034687 0.0081236481747322363 -0.0064300212357133882 -0.0014902016362426827
+leaf_weight=49 39 40 42 47 44
+leaf_count=49 39 40 42 47 44
+internal_value=0 -0.0636729 0.060309 -0.09078 0.13639
+internal_weight=0 178 138 96 83
+internal_count=261 178 138 96 83
+shrinkage=0.02
+
+
+Tree=992
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=2.23161 8.70284 7.64282 6.75307
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.005131475085893236 0.0035111456345854907 -0.0078723450775880222 0.008620736915536012 -0.0052571856143738705
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.049136 0.0747364 -0.0682643
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=993
+num_leaves=5
+num_cat=0
+split_feature=2 7 9 7
+split_gain=2.22058 14.2371 8.26973 14.6805
+threshold=13.500000000000002 65.500000000000014 49.500000000000007 65.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0041300785970226203 -0.0091410079465956313 0.0099838754533991929 0.0096364922553383164 -0.005519842065250212
+leaf_weight=65 42 51 47 56
+leaf_count=65 42 51 47 56
+internal_value=0 0.103529 -0.0828807 0.0695121
+internal_weight=0 116 145 103
+internal_count=261 116 145 103
+shrinkage=0.02
+
+
+Tree=994
+num_leaves=5
+num_cat=0
+split_feature=3 2 6 9
+split_gain=2.28577 5.40437 8.95994 4.22431
+threshold=68.500000000000014 12.500000000000002 47.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=0.0057117349814568329 -0.0073181435140360004 0.0058839663465770544 -0.0057711154555442458 0.0018792738492207541
+leaf_weight=68 41 42 71 39
+leaf_count=68 41 42 71 39
+internal_value=0 0.0624574 -0.0715551 -0.141334
+internal_weight=0 181 113 80
+internal_count=261 181 113 80
+shrinkage=0.02
+
+
+Tree=995
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 6
+split_gain=2.28432 9.94981 12.6267 4.55348
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0029625168948345521 -0.0042876625973452352 0.0073183081137582805 -0.010103326030082845 0.0056291173725690194
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0411402 -0.0988008 0.104197
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=996
+num_leaves=5
+num_cat=0
+split_feature=2 4 6 4
+split_gain=2.3232 14.2486 17.119 13.755
+threshold=9.5000000000000018 66.500000000000014 47.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0054848813391232213 0.0063734308418756293 0.0086703176180497592 -0.0092259210461264982 -0.011303534895288448
+leaf_weight=39 47 66 70 39
+leaf_count=39 47 66 70 39
+internal_value=0 0.0618302 -0.147631 -0.145084
+internal_weight=0 183 117 78
+internal_count=261 183 117 78
+shrinkage=0.02
+
+
+Tree=997
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=2.35317 6.15126 7.25067 4.28757
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0029138260490246099 -0.0030304734569193306 0.0080498959569998384 -0.00811067879505099 0.0052584650601818998
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0599605 -0.0361035 0.0983522
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=998
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.31103 5.40522 5.2642 4.21903
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0023241239557125017 -0.0073307309499895277 0.0053724036565137578 -0.0066532874549298827 0.001860908520841098
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0627995 -0.0825324 -0.142105
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=999
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 1
+split_gain=2.24192 9.75076 11.963 8.57194
+threshold=77.500000000000014 66.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.011354976459902542 -0.0042480484748470384 0.0072455448288305793 -0.0042820514538596801 0.0067414529333848575
+leaf_weight=40 42 66 55 58
+leaf_count=40 42 66 55 58
+internal_value=0 0.0407593 -0.0977756 0.0684813
+internal_weight=0 219 153 113
+internal_count=261 219 153 113
+shrinkage=0.02
+
+
+Tree=1000
+num_leaves=5
+num_cat=0
+split_feature=3 2 6 9
+split_gain=2.32794 5.12833 8.26226 4.19642
+threshold=68.500000000000014 12.500000000000002 47.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=0.0056080416347697414 -0.0073290299336394894 0.0056743199085152176 -0.0055187579188917847 0.001837962883678824
+leaf_weight=68 41 42 71 39
+leaf_count=68 41 42 71 39
+internal_value=0 0.0630253 -0.0675243 -0.142621
+internal_weight=0 181 113 80
+internal_count=261 181 113 80
+shrinkage=0.02
+
+
+Tree=1001
+num_leaves=6
+num_cat=0
+split_feature=2 8 6 8 5
+split_gain=2.29399 11.0445 10.5769 8.63077 7.30902
+threshold=9.5000000000000018 69.500000000000014 47.500000000000007 57.500000000000007 58.550000000000004
+decision_type=2 2 2 2 2
+left_child=3 2 -2 -1 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.0037595556192395632 0.0061783531294244869 0.0099636967963363035 -0.011246657365173043 -0.0095418415959586996 2.4450171239466737e-05
+leaf_weight=39 47 44 45 39 47
+leaf_count=39 47 44 45 39 47
+internal_value=0 0.0614462 -0.0766955 -0.144174 -0.274213
+internal_weight=0 183 139 78 92
+internal_count=261 183 139 78 92
+shrinkage=0.02
+
+
+Tree=1002
+num_leaves=4
+num_cat=0
+split_feature=5 6 4
+split_gain=2.34032 5.96647 4.82215
+threshold=68.250000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0025540751857525087 -0.0030221427829019037 0.0059291311049051582 -0.0055055143713296228
+leaf_weight=59 74 68 60
+leaf_count=59 74 68 60
+internal_value=0 0.0598035 -0.0751856
+internal_weight=0 187 119
+internal_count=261 187 119
+shrinkage=0.02
+
+
+Tree=1003
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=2.24923 6.05038 4.63074
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0025030534073839095 -0.0028816339184979732 0.0061202169593182589 -0.005395532331272988
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0603 -0.0736769
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=1004
+num_leaves=5
+num_cat=0
+split_feature=3 4 2 9
+split_gain=2.22584 5.21679 17.31 4.06783
+threshold=68.500000000000014 54.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0030425643024532033 -0.0071974332055196244 0.0097540997444913458 -0.0067807962121272727 0.0018285660825179671
+leaf_weight=70 41 72 39 39
+leaf_count=70 41 72 39 39
+internal_value=0 0.0616501 0.196836 -0.139476
+internal_weight=0 181 111 80
+internal_count=261 181 111 80
+shrinkage=0.02
+
+
+Tree=1005
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 6
+split_gain=2.21112 9.73377 11.9825 4.99667
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.002091972881189725 -0.0042189682300736286 0.0072344403197576995 -0.0098762462017516102 0.0067936898331391942
+leaf_weight=55 42 66 51 47
+leaf_count=55 42 66 51 47
+internal_value=0 0.0404833 -0.097931 0.0998207
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=1006
+num_leaves=5
+num_cat=0
+split_feature=2 4 6 4
+split_gain=2.27371 13.4324 15.7089 12.8915
+threshold=9.5000000000000018 66.500000000000014 47.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0052481628082156765 0.0060897780543290973 0.0084415459767292981 -0.0088538339770229853 -0.011005156354805623
+leaf_weight=39 47 66 70 39
+leaf_count=39 47 66 70 39
+internal_value=0 0.0611762 -0.142198 -0.143542
+internal_weight=0 183 117 78
+internal_count=261 183 117 78
+shrinkage=0.02
+
+
+Tree=1007
+num_leaves=5
+num_cat=0
+split_feature=3 4 2 9
+split_gain=2.28234 5.27626 16.5211 4.01881
+threshold=68.500000000000014 54.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0030514619549739308 -0.0072057579440344332 0.0096507436984022386 -0.0065030873557140314 0.0017657145273511539
+leaf_weight=70 41 72 39 39
+leaf_count=70 41 72 39 39
+internal_value=0 0.0624172 0.198367 -0.141223
+internal_weight=0 181 111 80
+internal_count=261 181 111 80
+shrinkage=0.02
+
+
+Tree=1008
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=2.26584 5.81113 6.96245 4.4963
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015454577119843633 -0.0029742259822008311 0.0078361423807420498 -0.0079313402231434658 0.0067658517476801919
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0588452 -0.034527 0.097231
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=1009
+num_leaves=5
+num_cat=0
+split_feature=2 4 9 4
+split_gain=2.24187 12.9698 15.6934 12.3929
+threshold=9.5000000000000018 66.500000000000014 54.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0051095457421198578 -0.0099246645635091592 0.0083078277781346369 0.0047257228734845433 -0.010826681522966683
+leaf_weight=39 60 66 57 39
+leaf_count=39 60 66 57 39
+internal_value=0 0.0607474 -0.139095 -0.142544
+internal_weight=0 183 117 78
+internal_count=261 183 117 78
+shrinkage=0.02
+
+
+Tree=1010
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=2.24569 5.79226 4.69295
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0025863263476151228 -0.0028795103500429821 0.0060135391593180969 -0.0053651400474297815
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0602465 -0.0708447
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=1011
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 9
+split_gain=2.24194 6.71565 6.2487 20.1063
+threshold=73.500000000000014 68.500000000000014 9.5000000000000018 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0061281724027990028 0.0035193200001830249 -0.0079101959312478792 -0.0038598007865425304 0.012387314075711132
+leaf_weight=42 57 44 65 53
+leaf_count=42 57 44 65 53
+internal_value=0 -0.0492422 0.0458628 0.209731
+internal_weight=0 204 160 95
+internal_count=261 204 160 95
+shrinkage=0.02
+
+
+Tree=1012
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.27932 4.9501 5.57038 4.0309
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0025543309962722241 -0.0072105824979285648 0.0051874120108087521 -0.0066801362892916338 0.00177434391298958
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0623707 -0.0767181 -0.141136
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=1013
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 1
+split_gain=2.22662 7.4199 12.6706 6.92608
+threshold=75.500000000000014 66.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.011113219630221403 -0.004174667345915645 0.0071055706575930133 -0.0033132751391536527 0.0062531073848035102
+leaf_weight=40 43 56 56 66
+leaf_count=40 43 56 56 66
+internal_value=0 0.0411955 -0.0672361 0.0928023
+internal_weight=0 218 162 122
+internal_count=261 218 162 122
+shrinkage=0.02
+
+
+Tree=1014
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=2.26934 5.15409 5.96507 4.94322
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001993657483993088 -0.0029765636498940628 0.0074505140510300874 -0.0067447340853608664 0.0068442551555819957
+leaf_weight=55 74 41 44 47
+leaf_count=55 74 41 44 47
+internal_value=0 0.0588872 -0.0290518 0.103639
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1015
+num_leaves=5
+num_cat=0
+split_feature=9 2 9 1
+split_gain=2.26051 11.9566 10.7933 6.97136
+threshold=55.500000000000007 9.5000000000000018 66.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0032346662595315974 -0.0097113041875803094 -0.0043865617964127896 0.0077840420131774007 0.0076167309548633658
+leaf_weight=45 49 55 62 50
+leaf_count=45 49 55 62 50
+internal_value=0 -0.0707371 0.102839 0.123479
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=1016
+num_leaves=5
+num_cat=0
+split_feature=2 2 9 1
+split_gain=2.34565 8.14151 15.9895 22.7943
+threshold=6.5000000000000009 11.500000000000002 72.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0039076660087490975 -0.0084776505410658013 0.0083853725458067751 0.011614367553978528 -0.009326643294948497
+leaf_weight=50 45 47 43 76
+leaf_count=50 45 47 43 76
+internal_value=0 -0.046391 0.0558357 -0.127561
+internal_weight=0 211 166 123
+internal_count=261 211 166 123
+shrinkage=0.02
+
+
+Tree=1017
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 7
+split_gain=2.39361 9.39763 11.8703 4.55449
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0018450235510091072 -0.004388226089042299 0.0071550939859213736 -0.0097587102422841219 0.0066392227373534467
+leaf_weight=55 42 66 51 47
+leaf_count=55 42 66 51 47
+internal_value=0 0.0421013 -0.093903 0.102921
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=1018
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 6
+split_gain=2.29811 9.02516 11.3999 4.60741
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019088998830765458 -0.0043006071195427868 0.0070121436784094946 -0.0095638041276158679 0.0066244863848385349
+leaf_weight=55 42 66 51 47
+leaf_count=55 42 66 51 47
+internal_value=0 0.0412563 -0.0920272 0.100858
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=1019
+num_leaves=4
+num_cat=0
+split_feature=8 7 8
+split_gain=2.36403 5.70857 5.84501
+threshold=67.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0017486978103144807 -0.0029539298778635471 0.005636819437636208 -0.0078460577730635785
+leaf_weight=73 77 72 39
+leaf_count=73 77 72 39
+internal_value=0 0.061791 -0.0794004
+internal_weight=0 184 112
+internal_count=261 184 112
+shrinkage=0.02
+
+
+Tree=1020
+num_leaves=5
+num_cat=0
+split_feature=3 4 7 9
+split_gain=2.36253 4.87187 6.44668 3.97867
+threshold=68.500000000000014 54.500000000000007 59.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0028624104316605139 -0.0072328088461032086 0.0092102106703906249 -0.00047634841348723965 0.0016936996009363858
+leaf_weight=70 41 50 61 39
+leaf_count=70 41 50 61 39
+internal_value=0 0.0634825 0.194141 -0.143673
+internal_weight=0 181 111 80
+internal_count=261 181 111 80
+shrinkage=0.02
+
+
+Tree=1021
+num_leaves=6
+num_cat=0
+split_feature=2 2 8 6 6
+split_gain=2.2181 7.90963 19.7015 15.8531 4.54601
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 56.500000000000007 47.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 -2 3 4 -3
+right_child=1 2 -4 -5 -6
+leaf_value=0.0038007722432227206 -0.0083444007075967625 0.0067345425964335029 0.013542574334318509 -0.012754184309705749 -0.0025261391320889203
+leaf_weight=50 45 44 39 42 41
+leaf_count=50 45 44 39 42 41
+internal_value=0 -0.0451271 0.055634 -0.135172 0.112991
+internal_weight=0 211 166 127 85
+internal_count=261 211 166 127 85
+shrinkage=0.02
+
+
+Tree=1022
+num_leaves=5
+num_cat=0
+split_feature=3 6 7 9
+split_gain=2.37483 5.01598 7.41841 3.77705
+threshold=68.500000000000014 48.500000000000007 59.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0025964440139711674 -0.0071288089508234741 0.010509134545967256 -0.00033464653725824751 0.0015691359846304223
+leaf_weight=77 41 43 61 39
+leaf_count=77 41 43 61 39
+internal_value=0 0.0636449 0.20726 -0.144045
+internal_weight=0 181 104 80
+internal_count=261 181 104 80
+shrinkage=0.02
+
+
+Tree=1023
+num_leaves=4
+num_cat=0
+split_feature=5 7 8
+split_gain=2.30097 5.56932 5.81898
+threshold=68.250000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0016910240127647302 -0.0029972250262493873 0.0054109678041193389 -0.0078822578119444424
+leaf_weight=73 74 75 39
+leaf_count=73 74 75 39
+internal_value=0 0.0592839 -0.0819116
+internal_weight=0 187 112
+internal_count=261 187 112
+shrinkage=0.02
+
+
+Tree=1024
+num_leaves=5
+num_cat=0
+split_feature=3 6 2 9
+split_gain=2.24333 4.82051 18.6391 3.66084
+threshold=68.500000000000014 48.500000000000007 12.500000000000002 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0025559930662395307 -0.006983294335194159 0.014979879237637057 -0.0024991245751229234 0.0015804301833127019
+leaf_weight=77 41 39 65 39
+leaf_count=77 41 39 65 39
+internal_value=0 0.0618698 0.202674 -0.140038
+internal_weight=0 181 104 80
+internal_count=261 181 104 80
+shrinkage=0.02
+
+
+Tree=1025
+num_leaves=6
+num_cat=0
+split_feature=7 3 6 7 6
+split_gain=2.23502 10.4962 5.71737 5.81176 4.40082
+threshold=76.500000000000014 69.500000000000014 58.500000000000007 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0018821035902416164 0.0044301049819772502 -0.0097852771695050664 0.0081026376334181333 -0.0071294741695239056 0.0064585005711516388
+leaf_weight=55 39 42 39 39 47
+leaf_count=55 39 42 39 39 47
+internal_value=0 -0.0390172 0.0659676 -0.0277147 0.0977536
+internal_weight=0 222 180 141 102
+internal_count=261 222 180 141 102
+shrinkage=0.02
+
+
+Tree=1026
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 1
+split_gain=2.28979 9.31044 11.0623 8.06568
+threshold=77.500000000000014 66.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.010923325542740789 -0.0042930220636699223 0.0071073159740780217 -0.0041688426376060156 0.0065248939567262385
+leaf_weight=40 42 66 55 58
+leaf_count=40 42 66 55 58
+internal_value=0 0.0411752 -0.0941972 0.0656772
+internal_weight=0 219 153 113
+internal_count=261 219 153 113
+shrinkage=0.02
+
+
+Tree=1027
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 9
+split_gain=2.29703 10.7765 8.50122 7.27263
+threshold=62.500000000000007 69.500000000000014 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0053453225241000147 -0.0096020448099177341 0.0030466999531831912 0.0091341994240246877 -0.0054346490995848765
+leaf_weight=40 46 65 43 67
+leaf_count=40 46 65 43 67
+internal_value=0 -0.109533 0.0809939 -0.0698211
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1028
+num_leaves=4
+num_cat=0
+split_feature=5 7 4
+split_gain=2.3302 5.23627 5.82564
+threshold=68.250000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0027747251984631938 -0.003016030539626356 0.0052905996520366504 -0.0063664845224601172
+leaf_weight=59 74 75 53
+leaf_count=59 74 75 53
+internal_value=0 0.0596565 -0.0772581
+internal_weight=0 187 112
+internal_count=261 187 112
+shrinkage=0.02
+
+
+Tree=1029
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=2.23864 5.37349 4.78397
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0027192962225649551 -0.0028752714047113937 0.0058349569223618506 -0.0053089498299736335
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0601404 -0.0661291
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=1030
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 2
+split_gain=2.19061 9.2545 7.89763 6.28193
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0040418427044013102 0.0034789117766419876 -0.0080779902130745686 0.0088242388442798768 -0.0057069189996107475
+leaf_weight=48 57 54 43 59
+leaf_count=48 57 54 43 59
+internal_value=0 -0.0486924 0.0790443 -0.0663194
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=1031
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=2.17873 5.0725 7.15728 4.04185
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012280343543778337 -0.0029171310459350764 0.0073772976181934961 -0.007932022335525056 0.0066528973916377314
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0577066 -0.0295345 0.104054
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=1032
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 4 9
+split_gain=2.19377 10.089 7.23486 4.85025 0.908557
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.500000000000014 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00050328521616232493 0.00759715181946145 -0.010104193650846147 0.0065321126388237375 -0.0020753102532639085 -0.0048920054366468381
+leaf_weight=39 41 40 60 42 39
+leaf_count=39 41 40 60 42 39
+internal_value=0 -0.0629205 0.0651807 0.13477 -0.135516
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=1033
+num_leaves=4
+num_cat=0
+split_feature=5 7 4
+split_gain=2.16984 4.87074 5.50543
+threshold=68.250000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0027101134727938398 -0.0029113982559413232 0.0051041439965226389 -0.0061771015991076532
+leaf_weight=59 74 75 53
+leaf_count=59 74 75 53
+internal_value=0 0.0575816 -0.0744768
+internal_weight=0 187 112
+internal_count=261 187 112
+shrinkage=0.02
+
+
+Tree=1034
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 9
+split_gain=2.20829 6.5119 6.26338 19.5546
+threshold=73.500000000000014 68.500000000000014 9.5000000000000018 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.006003670509110332 0.0034927288982681036 -0.0077976128502932973 -0.0038874326281069767 0.012256101503510563
+leaf_weight=42 57 44 65 53
+leaf_count=42 57 44 65 53
+internal_value=0 -0.0488899 0.0447622 0.208823
+internal_weight=0 204 160 95
+internal_count=261 204 160 95
+shrinkage=0.02
+
+
+Tree=1035
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 1
+split_gain=2.1832 7.01079 12.0806 6.65475
+threshold=75.500000000000014 66.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.010831329168778332 -0.0041344809260228854 0.0069220971617869609 -0.0032342947220364337 0.006143253640285398
+leaf_weight=40 43 56 56 66
+leaf_count=40 43 56 56 66
+internal_value=0 0.0407778 -0.0646244 0.0916433
+internal_weight=0 218 162 122
+internal_count=261 218 162 122
+shrinkage=0.02
+
+
+Tree=1036
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 4
+split_gain=2.29852 11.4034 16.9543 8.80685
+threshold=55.500000000000007 9.5000000000000018 20.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0021858175695861895 -0.010320247658477572 0.0089749432415072768 -0.0068774098241696034 0.0095492811319977233
+leaf_weight=68 43 60 49 41
+leaf_count=68 43 60 49 41
+internal_value=0 -0.0798457 0.0920741 0.111213
+internal_weight=0 152 109 109
+internal_count=261 152 109 109
+shrinkage=0.02
+
+
+Tree=1037
+num_leaves=5
+num_cat=0
+split_feature=9 2 9 1
+split_gain=2.22024 11.0404 10.6179 6.81148
+threshold=55.500000000000007 9.5000000000000018 66.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0031911810244005219 -0.0093755075890006815 -0.0044575099400000285 0.0076141413202320532 0.0075353164574165224
+leaf_weight=45 49 55 62 50
+leaf_count=45 49 55 62 50
+internal_value=0 -0.0701275 0.0966664 0.122366
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=1038
+num_leaves=5
+num_cat=0
+split_feature=2 2 9 1
+split_gain=2.32706 7.60595 15.3035 22.5681
+threshold=6.5000000000000009 11.500000000000002 72.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0038919354909452493 -0.0082224446417408833 0.0083454853948423356 0.011322064062802973 -0.0092784954829819039
+leaf_weight=50 45 47 43 76
+leaf_count=50 45 47 43 76
+internal_value=0 -0.0462258 0.0525827 -0.126836
+internal_weight=0 211 166 123
+internal_count=261 211 166 123
+shrinkage=0.02
+
+
+Tree=1039
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 7
+split_gain=2.30175 14.3747 7.06786 8.38644
+threshold=13.500000000000002 65.500000000000014 59.350000000000009 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0041231662782221989 -0.0041763234980421119 0.010058691579989312 -0.0065930148789125863 0.0087724334246980784
+leaf_weight=65 40 51 65 40
+leaf_count=65 40 51 65 40
+internal_value=0 0.105369 -0.0843873 0.114504
+internal_weight=0 116 145 80
+internal_count=261 116 145 80
+shrinkage=0.02
+
+
+Tree=1040
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 4
+split_gain=2.32348 10.7714 16.2044 8.34663
+threshold=55.500000000000007 9.5000000000000018 20.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0020571061338563314 -0.010084070439595536 0.0087105963999116829 -0.0067876765680381134 0.0093676589292594047
+leaf_weight=68 43 60 49 41
+leaf_count=68 43 60 49 41
+internal_value=0 -0.0802744 0.0868132 0.11181
+internal_weight=0 152 109 109
+internal_count=261 152 109 109
+shrinkage=0.02
+
+
+Tree=1041
+num_leaves=5
+num_cat=0
+split_feature=2 2 8 1
+split_gain=2.28436 7.34535 19.1757 18.3483
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0038564053148668117 -0.0080881973396840431 0.0065317969770844206 0.013289244158061412 -0.0089707011507636266
+leaf_weight=50 45 51 39 76
+leaf_count=50 45 51 39 76
+internal_value=0 -0.0458015 0.0513002 -0.136941
+internal_weight=0 211 166 127
+internal_count=261 211 166 127
+shrinkage=0.02
+
+
+Tree=1042
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=2.36606 5.04451 6.32997 4.24883
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0026790217049676673 -0.0030390531268859504 0.0074080104824397752 -0.0068867252351530617 0.0056206769922003087
+leaf_weight=42 74 41 44 60
+leaf_count=42 74 41 44 60
+internal_value=0 0.0601049 -0.0268948 0.109791
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1043
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 7
+split_gain=2.28049 13.9932 6.84505 7.97719
+threshold=13.500000000000002 65.500000000000014 59.350000000000009 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0040496016121440107 -0.0040720239600725893 0.0099429806392907581 -0.006507568983382595 0.0085574288241191503
+leaf_weight=65 40 51 65 40
+leaf_count=65 40 51 65 40
+internal_value=0 0.104885 -0.0839999 0.111734
+internal_weight=0 116 145 80
+internal_count=261 116 145 80
+shrinkage=0.02
+
+
+Tree=1044
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=2.31776 4.84553 7.03962 3.61569
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0023484803076434749 -0.0030082088447750161 0.0072725682517516812 -0.0077966831778210699 0.0051577393098239952
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0594898 -0.0257784 0.106709
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=1045
+num_leaves=5
+num_cat=0
+split_feature=8 5 2 4
+split_gain=2.29785 10.9533 13.6968 7.91635
+threshold=55.500000000000007 62.400000000000006 17.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.00195729782836315 -0.010431938622158637 0.00747201749324501 -0.0068349564398157651 0.0091695489526694793
+leaf_weight=68 41 66 45 41
+leaf_count=68 41 66 45 41
+internal_value=0 -0.0798366 0.0832019 0.111195
+internal_weight=0 152 111 109
+internal_count=261 152 111 109
+shrinkage=0.02
+
+
+Tree=1046
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 9
+split_gain=2.34573 10.5107 7.56641 7.22179
+threshold=62.500000000000007 69.500000000000014 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0055093255558006779 -0.0095332696858574355 0.0029586248316897839 0.0087267315927447488 -0.0052334640255197618
+leaf_weight=40 46 65 43 67
+leaf_count=40 46 65 43 67
+internal_value=0 -0.110687 0.081832 -0.060451
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1047
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=2.33298 4.861 6.65597 3.63895
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0024349665918565002 -0.0030179936755752863 0.007286093564459608 -0.0075950207480207756 0.005095517416909833
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0596831 -0.0257211 0.103108
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=1048
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 2
+split_gain=2.27882 8.88372 12.1776 4.22786
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0064918155636191242 -0.004283020646548878 0.0069598073738415568 -0.0098053176373400896 -0.0016720632271469465
+leaf_weight=48 42 66 51 54
+leaf_count=48 42 66 51 54
+internal_value=0 0.0410668 -0.0911689 0.108187
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=1049
+num_leaves=5
+num_cat=0
+split_feature=3 2 3 2
+split_gain=2.29733 4.43302 8.36173 1.43859
+threshold=68.500000000000014 12.500000000000002 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=0.0052951222415167955 -0.00017865176629869208 0.0050362204946615505 -0.0059450736965164864 -0.0056001802027942525
+leaf_weight=68 41 49 64 39
+leaf_count=68 41 49 64 39
+internal_value=0 0.0625906 -0.0588014 -0.141711
+internal_weight=0 181 113 80
+internal_count=261 181 113 80
+shrinkage=0.02
+
+
+Tree=1050
+num_leaves=4
+num_cat=0
+split_feature=5 6 4
+split_gain=2.21422 4.86598 5.13494
+threshold=68.250000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0029118197032273955 -0.002941015489440675 0.0054389905875275911 -0.0054049537572603522
+leaf_weight=59 74 68 60
+leaf_count=59 74 68 60
+internal_value=0 0.0581487 -0.0637753
+internal_weight=0 187 119
+internal_count=261 187 119
+shrinkage=0.02
+
+
+Tree=1051
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 9
+split_gain=2.18117 10.4704 7.59165 6.92363
+threshold=62.500000000000007 69.500000000000014 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0053065067116893497 -0.0094411049267980225 0.0030270476576753236 0.0086806209717877423 -0.0052124937460108637
+leaf_weight=40 46 65 43 67
+leaf_count=40 46 65 43 67
+internal_value=0 -0.106771 0.0789312 -0.0635893
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1052
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.18669 5.14399 5.49218 3.89991
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0024458203636411285 -0.007082129095066253 0.0052377611150178803 -0.0067235345489183055 0.0017561725685899751
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0610804 -0.0807024 -0.138285
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=1053
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 6
+split_gain=2.17962 8.86204 11.761 4.08996
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0027028210695973758 -0.0041895467568554626 0.0069344928619340896 -0.0096824328700273448 0.005441051645367837
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0401735 -0.0919009 0.104015
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=1054
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=2.19968 4.969 6.33244 3.74511
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0026167205941353263 -0.0029313227548376504 0.0073188586237368462 -0.0074744902895575206 0.0050228351600199537
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0579644 -0.0283828 0.0972779
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=1055
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.16652 5.12425 5.41392 3.92193
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0024165965012029199 -0.0070816633004413092 0.0052244377996118986 -0.0066873596042287013 0.001781525786404479
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0607977 -0.0807135 -0.137654
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=1056
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 6 9
+split_gain=2.14817 9.71978 6.81125 4.13131 0.807197
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 70.500000000000014 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00054087773175199281 0.0074156189215039857 -0.0099284493482883415 0.0063427063925444484 -0.001528556378575607 -0.0046853760783404442
+leaf_weight=39 39 40 60 44 39
+leaf_count=39 39 40 60 44 39
+internal_value=0 -0.0622835 0.0634521 0.13336 -0.131286
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=1057
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=2.15282 4.95894 6.13685 3.70344
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.002641152744922058 -0.0029003330138960208 0.007300261198124631 -0.0073780222772972231 0.0049560970105190115
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0573435 -0.0289165 0.0947897
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=1058
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=2.18851 8.94146 7.5832 6.53338
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0050789629754830938 0.0034768693498445935 -0.0079570120203752981 0.0086355365623529932 -0.0051398506440667726
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.0486889 0.0768697 -0.0655719
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=1059
+num_leaves=5
+num_cat=0
+split_feature=9 4 1 5
+split_gain=2.15488 21.9209 12.177 9.72681
+threshold=63.500000000000007 64.500000000000014 7.5000000000000009 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0014601330879974149 -0.0030316108780643119 -0.014039951034900711 0.010764892484502025 0.010803838058896153
+leaf_weight=70 68 41 41 41
+leaf_count=70 68 41 41 41
+internal_value=0 -0.077339 0.107707 0.153328
+internal_weight=0 152 109 111
+internal_count=261 152 109 111
+shrinkage=0.02
+
+
+Tree=1060
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 2
+split_gain=2.13901 8.8776 11.1718 7.53581
+threshold=77.500000000000014 66.500000000000014 41.500000000000007 21.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.010931943780113879 -0.0041508278020464789 0.00693227961436151 -0.0023808774573770442 0.0084855774146442003
+leaf_weight=40 42 66 74 39
+leaf_count=40 42 66 74 39
+internal_value=0 0.0397938 -0.0923966 0.0682674
+internal_weight=0 219 153 113
+internal_count=261 219 153 113
+shrinkage=0.02
+
+
+Tree=1061
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=2.14295 4.93875 6.02786 3.46294
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0025128918769936953 -0.0028937553467217191 0.0072851497516859647 -0.0073167047617775363 0.0048345109880835744
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0572124 -0.028872 0.0937316
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=1062
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.10297 5.10819 5.31551 3.85049
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0023663074004684425 -0.0070021625178441358 0.0052002747429739996 -0.0066547004313435507 0.0017802907482632475
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.059901 -0.0813892 -0.135646
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=1063
+num_leaves=5
+num_cat=0
+split_feature=7 8 3 4
+split_gain=2.13196 8.71019 7.10805 4.18097
+threshold=73.500000000000014 62.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030490253067708001 0.0034320961889085164 -0.0078537604717090967 0.007413241022866798 -0.0053385034570984907
+leaf_weight=42 57 54 53 55
+leaf_count=42 57 54 53 55
+internal_value=0 -0.0480597 0.0758652 -0.0849484
+internal_weight=0 204 150 97
+internal_count=261 204 150 97
+shrinkage=0.02
+
+
+Tree=1064
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 5 3
+split_gain=2.14369 9.41548 6.52103 4.73509 4.27462
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 48.45000000000001 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0027032755395169413 -0.0017077803939740067 -0.0097904757445430365 0.0078100385930409532 -0.0061887804931811223 0.0073792755855923734
+leaf_weight=49 43 40 42 47 40
+leaf_count=49 43 40 42 47 40
+internal_value=0 -0.0622205 0.0615312 -0.0821568 0.133221
+internal_weight=0 178 138 96 83
+internal_count=261 178 138 96 83
+shrinkage=0.02
+
+
+Tree=1065
+num_leaves=4
+num_cat=0
+split_feature=8 5 4
+split_gain=2.15017 5.10736 3.82709
+threshold=67.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0028762207181396797 -0.0028186297118934478 0.0064954549665984032 -0.0039843739124823816
+leaf_weight=59 77 52 73
+leaf_count=59 77 52 73
+internal_value=0 0.0589391 -0.045597
+internal_weight=0 184 132
+internal_count=261 184 132
+shrinkage=0.02
+
+
+Tree=1066
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 4 9
+split_gain=2.11932 9.26589 6.33675 4.87779 0.756734
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.500000000000014 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00051792267218922483 0.0075651292167994016 -0.0097153927314778295 0.0061123942535054937 -0.0021348334251346684 -0.0045347453124052681
+leaf_weight=39 41 40 60 42 39
+leaf_count=39 41 40 60 42 39
+internal_value=0 -0.0618667 0.060898 0.132471 -0.126942
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=1067
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=2.14233 5.17278 5.96303 3.47737
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0025757119446363197 -0.0028933049668196458 0.0074283023300848947 -0.0073208028042227955 0.004787109865214946
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0572061 -0.0308926 0.0910499
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=1068
+num_leaves=5
+num_cat=0
+split_feature=9 4 1 5
+split_gain=2.10669 21.2283 11.6331 9.50319
+threshold=63.500000000000007 64.500000000000014 7.5000000000000009 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0014641423616358945 -0.0029385556017264974 -0.013824079773970002 0.010546674595455023 0.010658278124797423
+leaf_weight=70 68 41 41 41
+leaf_count=70 68 41 41 41
+internal_value=0 -0.0764819 0.106502 0.15051
+internal_weight=0 152 109 111
+internal_count=261 152 109 111
+shrinkage=0.02
+
+
+Tree=1069
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 2
+split_gain=2.11064 8.86362 11.3452 4.31872
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0063717640686213719 -0.0041235592579484583 0.0069221316117850287 -0.0095558945536146616 -0.0018796337321083715
+leaf_weight=48 42 66 51 54
+leaf_count=48 42 66 51 54
+internal_value=0 0.0395272 -0.0925592 0.0998623
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=1070
+num_leaves=4
+num_cat=0
+split_feature=8 6 8
+split_gain=2.11862 5.24727 4.94379
+threshold=67.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0019083024679888484 -0.0027982795593477776 0.0057476577882266955 -0.0064702246140988665
+leaf_weight=73 77 65 46
+leaf_count=73 77 65 46
+internal_value=0 0.0584985 -0.0662818
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=1071
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 4 9
+split_gain=2.11048 9.06493 6.1768 4.7222 0.715787
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.500000000000014 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00054775401885045105 0.0074806915374533061 -0.009620822829916973 0.0060260587463328106 -0.0020636735213661467 -0.0044585233289840924
+leaf_weight=39 41 40 60 42 39
+leaf_count=39 41 40 60 42 39
+internal_value=0 -0.06175 0.0596763 0.132186 -0.125782
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=1072
+num_leaves=5
+num_cat=0
+split_feature=4 9 3 1
+split_gain=2.13859 8.22754 11.4435 14.6754
+threshold=75.500000000000014 41.500000000000007 67.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0088648698876773128 0.0042697632541851662 -0.0032506212788255794 -0.0066330621230314551 0.010480510631292546
+leaf_weight=41 40 56 54 70
+leaf_count=41 40 56 54 70
+internal_value=0 -0.0387712 0.053273 0.218651
+internal_weight=0 221 180 126
+internal_count=261 221 180 126
+shrinkage=0.02
+
+
+Tree=1073
+num_leaves=5
+num_cat=0
+split_feature=2 7 9 3
+split_gain=2.10664 13.1362 7.52073 21.9913
+threshold=13.500000000000002 65.500000000000014 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0039396802567842103 -0.0087530991899051943 0.0096181928152402653 0.011185815456331656 -0.0073334609209376369
+leaf_weight=65 42 51 48 55
+leaf_count=65 42 51 48 55
+internal_value=0 0.100821 -0.0807867 0.0645428
+internal_weight=0 116 145 103
+internal_count=261 116 145 103
+shrinkage=0.02
+
+
+Tree=1074
+num_leaves=4
+num_cat=0
+split_feature=8 7 8
+split_gain=2.10818 4.96623 5.87491
+threshold=67.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0018780509491079043 -0.0027916326063302179 0.0052730141599746996 -0.0077415014204235679
+leaf_weight=73 77 72 39
+leaf_count=73 77 72 39
+internal_value=0 0.058346 -0.073361
+internal_weight=0 184 112
+internal_count=261 184 112
+shrinkage=0.02
+
+
+Tree=1075
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=2.08337 8.49157 7.03944 6.8689
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0053041079687245153 0.003392840432258043 -0.0077563173003220532 0.0083363083545365084 -0.0051733943320998541
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.0475286 0.074832 -0.0624096
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=1076
+num_leaves=5
+num_cat=0
+split_feature=8 2 4 4
+split_gain=2.10319 11.4404 15.3416 8.12168
+threshold=55.500000000000007 9.5000000000000018 66.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0021069280059568436 -0.010266114633512216 -0.0073696363298860323 0.007978340118076974 0.0091632920069679418
+leaf_weight=68 43 43 66 41
+leaf_count=68 43 43 66 41
+internal_value=0 -0.0764263 0.0957728 0.106408
+internal_weight=0 152 109 109
+internal_count=261 152 109 109
+shrinkage=0.02
+
+
+Tree=1077
+num_leaves=5
+num_cat=0
+split_feature=2 2 8 1
+split_gain=2.13492 7.43437 19.3771 17.9851
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0037289166498415149 -0.0081016173677749166 0.006461452484504338 0.013394941169418641 -0.0088869713051522546
+leaf_weight=50 45 51 39 76
+leaf_count=50 45 51 39 76
+internal_value=0 -0.0443088 0.0533795 -0.135849
+internal_weight=0 211 166 127
+internal_count=261 211 166 127
+shrinkage=0.02
+
+
+Tree=1078
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=2.25356 5.1806 5.83848 3.4966
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010813457385651323 -0.0029668738725891286 0.0074619274624717017 -0.0072231214610029735 0.0063313363540305756
+leaf_weight=65 74 41 39 42
+leaf_count=65 74 41 39 42
+internal_value=0 0.0586546 -0.0295102 0.0911535
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=1079
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 2
+split_gain=2.16354 4.97509 5.83824 4.40071
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.006462612926947592 -0.0029075923820360804 0.0073129433452981457 -0.0066764989531118632 -0.0018663634033813392
+leaf_weight=48 74 41 44 54
+leaf_count=48 74 41 44 54
+internal_value=0 0.0574792 -0.028921 0.102353
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1080
+num_leaves=5
+num_cat=0
+split_feature=3 2 3 2
+split_gain=2.09941 4.60274 8.02019 1.35807
+threshold=68.500000000000014 12.500000000000002 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=0.0053166922382256255 -0.00012916980287237473 0.0048071925653953625 -0.005947679664706486 -0.0053990890744368934
+leaf_weight=68 41 49 64 39
+leaf_count=68 41 49 64 39
+internal_value=0 0.0598466 -0.0638449 -0.135536
+internal_weight=0 181 113 80
+internal_count=261 181 113 80
+shrinkage=0.02
+
+
+Tree=1081
+num_leaves=5
+num_cat=0
+split_feature=9 4 1 5
+split_gain=2.12272 20.5516 11.1546 9.38752
+threshold=63.500000000000007 64.500000000000014 7.5000000000000009 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0015157109571282427 -0.0028253637680673602 -0.013632649885989874 0.010379921472149521 0.010532928613493673
+leaf_weight=70 68 41 41 41
+leaf_count=70 68 41 41 41
+internal_value=0 -0.0767776 0.106895 0.146566
+internal_weight=0 152 109 111
+internal_count=261 152 109 111
+shrinkage=0.02
+
+
+Tree=1082
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 4 9
+split_gain=2.09102 8.80838 5.98386 4.73653 0.700299
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.500000000000014 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.00053912523963245743 0.0074757945199959873 -0.0094960538862588727 0.0059212231808699412 -0.0020830493831410666 -0.0044087593546144376
+leaf_weight=39 41 40 60 42 39
+leaf_count=39 41 40 60 42 39
+internal_value=0 -0.0614738 0.0582219 0.131574 -0.12432
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=1083
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 5 5
+split_gain=2.0994 8.06925 11.0383 16.9163 9.84656
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.400000000000006 58.900000000000006
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0087799504558216321 0.0042306899923263185 -0.011308448413511784 0.012549207626492438 0.0057479463696492195 -0.0010088317915481137
+leaf_weight=41 40 52 46 42 40
+leaf_count=41 40 52 46 42 40
+internal_value=0 -0.0384243 0.0527304 -0.18402 0.311908
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=1084
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=2.19896 5.24698 4.97951
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0028195858720153327 -0.0028505254832057853 0.0057690984409159932 -0.0053706401201042264
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0595789 -0.0651975
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=1085
+num_leaves=5
+num_cat=0
+split_feature=2 7 9 3
+split_gain=2.15791 12.3413 7.3021 20.9003
+threshold=13.500000000000002 65.500000000000014 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0037324876626671534 -0.0086681604317369737 0.0094091497577768052 0.01087577657092503 -0.0071786808786027251
+leaf_weight=65 42 51 48 55
+leaf_count=65 42 51 48 55
+internal_value=0 0.10203 -0.0817539 0.0614479
+internal_weight=0 116 145 103
+internal_count=261 116 145 103
+shrinkage=0.02
+
+
+Tree=1086
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 2
+split_gain=2.17419 8.68781 11.0363 4.70571
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.006547815392139872 -0.0041848250616466692 0.0068726300118107375 -0.0094127531989822415 -0.0020643585908207895
+leaf_weight=48 42 66 51 54
+leaf_count=48 42 66 51 54
+internal_value=0 0.0401011 -0.0906695 0.0991151
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=1087
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 2
+split_gain=2.1902 4.90247 5.29943 4.51899
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0064170500552403796 -0.0029254946591232224 0.0072747337420491203 -0.0063700418000639724 -0.0020231240683526146
+leaf_weight=48 74 41 44 54
+leaf_count=48 74 41 44 54
+internal_value=0 0.0578187 -0.0279491 0.0971281
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1088
+num_leaves=4
+num_cat=0
+split_feature=8 7 8
+split_gain=2.11534 5.07142 5.69185
+threshold=67.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0017997359846103889 -0.0027963927048869344 0.0053179908845797487 -0.007669061537739533
+leaf_weight=73 77 72 39
+leaf_count=73 77 72 39
+internal_value=0 0.0584408 -0.0746513
+internal_weight=0 184 112
+internal_count=261 184 112
+shrinkage=0.02
+
+
+Tree=1089
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.07754 4.82177 5.48686 3.84414
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0025028991745635098 -0.0069826716711072993 0.0050794374875439479 -0.0066621931480049515 0.0017926036679579958
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0595268 -0.077752 -0.134845
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=1090
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 2
+split_gain=2.08289 8.58884 10.6874 4.35031
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0063104626691983705 -0.0040968537985187608 0.0068211846335774007 -0.0092938134539161197 -0.0019712140199898659
+leaf_weight=48 42 66 51 54
+leaf_count=48 42 66 51 54
+internal_value=0 0.0392571 -0.0907672 0.0959931
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=1091
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=2.09102 4.69808 5.25054 3.82285
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0024538899238932574 -0.0069794474532163323 0.0050332829499830853 -0.0065122925474153902 0.0017715374430885148
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.059719 -0.0757907 -0.135277
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=1092
+num_leaves=5
+num_cat=0
+split_feature=9 2 9 1
+split_gain=2.06618 11.2111 10.2294 7.42486
+threshold=55.500000000000007 9.5000000000000018 66.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0035255568592728759 -0.0093881946748750039 -0.0042651229852207432 0.0075837529968366506 0.0076729384499775186
+leaf_weight=45 49 55 62 50
+leaf_count=45 49 55 62 50
+internal_value=0 -0.067693 0.100386 0.118064
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=1093
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 7
+split_gain=2.10693 8.51063 10.3988 4.34894
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.003252112232064975 -0.0041202174662296927 0.0067981618999492146 -0.0091760582782201214 0.0052127666217569799
+leaf_weight=40 42 66 51 62
+leaf_count=40 42 66 51 62
+internal_value=0 0.03948 -0.0899513 0.0942707
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=1094
+num_leaves=4
+num_cat=0
+split_feature=8 7 8
+split_gain=2.10723 5.14702 5.47233
+threshold=67.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0017136805938829294 -0.002791084577011041 0.0053464547799962469 -0.0075711282530510132
+leaf_weight=73 77 72 39
+leaf_count=73 77 72 39
+internal_value=0 0.0583293 -0.0757497
+internal_weight=0 184 112
+internal_count=261 184 112
+shrinkage=0.02
+
+
+Tree=1095
+num_leaves=5
+num_cat=0
+split_feature=3 6 2 2
+split_gain=2.05165 4.5919 17.6792 1.19131
+threshold=68.500000000000014 48.500000000000007 12.500000000000002 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0025194482905740666 -0.00025786947195935428 0.014573776363174661 -0.0024495203338937865 -0.005201303736462385
+leaf_weight=77 41 39 65 39
+leaf_count=77 41 39 65 39
+internal_value=0 0.0591576 0.196602 -0.134011
+internal_weight=0 181 104 80
+internal_count=261 181 104 80
+shrinkage=0.02
+
+
+Tree=1096
+num_leaves=5
+num_cat=0
+split_feature=4 9 3 1
+split_gain=2.03087 7.90885 10.9975 13.9083
+threshold=75.500000000000014 41.500000000000007 67.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0086878081985654297 0.0041615423270821251 -0.0031303148524145065 -0.0064983981636144248 0.010237381589813344
+leaf_weight=41 40 56 54 70
+leaf_count=41 40 56 54 70
+internal_value=0 -0.0378071 0.0524374 0.21457
+internal_weight=0 221 180 126
+internal_count=261 221 180 126
+shrinkage=0.02
+
+
+Tree=1097
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 9
+split_gain=2.07287 5.84899 6.46014 18.9931
+threshold=73.500000000000014 68.500000000000014 9.5000000000000018 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0058738849902340044 0.0033841002850142346 -0.0074129943224263174 -0.0040303974727230801 0.012121951602734887
+leaf_weight=42 57 44 65 53
+leaf_count=42 57 44 65 53
+internal_value=0 -0.0474227 0.0413381 0.207951
+internal_weight=0 204 160 95
+internal_count=261 204 160 95
+shrinkage=0.02
+
+
+Tree=1098
+num_leaves=5
+num_cat=0
+split_feature=9 2 9 1
+split_gain=2.17012 10.9086 10.3777 6.99011
+threshold=55.500000000000007 9.5000000000000018 66.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0032928340382657457 -0.0093127840386814827 -0.0043897168703860246 0.0075447886389523712 0.0075732472888338179
+leaf_weight=45 49 55 62 50
+leaf_count=45 49 55 62 50
+internal_value=0 -0.0693729 0.0964224 0.120955
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=1099
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 2
+split_gain=2.1176 10.5878 7.4341 6.66093
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0042619985302347193 -0.010499796005128473 0.002436858039880173 0.0085831740203079782 -0.0057760193645802786
+leaf_weight=48 39 72 43 59
+leaf_count=48 39 72 43 59
+internal_value=0 -0.10525 0.0777511 -0.0632835
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1100
+num_leaves=5
+num_cat=0
+split_feature=2 2 8 1
+split_gain=2.08126 7.48757 19.0335 18.3657
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0036818729540724141 -0.0081165558926303248 0.0066095486043459854 0.013303012626003908 -0.0089004029399605555
+leaf_weight=50 45 51 39 76
+leaf_count=50 45 51 39 76
+internal_value=0 -0.0437695 0.0542677 -0.133275
+internal_weight=0 211 166 127
+internal_count=261 211 166 127
+shrinkage=0.02
+
+
+Tree=1101
+num_leaves=5
+num_cat=0
+split_feature=9 2 9 1
+split_gain=2.13418 10.1371 9.82336 6.99948
+threshold=55.500000000000007 9.5000000000000018 66.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0033164366345091356 -0.009016368229929848 -0.0043265633978557087 0.0072854553918552728 0.0075569600845397491
+leaf_weight=45 49 55 62 50
+leaf_count=45 49 55 62 50
+internal_value=0 -0.0687929 0.0910329 0.119967
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=1102
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=2.13025 4.71078 4.5646
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0027564347937604756 -0.0028062124632901226 0.0055111099861359595 -0.0050865689877793389
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0586408 -0.0595984
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=1103
+num_leaves=5
+num_cat=0
+split_feature=8 1 3 4
+split_gain=2.14262 10.5396 15.3667 8.11423
+threshold=55.500000000000007 8.5000000000000018 75.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0020855347873251469 0.0074953408953731728 -0.009796285171721944 -0.0082059357666377369 0.0091794823045521032
+leaf_weight=68 69 44 39 41
+leaf_count=68 69 44 39 41
+internal_value=0 -0.0771438 0.0908195 0.10738
+internal_weight=0 152 108 109
+internal_count=261 152 108 109
+shrinkage=0.02
+
+
+Tree=1104
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 7
+split_gain=2.09501 12.7031 5.76282 7.84817
+threshold=13.500000000000002 65.500000000000014 59.350000000000009 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0038463884865370186 -0.0042748864719865925 0.009486332027697858 -0.0060423852208116129 0.0082528353856036515
+leaf_weight=65 40 51 65 40
+leaf_count=65 40 51 65 40
+internal_value=0 0.100535 -0.0805754 0.0990361
+internal_weight=0 116 145 80
+internal_count=261 116 145 80
+shrinkage=0.02
+
+
+Tree=1105
+num_leaves=5
+num_cat=0
+split_feature=8 5 2 4
+split_gain=2.12796 10.6113 12.3946 7.73033
+threshold=55.500000000000007 62.400000000000006 17.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0019915550156488666 -0.010234275629609236 0.0071973485075274533 -0.0064132588415418837 0.0090041753296684346
+leaf_weight=68 41 66 45 41
+leaf_count=68 41 66 45 41
+internal_value=0 -0.0768851 0.0835884 0.107012
+internal_weight=0 152 111 109
+internal_count=261 152 111 109
+shrinkage=0.02
+
+
+Tree=1106
+num_leaves=5
+num_cat=0
+split_feature=8 2 3 9
+split_gain=2.10665 10.2669 6.97015 4.01974
+threshold=62.500000000000007 10.500000000000002 58.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0031210824730392205 -0.010366367332566753 0.0023729911254284971 0.0073896973106721622 -0.0051288585146629651
+leaf_weight=41 39 72 53 56
+leaf_count=41 39 72 53 56
+internal_value=0 -0.104975 0.0775568 -0.0816896
+internal_weight=0 111 150 97
+internal_count=261 111 150 97
+shrinkage=0.02
+
+
+Tree=1107
+num_leaves=5
+num_cat=0
+split_feature=2 2 8 1
+split_gain=2.0547 7.13975 18.5344 17.7209
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0036586161618109253 -0.0079412138495128914 0.0064543881757352277 0.01310159242111977 -0.0087810450286139371
+leaf_weight=50 45 51 39 76
+leaf_count=50 45 51 39 76
+internal_value=0 -0.0434879 0.0522463 -0.13282
+internal_weight=0 211 166 127
+internal_count=261 211 166 127
+shrinkage=0.02
+
+
+Tree=1108
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=2.14086 4.67812 4.89092
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0029061188953306664 -0.0028129899124002839 0.0054991282250852992 -0.0052115113858430618
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0587921 -0.0590371
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=1109
+num_leaves=5
+num_cat=0
+split_feature=8 5 2 6
+split_gain=2.12287 10.4389 12.2366 4.06522
+threshold=55.500000000000007 62.400000000000006 17.500000000000004 45.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.002737167727247337 -0.010161455951527665 0.0071379503161188738 -0.0063857501407988942 0.0052054988602860883
+leaf_weight=42 41 66 45 67
+leaf_count=42 41 66 45 67
+internal_value=0 -0.0767845 0.0823799 0.106895
+internal_weight=0 152 111 109
+internal_count=261 152 111 109
+shrinkage=0.02
+
+
+Tree=1110
+num_leaves=4
+num_cat=0
+split_feature=5 7 8
+split_gain=2.13112 4.45124 5.77043
+threshold=68.250000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0019311382579007329 -0.0028861564556137993 0.0049200164593693682 -0.0076029469963188887
+leaf_weight=73 74 75 39
+leaf_count=73 74 75 39
+internal_value=0 0.0570393 -0.0692152
+internal_weight=0 187 112
+internal_count=261 187 112
+shrinkage=0.02
+
+
+Tree=1111
+num_leaves=5
+num_cat=0
+split_feature=8 2 3 4
+split_gain=2.10512 9.94483 6.82623 3.95467
+threshold=62.500000000000007 10.500000000000002 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0030169261264098297 -0.010234989213964841 0.0023031998570557199 0.0073288897904022531 -0.0051415542034871668
+leaf_weight=42 39 72 53 55
+leaf_count=42 39 72 53 55
+internal_value=0 -0.104929 0.0775374 -0.0800573
+internal_weight=0 111 150 97
+internal_count=261 111 150 97
+shrinkage=0.02
+
+
+Tree=1112
+num_leaves=4
+num_cat=0
+split_feature=7 4 6
+split_gain=2.05861 5.98815 6.29981
+threshold=73.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.0024767625367921966 0.0033728222326762799 -0.0059630886502981895 0.0060819646637412465
+leaf_weight=76 57 65 63
+leaf_count=76 57 65 63
+internal_value=0 -0.0472475 0.0698865
+internal_weight=0 204 139
+internal_count=261 204 139
+shrinkage=0.02
+
+
+Tree=1113
+num_leaves=5
+num_cat=0
+split_feature=8 5 2 4
+split_gain=2.08706 10.3846 11.9785 7.41153
+threshold=55.500000000000007 62.400000000000006 17.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.00192573087312094 -0.01012613837812427 0.0070844950887246462 -0.0062959868484202533 0.0088412941118241068
+leaf_weight=68 41 66 45 41
+leaf_count=68 41 66 45 41
+internal_value=0 -0.0761386 0.0826112 0.106
+internal_weight=0 152 111 109
+internal_count=261 152 111 109
+shrinkage=0.02
+
+
+Tree=1114
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=2.07972 4.44282 5.75371 3.3461
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00095147228312415441 -0.0028514178741214828 0.0069528229807832107 -0.00709092273732296 0.0063002987335264923
+leaf_weight=65 74 41 39 42
+leaf_count=65 74 41 39 42
+internal_value=0 0.0563563 -0.0252965 0.0944902
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=1115
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 6
+split_gain=2.01122 6.80259 8.63559 9.61298
+threshold=77.500000000000014 65.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0026352819627767257 -0.0040264799460566813 0.0070162297645873306 -0.0082729675323044392 0.0092554849431883968
+leaf_weight=74 42 53 49 43
+leaf_count=74 42 53 49 43
+internal_value=0 0.0385802 -0.0609731 0.0865458
+internal_weight=0 219 166 117
+internal_count=261 219 166 117
+shrinkage=0.02
+
+
+Tree=1116
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 9
+split_gain=2.03202 9.7635 6.90964 6.41008
+threshold=62.500000000000007 69.500000000000014 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0051344328604049153 -0.0091175493087586393 0.0029229885724460329 0.0083002579444684203 -0.0049880418889929942
+leaf_weight=40 46 65 43 67
+leaf_count=40 46 65 43 67
+internal_value=0 -0.103109 0.0761914 -0.0597792
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1117
+num_leaves=5
+num_cat=0
+split_feature=8 5 2 4
+split_gain=2.05243 10.3678 11.5196 6.91418
+threshold=55.500000000000007 62.400000000000006 17.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0018051626882977611 -0.010106634046144954 0.0069896278169163427 -0.0061323088834680899 0.0085949865828756009
+leaf_weight=68 41 66 45 41
+leaf_count=68 41 66 45 41
+internal_value=0 -0.0755106 0.0831104 0.105125
+internal_weight=0 152 111 109
+internal_count=261 152 111 109
+shrinkage=0.02
+
+
+Tree=1118
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 2
+split_gain=2.05388 4.49159 5.48129 3.904
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0061823275592933699 -0.0028338210693299899 0.0069776377208859265 -0.0064314245515963058 -0.0016640285111099774
+leaf_weight=48 74 41 44 54
+leaf_count=48 74 41 44 54
+internal_value=0 0.0560082 -0.0260911 0.101112
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1119
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=2.01052 9.98737 7.0528 6.12596
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0049567092135864698 -0.010205178823134221 0.0023598623236886045 0.0083619477415627329 -0.0049393336494668906
+leaf_weight=40 39 72 43 67
+leaf_count=40 39 72 43 67
+internal_value=0 -0.102566 0.0757924 -0.0615792
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1120
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 4 5
+split_gain=2.07517 9.28261 6.05834 5.0519 4.46768
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 73.500000000000014 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0026848240817713108 0.0076240108649980884 -0.0097105650899414423 0.0075751116359130434 -0.0022472725791264692 -0.0059536048018403037
+leaf_weight=49 41 40 42 42 47
+leaf_count=49 41 40 42 42 47
+internal_value=0 -0.0612426 0.0616329 0.131079 -0.0768668
+internal_weight=0 178 138 83 96
+internal_count=261 178 138 83 96
+shrinkage=0.02
+
+
+Tree=1121
+num_leaves=5
+num_cat=0
+split_feature=4 3 2 2
+split_gain=2.02455 5.24696 7.20802 9.94212
+threshold=75.500000000000014 69.500000000000014 24.500000000000004 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0041106151923508806 0.0041554354318276534 -0.0072192666657307104 0.0083308577311749892 -0.0065202734341320567
+leaf_weight=68 40 41 39 73
+leaf_count=68 40 41 39 73
+internal_value=0 -0.0377336 0.0357805 -0.0694077
+internal_weight=0 221 180 141
+internal_count=261 221 180 141
+shrinkage=0.02
+
+
+Tree=1122
+num_leaves=6
+num_cat=0
+split_feature=5 5 2 4 5
+split_gain=2.03231 8.92765 5.93328 4.92998 0.542603
+threshold=67.050000000000011 59.350000000000009 17.500000000000004 73.500000000000014 50.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=-0.0041382396143356008 0.0075367233313172015 -0.0095344107321202985 0.0059345744377328011 -0.0022150532543900067 -0.00071184069734416661
+leaf_weight=39 41 40 60 42 39
+leaf_count=39 41 40 60 42 39
+internal_value=0 -0.0606072 0.0598962 0.129738 -0.121873
+internal_weight=0 178 138 83 78
+internal_count=261 178 138 83 78
+shrinkage=0.02
+
+
+Tree=1123
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=1.9941 4.78923 5.21796
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0029719011271405549 -0.0027157208996322108 0.0055094644577982832 -0.0054117121730903354
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0567636 -0.0624554
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=1124
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 4 5
+split_gain=2.01105 8.75139 5.79892 4.72638 4.1885
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 73.500000000000014 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0025584434284706189 0.0074204403729458525 -0.0094458420937990114 0.0073859805357847242 -0.0021283323003414381 -0.0058066411577568765
+leaf_weight=49 41 40 42 42 47
+leaf_count=49 41 40 42 42 47
+internal_value=0 -0.0602972 0.0590108 0.129059 -0.0764941
+internal_weight=0 178 138 83 96
+internal_count=261 178 138 83 96
+shrinkage=0.02
+
+
+Tree=1125
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 5 5
+split_gain=2.0374 8.38175 10.9912 15.4408 9.81357
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.400000000000006 58.900000000000006
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0089217597201179926 0.004168508603205728 -0.010912115045517128 0.012573919667580756 0.005383915667483437 -0.00096134193585583586
+leaf_weight=41 40 52 46 42 40
+leaf_count=41 40 52 46 42 40
+internal_value=0 -0.0378499 0.0550528 -0.181191 0.313675
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=1126
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 2
+split_gain=2.10673 4.62895 5.55022 4.06817
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0062738761522181195 -0.0028695203376569558 0.0070804877922080404 -0.0064788136296675871 -0.0017352213041826915
+leaf_weight=48 74 41 44 54
+leaf_count=48 74 41 44 54
+internal_value=0 0.0567264 -0.0266172 0.101382
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1127
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=2.02252 4.44526 5.43432 3.37041
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0025221184255187243 -0.0028121840602169969 0.0069391191226303483 -0.0069220237992370197 0.0047270808641151803
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0555895 -0.0260858 0.0903318
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=1128
+num_leaves=4
+num_cat=0
+split_feature=7 4 6
+split_gain=2.04649 5.75089 5.88228
+threshold=73.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.002390314965315807 0.0033630572630976015 -0.0058601830722696882 0.0058807241439610249
+leaf_weight=76 57 65 63
+leaf_count=76 57 65 63
+internal_value=0 -0.0471054 0.0676875
+internal_weight=0 204 139
+internal_count=261 204 139
+shrinkage=0.02
+
+
+Tree=1129
+num_leaves=5
+num_cat=0
+split_feature=4 3 2 2
+split_gain=1.99154 5.12384 6.6194 9.84101
+threshold=75.500000000000014 69.500000000000014 24.500000000000004 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0041591265723678415 0.0041217710943867039 -0.0071371312956102356 0.0080030797526816268 -0.0064177901025459262
+leaf_weight=68 40 41 39 73
+leaf_count=68 40 41 39 73
+internal_value=0 -0.0374266 0.0352208 -0.0655831
+internal_weight=0 221 180 141
+internal_count=261 221 180 141
+shrinkage=0.02
+
+
+Tree=1130
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=1.98704 8.28667 6.75185 6.04572
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00494870511081887 0.0033144405562530494 -0.0076517215164439269 0.0081880785017299194 -0.0048825697887667219
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.0464173 0.074459 -0.0599511
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=1131
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 4 4
+split_gain=1.95991 8.60655 5.57727 4.73466 4.10611
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 73.500000000000014 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0032048470964901004 0.0073922504672233229 -0.0093620705806854981 0.0072623200288397961 -0.0021649697361350597 -0.0051414827158871301
+leaf_weight=42 41 40 42 42 54
+leaf_count=42 41 40 42 42 54
+internal_value=0 -0.0595228 0.058794 0.127434 -0.0740981
+internal_weight=0 178 138 83 96
+internal_count=261 178 138 83 96
+shrinkage=0.02
+
+
+Tree=1132
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=2.02507 4.64254 5.52262 3.9866
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0029220880784088755 -0.0028137168217819042 0.0070674083750701345 -0.006488277752494255 0.0051832126400523362
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0556353 -0.0278307 0.0998501
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1133
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 6
+split_gain=1.94413 8.42904 10.9109 3.86535
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0026933879102242655 -0.0039591037878549265 0.0067388913937536637 -0.0093732581847692526 0.0052248253157715528
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0379538 -0.0908564 0.0978468
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=1134
+num_leaves=4
+num_cat=0
+split_feature=5 6 4
+split_gain=1.99208 4.50769 5.14465
+threshold=68.250000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0029477091978927024 -0.0027910446255606527 0.0052199508820894251 -0.0053769885724500657
+leaf_weight=59 74 68 60
+leaf_count=59 74 68 60
+internal_value=0 0.0551792 -0.0621796
+internal_weight=0 187 119
+internal_count=261 187 119
+shrinkage=0.02
+
+
+Tree=1135
+num_leaves=4
+num_cat=0
+split_feature=7 4 4
+split_gain=1.94265 5.50844 4.72711
+threshold=73.500000000000014 64.500000000000014 54.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.0023316782158316336 0.0032776198887733104 -0.0057316952439081447 0.0050529743864025593
+leaf_weight=70 57 65 69
+leaf_count=70 57 65 69
+internal_value=0 -0.0458992 0.0664515
+internal_weight=0 204 139
+internal_count=261 204 139
+shrinkage=0.02
+
+
+Tree=1136
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=1.94678 4.44247 5.22189 3.39009
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0026008854169482444 -0.0027594116411019842 0.0069166899397914827 -0.0068163147731749706 0.0046696001011253211
+leaf_weight=43 74 41 39 64
+leaf_count=43 74 41 39 64
+internal_value=0 0.0545561 -0.027094 0.0870277
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=1137
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 4 5
+split_gain=1.97224 8.58297 5.54843 4.65266 4.09657
+threshold=67.050000000000011 59.350000000000009 58.500000000000007 73.500000000000014 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0025612216994139042 0.0073581206391828326 -0.0093546618438284691 0.0072396205694531795 -0.0021161466889350806 -0.0057120294875594151
+leaf_weight=49 41 40 42 42 47
+leaf_count=49 41 40 42 42 47
+internal_value=0 -0.0597115 0.0584431 0.127827 -0.0741054
+internal_weight=0 178 138 83 96
+internal_count=261 178 138 83 96
+shrinkage=0.02
+
+
+Tree=1138
+num_leaves=4
+num_cat=0
+split_feature=5 5 4
+split_gain=1.93916 4.42628 3.90141
+threshold=68.250000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0029277873670407037 -0.0027540877189442463 0.0058647010486355842 -0.0039988689104802997
+leaf_weight=59 74 55 73
+leaf_count=59 74 55 73
+internal_value=0 0.0544492 -0.0448448
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1139
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=1.95927 8.06372 6.61963 5.82112
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0048338290767119896 0.0032915081039125915 -0.0075543850535757344 0.0080962052903265046 -0.0048135768933869061
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.0460913 0.0731487 -0.0599398
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=1140
+num_leaves=5
+num_cat=0
+split_feature=8 2 4 4
+split_gain=1.97496 10.56 14.3092 6.80225
+threshold=55.500000000000007 9.5000000000000018 66.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0018127552152065274 -0.0098767398508831719 -0.0071398947242797056 0.0076832721139364537 0.0085031182918310286
+leaf_weight=68 43 43 66 41
+leaf_count=68 43 43 66 41
+internal_value=0 -0.0740687 0.0913718 0.103158
+internal_weight=0 152 109 109
+internal_count=261 152 109 109
+shrinkage=0.02
+
+
+Tree=1141
+num_leaves=5
+num_cat=0
+split_feature=9 8 1 7
+split_gain=1.95716 11.7201 10.6674 5.75956
+threshold=63.500000000000007 54.500000000000007 7.5000000000000009 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0013765803171206922 -0.0027997681094858646 -0.0083559564046223108 0.010114354617995288 0.0087183881216522825
+leaf_weight=52 68 60 41 40
+leaf_count=52 68 60 41 40
+internal_value=0 -0.0737407 0.102694 0.150357
+internal_weight=0 152 109 92
+internal_count=261 152 109 92
+shrinkage=0.02
+
+
+Tree=1142
+num_leaves=4
+num_cat=0
+split_feature=8 5 4
+split_gain=1.97227 4.93312 3.91704
+threshold=67.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0029068329414680405 -0.0027007030740629706 0.0063550207772638655 -0.0040335313494740269
+leaf_weight=59 77 52 73
+leaf_count=59 77 52 73
+internal_value=0 0.0564683 -0.0462722
+internal_weight=0 184 132
+internal_count=261 184 132
+shrinkage=0.02
+
+
+Tree=1143
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 4 5
+split_gain=1.9528 8.20664 5.43801 4.56754 4.53199
+threshold=67.050000000000011 59.350000000000009 57.500000000000007 73.500000000000014 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=0.0024710812562226715 0.0073018099120535761 -0.009168219764481943 0.0067454758974435855 -0.0020856313387231755 -0.0064324198149461219
+leaf_weight=49 41 40 46 42 43
+leaf_count=49 41 40 46 42 43
+internal_value=0 -0.0594134 0.0561222 0.127208 -0.0841688
+internal_weight=0 178 138 83 92
+internal_count=261 178 138 83 92
+shrinkage=0.02
+
+
+Tree=1144
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=1.95523 4.79812 4.94591
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0028476347172242122 -0.002689085967255827 0.0055028224077498808 -0.0053151184406279731
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0562284 -0.0631013
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=1145
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 5 5
+split_gain=1.95307 8.42792 10.658 14.9935 9.39108
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.400000000000006 58.900000000000006
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0089282578745113559 0.0040824432744330117 -0.010712868012353745 0.012379204017468589 0.0053456465124779315 -0.00086162624348420762
+leaf_weight=41 40 52 46 42 40
+leaf_count=41 40 52 46 42 40
+internal_value=0 -0.0370531 0.0561051 -0.176532 0.310785
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=1146
+num_leaves=5
+num_cat=0
+split_feature=2 2 8 1
+split_gain=1.98113 7.1331 18.344 17.363
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0035937331506912884 -0.0079218308590906332 0.0063962149309019578 0.0130548028607853 -0.0086846800183942741
+leaf_weight=50 45 51 39 76
+leaf_count=50 45 51 39 76
+internal_value=0 -0.0426813 0.0530084 -0.131104
+internal_weight=0 211 166 127
+internal_count=261 211 166 127
+shrinkage=0.02
+
+
+Tree=1147
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 2
+split_gain=2.1224 4.53251 5.17779 4.00981
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.006178353338695897 -0.0028796794144048199 0.0070230269771670677 -0.0062547285604012352 -0.0017734816243253002
+leaf_weight=48 74 41 44 54
+leaf_count=48 74 41 44 54
+internal_value=0 0.0569549 -0.0255167 0.0981196
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1148
+num_leaves=4
+num_cat=0
+split_feature=8 6 4
+split_gain=2.03354 4.5762 4.75103
+threshold=67.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.002844047217890154 -0.0027417253025781947 0.0054229810276998072 -0.0051570135789478569
+leaf_weight=59 77 65 60
+leaf_count=59 77 65 60
+internal_value=0 0.0573394 -0.0592021
+internal_weight=0 184 119
+internal_count=261 184 119
+shrinkage=0.02
+
+
+Tree=1149
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=1.98652 4.69369 4.5588 3.99416
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0021553281694776782 -0.0070055336343536768 0.00500217520705914 -0.0062010125293837049 0.0019390815838175965
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0582501 -0.0771973 -0.131858
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=1150
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 4
+split_gain=1.94992 10.142 13.7352 6.95566
+threshold=55.500000000000007 9.5000000000000018 20.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0018690227441663732 -0.0096997436177697349 0.0081927453380109712 -0.0060769875036958331 0.0085623527110522766
+leaf_weight=68 43 60 49 41
+leaf_count=68 43 60 49 41
+internal_value=0 -0.0735936 0.0885397 0.102517
+internal_weight=0 152 109 109
+internal_count=261 152 109 109
+shrinkage=0.02
+
+
+Tree=1151
+num_leaves=5
+num_cat=0
+split_feature=2 2 9 1
+split_gain=1.96221 6.85972 14.7411 19.9525
+threshold=6.5000000000000009 11.500000000000002 72.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0035768017444156213 -0.0077813180353362736 0.0077376897170560394 0.011107562280238188 -0.0088341210588011657
+leaf_weight=50 45 47 43 76
+leaf_count=50 45 47 43 76
+internal_value=0 -0.042474 0.0513651 -0.124725
+internal_weight=0 211 166 123
+internal_count=261 211 166 123
+shrinkage=0.02
+
+
+Tree=1152
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 6
+split_gain=2.03109 6.60928 7.88169 9.19823
+threshold=77.500000000000014 65.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0026388325240345838 -0.0040454385213027919 0.0069315801900126208 -0.0079259479352879834 0.0089931775988296922
+leaf_weight=74 42 53 49 43
+leaf_count=74 42 53 49 43
+internal_value=0 0.0388028 -0.0593269 0.0816084
+internal_weight=0 219 166 117
+internal_count=261 219 166 117
+shrinkage=0.02
+
+
+Tree=1153
+num_leaves=5
+num_cat=0
+split_feature=2 7 9 3
+split_gain=2.01393 12.1233 6.77805 20.0558
+threshold=13.500000000000002 65.500000000000014 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0037493184548193677 -0.0083563521992488683 0.0092759362814336319 0.010630118307450816 -0.0070561751278987572
+leaf_weight=65 42 51 48 55
+leaf_count=65 42 51 48 55
+internal_value=0 0.0986275 -0.0789776 0.0589921
+internal_weight=0 116 145 103
+internal_count=261 116 145 103
+shrinkage=0.02
+
+
+Tree=1154
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 2
+split_gain=1.99887 8.32239 10.7564 3.90179
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0061163045841962603 -0.0040136209062989325 0.0067117908912968397 -0.0092925931301113106 -0.0017280519743911084
+leaf_weight=48 42 66 51 54
+leaf_count=48 42 66 51 54
+internal_value=0 0.0384923 -0.0895008 0.0978618
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=1155
+num_leaves=4
+num_cat=0
+split_feature=5 7 8
+split_gain=1.97678 4.32842 5.93234
+threshold=68.250000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0019711246011814144 -0.0027801615432703469 0.0048266841170472446 -0.0076954296223165162
+leaf_weight=73 74 75 39
+leaf_count=73 74 75 39
+internal_value=0 0.0549818 -0.0695237
+internal_weight=0 187 112
+internal_count=261 187 112
+shrinkage=0.02
+
+
+Tree=1156
+num_leaves=5
+num_cat=0
+split_feature=8 5 2 4
+split_gain=1.93422 10.0268 11.0438 6.67486
+threshold=55.500000000000007 62.400000000000006 17.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.001797396601279682 -0.0099203393334218529 0.006870258598685247 -0.0059781862823455869 0.0084216563466193474
+leaf_weight=68 41 66 45 41
+leaf_count=68 41 66 45 41
+internal_value=0 -0.0733041 0.0826871 0.102104
+internal_weight=0 152 111 109
+internal_count=261 152 111 109
+shrinkage=0.02
+
+
+Tree=1157
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=1.95681 4.32659 4.52343 3.82232
+threshold=68.500000000000014 57.500000000000007 45.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0022401692134909812 -0.0068915023844818846 0.0048410052024805634 -0.0060841045274282694 0.0018591815193565355
+leaf_weight=59 41 75 47 39
+leaf_count=59 41 75 47 39
+internal_value=0 0.0578125 -0.072241 -0.130883
+internal_weight=0 181 106 80
+internal_count=261 181 106 80
+shrinkage=0.02
+
+
+Tree=1158
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 1
+split_gain=1.98249 8.16167 10.4337 7.26676
+threshold=77.500000000000014 66.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.010547861690708071 -0.003997368885951114 0.0066511000314846127 -0.0038670686193639889 0.0062842240723468565
+leaf_weight=40 42 66 55 58
+leaf_count=40 42 66 55 58
+internal_value=0 0.0383327 -0.0884195 0.0668459
+internal_weight=0 219 153 113
+internal_count=261 219 153 113
+shrinkage=0.02
+
+
+Tree=1159
+num_leaves=4
+num_cat=0
+split_feature=8 7 8
+split_gain=1.98497 4.3445 5.76465
+threshold=67.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.001982786992848515 -0.0027092068624300024 0.0049747090814711414 -0.0075466808287981291
+leaf_weight=73 77 72 39
+leaf_count=73 77 72 39
+internal_value=0 0.0566526 -0.0665506
+internal_weight=0 184 112
+internal_count=261 184 112
+shrinkage=0.02
+
+
+Tree=1160
+num_leaves=5
+num_cat=0
+split_feature=9 4 1 4
+split_gain=2.02172 10.0045 7.26335 6.20153
+threshold=55.500000000000007 69.500000000000014 4.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0034861105364390479 -0.0016912357088599509 -0.0068190714714899559 0.0075901729812492555 0.0087333049179044407
+leaf_weight=45 50 74 50 42
+leaf_count=45 50 74 50 42
+internal_value=0 -0.0669473 0.11682 0.153106
+internal_weight=0 166 95 92
+internal_count=261 166 95 92
+shrinkage=0.02
+
+
+Tree=1161
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 5 5
+split_gain=1.98653 7.67536 10.3376 14.1227 9.15258
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.400000000000006 58.900000000000006
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0085613447755742075 0.0041169231111104279 -0.010522395632556523 0.01213252680535065 0.0050630269179154754 -0.00093934369408522043
+leaf_weight=41 40 52 46 42 40
+leaf_count=41 40 52 46 42 40
+internal_value=0 -0.0373655 0.0515373 -0.17758 0.302374
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=1162
+num_leaves=5
+num_cat=0
+split_feature=8 2 4 4
+split_gain=2.04523 10.1654 13.7955 6.54449
+threshold=55.500000000000007 9.5000000000000018 66.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0017025577657300156 -0.0097444544750604628 -0.0070657930885220403 0.0074893086063387328 0.008416256642643484
+leaf_weight=68 43 43 66 41
+leaf_count=68 43 43 66 41
+internal_value=0 -0.0753596 0.0869602 0.104961
+internal_weight=0 152 109 109
+internal_count=261 152 109 109
+shrinkage=0.02
+
+
+Tree=1163
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=2.03581 9.88738 5.92116 5.84953
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0020686962017349006 -0.0016130672186458329 -0.0067916154653835806 0.0085735392234714755 0.0079264801468621367
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0671802 0.151582 0.11722
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=1164
+num_leaves=5
+num_cat=0
+split_feature=2 7 9 3
+split_gain=2.02266 11.3162 6.28694 19.0888
+threshold=13.500000000000002 65.500000000000014 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0035516014716350237 -0.0081105493314764347 0.0090331013872781835 0.010294555442507312 -0.0069605939753998947
+leaf_weight=65 42 51 48 55
+leaf_count=65 42 51 48 55
+internal_value=0 0.0988273 -0.0791588 0.0537205
+internal_weight=0 116 145 103
+internal_count=261 116 145 103
+shrinkage=0.02
+
+
+Tree=1165
+num_leaves=5
+num_cat=0
+split_feature=9 4 1 4
+split_gain=2.08127 9.41772 7.06327 5.73768
+threshold=55.500000000000007 69.500000000000014 4.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0033716347774592793 -0.0016605433349078922 -0.0066757409961596672 0.0075511912281031818 0.0083675630037064706
+leaf_weight=45 50 74 50 42
+leaf_count=45 50 74 50 42
+internal_value=0 -0.0679208 0.118507 0.145585
+internal_weight=0 166 95 92
+internal_count=261 166 95 92
+shrinkage=0.02
+
+
+Tree=1166
+num_leaves=5
+num_cat=0
+split_feature=4 9 3 1
+split_gain=2.13049 7.30713 9.99897 12.5447
+threshold=75.500000000000014 41.500000000000007 67.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0083984591993125721 0.0042619897047718302 -0.0029949203219423542 -0.0062356179396618272 0.0097012040870636616
+leaf_weight=41 40 56 54 70
+leaf_count=41 40 56 54 70
+internal_value=0 -0.038686 0.0480586 0.20268
+internal_weight=0 221 180 126
+internal_count=261 221 180 126
+shrinkage=0.02
+
+
+Tree=1167
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 9
+split_gain=2.06896 5.74227 6.42275 17.6921
+threshold=73.500000000000014 68.500000000000014 9.5000000000000018 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0055485426496943704 0.0033814557084811433 -0.0073525462001147925 -0.0040312074162140417 0.011820250501600345
+leaf_weight=42 57 44 65 53
+leaf_count=42 57 44 65 53
+internal_value=0 -0.0473523 0.0405956 0.206728
+internal_weight=0 204 160 95
+internal_count=261 204 160 95
+shrinkage=0.02
+
+
+Tree=1168
+num_leaves=5
+num_cat=0
+split_feature=9 2 9 1
+split_gain=2.18962 9.16311 9.86883 6.63364
+threshold=55.500000000000007 9.5000000000000018 72.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0031340824758924507 -0.0086580330598359199 -0.003025305192061613 0.0088670623206072788 0.0074517404259334483
+leaf_weight=45 49 71 46 50
+leaf_count=45 49 71 46 50
+internal_value=0 -0.0696551 0.0823 0.121519
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=1169
+num_leaves=5
+num_cat=0
+split_feature=9 4 1 4
+split_gain=2.10203 9.09411 6.37072 5.43394
+threshold=55.500000000000007 69.500000000000014 4.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0030714978468452509 -0.0016187643344135181 -0.0065906437799742928 0.0073029140443270479 0.0081409818206548273
+leaf_weight=45 50 74 50 42
+leaf_count=45 50 74 50 42
+internal_value=0 -0.0682632 0.119083 0.141544
+internal_weight=0 166 95 92
+internal_count=261 166 95 92
+shrinkage=0.02
+
+
+Tree=1170
+num_leaves=5
+num_cat=0
+split_feature=2 7 1 2
+split_gain=2.15917 10.9445 5.15276 25.665
+threshold=13.500000000000002 65.500000000000014 4.5000000000000009 23.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0033952465874406445 0.0039826472975447568 0.0089811533481752148 -0.013155135251854074 0.0072444455910897565
+leaf_weight=65 45 51 56 44
+leaf_count=65 45 51 56 44
+internal_value=0 0.102067 -0.0817701 -0.208627
+internal_weight=0 116 145 100
+internal_count=261 116 145 100
+shrinkage=0.02
+
+
+Tree=1171
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 2
+split_gain=2.11188 10.0086 6.43339 6.6431
+threshold=62.500000000000007 69.500000000000014 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0044499252414800091 -0.0092447152911698145 0.002945774380688443 0.0080928726976948005 -0.0055752007894070404
+leaf_weight=48 46 65 43 59
+leaf_count=48 46 65 43 59
+internal_value=0 -0.105079 0.0776774 -0.0535254
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1172
+num_leaves=5
+num_cat=0
+split_feature=8 2 4 4
+split_gain=2.11373 9.75754 14.061 6.17665
+threshold=55.500000000000007 9.5000000000000018 66.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0015597400878544717 -0.0096026655859312825 -0.0072407614022998489 0.0074537082752842987 0.0082710553124086227
+leaf_weight=68 43 43 66 41
+leaf_count=68 43 43 66 41
+internal_value=0 -0.0766028 0.0824273 0.106684
+internal_weight=0 152 109 109
+internal_count=261 152 109 109
+shrinkage=0.02
+
+
+Tree=1173
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=2.11542 6.8279 17.4921 8.96526
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0037122468492311947 0.0045097645295551162 -0.016402129236926258 0.0044325769279196245 -0.0030423795907718993
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0440958 -0.16444 -0.474666
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1174
+num_leaves=5
+num_cat=0
+split_feature=9 4 1 4
+split_gain=2.1171 8.98245 6.60148 5.34892
+threshold=55.500000000000007 69.500000000000014 4.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0031607035441860963 -0.0016143418268702548 -0.0065632077708359573 0.0073995683863178705 0.0080689746667065368
+leaf_weight=45 50 74 50 42
+leaf_count=45 50 74 50 42
+internal_value=0 -0.0684968 0.119514 0.140019
+internal_weight=0 166 95 92
+internal_count=261 166 95 92
+shrinkage=0.02
+
+
+Tree=1175
+num_leaves=5
+num_cat=0
+split_feature=4 9 3 1
+split_gain=2.14974 7.09374 9.65205 12.1924
+threshold=75.500000000000014 41.500000000000007 67.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0082900491118111808 0.0042810309566938586 -0.0029781293183889367 -0.0061387821149535031 0.0095386391725543751
+leaf_weight=41 40 56 54 70
+leaf_count=41 40 56 54 70
+internal_value=0 -0.0388582 0.046611 0.198536
+internal_weight=0 221 180 126
+internal_count=261 221 180 126
+shrinkage=0.02
+
+
+Tree=1176
+num_leaves=5
+num_cat=0
+split_feature=2 7 1 2
+split_gain=2.16278 10.9147 5.04205 24.1799
+threshold=13.500000000000002 65.500000000000014 4.5000000000000009 23.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0033860544061489477 0.0039208276349979258 0.0089735122080742795 -0.012865584333386889 0.0069351621409351931
+leaf_weight=65 45 51 56 44
+leaf_count=65 45 51 56 44
+internal_value=0 0.102157 -0.0818326 -0.207325
+internal_weight=0 116 145 100
+internal_count=261 116 145 100
+shrinkage=0.02
+
+
+Tree=1177
+num_leaves=5
+num_cat=0
+split_feature=9 2 9 1
+split_gain=2.17654 8.7301 9.51301 6.31911
+threshold=55.500000000000007 9.5000000000000018 72.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0030076889520160156 -0.0084804087627465795 -0.0030087228226094742 0.0086677385260180602 0.0073245788208615029
+leaf_weight=45 49 71 46 50
+leaf_count=45 49 71 46 50
+internal_value=0 -0.0694409 0.0788813 0.121166
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=1178
+num_leaves=5
+num_cat=0
+split_feature=2 5 9 3
+split_gain=2.18665 7.29334 5.83406 18.0275
+threshold=13.500000000000002 62.400000000000006 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.002462105990102739 -0.0079339570621710827 0.0076242736432667723 0.0098754412924670527 -0.0068938480877975862
+leaf_weight=64 42 52 48 55
+leaf_count=64 42 52 48 55
+internal_value=0 0.102718 -0.0822752 0.0457302
+internal_weight=0 116 145 103
+internal_count=261 116 145 103
+shrinkage=0.02
+
+
+Tree=1179
+num_leaves=5
+num_cat=0
+split_feature=9 4 1 4
+split_gain=2.20563 8.63395 6.08449 5.07078
+threshold=55.500000000000007 69.500000000000014 4.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0028900332614326518 -0.0016079143955425657 -0.0064897966037254298 0.0072489203310593751 0.0078210821103137269
+leaf_weight=45 50 74 50 42
+leaf_count=45 50 74 50 42
+internal_value=0 -0.0699026 0.121963 0.134531
+internal_weight=0 166 95 92
+internal_count=261 166 95 92
+shrinkage=0.02
+
+
+Tree=1180
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 5 5
+split_gain=2.19764 6.67347 9.19104 12.9586 8.56842
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.400000000000006 58.900000000000006
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0080733015777015738 0.0043279899561943667 -0.010126661061067282 0.011492031167328217 0.0048031556717511286 -0.0011565552098155467
+leaf_weight=41 40 52 46 42 40
+leaf_count=41 40 52 46 42 40
+internal_value=0 -0.0392867 0.0436131 -0.172439 0.280176
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=1181
+num_leaves=5
+num_cat=0
+split_feature=9 4 1 4
+split_gain=2.22047 8.40376 5.88451 4.80944
+threshold=55.500000000000007 69.500000000000014 4.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0027936411013697372 -0.0015552472909938508 -0.0064262694369866266 0.0071775889634752748 0.0076282422428378197
+leaf_weight=45 50 74 50 42
+leaf_count=45 50 74 50 42
+internal_value=0 -0.0701345 0.122369 0.131557
+internal_weight=0 166 95 92
+internal_count=261 166 95 92
+shrinkage=0.02
+
+
+Tree=1182
+num_leaves=5
+num_cat=0
+split_feature=2 5 9 3
+split_gain=2.28042 6.74875 5.66021 16.8877
+threshold=13.500000000000002 62.400000000000006 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0022471160873313123 -0.0078743903733841276 0.0074559527456428444 0.0095151239331631096 -0.0067160413677587539
+leaf_weight=64 42 52 48 55
+leaf_count=64 42 52 48 55
+internal_value=0 0.104876 -0.0840063 0.042078
+internal_weight=0 116 145 103
+internal_count=261 116 145 103
+shrinkage=0.02
+
+
+Tree=1183
+num_leaves=5
+num_cat=0
+split_feature=4 9 3 1
+split_gain=2.26706 6.27564 9.05346 11.203
+threshold=75.500000000000014 41.500000000000007 67.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0078656023465022568 0.0043951975772706306 -0.0029079048660775974 -0.006038720860253294 0.0090908668606112884
+leaf_weight=41 40 56 54 70
+leaf_count=41 40 56 54 70
+internal_value=0 -0.0398976 0.0404946 0.187654
+internal_weight=0 221 180 126
+internal_count=261 221 180 126
+shrinkage=0.02
+
+
+Tree=1184
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 1
+split_gain=2.3146 8.12199 11.586 5.54454
+threshold=55.500000000000007 63.500000000000007 71.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0025892731419074077 -0.0075549209380885631 -0.0036969410102458016 0.0095455669885943905 0.00709006801845786
+leaf_weight=45 57 64 45 50
+leaf_count=45 57 64 45 50
+internal_value=0 -0.0715974 0.0882716 0.124909
+internal_weight=0 166 109 95
+internal_count=261 166 109 95
+shrinkage=0.02
+
+
+Tree=1185
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 2
+split_gain=2.26542 9.96701 6.23902 7.13235
+threshold=62.500000000000007 69.500000000000014 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0047442989983168321 -0.009304170080138981 0.0028608261045358768 0.0080484045195623119 -0.0056428393837621386
+leaf_weight=48 46 65 43 59
+leaf_count=48 46 65 43 59
+internal_value=0 -0.1088 0.0804227 -0.0487831
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1186
+num_leaves=5
+num_cat=0
+split_feature=8 1 4 4
+split_gain=2.26254 10.6788 9.14047 5.97317
+threshold=55.500000000000007 8.5000000000000018 74.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0014253076011692882 -0.002931109446524402 -0.0098922270871673497 0.0089551976146680298 0.0082423353859520272
+leaf_weight=68 65 44 43 41
+leaf_count=68 65 44 43 41
+internal_value=0 -0.0792324 0.0898367 0.110338
+internal_weight=0 152 108 109
+internal_count=261 152 108 109
+shrinkage=0.02
+
+
+Tree=1187
+num_leaves=5
+num_cat=0
+split_feature=9 2 9 1
+split_gain=2.19503 8.5322 9.34822 5.45908
+threshold=55.500000000000007 9.5000000000000018 72.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0026147901604544276 -0.0084057075901832704 -0.0030086161179668017 0.0085665038837528691 0.0069899887426279972
+leaf_weight=45 49 71 46 50
+leaf_count=45 49 71 46 50
+internal_value=0 -0.0697391 0.0768927 0.121668
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=1188
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 8
+split_gain=2.23737 7.50147 16.6003 5.9264
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0038167077978202065 0.0047440804791410206 -0.014827436776380485 0.0040927887972331519 -0.0039494469002473078
+leaf_weight=50 65 41 65 40
+leaf_count=50 65 41 65 40
+internal_value=0 -0.0453409 -0.171459 -0.473675
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1189
+num_leaves=5
+num_cat=0
+split_feature=2 5 9 3
+split_gain=2.25784 6.63732 5.43962 16.5517
+threshold=13.500000000000002 62.400000000000006 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.002221480756777115 -0.0077446767959114147 0.0074013254807667106 0.0093872661562801173 -0.0066818622298219403
+leaf_weight=64 42 52 48 55
+leaf_count=64 42 52 48 55
+internal_value=0 0.104358 -0.0835951 0.0400096
+internal_weight=0 116 145 103
+internal_count=261 116 145 103
+shrinkage=0.02
+
+
+Tree=1190
+num_leaves=5
+num_cat=0
+split_feature=9 2 9 1
+split_gain=2.24132 8.31719 9.08857 5.47681
+threshold=55.500000000000007 9.5000000000000018 72.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0025976651191499827 -0.0083314957238152243 -0.0029967476292738055 0.0084168552044178273 0.0070225971081263059
+leaf_weight=45 49 71 46 50
+leaf_count=45 49 71 46 50
+internal_value=0 -0.0704645 0.0743084 0.122933
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=1191
+num_leaves=5
+num_cat=0
+split_feature=2 7 9 3
+split_gain=2.27745 9.59916 5.26243 16.0526
+threshold=13.500000000000002 65.500000000000014 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0029954698208255197 -0.0076525109993581236 0.0085961428349420055 0.0092093097439470938 -0.0066160219451045577
+leaf_weight=65 42 51 48 55
+leaf_count=65 42 51 48 55
+internal_value=0 0.104803 -0.0839574 0.0376187
+internal_weight=0 116 145 103
+internal_count=261 116 145 103
+shrinkage=0.02
+
+
+Tree=1192
+num_leaves=5
+num_cat=0
+split_feature=9 2 9 1
+split_gain=2.27411 8.09065 8.84063 5.26936
+threshold=55.500000000000007 9.5000000000000018 72.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0024833400777948388 -0.0082470153335011953 -0.0029851370688411989 0.0082720616181197696 0.0069532991434157866
+leaf_weight=45 49 71 46 50
+leaf_count=45 49 71 46 50
+internal_value=0 -0.0709764 0.0718118 0.123818
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=1193
+num_leaves=5
+num_cat=0
+split_feature=2 2 9 3
+split_gain=2.29524 6.37846 5.09275 15.5681
+threshold=13.500000000000002 7.5000000000000009 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0025818386739618667 -0.0075622849252463698 0.0068012772499231955 0.0090349779065542618 -0.006550023010702493
+leaf_weight=58 42 58 48 55
+leaf_count=58 42 58 48 55
+internal_value=0 0.105205 -0.0842847 0.0353166
+internal_weight=0 116 145 103
+internal_count=261 116 145 103
+shrinkage=0.02
+
+
+Tree=1194
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=2.32386 7.34217 16.3638 9.09508
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0038890322510153801 0.0046665261811570354 -0.016379035552846814 0.0040485419574120239 -0.0029240819072961412
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0462064 -0.170982 -0.47104
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1195
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=2.30901 13.9448 26.1311 5.72366
+threshold=20.500000000000004 8.5000000000000018 11.500000000000002 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0031289989416773546 -0.0082250240844534261 -0.006246463100780148 0.016117911317914766 0.0022288843772296113
+leaf_weight=63 40 63 51 44
+leaf_count=63 40 63 51 44
+internal_value=0 0.0650114 0.273953 -0.137118
+internal_weight=0 177 114 84
+internal_count=261 177 114 84
+shrinkage=0.02
+
+
+Tree=1196
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 9
+split_gain=2.33577 8.35748 5.23037 5.13809
+threshold=55.500000000000007 69.500000000000014 56.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.001663657416332817 0.0072172189165964898 -0.0064482229715483522 0.0077883788945415913 -0.0022407032219750513
+leaf_weight=53 47 74 42 45
+leaf_count=53 47 74 42 45
+internal_value=0 -0.0719257 0.125469 0.129209
+internal_weight=0 166 95 92
+internal_count=261 166 95 92
+shrinkage=0.02
+
+
+Tree=1197
+num_leaves=5
+num_cat=0
+split_feature=2 7 9 3
+split_gain=2.32481 9.44328 4.79808 14.7345
+threshold=13.500000000000002 65.500000000000014 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0029325563121779981 -0.0074010798209688854 0.0085646372926148837 0.0087285917678691771 -0.0064340760413674324
+leaf_weight=65 42 51 48 55
+leaf_count=65 42 51 48 55
+internal_value=0 0.105873 -0.0848227 0.0312694
+internal_weight=0 116 145 103
+internal_count=261 116 145 103
+shrinkage=0.02
+
+
+Tree=1198
+num_leaves=5
+num_cat=0
+split_feature=9 4 1 4
+split_gain=2.36419 7.9695 5.40422 4.94129
+threshold=55.500000000000007 69.500000000000014 4.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0024982466165654961 -0.0017623574993366107 -0.0063395407921038004 0.007058002273075019 0.0075463310326111975
+leaf_weight=45 50 74 50 42
+leaf_count=45 50 74 50 42
+internal_value=0 -0.0723601 0.126222 0.124054
+internal_weight=0 166 95 92
+internal_count=261 166 95 92
+shrinkage=0.02
+
+
+Tree=1199
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 4
+split_gain=2.28779 5.27489 10.8578 7.88155
+threshold=75.500000000000014 55.95000000000001 65.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0018587719571561503 0.0044148626475075938 -0.010927861431161475 0.0017572923690522197 0.0091007346522646564
+leaf_weight=70 40 49 60 42
+leaf_count=70 40 49 60 42
+internal_value=0 -0.0400882 -0.197061 0.112351
+internal_weight=0 221 109 112
+internal_count=261 221 109 112
+shrinkage=0.02
+
+
+Tree=1200
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=2.28855 6.92691 15.9017 8.72423
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00385967810776078 0.0045134372421356695 -0.016072642909144084 0.0040207287190567615 -0.0028935116739150658
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0458545 -0.167064 -0.462864
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1201
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=2.33328 13.2478 25.2547 5.53011
+threshold=20.500000000000004 8.5000000000000018 11.500000000000002 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0030820730870549156 -0.0081459738817303024 -0.0060487355716882085 0.015839433220937477 0.0021299439399508034
+leaf_weight=63 40 63 51 44
+leaf_count=63 40 63 51 44
+internal_value=0 0.0653526 0.269016 -0.137827
+internal_weight=0 177 114 84
+internal_count=261 177 114 84
+shrinkage=0.02
+
+
+Tree=1202
+num_leaves=5
+num_cat=0
+split_feature=2 7 1 2
+split_gain=2.37838 9.11504 4.468 21.7128
+threshold=13.500000000000002 65.500000000000014 4.5000000000000009 23.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0028198912785096127 0.0035164439850446524 0.0084759351384133229 -0.012341661290389366 0.0064221309987979869
+leaf_weight=65 45 51 56 44
+leaf_count=65 45 51 56 44
+internal_value=0 0.10708 -0.0857819 -0.203944
+internal_weight=0 116 145 100
+internal_count=261 116 145 100
+shrinkage=0.02
+
+
+Tree=1203
+num_leaves=5
+num_cat=0
+split_feature=9 4 1 9
+split_gain=2.44465 7.94116 5.6462 4.98433
+threshold=55.500000000000007 69.500000000000014 4.5000000000000009 64.500000000000014
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0025668859681176959 0.0070138211908906747 -0.0063548109959345759 0.0072004269706005342 -0.0023022092542575316
+leaf_weight=45 47 74 50 45
+leaf_count=45 47 74 50 45
+internal_value=0 -0.0735596 0.128345 0.122505
+internal_weight=0 166 95 92
+internal_count=261 166 95 92
+shrinkage=0.02
+
+
+Tree=1204
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 4
+split_gain=2.34695 7.92268 11.0965 5.04484
+threshold=55.500000000000007 63.500000000000007 71.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0015829282001977769 -0.007489331860701675 -0.0036296156879537141 0.0093305733754308479 0.0077002997387892172
+leaf_weight=53 57 64 45 42
+leaf_count=53 57 64 45 42
+internal_value=0 -0.0720891 0.085807 0.125773
+internal_weight=0 166 109 95
+internal_count=261 166 109 95
+shrinkage=0.02
+
+
+Tree=1205
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=2.30205 12.8207 24.5209 5.26628
+threshold=20.500000000000004 8.5000000000000018 11.500000000000002 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0030329111498188861 -0.0079979323736890061 -0.0059379430235953767 0.015611792067147899 0.0020303939988560653
+leaf_weight=63 40 63 51 44
+leaf_count=63 40 63 51 44
+internal_value=0 0.0649185 0.265279 -0.136908
+internal_weight=0 177 114 84
+internal_count=261 177 114 84
+shrinkage=0.02
+
+
+Tree=1206
+num_leaves=5
+num_cat=0
+split_feature=2 7 9 3
+split_gain=2.36413 8.78136 4.59914 13.9864
+threshold=13.500000000000002 65.500000000000014 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0027345997065795782 -0.0072960227879487281 0.0083528361760265152 0.0084580788170073723 -0.0063152254214407164
+leaf_weight=65 42 51 48 55
+leaf_count=65 42 51 48 55
+internal_value=0 0.106763 -0.0855254 0.0281364
+internal_weight=0 116 145 103
+internal_count=261 116 145 103
+shrinkage=0.02
+
+
+Tree=1207
+num_leaves=5
+num_cat=0
+split_feature=9 9 1 1
+split_gain=2.42261 7.64453 10.9873 5.4943
+threshold=55.500000000000007 63.500000000000007 7.5000000000000009 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0025090297113088194 -0.0074053871959045767 -0.003288652234811589 0.0098183348204551445 0.0071262881075857352
+leaf_weight=45 57 68 41 50
+leaf_count=45 57 68 41 50
+internal_value=0 -0.0732357 0.0818651 0.127764
+internal_weight=0 166 109 95
+internal_count=261 166 109 95
+shrinkage=0.02
+
+
+Tree=1208
+num_leaves=5
+num_cat=0
+split_feature=9 2 9 1
+split_gain=2.32577 7.48187 9.05071 5.27645
+threshold=55.500000000000007 9.5000000000000018 72.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0024589271728459369 -0.0080016391419917374 -0.0031627852132220776 0.008227443352474266 0.0069839620904482503
+leaf_weight=45 49 71 46 50
+leaf_count=45 49 71 46 50
+internal_value=0 -0.0717713 0.0655416 0.125204
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=1209
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=2.3684 8.42273 4.57085 10.9248
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0026323116347777681 0.003528321060629544 0.0082266754407996599 0.0040390824869977948 -0.0095029932541320934
+leaf_weight=65 45 51 40 60
+leaf_count=65 45 51 40 60
+internal_value=0 0.106854 -0.085606 -0.195595
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=1210
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 2
+split_gain=2.43957 9.68318 6.13735 7.70061
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.005049015383152995 -0.010285866719272275 0.0020861586425941899 0.0080559788289689023 -0.0057432832286664938
+leaf_weight=48 39 72 43 59
+leaf_count=48 39 72 43 59
+internal_value=0 -0.112865 0.0834349 -0.0447135
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1211
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 2
+split_gain=2.34221 9.29974 5.89381 7.39534
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0049481825050356389 -0.010080518023663236 0.0020444758561641014 0.007895121108718945 -0.0056285542784981143
+leaf_weight=48 39 72 43 59
+leaf_count=48 39 72 43 59
+internal_value=0 -0.110606 0.0817696 -0.0438123
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1212
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=2.36587 6.63653 15.4695 8.03711
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0039240259704105109 0.0043835930239546047 -0.015683085408575676 0.0039561959508928419 -0.0030298244999909813
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0466037 -0.165254 -0.457014
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1213
+num_leaves=5
+num_cat=0
+split_feature=9 4 1 9
+split_gain=2.33795 8.0538 5.53658 5.16139
+threshold=55.500000000000007 69.500000000000014 4.5000000000000009 64.500000000000014
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0025729223795025215 0.0071537743372372163 -0.0063569511422683512 0.0070994409470589593 -0.0023257338268703439
+leaf_weight=45 47 74 50 45
+leaf_count=45 47 74 50 45
+internal_value=0 -0.0719432 0.125543 0.125506
+internal_weight=0 166 95 92
+internal_count=261 166 95 92
+shrinkage=0.02
+
+
+Tree=1214
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 3
+split_gain=2.33273 8.99676 4.39581 10.8113
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0028078679993934165 0.0034029100863463141 0.0084145686669384219 0.0039412618117764435 -0.0095272396656741181
+leaf_weight=65 46 51 40 59
+leaf_count=65 46 51 40 59
+internal_value=0 0.106067 -0.0849506 -0.192825
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=1215
+num_leaves=5
+num_cat=0
+split_feature=9 4 1 9
+split_gain=2.32286 7.94432 5.27619 4.93506
+threshold=55.500000000000007 69.500000000000014 4.5000000000000009 64.500000000000014
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0024600093202908867 0.0070290134866475198 -0.0063188264117125682 0.0069826567046818964 -0.0022408468444383885
+leaf_weight=45 47 74 50 45
+leaf_count=45 47 74 50 45
+internal_value=0 -0.0717092 0.125144 0.124395
+internal_weight=0 166 95 92
+internal_count=261 166 95 92
+shrinkage=0.02
+
+
+Tree=1216
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=2.25991 8.81139 4.37499 10.5798
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0027898716641238204 0.0034969227472561966 0.0083165745606085355 0.0039545182447526294 -0.00932724085726515
+leaf_weight=65 45 51 40 60
+leaf_count=65 45 51 40 60
+internal_value=0 0.104416 -0.0836229 -0.191244
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=1217
+num_leaves=5
+num_cat=0
+split_feature=8 1 3 4
+split_gain=2.27601 9.64859 12.9533 5.57858
+threshold=55.500000000000007 8.5000000000000018 75.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0012965325760967465 0.0068402705921594507 -0.0094864651986144421 -0.0075769291784197655 0.0080469777276691856
+leaf_weight=68 69 44 39 41
+leaf_count=68 69 44 39 41
+internal_value=0 -0.0794508 0.0812561 0.110679
+internal_weight=0 152 108 109
+internal_count=261 152 108 109
+shrinkage=0.02
+
+
+Tree=1218
+num_leaves=5
+num_cat=0
+split_feature=9 4 1 4
+split_gain=2.27673 7.72039 5.29215 4.89551
+threshold=55.500000000000007 69.500000000000014 4.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0024922858181591172 -0.0017772999668349901 -0.0062355140194777659 0.0069646867554369199 0.0074883618637731708
+leaf_weight=45 50 74 50 42
+leaf_count=45 50 74 50 42
+internal_value=0 -0.0709997 0.123906 0.122323
+internal_weight=0 166 95 92
+internal_count=261 166 95 92
+shrinkage=0.02
+
+
+Tree=1219
+num_leaves=6
+num_cat=0
+split_feature=4 9 1 2 8
+split_gain=2.32082 5.92445 8.61359 11.4152 5.11457
+threshold=75.500000000000014 41.500000000000007 6.5000000000000009 13.500000000000002 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0076747099126026766 0.0044467853155105179 -0.0074679920626023969 -0.0017045131054611198 0.012783923782983812 0.0020369788641999191
+leaf_weight=41 40 54 45 42 39
+leaf_count=41 40 54 45 42 39
+internal_value=0 -0.0403521 0.0377597 0.264269 -0.173745
+internal_weight=0 221 180 87 93
+internal_count=261 221 180 87 93
+shrinkage=0.02
+
+
+Tree=1220
+num_leaves=5
+num_cat=0
+split_feature=2 7 1 2
+split_gain=2.30295 8.4688 4.40823 20.7189
+threshold=13.500000000000002 65.500000000000014 4.5000000000000009 23.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0026744499431148152 0.0035089654469995239 0.008214215794164233 -0.012107304916123305 0.0062221917825841244
+leaf_weight=65 45 51 56 44
+leaf_count=65 45 51 56 44
+internal_value=0 0.105399 -0.084406 -0.201781
+internal_weight=0 116 145 100
+internal_count=261 116 145 100
+shrinkage=0.02
+
+
+Tree=1221
+num_leaves=5
+num_cat=0
+split_feature=9 9 1 1
+split_gain=2.37682 7.4014 10.9306 5.03437
+threshold=55.500000000000007 63.500000000000007 7.5000000000000009 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.002316235037529207 -0.007296201736283257 -0.003311385741418761 0.0097618286865657922 0.0069078810588314036
+leaf_weight=45 57 68 41 50
+leaf_count=45 57 68 41 50
+internal_value=0 -0.0725242 0.0800918 0.126583
+internal_weight=0 166 109 95
+internal_count=261 166 109 95
+shrinkage=0.02
+
+
+Tree=1222
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 2
+split_gain=2.33804 9.45311 5.82003 7.42649
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0049750326088716266 -0.010142778153000874 0.0020816665865502613 0.0078547772890402712 -0.0056239439337683831
+leaf_weight=48 39 72 43 59
+leaf_count=48 39 72 43 59
+internal_value=0 -0.110495 0.0817114 -0.0430824
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1223
+num_leaves=5
+num_cat=0
+split_feature=8 1 3 4
+split_gain=2.33384 9.69879 12.3488 5.30272
+threshold=55.500000000000007 8.5000000000000018 75.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.00118088204700971 0.0067059880283646236 -0.0095266944961210284 -0.0073711878351155899 0.0079291144833748793
+leaf_weight=68 69 44 39 41
+leaf_count=68 69 44 39 41
+internal_value=0 -0.0804403 0.0806839 0.112068
+internal_weight=0 152 108 109
+internal_count=261 152 108 109
+shrinkage=0.02
+
+
+Tree=1224
+num_leaves=6
+num_cat=0
+split_feature=4 9 1 2 5
+split_gain=2.29043 5.82188 8.35936 11.245 4.84119
+threshold=75.500000000000014 41.500000000000007 6.5000000000000009 13.500000000000002 58.20000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0076098562966073436 0.0044179314016433088 -0.0073056393042165426 -0.0017275430682971364 0.012652619241789738 0.0019423784819410865
+leaf_weight=41 40 54 45 42 39
+leaf_count=41 40 54 45 42 39
+internal_value=0 -0.0400843 0.0373488 0.2605 -0.171015
+internal_weight=0 221 180 87 93
+internal_count=261 221 180 87 93
+shrinkage=0.02
+
+
+Tree=1225
+num_leaves=5
+num_cat=0
+split_feature=8 1 3 4
+split_gain=2.38439 9.4191 11.9876 5.11419
+threshold=55.500000000000007 8.5000000000000018 75.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0010956044068013552 0.0065671962182912236 -0.0094291093984049477 -0.0073029014771021881 0.0078512784638035057
+leaf_weight=68 69 44 39 41
+leaf_count=68 69 44 39 41
+internal_value=0 -0.081301 0.0774831 0.113264
+internal_weight=0 152 108 109
+internal_count=261 152 108 109
+shrinkage=0.02
+
+
+Tree=1226
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 8
+split_gain=2.38221 10.1697 11.0341 5.98776
+threshold=52.500000000000007 20.500000000000004 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0035470501834090561 0.0027283572505797894 -0.0075575246870636823 0.0087799882675994832 -0.0082147994371968257
+leaf_weight=59 40 65 57 40
+leaf_count=59 40 65 57 40
+internal_value=0 -0.0518969 0.102587 -0.136781
+internal_weight=0 202 137 80
+internal_count=261 202 137 80
+shrinkage=0.02
+
+
+Tree=1227
+num_leaves=5
+num_cat=0
+split_feature=4 9 3 1
+split_gain=2.33302 5.71808 8.12788 10.7073
+threshold=75.500000000000014 41.500000000000007 67.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0075563869790958903 0.0044585045748944596 -0.0029969233023050918 -0.0057638449574191498 0.0087339045431885452
+leaf_weight=41 40 56 54 70
+leaf_count=41 40 56 54 70
+internal_value=0 -0.0404498 0.0362904 0.175754
+internal_weight=0 221 180 126
+internal_count=261 221 180 126
+shrinkage=0.02
+
+
+Tree=1228
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 8
+split_gain=2.31813 9.81341 10.5418 5.81728
+threshold=52.500000000000007 20.500000000000004 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0034994142966079133 0.0027174146114917119 -0.0074286365402776279 0.0085879135664878176 -0.008069303413415628
+leaf_weight=59 40 65 57 40
+leaf_count=59 40 65 57 40
+internal_value=0 -0.0511999 0.100555 -0.133415
+internal_weight=0 202 137 80
+internal_count=261 202 137 80
+shrinkage=0.02
+
+
+Tree=1229
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 2
+split_gain=2.38193 11.1901 9.7408 6.46472
+threshold=66.500000000000014 61.500000000000007 10.500000000000002 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0075721413937238401 -0.0049998316576598716 -0.010531548124495175 0.0077341376887822043 -0.0019970257765785757
+leaf_weight=45 41 41 58 76
+leaf_count=45 41 41 58 76
+internal_value=0 -0.0750194 0.12263 0.0778734
+internal_weight=0 162 99 121
+internal_count=261 162 99 121
+shrinkage=0.02
+
+
+Tree=1230
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 6
+split_gain=2.28672 10.7469 9.65626 5.64343
+threshold=66.500000000000014 61.500000000000007 67.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0019135710206151862 0.010153928436005179 -0.01032127675404652 -0.0026270584836763449 0.0069539287929635462
+leaf_weight=74 39 41 60 47
+leaf_count=74 39 41 60 47
+internal_value=0 -0.0735212 0.120171 0.0763126
+internal_weight=0 162 99 121
+internal_count=261 162 99 121
+shrinkage=0.02
+
+
+Tree=1231
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=2.19811 9.35947 10.3028 4.40065
+threshold=52.500000000000007 20.500000000000004 7.5000000000000009 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0034083779857246249 0.0019096174402947492 -0.00725253906450789 0.0084687173023979198 -0.0074779033372171519
+leaf_weight=59 41 65 57 39
+leaf_count=59 41 65 57 39
+internal_value=0 -0.0498705 0.0983352 -0.132967
+internal_weight=0 202 137 80
+internal_count=261 202 137 80
+shrinkage=0.02
+
+
+Tree=1232
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 2
+split_gain=2.24774 10.2509 9.48517 6.15854
+threshold=66.500000000000014 61.500000000000007 10.500000000000002 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0073399597980348188 -0.0049709934008536566 -0.010102535091179086 0.0075951106259472632 -0.0020005935243650073
+leaf_weight=45 41 41 58 76
+leaf_count=45 41 41 58 76
+internal_value=0 -0.0728957 0.119153 0.0734397
+internal_weight=0 162 99 121
+internal_count=261 162 99 121
+shrinkage=0.02
+
+
+Tree=1233
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 7 6
+split_gain=2.17428 5.73642 8.54786 7.20047 5.69355
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.500000000000007 60.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0075395609920611787 0.0043054023097214159 -0.0076545855509048697 0.010718332253459584 -0.00087757377336529204 0.0023003899343060769
+leaf_weight=41 40 54 46 40 40
+leaf_count=41 40 54 46 40 40
+internal_value=0 -0.0390662 0.0377971 0.265963 -0.170568
+internal_weight=0 221 180 86 94
+internal_count=261 221 180 86 94
+shrinkage=0.02
+
+
+Tree=1234
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=2.17692 7.67544 4.9335 4.47003
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0014343348410684599 -0.0017736272680823712 -0.0061903028865083936 0.0075277725213995627 0.0073055379143343825
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0694369 0.123323 0.121186
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=1235
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=2.19998 6.84295 15.5765 8.01664
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0037853043587569215 0.0044986535981927254 -0.015698333831281348 0.0039778845394850331 -0.0030609206864506268
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0449468 -0.165423 -0.458189
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1236
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 1 7
+split_gain=2.16384 5.54328 8.11437 19.1054 10.0988
+threshold=75.500000000000014 41.500000000000007 7.5000000000000009 8.5000000000000018 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0074233094650897379 0.0042951879151479728 -0.0073384079035435437 0.0033105773565078296 0.012316390783482081 -0.01038662040484571
+leaf_weight=41 40 39 48 54 39
+leaf_count=41 40 39 48 54 39
+internal_value=0 -0.0389708 0.0365885 0.148608 -0.141189
+internal_weight=0 221 180 141 87
+internal_count=261 221 180 141 87
+shrinkage=0.02
+
+
+Tree=1237
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=2.25005 8.86477 4.36475 10.4992
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0028090254545889643 0.0034752283588511362 0.0083309760140825896 0.0039516966576316811 -0.0093000385257990207
+leaf_weight=65 45 51 40 60
+leaf_count=65 45 51 40 60
+internal_value=0 0.104196 -0.0834357 -0.190932
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=1238
+num_leaves=5
+num_cat=0
+split_feature=9 4 1 4
+split_gain=2.25921 7.51716 5.01657 4.84435
+threshold=55.500000000000007 69.500000000000014 4.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0023705437491330296 -0.0018007905757014137 -0.0061662881644660205 0.0068374713222638141 0.007416574903415166
+leaf_weight=45 50 74 50 42
+leaf_count=45 50 74 50 42
+internal_value=0 -0.0707193 0.123442 0.120044
+internal_weight=0 166 95 92
+internal_count=261 166 95 92
+shrinkage=0.02
+
+
+Tree=1239
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=2.22161 6.59843 15.1453 7.73094
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0038038000318760981 0.0043972436414920777 -0.015460824383199139 0.0039153459300382259 -0.003049313429240974
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0451601 -0.163472 -0.452164
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1240
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 4
+split_gain=2.21581 6.31722 11.9447 11.9192
+threshold=52.500000000000007 63.500000000000007 7.5000000000000009 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0034221135542258328 0.0013531638029692192 -0.0028572088048094365 0.010989732516467914 -0.01288574601978695
+leaf_weight=59 55 66 40 41
+leaf_count=59 55 66 40 41
+internal_value=0 -0.0500609 0.118216 -0.236233
+internal_weight=0 202 106 96
+internal_count=261 202 106 96
+shrinkage=0.02
+
+
+Tree=1241
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=2.22359 13.2589 22.6806 4.6981
+threshold=20.500000000000004 8.5000000000000018 11.500000000000002 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0026676426800500957 -0.007660017220314108 -0.0060820976880427606 0.015263844971797931 0.0018131626292045408
+leaf_weight=63 40 63 51 44
+leaf_count=63 40 63 51 44
+internal_value=0 0.0638387 0.267588 -0.134549
+internal_weight=0 177 114 84
+internal_count=261 177 114 84
+shrinkage=0.02
+
+
+Tree=1242
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 3
+split_gain=2.29551 8.56979 4.301 10.0805
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0027060319415037589 0.0031903324042842525 0.0082472740133430287 0.0038940866394533255 -0.0092955108688595901
+leaf_weight=65 46 51 40 59
+leaf_count=65 46 51 40 59
+internal_value=0 0.105241 -0.0842597 -0.190971
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=1243
+num_leaves=5
+num_cat=0
+split_feature=9 4 1 9
+split_gain=2.34087 7.44101 5.0835 4.78987
+threshold=55.500000000000007 69.500000000000014 4.5000000000000009 64.500000000000014
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0023586709781512468 0.0068309112812825921 -0.0061671549203715483 0.0069102987700030549 -0.0023022760838329699
+leaf_weight=45 47 74 50 45
+leaf_count=45 47 74 50 45
+internal_value=0 -0.0719678 0.125641 0.117827
+internal_weight=0 166 95 92
+internal_count=261 166 95 92
+shrinkage=0.02
+
+
+Tree=1244
+num_leaves=5
+num_cat=0
+split_feature=9 9 1 1
+split_gain=2.24728 7.5182 9.41064 4.88188
+threshold=55.500000000000007 63.500000000000007 7.5000000000000009 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0023115710247021202 -0.0073021922106602487 -0.0028931164228392543 0.0092382552018486618 0.0067722858726942592
+leaf_weight=45 57 68 41 50
+leaf_count=45 57 68 41 50
+internal_value=0 -0.0705291 0.0832863 0.123123
+internal_weight=0 166 109 95
+internal_count=261 166 109 95
+shrinkage=0.02
+
+
+Tree=1245
+num_leaves=5
+num_cat=0
+split_feature=2 2 9 3
+split_gain=2.21617 6.17474 4.29325 13.0695
+threshold=13.500000000000002 7.5000000000000009 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0025421122019552047 -0.0070535042536975599 0.0066903258146487525 0.0081731690210663215 -0.0061083655954706105
+leaf_weight=58 42 58 48 55
+leaf_count=58 42 58 48 55
+internal_value=0 0.103423 -0.0828029 0.0270188
+internal_weight=0 116 145 103
+internal_count=261 116 145 103
+shrinkage=0.02
+
+
+Tree=1246
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=2.25314 6.50254 15.0427 7.3771
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0038305043282267437 0.0043523696149565293 -0.015282656935007639 0.0039018745956029589 -0.0031560561902128602
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0454743 -0.162927 -0.450641
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1247
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 1
+split_gain=2.24829 7.30335 10.6005 4.92992
+threshold=55.500000000000007 63.500000000000007 71.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0023344786210092654 -0.007217979774711971 -0.0036038118335475827 0.0090639373250115552 0.0067938582900043312
+leaf_weight=45 57 64 45 50
+leaf_count=45 57 64 45 50
+internal_value=0 -0.070547 0.0810559 0.123148
+internal_weight=0 166 109 95
+internal_count=261 166 109 95
+shrinkage=0.02
+
+
+Tree=1248
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=2.16384 8.26145 4.26588 10.1932
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0026795011310418375 0.003424580906380802 0.0080753722486662637 0.0039199745770342074 -0.0091633674517752669
+leaf_weight=65 45 51 40 60
+leaf_count=65 45 51 40 60
+internal_value=0 0.102203 -0.0818309 -0.188112
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=1249
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 3
+split_gain=2.26809 5.5667 5.18177 3.50219
+threshold=68.250000000000014 13.500000000000002 4.5000000000000009 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0008468717515148225 -0.0029757232033797605 0.003356196120189594 -0.0055649004776504316 0.0092653637611070701
+leaf_weight=39 74 45 62 41
+leaf_count=39 74 45 62 41
+internal_value=0 0.0588727 -0.0902912 0.258783
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1250
+num_leaves=5
+num_cat=0
+split_feature=9 4 1 4
+split_gain=2.24018 7.47267 4.98478 4.89506
+threshold=55.500000000000007 69.500000000000014 4.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=2 3 -1 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0023653279727278145 -0.0018278806505266103 -0.0061461255686219062 0.0068135565418146653 0.0074375118495507292
+leaf_weight=45 50 74 50 42
+leaf_count=45 50 74 50 42
+internal_value=0 -0.0704129 0.122935 0.119786
+internal_weight=0 166 95 92
+internal_count=261 166 95 92
+shrinkage=0.02
+
+
+Tree=1251
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 5 5
+split_gain=2.18421 5.18205 8.17633 11.0062 6.25757
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.400000000000006 58.900000000000006
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0072073352421058601 0.0043154487640803558 -0.0095526669818470841 0.010175833952434675 0.0042074255575497875 -0.00063495003971816724
+leaf_weight=41 40 52 46 42 40
+leaf_count=41 40 52 46 42 40
+internal_value=0 -0.0391387 0.0339194 -0.169874 0.257092
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=1252
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 4
+split_gain=2.24742 7.28217 4.86123 4.45089
+threshold=55.500000000000007 69.500000000000014 64.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0013871427810874973 0.0068521561836877246 -0.0060877829940595568 -0.0023486858512111056 0.0073339294293500879
+leaf_weight=53 47 74 45 42
+leaf_count=53 47 74 45 42
+internal_value=0 -0.0705264 0.117235 0.123132
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=1253
+num_leaves=5
+num_cat=0
+split_feature=4 9 3 1
+split_gain=2.20674 5.02275 7.9757 11.2944
+threshold=75.500000000000014 41.500000000000007 67.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0071121832550602414 0.0043374347115562603 -0.003273189168510451 -0.0057770105832348874 0.0087748819698284693
+leaf_weight=41 40 56 54 70
+leaf_count=41 40 56 54 70
+internal_value=0 -0.0393387 0.0325888 0.17075
+internal_weight=0 221 180 126
+internal_count=261 221 180 126
+shrinkage=0.02
+
+
+Tree=1254
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 1
+split_gain=2.21862 7.20628 10.4161 4.68999
+threshold=55.500000000000007 63.500000000000007 71.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0022325219505241081 -0.0071700819163851336 -0.0035690815288841556 0.0089881847510852025 0.0066714830140951319
+leaf_weight=45 57 64 45 50
+leaf_count=45 57 64 45 50
+internal_value=0 -0.0700819 0.0805109 0.122342
+internal_weight=0 166 109 95
+internal_count=261 166 109 95
+shrinkage=0.02
+
+
+Tree=1255
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 8
+split_gain=2.18924 9.17404 9.5484 5.27681
+threshold=52.500000000000007 20.500000000000004 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0034017669973951396 0.0026155317847140268 -0.0071882043830879807 0.0081994045220429041 -0.0076593020594057561
+leaf_weight=59 40 65 57 40
+leaf_count=59 40 65 57 40
+internal_value=0 -0.0497601 0.0969709 -0.125705
+internal_weight=0 202 137 80
+internal_count=261 202 137 80
+shrinkage=0.02
+
+
+Tree=1256
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 5 1
+split_gain=2.14885 4.98515 8.06983 10.767 6.57247
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.400000000000006 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0070783238511669512 0.0042806407076657373 -0.0094806967442452802 -0.00043003485153384017 0.0041291873795114278 0.01062243724979213
+leaf_weight=41 40 52 43 42 43
+leaf_count=41 40 52 43 42 43
+internal_value=0 -0.0388259 0.0328322 -0.169632 0.254553
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=1257
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 3
+split_gain=2.25055 5.72299 5.39092 3.1232
+threshold=68.250000000000014 13.500000000000002 4.5000000000000009 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0011346517638657324 -0.0029642482767208754 0.0034131534742441465 -0.0056856244857211007 0.0090911336218843456
+leaf_weight=39 74 45 62 41
+leaf_count=39 74 45 62 41
+internal_value=0 0.0586486 -0.0925917 0.261336
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1258
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 8
+split_gain=2.22387 8.82559 9.22933 5.10495
+threshold=52.500000000000007 20.500000000000004 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0034285201895392363 0.0025425507343928063 -0.0070772977379659234 0.0080304364842825014 -0.0075639707106461927
+leaf_weight=59 40 65 57 40
+leaf_count=59 40 65 57 40
+internal_value=0 -0.0501388 0.0937801 -0.125146
+internal_weight=0 202 137 80
+internal_count=261 202 137 80
+shrinkage=0.02
+
+
+Tree=1259
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 8
+split_gain=2.13504 8.47574 8.86335 4.90255
+threshold=52.500000000000007 20.500000000000004 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0033600313044530763 0.0024917883789833863 -0.0069359037384049624 0.0078700244663809024 -0.0074129555637673728
+leaf_weight=59 40 65 57 40
+leaf_count=59 40 65 57 40
+internal_value=0 -0.0491335 0.091906 -0.122637
+internal_weight=0 202 137 80
+internal_count=261 202 137 80
+shrinkage=0.02
+
+
+Tree=1260
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 5 1
+split_gain=2.18516 4.90879 8.32199 10.6448 6.39188
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.400000000000006 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0070362681954453292 0.0043165869048803806 -0.0095259343415916558 -0.00030229218904424604 0.004006418703228638 0.010597279647372565
+leaf_weight=41 40 52 43 42 43
+leaf_count=41 40 52 43 42 43
+internal_value=0 -0.0391369 0.0319708 -0.173629 0.257119
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=1261
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 3
+split_gain=2.23304 5.40697 5.16257 2.94268
+threshold=68.250000000000014 13.500000000000002 55.150000000000006 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0011356817746913004 -0.002952556724959224 -0.0057434315359923402 0.0030951683293614987 0.0088613289026468669
+leaf_weight=39 74 59 48 41
+leaf_count=39 74 59 48 41
+internal_value=0 0.0584343 -0.0885775 0.255468
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1262
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 8
+split_gain=2.22283 8.19405 8.53697 4.80704
+threshold=52.500000000000007 20.500000000000004 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0034279691719940235 0.00245623847009953 -0.006855997478648671 0.0076914110984989403 -0.0073518084011607509
+leaf_weight=59 40 65 57 40
+leaf_count=59 40 65 57 40
+internal_value=0 -0.0501154 0.0885618 -0.121997
+internal_weight=0 202 137 80
+internal_count=261 202 137 80
+shrinkage=0.02
+
+
+Tree=1263
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 1 4
+split_gain=2.14975 4.77598 8.33204 6.13855 4.41818
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 5.5000000000000009 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0069449777933463935 0.0042819492430766692 0.00066240683286039896 -0.00020341614285920319 0.010478141514585719 -0.008018957129471949
+leaf_weight=41 40 49 43 43 45
+leaf_count=41 40 49 43 43 45
+internal_value=0 -0.038813 0.0313274 0.256612 -0.174397
+internal_weight=0 221 180 86 94
+internal_count=261 221 180 86 94
+shrinkage=0.02
+
+
+Tree=1264
+num_leaves=5
+num_cat=0
+split_feature=9 2 9 1
+split_gain=2.1686 7.24009 8.99454 4.29059
+threshold=55.500000000000007 9.5000000000000018 72.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0020561134353997519 -0.0078450653866155105 -0.0031436020931782265 0.0082112700964213185 0.0064613485501772974
+leaf_weight=45 49 71 46 50
+leaf_count=45 49 71 46 50
+internal_value=0 -0.069272 0.0658057 0.12099
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=1265
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 7
+split_gain=2.14239 9.04415 12.3824 4.3305
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0029768974053047525 -0.0041531960586130637 0.0069909365902793962 -0.0099196983992014716 0.0054692223440751912
+leaf_weight=40 42 66 51 62
+leaf_count=40 42 66 51 62
+internal_value=0 0.0398691 -0.0935548 0.107471
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=1266
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 3
+split_gain=2.18836 5.20388 5.42729 2.86009
+threshold=68.250000000000014 13.500000000000002 4.5000000000000009 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0011051668510859293 -0.0029231135568687019 0.0035552899360603843 -0.0055744006965247565 0.0087226278348099106
+leaf_weight=39 74 45 62 41
+leaf_count=39 74 45 62 41
+internal_value=0 0.057853 -0.0863763 0.251166
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1267
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 8
+split_gain=2.15076 8.006 8.23073 4.54164
+threshold=52.500000000000007 20.500000000000004 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0033724605706171159 0.0023797737527197068 -0.0067723839991430147 0.0075688160272598774 -0.007154527709040525
+leaf_weight=59 40 65 57 40
+leaf_count=59 40 65 57 40
+internal_value=0 -0.0493025 0.0877756 -0.118974
+internal_weight=0 202 137 80
+internal_count=261 202 137 80
+shrinkage=0.02
+
+
+Tree=1268
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 4
+split_gain=2.07075 4.82643 10.3938 7.06616
+threshold=75.500000000000014 55.95000000000001 65.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0017330210684743236 0.004203296875697822 -0.010601853076493835 0.0018097441469956221 0.0086452195698641984
+leaf_weight=70 40 49 60 42
+leaf_count=70 40 49 60 42
+internal_value=0 -0.0380988 -0.188283 0.107732
+internal_weight=0 221 109 112
+internal_count=261 221 109 112
+shrinkage=0.02
+
+
+Tree=1269
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 8
+split_gain=2.10863 7.73416 7.87469 4.3851
+threshold=52.500000000000007 20.500000000000004 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0033397108757376817 0.0023503600114862136 -0.0066638297978425087 0.007404915183934018 -0.0070187905801184494
+leaf_weight=59 40 65 57 40
+leaf_count=59 40 65 57 40
+internal_value=0 -0.048815 0.0859176 -0.116313
+internal_weight=0 202 137 80
+internal_count=261 202 137 80
+shrinkage=0.02
+
+
+Tree=1270
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 3
+split_gain=2.08071 4.74889 5.55714 2.81345
+threshold=68.250000000000014 13.500000000000002 55.150000000000006 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00093717960771893128 -0.0028506983853740803 -0.0057475794868681544 0.0034221165530989618 0.0084917239490320488
+leaf_weight=39 74 59 48 41
+leaf_count=39 74 59 48 41
+internal_value=0 0.0564394 -0.0813526 0.241146
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1271
+num_leaves=5
+num_cat=0
+split_feature=4 2 4 3
+split_gain=2.09477 7.34075 7.80605 9.8743
+threshold=52.500000000000007 20.500000000000004 71.500000000000014 61.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0033289642223594197 0.0054377570257791797 -0.0065143722983683171 0.0082637202220375121 -0.007862663033940483
+leaf_weight=59 41 65 47 49
+leaf_count=59 41 65 47 49
+internal_value=0 -0.0486488 0.0826151 -0.0897592
+internal_weight=0 202 137 90
+internal_count=261 202 137 90
+shrinkage=0.02
+
+
+Tree=1272
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 3
+split_gain=1.98267 4.50254 5.43655 2.77912
+threshold=68.250000000000014 13.500000000000002 55.150000000000006 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00083797639521424776 -0.0027832195750812751 -0.0056571269612012021 0.0034129148675196633 0.0083460648298727975
+leaf_weight=39 74 59 48 41
+leaf_count=39 74 59 48 41
+internal_value=0 0.0551144 -0.079064 0.23499
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1273
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 8
+split_gain=2.08105 6.96734 7.68226 4.0612
+threshold=52.500000000000007 20.500000000000004 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0033182951877095768 0.0020937663611254255 -0.0063686951458573225 0.0072051012222541701 -0.0069233930412152776
+leaf_weight=59 40 65 57 40
+leaf_count=59 40 65 57 40
+internal_value=0 -0.048483 0.0794018 -0.120347
+internal_weight=0 202 137 80
+internal_count=261 202 137 80
+shrinkage=0.02
+
+
+Tree=1274
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 4
+split_gain=2.05333 8.10015 7.6005 4.91539
+threshold=65.500000000000014 55.500000000000007 72.700000000000003 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0013345738100518701 0.0082861921135009668 -0.0071452571140562283 -0.0032742643263655941 0.0074379897338937087
+leaf_weight=68 45 61 46 41
+leaf_count=68 45 61 46 41
+internal_value=0 -0.065187 0.121782 0.0980259
+internal_weight=0 170 91 109
+internal_count=261 170 91 109
+shrinkage=0.02
+
+
+Tree=1275
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 5 1
+split_gain=2.04629 4.97968 8.98555 11.2627 5.86179
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.400000000000006 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0070555483859503151 0.0041790100505948811 -0.0098234414507153631 0.00010222589738523431 0.0040956441937924316 0.010577955723279365
+leaf_weight=41 40 52 43 42 43
+leaf_count=41 40 52 43 42 43
+internal_value=0 -0.0378565 0.0337626 -0.179868 0.267686
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=1276
+num_leaves=5
+num_cat=0
+split_feature=4 2 4 3
+split_gain=2.13452 6.8836 7.4582 9.62912
+threshold=52.500000000000007 20.500000000000004 71.500000000000014 61.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0033603858547160649 0.0053332488964095669 -0.0063483612415921381 0.0080234904759643646 -0.0078011999346827557
+leaf_weight=59 41 65 47 49
+leaf_count=59 41 65 47 49
+internal_value=0 -0.0490896 0.0780249 -0.0904676
+internal_weight=0 202 137 90
+internal_count=261 202 137 90
+shrinkage=0.02
+
+
+Tree=1277
+num_leaves=5
+num_cat=0
+split_feature=4 2 4 2
+split_gain=2.04921 6.61062 7.16233 9.53859
+threshold=52.500000000000007 20.500000000000004 71.500000000000014 10.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0032932582400223322 0.0053359499468488766 -0.0062215304832698871 0.0078632592025686034 -0.007736781798811777
+leaf_weight=59 41 65 47 49
+leaf_count=59 41 65 47 49
+internal_value=0 -0.0481041 0.0764672 -0.0886513
+internal_weight=0 202 137 90
+internal_count=261 202 137 90
+shrinkage=0.02
+
+
+Tree=1278
+num_leaves=4
+num_cat=0
+split_feature=5 5 4
+split_gain=2.06902 4.34165 4.41517
+threshold=68.250000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0032274710083645538 -0.0028422509229777079 0.0058560982304052753 -0.0041395171891081698
+leaf_weight=59 74 55 73
+leaf_count=59 74 55 73
+internal_value=0 0.0563071 -0.0420337
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1279
+num_leaves=4
+num_cat=0
+split_feature=5 1 5
+split_gain=1.98639 4.20533 18.5825
+threshold=68.250000000000014 9.5000000000000018 58.20000000000001
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.0027944870084933545 -0.0027854591736398249 -0.0027311199449764896 0.013695494821073248
+leaf_weight=72 74 71 44
+leaf_count=72 74 71 44
+internal_value=0 0.0551828 0.172896
+internal_weight=0 187 116
+internal_count=261 187 116
+shrinkage=0.02
+
+
+Tree=1280
+num_leaves=5
+num_cat=0
+split_feature=9 2 9 1
+split_gain=1.99644 7.95351 9.28176 4.09856
+threshold=55.500000000000007 9.5000000000000018 66.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0020515913669195995 -0.0080989771694497618 -0.0044733982740349926 0.006815082406352372 0.0062739120159221555
+leaf_weight=45 49 55 62 50
+leaf_count=45 49 55 62 50
+internal_value=0 -0.0664643 0.0751098 0.116162
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=1281
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 9
+split_gain=1.97729 14.2077 22.4089 10.283
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0026895982492966155 0.004915622417406995 -0.0073331325458706464 0.015134242832870758 -0.0083014806083417658
+leaf_weight=63 43 52 51 52
+leaf_count=63 43 52 51 52
+internal_value=0 0.0661879 0.26408 -0.115569
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1282
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=1.90952 6.2095 7.77241 3.92197
+threshold=52.500000000000007 20.500000000000004 7.5000000000000009 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0031799944406316954 0.0017808044666439359 -0.0060271606068649994 0.0071355673465541601 -0.0070831956499856187
+leaf_weight=59 41 65 57 39
+leaf_count=59 41 65 57 39
+internal_value=0 -0.04646 0.0742774 -0.126641
+internal_weight=0 202 137 80
+internal_count=261 202 137 80
+shrinkage=0.02
+
+
+Tree=1283
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=2.00487 13.4528 21.5706 12.1809
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.002636275902893722 0.004316977874649605 -0.0070910408806155239 0.014851137197353799 -0.01004137410499732
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.0666427 0.259217 -0.116364
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1284
+num_leaves=6
+num_cat=0
+split_feature=8 6 5 9 2
+split_gain=2.0023 7.93864 7.33421 6.05374 3.57747
+threshold=65.500000000000014 56.500000000000007 72.700000000000003 43.500000000000007 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 3 -2 -1 -5
+right_child=2 -3 -4 4 -6
+leaf_value=0.0069215207033155278 0.0081529168419280391 -0.0092121459327453165 -0.0032035943795264816 -0.0061582525025007488 0.0020558787795549225
+leaf_weight=46 45 39 46 43 42
+leaf_count=46 45 39 46 43 42
+internal_value=0 -0.0643821 0.120271 0.0534559 -0.104587
+internal_weight=0 170 91 131 85
+internal_count=261 170 91 131 85
+shrinkage=0.02
+
+
+Tree=1285
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=1.9634 13.0494 20.6866 11.6305
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0025461216497028121 0.0041889991335656894 -0.0069776760142161347 0.014579337046866271 -0.0098415635926181952
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.0659527 0.255625 -0.115171
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1286
+num_leaves=6
+num_cat=0
+split_feature=8 4 6 9 4
+split_gain=1.98804 7.62489 7.52249 5.79915 4.10627
+threshold=65.500000000000014 73.500000000000014 56.500000000000007 43.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=2 -2 3 -1 -5
+right_child=1 -3 -4 4 -6
+leaf_value=0.0067395868533237759 0.0081297915084568521 -0.0034492590638600406 -0.0089977066897357367 -0.0067557336338327388 0.0020572441341555883
+leaf_weight=46 46 45 39 40 45
+leaf_count=46 46 45 39 40 45
+internal_value=0 0.119843 -0.0641588 0.0505495 -0.104139
+internal_weight=0 91 170 131 85
+internal_count=261 91 170 131 85
+shrinkage=0.02
+
+
+Tree=1287
+num_leaves=5
+num_cat=0
+split_feature=3 2 3 2
+split_gain=1.95513 9.41405 8.69722 6.15969
+threshold=66.500000000000014 10.500000000000002 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0072080970057791559 -0.0051016428074698575 0.0074176599451508977 -0.0093238787335260444 -0.0021336794526963759
+leaf_weight=45 41 58 41 76
+leaf_count=45 41 58 41 76
+internal_value=0 0.111244 -0.0679866 0.0668043
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=1288
+num_leaves=4
+num_cat=0
+split_feature=5 5 4
+split_gain=1.90613 4.41593 3.968
+threshold=68.250000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0029544572077851747 -0.0027296099182209767 0.0058511046170971895 -0.0040307960197670089
+leaf_weight=59 74 55 73
+leaf_count=59 74 55 73
+internal_value=0 0.0540466 -0.0451316
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1289
+num_leaves=5
+num_cat=0
+split_feature=3 2 9 4
+split_gain=1.90525 9.03009 8.72189 14.0675
+threshold=66.500000000000014 10.500000000000002 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0037021617964688547 -0.0049790896458262396 0.0072826376739541041 0.0046256675042086358 -0.011384935582568893
+leaf_weight=43 41 58 61 58
+leaf_count=43 41 58 61 58
+internal_value=0 0.109827 -0.0671258 -0.247784
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=1290
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 3
+split_gain=1.90908 4.37686 5.5927 3.11444
+threshold=68.250000000000014 13.500000000000002 55.150000000000006 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00054533080475575055 -0.0027316323701260599 -0.005697882504850268 0.0035012161248137458 0.0084865036190992903
+leaf_weight=39 74 59 48 41
+leaf_count=39 74 59 48 41
+internal_value=0 0.0540911 -0.0782061 0.231452
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1291
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=1.89353 12.459 19.6506 11.2252
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.002461848743313066 0.0041157935567627648 -0.0068114026275733312 0.014229460844256907 -0.0096684467438156174
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.0647799 0.250123 -0.113124
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1292
+num_leaves=6
+num_cat=0
+split_feature=8 4 6 9 4
+split_gain=1.90468 7.54469 7.29862 5.59751 4.15717
+threshold=65.500000000000014 73.500000000000014 56.500000000000007 43.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=2 -2 3 -1 -5
+right_child=1 -3 -4 4 -6
+leaf_value=0.0066320318114299536 0.0080494494057281284 -0.0034687570745833359 -0.0088555014110569593 -0.00673787245942019 0.0021295537694954732
+leaf_weight=46 46 45 39 40 45
+leaf_count=46 46 45 39 40 45
+internal_value=0 0.117328 -0.0628136 0.0501755 -0.101803
+internal_weight=0 91 170 131 85
+internal_count=261 91 170 131 85
+shrinkage=0.02
+
+
+Tree=1293
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.89445 6.69087 17.8582 6.82208
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0035160886284260786 0.00450357334096622 -0.015517871489847046 0.0045851470846284903 -0.0038489996497183938
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0416941 -0.160832 -0.474288
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1294
+num_leaves=5
+num_cat=0
+split_feature=3 2 9 4
+split_gain=1.83695 8.66176 8.36891 13.5795
+threshold=66.500000000000014 10.500000000000002 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0036483776483564553 -0.004870553752904047 0.0071389255585062004 0.0045278965228314838 -0.011174951430306864
+leaf_weight=43 41 58 61 58
+leaf_count=43 41 58 61 58
+internal_value=0 0.107865 -0.0659206 -0.242898
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=1295
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 3
+split_gain=1.91427 4.31453 5.50652 3.17992
+threshold=68.250000000000014 13.500000000000002 55.150000000000006 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0004797331318697845 -0.0027352349466361454 -0.0056456860378245842 0.0034825009824283812 0.0085026817593749845
+leaf_weight=39 74 59 48 41
+leaf_count=39 74 59 48 41
+internal_value=0 0.0541673 -0.0771864 0.230266
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1296
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=1.89795 8.93784 6.60047 6.88871
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0053787671521562646 -0.0097065488024993055 0.0021809706033161088 0.0080985058538593207 -0.005113977447065491
+leaf_weight=40 39 72 43 67
+leaf_count=40 39 72 43 67
+internal_value=0 -0.0996004 0.073744 -0.0591516
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1297
+num_leaves=4
+num_cat=0
+split_feature=7 8 6
+split_gain=1.93891 7.90432 5.53507
+threshold=73.500000000000014 62.500000000000007 48.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.0022939314991641765 0.0032759438945717794 -0.0074825209986045752 0.0053991197036362326
+leaf_weight=77 57 54 73
+leaf_count=77 57 54 73
+internal_value=0 -0.0457832 0.0722731
+internal_weight=0 204 150
+internal_count=261 204 150
+shrinkage=0.02
+
+
+Tree=1298
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.89785 6.44419 17.0292 6.56257
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0035194144235629631 0.004403901319496824 -0.015211822077963765 0.0044455259270761108 -0.0037658272051374849
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0417212 -0.158651 -0.464755
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1299
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=1.85634 7.54832 6.17781 6.65698
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0052904207594292943 0.0032061735167903576 -0.0073138515802525063 0.0078200497228971405 -0.0050247963956807588
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.0448073 0.0705616 -0.0580116
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=1300
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 7
+split_gain=1.86043 7.41756 6.95798 4.10533
+threshold=65.500000000000014 55.500000000000007 72.700000000000003 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.00321233794810857 0.007918427431559601 -0.0068322043751360495 -0.0031436448635960806 0.0048476156905623551
+leaf_weight=40 45 61 46 69
+leaf_count=40 45 61 46 69
+internal_value=0 -0.0620733 0.115985 0.0941168
+internal_weight=0 170 91 109
+internal_count=261 170 91 109
+shrinkage=0.02
+
+
+Tree=1301
+num_leaves=5
+num_cat=0
+split_feature=5 5 6 7
+split_gain=1.84809 4.39229 3.90259 3.8901
+threshold=68.250000000000014 58.550000000000004 49.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0031482034544561576 -0.0026878896684351767 0.005822280013282004 -0.0058721960700801002 0.0052664263748408392
+leaf_weight=40 74 55 43 49
+leaf_count=40 74 55 43 49
+internal_value=0 0.0532401 -0.0456729 0.0738043
+internal_weight=0 187 132 89
+internal_count=261 187 132 89
+shrinkage=0.02
+
+
+Tree=1302
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=1.86791 7.46108 6.1562 6.39559
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0051509602674677515 0.0032159720524944486 -0.0072795871813459978 0.0077927114547253875 -0.0049601565892177036
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.0449488 0.0697519 -0.0585966
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=1303
+num_leaves=5
+num_cat=0
+split_feature=2 3 7 2
+split_gain=1.84971 5.34597 7.82512 6.49904
+threshold=6.5000000000000009 54.500000000000007 73.500000000000014 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0034749852022963753 0.004673612556575224 -0.011390619209316848 0.0043732970453086283 -0.0015638161350035611
+leaf_weight=50 53 45 45 68
+leaf_count=50 53 45 45 68
+internal_value=0 -0.0411927 -0.133713 -0.274442
+internal_weight=0 211 158 113
+internal_count=261 211 158 113
+shrinkage=0.02
+
+
+Tree=1304
+num_leaves=5
+num_cat=0
+split_feature=5 5 6 7
+split_gain=1.84959 4.37593 3.7521 3.8024
+threshold=68.250000000000014 58.550000000000004 49.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0031382154203097902 -0.002688910183723726 0.0058139298998857126 -0.0057720096783320267 0.0051815375448220711
+leaf_weight=40 74 55 43 49
+leaf_count=40 74 55 43 49
+internal_value=0 0.0532641 -0.0454648 0.0716907
+internal_weight=0 187 132 89
+internal_count=261 187 132 89
+shrinkage=0.02
+
+
+Tree=1305
+num_leaves=5
+num_cat=0
+split_feature=8 4 8 4
+split_gain=1.83767 7.60082 7.1505 5.42135
+threshold=65.500000000000014 73.500000000000014 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0016273881203630555 0.0080296297697097698 -0.0035313790838232269 -0.0067234941828030314 0.0075848559323731845
+leaf_weight=68 46 45 61 41
+leaf_count=68 46 45 61 41
+internal_value=0 0.115277 -0.0617011 0.0916539
+internal_weight=0 91 170 109
+internal_count=261 91 170 109
+shrinkage=0.02
+
+
+Tree=1306
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 3
+split_gain=1.8329 4.3275 5.17793 3.21313
+threshold=68.250000000000014 13.500000000000002 55.150000000000006 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00044103150572775572 -0.0026770010175726851 -0.0055487820346161298 0.0033035002581562846 0.0085051053877088154
+leaf_weight=39 74 59 48 41
+leaf_count=39 74 59 48 41
+internal_value=0 0.0530199 -0.0785315 0.229384
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1307
+num_leaves=5
+num_cat=0
+split_feature=8 4 8 4
+split_gain=1.80432 7.29922 7.08047 5.13106
+threshold=65.500000000000014 73.500000000000014 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0015374185517266126 0.0078945186188222535 -0.0034352139854526369 -0.006685484598145385 0.0074254257238663005
+leaf_weight=68 46 45 61 41
+leaf_count=68 46 45 61 41
+internal_value=0 0.114239 -0.0611432 0.0914597
+internal_weight=0 91 170 109
+internal_count=261 91 170 109
+shrinkage=0.02
+
+
+Tree=1308
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 5 5
+split_gain=1.81735 6.05741 8.48972 11.1443 6.18425
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.400000000000006 58.900000000000006
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.007658155295777444 0.0039407788014394077 -0.0094810690486273157 0.010417470997989838 0.0043652443295565651 -0.00032932295539981861
+leaf_weight=41 40 52 46 42 40
+leaf_count=41 40 52 46 42 40
+internal_value=0 -0.0356939 0.0432897 -0.164363 0.270673
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=1309
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 8
+split_gain=1.90036 4.3866 5.08862 1.51908
+threshold=68.250000000000014 13.500000000000002 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0018939018564442518 -0.0027252762674464543 -0.0055131791621592929 0.0032626448940568636 0.0074788029113937475
+leaf_weight=41 74 59 48 39
+leaf_count=41 74 59 48 39
+internal_value=0 0.0539774 -0.0784665 0.231535
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1310
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 3
+split_gain=1.8245 4.21252 5.05222 2.97898
+threshold=68.250000000000014 13.500000000000002 4.5000000000000009 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00054342609157274218 -0.0026708221334958509 0.0035596379276017064 -0.0052503238666147855 0.008311693627148729
+leaf_weight=39 74 45 62 41
+leaf_count=39 74 45 62 41
+internal_value=0 0.0529048 -0.0768912 0.226922
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1311
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 1
+split_gain=1.7812 5.85319 11.7482 9.734
+threshold=52.500000000000007 63.500000000000007 64.500000000000014 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0030726410466966367 0.0015517420899809565 -0.002371305747546027 -0.012585075062384186 0.0101301800097228
+leaf_weight=59 55 66 41 40
+leaf_count=59 55 66 41 40
+internal_value=0 -0.0448781 -0.224115 0.117113
+internal_weight=0 202 96 106
+internal_count=261 202 96 106
+shrinkage=0.02
+
+
+Tree=1312
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=1.8027 7.34024 6.06793 6.29771
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0051182027439658174 0.0031601814417824849 -0.0072119713359549767 0.0077440960132691 -0.0049154808061994178
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.0441535 0.0696153 -0.0578103
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=1313
+num_leaves=5
+num_cat=0
+split_feature=8 4 8 4
+split_gain=1.79382 7.13913 7.07832 4.86875
+threshold=65.500000000000014 73.500000000000014 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0014470108469204705 0.0078264885172425781 -0.0033785212365280161 -0.0066809107508282832 0.0072843198364658151
+leaf_weight=68 46 45 61 41
+leaf_count=68 46 45 61 41
+internal_value=0 0.113921 -0.0609556 0.0916242
+internal_weight=0 91 170 109
+internal_count=261 91 170 109
+shrinkage=0.02
+
+
+Tree=1314
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 5 5
+split_gain=1.84471 6.026 8.47305 10.7255 5.84832
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.400000000000006 58.900000000000006
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0076452532122539786 0.003970235764221685 -0.009368868350112693 0.010266286533464184 0.0042149538671655837 -0.00018474659929667921
+leaf_weight=41 40 52 46 42 40
+leaf_count=41 40 52 46 42 40
+internal_value=0 -0.0359478 0.0428309 -0.164619 0.269992
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=1315
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 3
+split_gain=1.92756 4.30837 5.49206 2.90673
+threshold=68.500000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00065941846947368534 -0.0027442957559255712 -0.0050488121856147863 0.0043216834738869191 0.0083347269328864857
+leaf_weight=39 74 67 40 41
+leaf_count=39 74 67 40 41
+internal_value=0 0.0543692 -0.0768908 0.230343
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1316
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=1.85564 9.58843 16.2136 19.9406 9.02486
+threshold=50.500000000000007 3.5000000000000004 55.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0038685220127182792 -0.0092116998271319934 0.012338723817965847 -0.013653727966719717 0.0086301787124615122 -0.0038316955939307193
+leaf_weight=42 43 41 41 52 42
+leaf_count=42 43 41 41 52 42
+internal_value=0 -0.0371071 0.066271 -0.100905 0.152745
+internal_weight=0 219 176 135 94
+internal_count=261 219 176 135 94
+shrinkage=0.02
+
+
+Tree=1317
+num_leaves=4
+num_cat=0
+split_feature=8 5 4
+split_gain=1.82768 4.23284 4.19924
+threshold=68.500000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.003084734793300251 -0.0026729284278194454 0.0057299356413584067 -0.0041004160353695961
+leaf_weight=59 74 55 73
+leaf_count=59 74 55 73
+internal_value=0 0.0529602 -0.0441441
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1318
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 9 7
+split_gain=1.78467 5.92532 8.38437 8.40814 8.1495
+threshold=75.500000000000014 41.500000000000007 7.5000000000000009 70.500000000000014 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0075756401211088641 0.0039058566639362086 -0.0073478181994660052 0.00049576062132876398 -0.0043587372117125283 0.012001385956955024
+leaf_weight=41 40 39 49 42 50
+leaf_count=41 40 39 49 42 50
+internal_value=0 -0.0353613 0.042757 0.156612 0.315957
+internal_weight=0 221 180 141 99
+internal_count=261 221 180 141 99
+shrinkage=0.02
+
+
+Tree=1319
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 8
+split_gain=1.80526 5.93566 8.35002 3.90176
+threshold=52.500000000000007 20.500000000000004 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0030931826139921183 0.0017038895570937315 -0.0058881659827987902 0.0073132108334423851 -0.0071339448684018128
+leaf_weight=59 40 65 57 40
+leaf_count=59 40 65 57 40
+internal_value=0 -0.0451725 0.0728761 -0.13537
+internal_weight=0 202 137 80
+internal_count=261 202 137 80
+shrinkage=0.02
+
+
+Tree=1320
+num_leaves=6
+num_cat=0
+split_feature=1 8 4 9 9
+split_gain=1.82868 11.1135 7.43293 11.9951 10.5836
+threshold=8.5000000000000018 55.500000000000007 74.500000000000014 53.500000000000007 68.500000000000014
+decision_type=2 2 2 2 2
+left_child=2 -2 3 -1 -5
+right_child=1 -3 -4 4 -6
+leaf_value=-0.01022615941163754 0.0041230561557244671 -0.009592605676135969 0.0084363337362451957 0.0099981025580272685 -0.0042890370564476225
+leaf_weight=40 51 44 43 43 40
+leaf_count=40 51 44 43 43 40
+internal_value=0 -0.111172 0.0636922 -0.0613495 0.155265
+internal_weight=0 95 166 123 83
+internal_count=261 95 166 123 83
+shrinkage=0.02
+
+
+Tree=1321
+num_leaves=5
+num_cat=0
+split_feature=8 4 8 4
+split_gain=1.79195 7.19334 7.09112 4.85832
+threshold=65.500000000000014 73.500000000000014 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0014401213595113061 0.0078462734216201944 -0.0034011362828620128 -0.0066852116484981293 0.0072818713438374469
+leaf_weight=68 46 45 61 41
+leaf_count=68 46 45 61 41
+internal_value=0 0.113862 -0.0609245 0.0917931
+internal_weight=0 91 170 109
+internal_count=261 91 170 109
+shrinkage=0.02
+
+
+Tree=1322
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=1.77365 12.5127 19.1255 10.5883
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0023943164067164796 0.0040045723750303233 -0.0068698211319047752 0.014072548947653554 -0.0093835150894595026
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.0627338 0.248477 -0.109508
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1323
+num_leaves=5
+num_cat=0
+split_feature=8 4 7 6
+split_gain=1.78005 6.95587 6.68202 6.4864
+threshold=65.500000000000014 73.500000000000014 59.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0022515891100841541 0.0077462435955077003 -0.0033142861129440383 -0.0075421669302244369 0.0073111510461943098
+leaf_weight=77 46 45 48 45
+leaf_count=77 46 45 48 45
+internal_value=0 0.113481 -0.0607304 0.0635634
+internal_weight=0 91 170 122
+internal_count=261 91 170 122
+shrinkage=0.02
+
+
+Tree=1324
+num_leaves=4
+num_cat=0
+split_feature=5 5 4
+split_gain=1.77713 4.35528 4.09549
+threshold=68.250000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0029928661275680892 -0.0026362987160602216 0.0057819562727344951 -0.0041031863502785926
+leaf_weight=59 74 55 73
+leaf_count=59 74 55 73
+internal_value=0 0.0522214 -0.0462752
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1325
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=1.78731 7.21742 6.17559 6.23697
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0050498843151403836 0.0031466921571258995 -0.0071553451503400161 0.0077845667401903445 -0.0049353105947764113
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.0439728 0.0688408 -0.0597097
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=1326
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 4
+split_gain=1.76387 6.90109 6.7102 4.71276
+threshold=65.500000000000014 72.700000000000003 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.00146447708310054 0.0078353938203125657 -0.0031815946311735399 -0.0065274417893974798 0.0071264423311322694
+leaf_weight=68 45 46 61 41
+leaf_count=68 45 46 61 41
+internal_value=0 0.112971 -0.0604559 0.0881067
+internal_weight=0 91 170 109
+internal_count=261 91 170 109
+shrinkage=0.02
+
+
+Tree=1327
+num_leaves=6
+num_cat=0
+split_feature=4 3 6 4 6
+split_gain=1.76957 4.30316 5.16638 6.89003 3.39224
+threshold=75.500000000000014 69.500000000000014 58.500000000000007 58.500000000000007 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0027493445474290495 0.0038893085246613297 -0.0065613476560154715 0.0067777988488451867 -0.0083670436030829198 0.0047515387083491073
+leaf_weight=42 40 41 42 39 57
+leaf_count=42 40 41 42 39 57
+internal_value=0 -0.0352213 0.031362 -0.0620682 0.0780788
+internal_weight=0 221 180 138 99
+internal_count=261 221 180 138 99
+shrinkage=0.02
+
+
+Tree=1328
+num_leaves=4
+num_cat=0
+split_feature=5 5 4
+split_gain=1.75445 4.24545 4.03314
+threshold=68.250000000000014 58.550000000000004 52.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0029813729454382476 -0.0026196022214428592 0.0057155209657366946 -0.0040607369043961826
+leaf_weight=59 74 55 73
+leaf_count=59 74 55 73
+internal_value=0 0.0518911 -0.0453579
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1329
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 2
+split_gain=1.80611 7.26242 6.1979 6.10733
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0040969289874296464 0.003163018404069289 -0.0071793770214805602 0.0077985467176191602 -0.0055160872169773617
+leaf_weight=48 57 54 43 59
+leaf_count=48 57 54 43 59
+internal_value=0 -0.0442009 0.0689637 -0.0598188
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=1330
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=1.7338 6.97452 5.95195 5.98295
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0049434914336348524 0.0030998360706499463 -0.0070359752813654872 0.0076428289430889315 -0.0048368221685785792
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.0433132 0.0675874 -0.0586158
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=1331
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 9
+split_gain=1.73798 12.0283 18.5331 8.93559
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0023642973902109443 0.0045688298345304074 -0.0067236335919277444 0.013845703440775068 -0.0077533282283196326
+leaf_weight=63 43 52 51 52
+leaf_count=63 43 52 51 52
+internal_value=0 0.0621076 0.244229 -0.108413
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1332
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 7
+split_gain=1.79632 6.92585 6.67522 3.44014
+threshold=65.500000000000014 72.700000000000003 55.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0029214092072388583 0.0078657778913730908 -0.003170871846790243 -0.0065245368696940755 0.004459489806008716
+leaf_weight=40 45 46 61 69
+leaf_count=40 45 46 61 69
+internal_value=0 0.113994 -0.0610035 0.0871716
+internal_weight=0 91 170 109
+internal_count=261 91 170 109
+shrinkage=0.02
+
+
+Tree=1333
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.76307 5.92002 17.1682 6.04742
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.003393570251371515 0.0042167436864054744 -0.014874918827348912 0.0046031945400181618 -0.0038829143986102385
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0402245 -0.15232 -0.459675
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1334
+num_leaves=5
+num_cat=0
+split_feature=8 6 7 2
+split_gain=1.71853 4.33409 5.36746 4.26916
+threshold=68.500000000000014 58.500000000000007 57.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0062814160002872509 -0.0025929288511995978 0.0067818387050480053 -0.0064337256102435358 -0.0019228500979917205
+leaf_weight=48 74 41 44 54
+leaf_count=48 74 41 44 54
+internal_value=0 0.0513645 -0.0292857 0.0965902
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1335
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=1.7733 6.84781 6.07195 5.81511
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00289565332195456 0.0031344384181639434 -0.0069896361263841258 0.0076757571083889897 -0.0065049533503866511
+leaf_weight=60 57 54 43 47
+leaf_count=60 57 54 43 47
+internal_value=0 -0.0438038 0.0660854 -0.0613833
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=1336
+num_leaves=6
+num_cat=0
+split_feature=5 5 3 2 9
+split_gain=1.76434 5.88439 4.71619 4.08819 0.606811
+threshold=67.050000000000011 59.350000000000009 73.500000000000014 17.500000000000004 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 3 -2 4 -1
+right_child=2 -3 -4 -5 -6
+leaf_value=-0.00037369579755652734 -0.0021715323588591814 -0.0078892261268850399 0.0073729970406379254 0.0047638469372848239 -0.0039834964635398398
+leaf_weight=39 43 40 40 60 39
+leaf_count=39 43 40 40 60 39
+internal_value=0 -0.0564364 0.121047 0.0414025 -0.10954
+internal_weight=0 178 83 138 78
+internal_count=261 178 83 138 78
+shrinkage=0.02
+
+
+Tree=1337
+num_leaves=4
+num_cat=0
+split_feature=5 5 8
+split_gain=1.7403 4.52693 4.05439
+threshold=68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0021758488630227199 -0.0026092601174910386 0.0058631475301994182 -0.0048844903775110693
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0516774 -0.0487384
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1338
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 6
+split_gain=1.74637 6.81566 6.32814 3.41435
+threshold=65.500000000000014 72.700000000000003 55.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0027871340480643044 0.0077895907925440624 -0.003159140868018241 -0.0063685630174545576 0.0044956752063799003
+leaf_weight=42 45 46 61 67
+leaf_count=42 45 46 61 67
+internal_value=0 0.112405 -0.0601687 0.0841066
+internal_weight=0 91 170 109
+internal_count=261 91 170 109
+shrinkage=0.02
+
+
+Tree=1339
+num_leaves=5
+num_cat=0
+split_feature=3 9 2 2
+split_gain=1.72388 9.21687 12.9631 8.40876
+threshold=66.500000000000014 41.500000000000007 15.500000000000002 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0096116612561182816 -0.0048339123562765674 -0.0056187801893029131 0.0074636670035684071 0.0069992812573447874
+leaf_weight=40 41 56 66 58
+leaf_count=40 41 56 66 58
+internal_value=0 -0.0638797 0.0726139 0.104532
+internal_weight=0 162 122 99
+internal_count=261 162 122 99
+shrinkage=0.02
+
+
+Tree=1340
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.79764 5.78015 16.1403 5.66924
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0034260059693437253 0.0041491278205871293 -0.014490387237301592 0.0043891607070364906 -0.003844839530289244
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0406276 -0.151396 -0.449421
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1341
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 8
+split_gain=1.75863 4.45222 5.40306 1.52694
+threshold=68.500000000000014 13.500000000000002 24.500000000000004 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0018727768463086467 -0.002622958271951188 -0.005112226133913678 0.0041819596549415644 0.0074715778805813215
+leaf_weight=41 74 67 40 39
+leaf_count=41 74 67 40 39
+internal_value=0 0.0519387 -0.0814915 0.230816
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1342
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=1.72639 9.54015 15.5969 19.5206 8.24914
+threshold=50.500000000000007 3.5000000000000004 55.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0037324774500477587 -0.0091647926496745327 0.012147924144656404 -0.013446117874451703 0.008416599376040914 -0.0034981890038693637
+leaf_weight=42 43 41 41 52 42
+leaf_count=42 43 41 41 52 42
+internal_value=0 -0.0358244 0.0672933 -0.0966716 0.154291
+internal_weight=0 219 176 135 94
+internal_count=261 219 176 135 94
+shrinkage=0.02
+
+
+Tree=1343
+num_leaves=5
+num_cat=0
+split_feature=7 8 3 4
+split_gain=1.71866 6.75303 5.05371 4.73125
+threshold=73.500000000000014 62.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0036579514476389845 0.0030861663923845086 -0.006934037467915051 0.0062943893267831189 -0.0052637887587058839
+leaf_weight=42 57 54 53 55
+leaf_count=42 57 54 53 55
+internal_value=0 -0.0431389 0.065988 -0.0696337
+internal_weight=0 204 150 97
+internal_count=261 204 150 97
+shrinkage=0.02
+
+
+Tree=1344
+num_leaves=5
+num_cat=0
+split_feature=8 6 7 2
+split_gain=1.69032 4.35988 5.38317 4.28294
+threshold=68.500000000000014 58.500000000000007 57.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0062787877510212453 -0.0025719584673703473 0.0067903610553827374 -0.0064555147973791409 -0.0019386989091005743
+leaf_weight=48 74 41 44 54
+leaf_count=48 74 41 44 54
+internal_value=0 0.0509385 -0.0299509 0.0961085
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1345
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 6
+split_gain=1.74649 8.58881 5.61348 4.63618
+threshold=67.050000000000011 64.500000000000014 48.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0023465138981717485 0.007438311997904996 -0.0091574347367506127 0.0058060333484227754 -0.0020361306179346129
+leaf_weight=76 39 41 61 44
+leaf_count=76 39 41 61 44
+internal_value=0 -0.0561635 0.0639364 0.12043
+internal_weight=0 178 137 83
+internal_count=261 178 137 83
+shrinkage=0.02
+
+
+Tree=1346
+num_leaves=5
+num_cat=0
+split_feature=3 9 2 9
+split_gain=1.71572 9.00018 12.7014 8.31426
+threshold=66.500000000000014 41.500000000000007 15.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0095103992940125878 0.009279294191212005 -0.0055764254876343525 0.0073735018778071934 -0.0025822069422861732
+leaf_weight=40 39 56 66 60
+leaf_count=40 39 56 66 60
+internal_value=0 -0.0637331 0.0711465 0.104284
+internal_weight=0 162 122 99
+internal_count=261 162 122 99
+shrinkage=0.02
+
+
+Tree=1347
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 2
+split_gain=1.68775 6.78113 5.7978 5.88014
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0040347591141095054 0.0030584754290254065 -0.0069390575151696918 0.0075412627974871509 -0.0053983315865319863
+leaf_weight=48 57 54 43 59
+leaf_count=48 57 54 43 59
+internal_value=0 -0.0427601 0.0665935 -0.0579661
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=1348
+num_leaves=5
+num_cat=0
+split_feature=5 5 6 7
+split_gain=1.69894 4.29225 4.04626 3.44796
+threshold=68.250000000000014 58.550000000000004 49.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0028555319062009967 -0.0025785508279908571 0.0057245480421144503 -0.0059831014306688636 0.0050682787562864543
+leaf_weight=40 74 55 43 49
+leaf_count=40 74 55 43 49
+internal_value=0 0.0510606 -0.0467225 0.0749294
+internal_weight=0 187 132 89
+internal_count=261 187 132 89
+shrinkage=0.02
+
+
+Tree=1349
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 6
+split_gain=1.69565 5.87759 4.5783 3.95267
+threshold=67.050000000000011 59.350000000000009 73.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0021639990637208669 -0.0021513695684993576 -0.0078637752947584641 0.0072530842392647512 0.0046624559799426707
+leaf_weight=77 43 40 40 61
+leaf_count=77 43 40 40 61
+internal_value=0 -0.055356 0.118678 0.0424266
+internal_weight=0 178 83 138
+internal_count=261 178 83 138
+shrinkage=0.02
+
+
+Tree=1350
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 8
+split_gain=1.72103 9.0709 15.0747 19.0149 8.09065
+threshold=50.500000000000007 3.5000000000000004 55.500000000000007 64.500000000000014 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0037265419070273533 -0.0089539760688853044 0.011915404635760685 -0.013291262010062969 -0.0024723826269915845 0.0092847915271363456
+leaf_weight=42 43 41 41 50 44
+leaf_count=42 43 41 41 50 44
+internal_value=0 -0.0357798 0.0647703 -0.0964254 0.151264
+internal_weight=0 219 176 135 94
+internal_count=261 219 176 135 94
+shrinkage=0.02
+
+
+Tree=1351
+num_leaves=5
+num_cat=0
+split_feature=8 6 7 2
+split_gain=1.78503 4.3576 5.50836 4.07922
+threshold=68.500000000000014 58.500000000000007 57.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0062313714935299958 -0.0026424664589691478 0.0068163477503160562 -0.006495024131922488 -0.0017887216732553573
+leaf_weight=48 74 41 44 54
+leaf_count=48 74 41 44 54
+internal_value=0 0.0523167 -0.0285513 0.0989644
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1352
+num_leaves=4
+num_cat=0
+split_feature=8 5 8
+split_gain=1.71355 4.26731 4.10683
+threshold=68.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0022463060732544966 -0.0025896667059703577 0.0057150608047826746 -0.0048595312932471204
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0512678 -0.0462311
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1353
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 1
+split_gain=1.69587 13.092 13.5144 7.02448
+threshold=7.5000000000000009 73.500000000000014 59.350000000000009 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0030316851795263704 0.0070172452506870511 0.010811635868436571 -0.0098847254193852128 -0.003287695972518215
+leaf_weight=58 59 42 54 48
+leaf_count=58 59 42 54 48
+internal_value=0 0.0433465 -0.0862973 0.119393
+internal_weight=0 203 161 107
+internal_count=261 203 161 107
+shrinkage=0.02
+
+
+Tree=1354
+num_leaves=4
+num_cat=0
+split_feature=8 5 8
+split_gain=1.73122 4.30198 3.98273
+threshold=68.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0021954083664155917 -0.0026028806219800089 0.0057391372522711624 -0.0048026652911885136
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.051526 -0.0463674
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1355
+num_leaves=4
+num_cat=0
+split_feature=8 5 8
+split_gain=1.66194 4.13098 3.82447
+threshold=68.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0021515421722906633 -0.0025508725638329721 0.0056245000297428585 -0.0047067256241819875
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0504966 -0.0454354
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1356
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 6
+split_gain=1.69904 8.4937 5.5662 4.75872
+threshold=67.050000000000011 64.500000000000014 48.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0023296628934929313 0.0074713161100481134 -0.0090980587578586118 0.0057885627772836581 -0.0021273225562113171
+leaf_weight=76 39 41 61 44
+leaf_count=76 39 41 61 44
+internal_value=0 -0.0554184 0.0640148 0.118787
+internal_weight=0 178 137 83
+internal_count=261 178 137 83
+shrinkage=0.02
+
+
+Tree=1357
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 2
+split_gain=1.64941 8.11204 8.09332 5.48794
+threshold=66.500000000000014 61.500000000000007 10.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0051863457217859203 -0.0047483516302542998 -0.0089427671645545079 0.0068612082166087567 -0.0033884672036514018
+leaf_weight=67 41 41 58 54
+leaf_count=67 41 41 58 54
+internal_value=0 -0.0625179 0.102259 0.0676608
+internal_weight=0 162 99 121
+internal_count=261 162 99 121
+shrinkage=0.02
+
+
+Tree=1358
+num_leaves=5
+num_cat=0
+split_feature=5 2 9 3
+split_gain=1.69833 4.07517 4.73628 3.2816
+threshold=68.250000000000014 13.500000000000002 53.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00025488236086170847 -0.0025784655511821835 -0.0061205396290685563 0.0023321281420716489 0.0084023460367749388
+leaf_weight=39 74 49 58 41
+leaf_count=39 74 49 58 41
+internal_value=0 0.0510329 -0.0766359 0.222207
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1359
+num_leaves=6
+num_cat=0
+split_feature=3 1 2 9 9
+split_gain=1.6726 4.47868 28.2362 7.28905 4.08364
+threshold=68.500000000000014 8.5000000000000018 18.500000000000004 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -3 -2
+right_child=4 3 -4 -5 -6
+leaf_value=0.012739317107839494 -0.0068388544662694797 0.0038658364447053512 -0.0090136149289871594 -0.0080733363498854266 0.0022058852578722855
+leaf_weight=59 41 39 40 43 39
+leaf_count=59 41 39 40 43 39
+internal_value=0 0.0535306 0.197101 -0.119337 -0.121074
+internal_weight=0 181 99 82 80
+internal_count=261 181 99 82 80
+shrinkage=0.02
+
+
+Tree=1360
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 6
+split_gain=1.68827 8.15331 5.4312 4.54313
+threshold=67.050000000000011 64.500000000000014 48.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.002330666786505137 0.0073474827924724711 -0.0089333387532314311 0.0056888976883108424 -0.0020317657205667357
+leaf_weight=76 39 41 61 44
+leaf_count=76 39 41 61 44
+internal_value=0 -0.0552494 0.0617667 0.11841
+internal_weight=0 178 137 83
+internal_count=261 178 137 83
+shrinkage=0.02
+
+
+Tree=1361
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 4
+split_gain=1.65968 7.96528 4.93417 4.37238
+threshold=69.500000000000014 62.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0034828674188271142 0.0027841294076524433 -0.0082097042478266845 0.0062231179797224848 -0.0050950005687184705
+leaf_weight=42 65 46 53 55
+leaf_count=42 65 46 53 55
+internal_value=0 -0.0462125 0.0653706 -0.0686399
+internal_weight=0 196 150 97
+internal_count=261 196 150 97
+shrinkage=0.02
+
+
+Tree=1362
+num_leaves=5
+num_cat=0
+split_feature=8 6 7 7
+split_gain=1.68531 4.3023 5.26431 3.88339
+threshold=68.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0029522610220910307 -0.0025686252323161968 0.0067503588254574174 -0.0063820240416168662 0.0050480956863296848
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0508418 -0.0295124 0.0951495
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1363
+num_leaves=5
+num_cat=0
+split_feature=3 9 2 9
+split_gain=1.68294 9.03279 13.2672 8.24603
+threshold=66.500000000000014 41.500000000000007 15.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.009513576919222699 0.0092296683433982212 -0.0057139622048673015 0.0075208957160414142 -0.0025831800449186222
+leaf_weight=40 39 56 66 60
+leaf_count=40 39 56 66 60
+internal_value=0 -0.0631472 0.0719766 0.103276
+internal_weight=0 162 122 99
+internal_count=261 162 122 99
+shrinkage=0.02
+
+
+Tree=1364
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 9
+split_gain=1.64046 7.969 5.75901 5.84654
+threshold=69.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0048761181854267569 0.0027680898843061475 -0.0082061691329106366 0.0075018765093183091 -0.0047923587709865264
+leaf_weight=40 65 46 43 67
+leaf_count=40 65 46 43 67
+internal_value=0 -0.0459504 0.0656588 -0.0584839
+internal_weight=0 196 150 107
+internal_count=261 196 150 107
+shrinkage=0.02
+
+
+Tree=1365
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 4
+split_gain=1.67496 4.18807 5.10793 3.03466
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0054315373821667238 -0.0025608649421385212 0.0066709456584997532 -0.0067777324426134501 -0.0013514532664715387
+leaf_weight=48 74 41 39 59
+leaf_count=48 74 41 39 59
+internal_value=0 0.0506851 -0.0285967 0.0842737
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=1366
+num_leaves=5
+num_cat=0
+split_feature=8 4 8 4
+split_gain=1.65971 7.28459 6.38855 4.88696
+threshold=65.500000000000014 73.500000000000014 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0015604360428994074 0.0077960456790176526 -0.0035225730926783673 -0.0063637724094213633 0.0071874889199507923
+leaf_weight=68 46 45 61 41
+leaf_count=68 46 45 61 41
+internal_value=0 0.109587 -0.0587006 0.0862617
+internal_weight=0 91 170 109
+internal_count=261 91 170 109
+shrinkage=0.02
+
+
+Tree=1367
+num_leaves=4
+num_cat=0
+split_feature=5 5 8
+split_gain=1.65962 4.12543 3.85507
+threshold=68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0021641025021804806 -0.0025493340968956945 0.005620497530696612 -0.0047214364859180773
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0504508 -0.0454169
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1368
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 9
+split_gain=1.66229 6.58273 5.77729 5.52236
+threshold=73.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0046949527794385992 0.0030352224607235381 -0.0068436516932998464 0.0075041953507323875 -0.0047023521926055755
+leaf_weight=40 57 54 43 67
+leaf_count=40 57 54 43 67
+internal_value=0 -0.0424586 0.0652848 -0.0590548
+internal_weight=0 204 150 107
+internal_count=261 204 150 107
+shrinkage=0.02
+
+
+Tree=1369
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 6
+split_gain=1.64614 7.94935 5.20094 4.47593
+threshold=67.050000000000011 64.500000000000014 48.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0022701502404201047 0.0072813256149756389 -0.0088213986615528588 0.0055781098020868296 -0.0020285737680853268
+leaf_weight=76 39 41 61 44
+leaf_count=76 39 41 61 44
+internal_value=0 -0.0545656 0.0609779 0.116939
+internal_weight=0 178 137 83
+internal_count=261 178 137 83
+shrinkage=0.02
+
+
+Tree=1370
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 2
+split_gain=1.65867 4.11709 5.2173 3.74927
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0059961749890725035 -0.0025485775194558219 0.0066181030532783749 -0.006329434630309938 -0.0016939821628230501
+leaf_weight=48 74 41 44 54
+leaf_count=48 74 41 44 54
+internal_value=0 0.0504383 -0.0281699 0.0959354
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1371
+num_leaves=5
+num_cat=0
+split_feature=3 9 2 9
+split_gain=1.67572 9.23718 12.7678 7.91626
+threshold=66.500000000000014 41.500000000000007 15.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0096036051945225815 0.0090808518910945029 -0.0055450764382684939 0.0074385460844031996 -0.0024937554528595344
+leaf_weight=40 39 56 66 60
+leaf_count=40 39 56 66 60
+internal_value=0 -0.0630173 0.0736267 0.103053
+internal_weight=0 162 122 99
+internal_count=261 162 122 99
+shrinkage=0.02
+
+
+Tree=1372
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 9
+split_gain=1.64667 8.01342 5.58682 5.4614
+threshold=69.500000000000014 62.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0047157559086623739 0.0027731793304550064 -0.0082281914784200858 0.0074133784801203827 -0.0046298459038500543
+leaf_weight=40 65 46 43 67
+leaf_count=40 65 46 43 67
+internal_value=0 -0.0460402 0.0658795 -0.0563946
+internal_weight=0 196 150 107
+internal_count=261 196 150 107
+shrinkage=0.02
+
+
+Tree=1373
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.60689 5.58742 15.8822 5.59954
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0032408662465653404 0.0041093679970359053 -0.01432826916496254 0.0044100818709420673 -0.0037484150442058128
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0384566 -0.147374 -0.443013
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1374
+num_leaves=5
+num_cat=0
+split_feature=5 2 3 3
+split_gain=1.63933 4.08255 4.70355 3.2647
+threshold=68.250000000000014 13.500000000000002 55.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00025097915434092857 -0.0025338513699558985 0.003272787864927048 -0.0052043640870611313 0.0083775936370061969
+leaf_weight=39 74 46 61 41
+leaf_count=39 74 46 61 41
+internal_value=0 0.0501471 -0.0776376 0.221477
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1375
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 1
+split_gain=1.66306 12.8108 13.1289 6.4724
+threshold=7.5000000000000009 73.500000000000014 59.350000000000009 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0030026971349027256 0.0067926577820841671 0.010695958745601428 -0.0097481884230882481 -0.0030998334064785199
+leaf_weight=58 59 42 54 48
+leaf_count=58 59 42 54 48
+internal_value=0 0.0429231 -0.0853204 0.117415
+internal_weight=0 203 161 107
+internal_count=261 203 161 107
+shrinkage=0.02
+
+
+Tree=1376
+num_leaves=6
+num_cat=0
+split_feature=3 9 2 6 5
+split_gain=1.6671 4.21311 3.88543 8.10332 6.14127
+threshold=68.500000000000014 72.500000000000014 10.500000000000002 47.500000000000007 58.20000000000001
+decision_type=2 2 2 2 2
+left_child=2 -2 -1 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0056324249685697917 -0.0069041665278997402 0.0022824486026014547 0.0057849328061286773 -0.010237402036536922 0.00077258572501221325
+leaf_weight=53 41 39 47 40 41
+leaf_count=53 41 39 47 40 41
+internal_value=0 -0.120881 0.0534398 -0.0408315 -0.232936
+internal_weight=0 80 181 128 81
+internal_count=261 80 181 128 81
+shrinkage=0.02
+
+
+Tree=1377
+num_leaves=4
+num_cat=0
+split_feature=5 5 8
+split_gain=1.64161 4.23938 3.75717
+threshold=68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0020934180589271701 -0.0025354442552015725 0.0056782350725904773 -0.0047043956269543045
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0501892 -0.0469912
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1378
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 6
+split_gain=1.64452 7.69241 5.36369 4.43304
+threshold=67.050000000000011 64.500000000000014 48.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0023612861840079618 0.0072566474193818198 -0.0086951306915817282 0.0056085655823001034 -0.0020086579789968203
+leaf_weight=76 39 41 61 44
+leaf_count=76 39 41 61 44
+internal_value=0 -0.0545339 0.0591275 0.116887
+internal_weight=0 178 137 83
+internal_count=261 178 137 83
+shrinkage=0.02
+
+
+Tree=1379
+num_leaves=5
+num_cat=0
+split_feature=8 5 7 6
+split_gain=1.62351 6.45769 6.2268 6.2704
+threshold=65.500000000000014 72.700000000000003 59.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0022251792989291313 0.0075627002974346848 -0.0030953547413498711 -0.0072701955231734674 0.0071774520784358585
+leaf_weight=77 45 46 48 45
+leaf_count=77 45 46 48 45
+internal_value=0 0.108404 -0.0580599 0.0619289
+internal_weight=0 91 170 122
+internal_count=261 91 170 122
+shrinkage=0.02
+
+
+Tree=1380
+num_leaves=4
+num_cat=0
+split_feature=5 5 8
+split_gain=1.6454 4.17037 3.77987
+threshold=68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0021194556897114322 -0.0025384320919211462 0.0056412463300288627 -0.0046988300268513226
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0502411 -0.0461465
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1381
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 2
+split_gain=1.65273 7.67298 5.65275 5.29666
+threshold=69.500000000000014 62.500000000000007 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0037381561782768276 0.0027783914598540011 -0.0080731954536515365 0.0073996820234909179 -0.0052158965388590739
+leaf_weight=48 65 46 43 59
+leaf_count=48 65 46 43 59
+internal_value=0 -0.0461156 0.0634019 -0.0595918
+internal_weight=0 196 150 107
+internal_count=261 196 150 107
+shrinkage=0.02
+
+
+Tree=1382
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 1
+split_gain=1.6514 12.4458 12.9686 6.27709
+threshold=7.5000000000000009 73.500000000000014 59.350000000000009 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0029922481543003272 0.0067343273013704052 0.010552109633343276 -0.0096652297072594585 -0.0030080092800166963
+leaf_weight=58 59 42 54 48
+leaf_count=58 59 42 54 48
+internal_value=0 0.0427759 -0.0836274 0.117868
+internal_weight=0 203 161 107
+internal_count=261 203 161 107
+shrinkage=0.02
+
+
+Tree=1383
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=1.70047 4.37701 5.15128 3.70681
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0026875342686895464 -0.0025800380833769869 0.0068041926011033153 -0.0063291291357953187 0.0050674454925142432
+leaf_weight=42 74 41 44 60
+leaf_count=42 74 41 44 60
+internal_value=0 0.0510665 -0.0299815 0.0933364
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1384
+num_leaves=5
+num_cat=0
+split_feature=8 6 7 2
+split_gain=1.63478 4.20721 4.94664 3.69455
+threshold=68.500000000000014 58.500000000000007 57.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0058772483581511631 -0.0025303589819703045 0.0066717193761011871 -0.0062027469083974496 -0.0017570898812646586
+leaf_weight=48 74 41 44 54
+leaf_count=48 74 41 44 54
+internal_value=0 0.0500791 -0.0293837 0.0914634
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1385
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 1
+split_gain=1.65369 12.1669 12.6815 6.03268
+threshold=7.5000000000000009 73.500000000000014 59.350000000000009 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.002994443365807827 0.0066326339093081259 0.010443456273960735 -0.009547511254857026 -0.0029185435792773383
+leaf_weight=58 59 42 54 48
+leaf_count=58 59 42 54 48
+internal_value=0 0.0427975 -0.0821812 0.117071
+internal_weight=0 203 161 107
+internal_count=261 203 161 107
+shrinkage=0.02
+
+
+Tree=1386
+num_leaves=5
+num_cat=0
+split_feature=8 6 9 4
+split_gain=1.65029 4.22192 4.81855 2.96322
+threshold=68.500000000000014 58.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0053089543296067224 -0.002542281657139493 0.0066861552244316703 -0.0066140419912210117 -0.0013943879706152847
+leaf_weight=48 74 41 39 59
+leaf_count=48 74 41 39 59
+internal_value=0 0.0503086 -0.0292927 0.0803376
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=1387
+num_leaves=5
+num_cat=0
+split_feature=3 9 2 2
+split_gain=1.61327 9.26225 12.4353 7.71326
+threshold=66.500000000000014 41.500000000000007 15.500000000000002 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0095915928244263513 -0.0046095393461295228 -0.0054260553366703773 0.0073875241943461532 0.0067246379284372597
+leaf_weight=40 41 56 66 58
+leaf_count=40 41 56 66 58
+internal_value=0 -0.0618499 0.0749794 0.101134
+internal_weight=0 162 122 99
+internal_count=261 162 122 99
+shrinkage=0.02
+
+
+Tree=1388
+num_leaves=5
+num_cat=0
+split_feature=3 9 2 3
+split_gain=1.67061 4.09602 3.82026 6.74186
+threshold=68.500000000000014 72.500000000000014 12.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=0.0048248401560043661 -0.0068444157269333655 0.0022139879349463731 0.0043941370718635128 -0.0054684529958787939
+leaf_weight=68 41 39 49 64
+leaf_count=68 41 39 49 64
+internal_value=0 -0.121019 0.053483 -0.0592303
+internal_weight=0 80 181 113
+internal_count=261 80 181 113
+shrinkage=0.02
+
+
+Tree=1389
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.63295 4.91246 15.3472 5.09048
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0032666101467830827 0.0037997091612508816 -0.01384645520258692 0.0044140714192621288 -0.0037544098943436488
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0387687 -0.140927 -0.431559
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1390
+num_leaves=5
+num_cat=0
+split_feature=3 9 6 2
+split_gain=1.62116 3.94627 3.80112 13.2532
+threshold=68.500000000000014 72.500000000000014 48.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0023157173574195082 -0.0067275035927003689 0.0021643632465779463 0.012772192815273413 -0.0019684966567251679
+leaf_weight=77 41 39 39 65
+leaf_count=77 41 39 39 65
+internal_value=0 -0.119231 0.0526998 0.177822
+internal_weight=0 80 181 104
+internal_count=261 80 181 104
+shrinkage=0.02
+
+
+Tree=1391
+num_leaves=4
+num_cat=0
+split_feature=5 5 8
+split_gain=1.61488 4.29454 3.66062
+threshold=68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0020332886075719011 -0.0025152579758256433 0.0057000302746472572 -0.0046769315835806817
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0497693 -0.0480404
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1392
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 1
+split_gain=1.63244 8.91891 7.87247 5.68505
+threshold=66.500000000000014 41.500000000000007 67.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -2 -3
+right_child=2 3 -4 -5
+leaf_value=-0.0094428570308618658 0.0090349619783554533 -0.0032430051284421464 -0.0025077004640654478 0.0054269172865922801
+leaf_weight=40 39 56 60 66
+leaf_count=40 39 56 60 66
+internal_value=0 -0.0622121 0.101725 0.0720575
+internal_weight=0 162 99 122
+internal_count=261 162 99 122
+shrinkage=0.02
+
+
+Tree=1393
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 1
+split_gain=1.58455 11.7978 12.6258 5.75445
+threshold=7.5000000000000009 73.500000000000014 59.350000000000009 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0029321107910877053 0.0065442475619525179 0.010279190962802552 -0.009510029075653138 -0.0027844851911501944
+leaf_weight=58 59 42 54 48
+leaf_count=58 59 42 54 48
+internal_value=0 0.0418961 -0.0811724 0.117642
+internal_weight=0 203 161 107
+internal_count=261 203 161 107
+shrinkage=0.02
+
+
+Tree=1394
+num_leaves=4
+num_cat=0
+split_feature=5 5 8
+split_gain=1.65198 4.15324 3.57529
+threshold=68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.002041862998180682 -0.0025437242512891573 0.0056334597425542433 -0.0045901860667300221
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0503264 -0.0458633
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1395
+num_leaves=5
+num_cat=0
+split_feature=3 9 6 2
+split_gain=1.61873 3.98414 3.72625 12.7548
+threshold=68.500000000000014 72.500000000000014 48.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0022833591891012572 -0.0067465415114406728 0.0021877711248544283 0.012571973012007501 -0.0018890947915140763
+leaf_weight=77 41 39 39 65
+leaf_count=77 41 39 39 65
+internal_value=0 -0.119148 0.0526551 0.176546
+internal_weight=0 80 181 104
+internal_count=261 80 181 104
+shrinkage=0.02
+
+
+Tree=1396
+num_leaves=5
+num_cat=0
+split_feature=8 4 7 6
+split_gain=1.59634 7.45243 5.99042 6.1833
+threshold=65.500000000000014 73.500000000000014 59.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.002237733917793474 0.0078181501466797892 -0.0036300122502481227 -0.0071442231560478178 0.0070996222026284105
+leaf_weight=77 46 45 48 45
+leaf_count=77 46 45 48 45
+internal_value=0 0.107487 -0.0575954 0.0600958
+internal_weight=0 91 170 122
+internal_count=261 91 170 122
+shrinkage=0.02
+
+
+Tree=1397
+num_leaves=4
+num_cat=0
+split_feature=5 5 8
+split_gain=1.63677 4.09319 3.62151
+threshold=68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.002070165526953379 -0.002532190309936289 0.0055954094508885045 -0.0046044529888943529
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0500939 -0.0453994
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1398
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=1.59107 9.84049 15.1818 19.1477 7.81114
+threshold=50.500000000000007 3.5000000000000004 55.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0035842124953784538 -0.0092689432969413291 0.012063054259070987 -0.013232199410786152 0.0083289177927834447 -0.0032654887161545042
+leaf_weight=42 43 41 41 52 42
+leaf_count=42 43 41 41 52 42
+internal_value=0 -0.0344462 0.0702819 -0.0914854 0.157068
+internal_weight=0 219 176 135 94
+internal_count=261 219 176 135 94
+shrinkage=0.02
+
+
+Tree=1399
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 3
+split_gain=1.6097 11.5219 12.4403 4.17225
+threshold=7.5000000000000009 73.500000000000014 59.350000000000009 52.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0029550792977652662 0.0074780573931482932 0.010174784083703026 -0.0094166251196864791 -0.0006899521012090795
+leaf_weight=58 40 42 54 67
+leaf_count=58 40 42 54 67
+internal_value=0 0.0422187 -0.0794022 0.117947
+internal_weight=0 203 161 107
+internal_count=261 203 161 107
+shrinkage=0.02
+
+
+Tree=1400
+num_leaves=5
+num_cat=0
+split_feature=8 5 6 7
+split_gain=1.63009 4.1489 3.42386 3.42555
+threshold=68.500000000000014 58.550000000000004 49.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0030247074146951439 -0.0025270929661005705 0.0056243853788097041 -0.0055692865350613439 0.0048741523483291724
+leaf_weight=40 74 55 43 49
+leaf_count=40 74 55 43 49
+internal_value=0 0.0499921 -0.0461477 0.0657767
+internal_weight=0 187 132 89
+internal_count=261 187 132 89
+shrinkage=0.02
+
+
+Tree=1401
+num_leaves=5
+num_cat=0
+split_feature=3 9 2 9
+split_gain=1.59132 8.73921 12.2426 7.85036
+threshold=66.500000000000014 41.500000000000007 15.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0093447126505051825 0.0089994955766161365 -0.0054425182429379661 0.0072716481900643283 -0.0025270335089253447
+leaf_weight=40 39 56 66 60
+leaf_count=40 39 56 66 60
+internal_value=0 -0.0614447 0.0714655 0.10044
+internal_weight=0 162 122 99
+internal_count=261 162 122 99
+shrinkage=0.02
+
+
+Tree=1402
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 8
+split_gain=1.62679 4.93837 14.8587 2.6986
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.003260247306312324 0.0038129045516916635 -0.012172060598242175 0.0042938589566091402 -0.004786895428151302
+leaf_weight=50 65 41 65 40
+leaf_count=50 65 41 65 40
+internal_value=0 -0.03871 -0.141136 -0.427111
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1403
+num_leaves=6
+num_cat=0
+split_feature=3 9 1 7 9
+split_gain=1.58558 3.97624 3.69685 12.4172 7.49112
+threshold=68.500000000000014 72.500000000000014 8.5000000000000018 58.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=2 -2 3 -1 -4
+right_child=1 -3 4 -5 -6
+leaf_value=-0.0021735923464213085 -0.0067182284960759543 0.0022073357659653076 0.0042390493146592717 0.012254491682239443 -0.0078649692542873458
+leaf_weight=59 41 39 39 40 43
+leaf_count=59 41 39 39 40 43
+internal_value=0 -0.117945 0.0521121 0.18262 -0.104986
+internal_weight=0 80 181 99 82
+internal_count=261 80 181 99 82
+shrinkage=0.02
+
+
+Tree=1404
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.6962 9.79088 4.02534 10.4588
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.003330159375052748 -0.0050562223094601337 0.0083770549484071428 -0.0056007337523714066 0.0087899032493229078
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0906017 -0.0725426 0.0615186
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1405
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.62818 9.40301 3.86528 10.0446
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.003263627889886584 -0.004955245399216413 0.0082097434383655264 -0.0054888560991477727 0.0086144125045074741
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0887858 -0.0710926 0.0602821
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1406
+num_leaves=6
+num_cat=0
+split_feature=4 1 3 2 2
+split_gain=1.64189 9.56449 9.96556 11.5776 17.7769
+threshold=50.500000000000007 3.5000000000000004 62.500000000000007 9.5000000000000018 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0036401795920862107 -0.0091589110399139494 0.0098679009063640018 -0.0094321675259973325 0.011348482816738703 -0.0066621153816736793
+leaf_weight=42 43 42 46 47 41
+leaf_count=42 43 42 46 47 41
+internal_value=0 -0.0349915 0.0682577 -0.064884 0.147474
+internal_weight=0 219 176 134 88
+internal_count=261 219 176 134 88
+shrinkage=0.02
+
+
+Tree=1407
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 2
+split_gain=1.62537 4.93999 26.9566 28.9032
+threshold=6.5000000000000009 54.500000000000007 7.5000000000000009 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0032588494720396134 0.0045113752697829093 -0.021666155583042558 0.0075830965428074892 0.00052899066890186794
+leaf_weight=50 53 42 63 53
+leaf_count=50 53 42 63 53
+internal_value=0 -0.0386926 -0.127651 -0.464196
+internal_weight=0 211 158 95
+internal_count=261 211 158 95
+shrinkage=0.02
+
+
+Tree=1408
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 3
+split_gain=1.67409 9.17362 3.79903 6.20344
+threshold=13.500000000000002 65.500000000000014 55.150000000000006 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0031770754042301243 -0.0053595261614052649 0.0081556337827895752 0.0061436826875819152 -0.0046505019128978611
+leaf_weight=65 59 51 47 39
+leaf_count=65 59 51 47 39
+internal_value=0 0.0900215 -0.0720684 0.0619775
+internal_weight=0 116 145 86
+internal_count=261 116 145 86
+shrinkage=0.02
+
+
+Tree=1409
+num_leaves=5
+num_cat=0
+split_feature=2 7 2 6
+split_gain=1.60696 8.81015 3.72469 8.93691
+threshold=13.500000000000002 65.500000000000014 24.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0031136022238151006 0.0023708091763889089 0.0079927452668089542 0.0028109421087834309 -0.010091652574176537
+leaf_weight=65 46 51 53 46
+leaf_count=65 46 51 53 46
+internal_value=0 0.0882172 -0.0706289 -0.192733
+internal_weight=0 116 145 92
+internal_count=261 116 145 92
+shrinkage=0.02
+
+
+Tree=1410
+num_leaves=5
+num_cat=0
+split_feature=8 3 8 7
+split_gain=1.65942 4.3118 5.8514 3.99555
+threshold=67.500000000000014 64.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0028765588986894453 -0.0024791312568055003 0.0065904083368477648 -0.006916649009592323 0.0053182397736638498
+leaf_weight=40 77 43 42 59
+leaf_count=40 77 43 42 59
+internal_value=0 0.0518689 -0.0326429 0.0999721
+internal_weight=0 184 141 99
+internal_count=261 184 141 99
+shrinkage=0.02
+
+
+Tree=1411
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=1.60152 9.07262 14.7788 18.4643 7.55308
+threshold=50.500000000000007 3.5000000000000004 55.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0035958264806022944 -0.0089303474909804784 0.011835412701711128 -0.01306936569288754 0.0081110564000734294 -0.0032907369008165145
+leaf_weight=42 43 41 41 52 42
+leaf_count=42 43 41 41 52 42
+internal_value=0 -0.0345568 0.066003 -0.0936024 0.150474
+internal_weight=0 219 176 135 94
+internal_count=261 219 176 135 94
+shrinkage=0.02
+
+
+Tree=1412
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 1
+split_gain=1.66418 11.3327 12.0878 6.17115
+threshold=7.5000000000000009 73.500000000000014 59.350000000000009 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0030040511300565048 0.0066767272235113331 0.010112000036925355 -0.0092710653760907785 -0.002983251313781798
+leaf_weight=58 59 42 54 48
+leaf_count=58 59 42 54 48
+internal_value=0 0.0429199 -0.0776982 0.116834
+internal_weight=0 203 161 107
+internal_count=261 203 161 107
+shrinkage=0.02
+
+
+Tree=1413
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 3
+split_gain=1.6483 4.13854 5.26017 3.04135
+threshold=68.500000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0004197129765861566 -0.0025409984150862462 -0.0050041235264752307 0.0041668403406734632 0.0082671794793830466
+leaf_weight=39 74 67 40 41
+leaf_count=39 74 67 40 41
+internal_value=0 0.0502673 -0.0783886 0.222762
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1414
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 3
+split_gain=1.64985 10.9735 11.6387 4.14508
+threshold=7.5000000000000009 73.500000000000014 59.350000000000009 52.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0029911864574710578 0.0074013287110134707 0.0099608317130190603 -0.0090917058968518656 -0.00074030423908203792
+leaf_weight=58 40 42 54 67
+leaf_count=58 40 42 54 67
+internal_value=0 0.0427396 -0.0759513 0.114934
+internal_weight=0 203 161 107
+internal_count=261 203 161 107
+shrinkage=0.02
+
+
+Tree=1415
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 3
+split_gain=1.65937 4.01737 5.06293 2.9702
+threshold=68.500000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00041937995069863581 -0.0025493405828338192 -0.0048981905333554503 0.0040997904294412394 0.0081754235348215007
+leaf_weight=39 74 67 40 41
+leaf_count=39 74 67 40 41
+internal_value=0 0.0504375 -0.0763253 0.220401
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1416
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 1
+split_gain=1.63513 10.6278 11.2055 5.98556
+threshold=7.5000000000000009 73.500000000000014 59.350000000000009 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0029779008995733272 0.006535580594295049 0.0098128484299666308 -0.0089157969247124682 -0.0029785004650911624
+leaf_weight=58 59 42 54 48
+leaf_count=58 59 42 54 48
+internal_value=0 0.0425542 -0.0742525 0.113048
+internal_weight=0 203 161 107
+internal_count=261 203 161 107
+shrinkage=0.02
+
+
+Tree=1417
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 4
+split_gain=1.70667 12.2045 13.5945 4.74094
+threshold=72.700000000000003 71.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026677047913704543 -0.0035142355360331702 -0.0090579393024946154 0.010401434316800622 -0.0056667298728620939
+leaf_weight=59 46 41 64 51
+leaf_count=59 46 41 64 51
+internal_value=0 0.0376137 0.153559 -0.059516
+internal_weight=0 215 174 110
+internal_count=261 215 174 110
+shrinkage=0.02
+
+
+Tree=1418
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 4
+split_gain=1.63831 11.7212 13.0559 4.55275
+threshold=72.700000000000003 71.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026144142052597335 -0.0034440569955769087 -0.0088770890140115483 0.010193633016798341 -0.0055535507071431383
+leaf_weight=59 46 41 64 51
+leaf_count=59 46 41 64 51
+internal_value=0 0.0368572 0.150491 -0.0583203
+internal_weight=0 215 174 110
+internal_count=261 215 174 110
+shrinkage=0.02
+
+
+Tree=1419
+num_leaves=5
+num_cat=0
+split_feature=8 4 8 4
+split_gain=1.66486 7.70913 6.16267 5.20991
+threshold=65.500000000000014 73.500000000000014 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0017210013507281841 0.0079595963991345563 -0.0036836370758981754 -0.0062736352981698487 0.0073107325347171728
+leaf_weight=68 46 45 61 41
+leaf_count=68 46 45 61 41
+internal_value=0 0.109738 -0.0588075 0.0835717
+internal_weight=0 91 170 109
+internal_count=261 91 170 109
+shrinkage=0.02
+
+
+Tree=1420
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 3
+split_gain=1.63826 7.61523 8.78251 7.47634
+threshold=65.500000000000014 64.500000000000014 48.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0026091933926984628 -0.0027776313189638285 -0.0078312372396063708 0.0087574719167624777 0.0085509003786266302
+leaf_weight=74 54 49 43 41
+leaf_count=74 54 49 43 41
+internal_value=0 -0.0603232 0.0782102 0.10529
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=1421
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 9
+split_gain=1.6528 4.00376 3.76354 4.79251
+threshold=68.500000000000014 72.500000000000014 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0024303553220239695 -0.0067819779748489375 0.0021741589541504807 0.0045018368299623241 -0.0061374163163842891
+leaf_weight=59 41 39 75 47
+leaf_count=59 41 39 75 47
+internal_value=0 -0.120389 0.053191 -0.0681282
+internal_weight=0 80 181 106
+internal_count=261 80 181 106
+shrinkage=0.02
+
+
+Tree=1422
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 4
+split_gain=1.61316 11.4277 15.0276 14.2815 12.4192
+threshold=72.700000000000003 71.500000000000014 64.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.003515716348512006 -0.0034179213453534628 -0.0087618222879846802 0.01372928166448222 0.0099467242025706604 -0.011004661217586583
+leaf_weight=43 46 41 40 39 52
+leaf_count=43 46 41 40 39 52
+internal_value=0 0.0365723 0.148779 -0.0117 -0.221306
+internal_weight=0 215 174 134 95
+internal_count=261 215 174 134 95
+shrinkage=0.02
+
+
+Tree=1423
+num_leaves=5
+num_cat=0
+split_feature=8 4 7 6
+split_gain=1.63243 7.3563 5.87654 6.07034
+threshold=65.500000000000014 73.500000000000014 59.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0022415205451151244 0.0078053462600433735 -0.0035688029881298135 -0.0071000007653830959 0.0070104642670303224
+leaf_weight=77 46 45 48 45
+leaf_count=77 46 45 48 45
+internal_value=0 0.108678 -0.0582376 0.0583303
+internal_weight=0 91 170 122
+internal_count=261 91 170 122
+shrinkage=0.02
+
+
+Tree=1424
+num_leaves=5
+num_cat=0
+split_feature=2 5 5 1
+split_gain=1.61929 9.45847 10.5278 5.8322
+threshold=7.5000000000000009 70.65000000000002 59.350000000000009 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0029638368913633435 0.0063821603008912507 0.0090567633008534938 -0.0088091199326668593 -0.0030097442043591415
+leaf_weight=58 59 44 52 48
+leaf_count=58 59 44 52 48
+internal_value=0 0.0423392 -0.0711558 0.108114
+internal_weight=0 203 159 107
+internal_count=261 203 159 107
+shrinkage=0.02
+
+
+Tree=1425
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 4
+split_gain=1.65834 10.877 12.7908 4.46945
+threshold=72.700000000000003 71.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0025434959831325782 -0.0034649253683336546 -0.0085204735100051637 0.010041680698375613 -0.0055495462046226043
+leaf_weight=59 46 41 64 51
+leaf_count=59 46 41 64 51
+internal_value=0 0.0370725 0.14655 -0.0601304
+internal_weight=0 215 174 110
+internal_count=261 215 174 110
+shrinkage=0.02
+
+
+Tree=1426
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.72724 7.64153 7.1166 6.58808
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0063147061419741024 -0.0026030344931766685 -0.0071784109272231191 0.008449907854783556 -0.0035730437054054937
+leaf_weight=60 54 57 41 49
+leaf_count=60 54 57 41 49
+internal_value=0 -0.0619247 0.108074 0.093149
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=1427
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.658 7.33834 6.83461 6.32687
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0061885590285474584 -0.0025510412524053826 -0.0070350184865114419 0.0082811983844384637 -0.0035016846894270442
+leaf_weight=60 54 57 41 49
+leaf_count=60 54 57 41 49
+internal_value=0 -0.0606881 0.105908 0.0912804
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=1428
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 4
+split_gain=1.71149 10.491 14.7022 13.7647 11.7535
+threshold=72.700000000000003 71.500000000000014 64.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0033390831214550726 -0.0035195021569043149 -0.0083433657822192149 0.0135403004070009 0.0097237157296853702 -0.010787014659728112
+leaf_weight=43 46 41 40 39 52
+leaf_count=43 46 41 40 39 52
+internal_value=0 0.0376477 0.145171 -0.0135601 -0.219347
+internal_weight=0 215 174 134 95
+internal_count=261 215 174 134 95
+shrinkage=0.02
+
+
+Tree=1429
+num_leaves=6
+num_cat=0
+split_feature=3 9 6 8 9
+split_gain=1.69898 4.05854 3.93022 3.82537 5.85601
+threshold=68.500000000000014 72.500000000000014 58.500000000000007 54.500000000000007 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=2 -2 3 4 -1
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0071393360795043645 -0.006844690422420233 0.002172214888476764 0.0065338106715921544 -0.0058487219565019058 -0.0026051011308706913
+leaf_weight=43 41 39 41 39 58
+leaf_count=43 41 39 41 39 58
+internal_value=0 -0.122045 0.0539148 -0.0258073 0.0768838
+internal_weight=0 80 181 140 101
+internal_count=261 80 181 140 101
+shrinkage=0.02
+
+
+Tree=1430
+num_leaves=5
+num_cat=0
+split_feature=2 7 3 1
+split_gain=1.68729 10.29 10.1551 8.80727
+threshold=7.5000000000000009 73.500000000000014 54.500000000000007 8.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0030248150937175807 0.0060442943268963177 0.0096824660181064129 -0.0092117887481764481 0.002399307099882259
+leaf_weight=58 50 42 69 42
+leaf_count=58 50 42 69 42
+internal_value=0 0.0432018 -0.0717333 -0.240623
+internal_weight=0 203 161 111
+internal_count=261 203 161 111
+shrinkage=0.02
+
+
+Tree=1431
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 4
+split_gain=1.7302 10.1023 14.3883 13.4108 11.036
+threshold=72.700000000000003 71.500000000000014 64.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.003150835437386612 -0.0035382977642308151 -0.0081692223079250434 0.013390427392105346 0.0095927152822915945 -0.010537586862635243
+leaf_weight=43 46 41 40 39 52
+leaf_count=43 46 41 40 39 52
+internal_value=0 0.0378589 0.143378 -0.0136489 -0.21678
+internal_weight=0 215 174 134 95
+internal_count=261 215 174 134 95
+shrinkage=0.02
+
+
+Tree=1432
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.75292 7.33646 6.51131 6.08624
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0060710651117676364 -0.0023800245139610752 -0.0070678925767083357 0.0081932302083822829 -0.0034336006765893264
+leaf_weight=60 54 57 41 49
+leaf_count=60 54 57 41 49
+internal_value=0 -0.0623721 0.108871 0.0895765
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=1433
+num_leaves=6
+num_cat=0
+split_feature=3 1 2 2 2
+split_gain=1.73608 4.15464 26.5354 1.71433 0.948341
+threshold=68.500000000000014 8.5000000000000018 18.500000000000004 16.500000000000004 13.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -3 -2
+right_child=4 3 -4 -5 -6
+leaf_value=0.012384632687800646 -0.00029853400455242179 -0.0050776720194166845 -0.0087032421753238144 0.00072277649273918795 -0.0047215267664213944
+leaf_weight=59 41 42 40 40 39
+leaf_count=59 41 42 40 40 39
+internal_value=0 0.0544997 0.192804 -0.112012 -0.123349
+internal_weight=0 181 99 82 80
+internal_count=261 181 99 82 80
+shrinkage=0.02
+
+
+Tree=1434
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 7
+split_gain=1.73484 6.96182 6.27526 5.23735
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0027018933503576183 -0.0023080046251429988 -0.0069115809958172911 0.0080722209006468121 0.0060722870721571544
+leaf_weight=54 54 57 41 55
+leaf_count=54 54 57 41 55
+internal_value=0 -0.0620625 0.108306 0.0859583
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=1435
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=1.75454 9.97779 12.5776 17.928
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.003083876759389299 0.0093552992673566291 0.0086409802922046385 -0.010399974340442361 -0.0071346954814100402
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0440414 -0.0826367 0.105231
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=1436
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 4
+split_gain=1.83909 9.55489 14.328 13.1029 10.6898
+threshold=72.700000000000003 71.500000000000014 64.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0030510481377959337 -0.0036469343807269319 -0.0079013308646878038 0.013333610258085384 0.0094506470431886674 -0.010421119491198208
+leaf_weight=43 46 41 40 39 52
+leaf_count=43 46 41 40 39 52
+internal_value=0 0.0390077 0.141637 -0.0150601 -0.215851
+internal_weight=0 215 174 134 95
+internal_count=261 215 174 134 95
+shrinkage=0.02
+
+
+Tree=1437
+num_leaves=5
+num_cat=0
+split_feature=3 6 2 2
+split_gain=1.77998 4.22253 11.2686 0.95544
+threshold=68.500000000000014 48.500000000000007 12.500000000000002 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0024476644036457852 -0.00032137366503818149 0.01223834987234926 -0.0013543530821855194 -0.0047607054471176307
+leaf_weight=77 41 39 65 39
+leaf_count=77 41 39 65 39
+internal_value=0 0.0551674 0.187001 -0.12489
+internal_weight=0 181 104 80
+internal_count=261 181 104 80
+shrinkage=0.02
+
+
+Tree=1438
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 2
+split_gain=1.79414 9.74903 9.69858 5.56901
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0031182588761345525 0.0083062679159236069 0.0094743790483712755 -0.0069494680387986217 -0.00161933491893594
+leaf_weight=58 42 42 70 49
+leaf_count=58 42 42 70 49
+internal_value=0 0.044522 -0.0673512 0.14779
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=1439
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 4
+split_gain=1.85799 9.05318 13.8523 12.5758 10.2818
+threshold=72.700000000000003 71.500000000000014 64.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.002992294559677765 -0.00366553294874076 -0.0076668153013485264 0.013107480217252016 0.0092545852041678155 -0.010220513218179968
+leaf_weight=43 46 41 40 39 52
+leaf_count=43 46 41 40 39 52
+internal_value=0 0.0391996 0.139108 -0.0149651 -0.211688
+internal_weight=0 215 174 134 95
+internal_count=261 215 174 134 95
+shrinkage=0.02
+
+
+Tree=1440
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 9
+split_gain=1.89124 8.8617 21.2505 10.7441
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0043732989429081598 0.0027703589064512206 0.0048331523983321341 -0.014328839116011263 0.009109647888948599
+leaf_weight=42 72 43 50 54
+leaf_count=42 72 43 50 54
+internal_value=0 -0.0528659 -0.273171 0.160182
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1441
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.83458 6.96637 5.91562 5.45691
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0057385378085626892 -0.0021173126850327481 -0.0069482343043692696 0.0079615026896731941 -0.0032627513244769374
+leaf_weight=60 54 57 41 49
+leaf_count=60 54 57 41 49
+internal_value=0 -0.0638059 0.111337 0.0842627
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=1442
+num_leaves=5
+num_cat=0
+split_feature=3 6 8 9
+split_gain=1.8046 4.41011 3.9729 3.87449
+threshold=68.500000000000014 54.500000000000007 50.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0016619202761157721 -0.0068179615985466992 0.0053406642522969309 -0.0059560315152374513 0.001992436120172642
+leaf_weight=73 41 64 44 39
+leaf_count=73 41 64 44 39
+internal_value=0 0.0555395 -0.0598983 -0.125746
+internal_weight=0 181 117 80
+internal_count=261 181 117 80
+shrinkage=0.02
+
+
+Tree=1443
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=1.7495 9.6481 12.1113 17.2689
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0030795390099872099 0.0091915960359120891 0.0085106754081559228 -0.010195731944884658 -0.0069926846816119612
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0439764 -0.0805918 0.103761
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=1444
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 4
+split_gain=1.83419 8.86147 13.6171 12.327 9.82536
+threshold=72.700000000000003 71.500000000000014 64.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0028692681112462695 -0.0036421640850449952 -0.0075819147907384334 0.01299347427689675 0.0091598426536229037 -0.010047196417228491
+leaf_weight=43 46 41 40 39 52
+leaf_count=43 46 41 40 39 52
+internal_value=0 0.0389539 0.137802 -0.014956 -0.209729
+internal_weight=0 215 174 134 95
+internal_count=261 215 174 134 95
+shrinkage=0.02
+
+
+Tree=1445
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 7
+split_gain=1.84599 6.89709 5.62825 5.43757
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0028381287243574812 -0.0020036881699102608 -0.0069239462779964447 0.0078277584439447861 0.00610191253796071
+leaf_weight=54 54 57 41 55
+leaf_count=54 54 57 41 55
+internal_value=0 -0.0640016 0.111679 0.0833294
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=1446
+num_leaves=5
+num_cat=0
+split_feature=3 6 2 9
+split_gain=1.84384 4.43382 10.6349 3.75575
+threshold=68.500000000000014 48.500000000000007 12.500000000000002 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0025158404544686108 -0.0067786344936984237 0.012080221830967111 -0.0011248439811004077 0.001896005950072918
+leaf_weight=77 41 39 65 39
+leaf_count=77 41 39 65 39
+internal_value=0 0.0561343 0.191208 -0.12709
+internal_weight=0 181 104 80
+internal_count=261 181 104 80
+shrinkage=0.02
+
+
+Tree=1447
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=1.8076 7.71647 9.40657 7.4409
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0025970081042092381 -0.0036159818031949861 0.0088265764550812462 -0.0094023657146961922 0.0068732096339333614
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.0386724 -0.0504655 0.0768661
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=1448
+num_leaves=5
+num_cat=0
+split_feature=3 5 9 9
+split_gain=1.73995 4.09799 6.12857 3.55881
+threshold=68.500000000000014 55.150000000000006 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0028207581626837081 -0.0065950202819985843 0.0047186062449673114 -0.0068287317482356889 0.0018500587782775591
+leaf_weight=60 41 74 47 39
+leaf_count=60 41 74 47 39
+internal_value=0 0.0545429 -0.0706012 -0.123502
+internal_weight=0 181 107 80
+internal_count=261 181 107 80
+shrinkage=0.02
+
+
+Tree=1449
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 4
+split_gain=1.70919 8.92656 13.443 11.9848 9.6987
+threshold=72.700000000000003 71.500000000000014 64.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0028779600092560392 -0.0035172852137638896 -0.0076393058021660123 0.012908423734121797 0.0090278476040161031 -0.0099551227832449501
+leaf_weight=43 46 41 40 39 52
+leaf_count=43 46 41 40 39 52
+internal_value=0 0.0376163 0.136827 -0.0149517 -0.20701
+internal_weight=0 215 174 134 95
+internal_count=261 215 174 134 95
+shrinkage=0.02
+
+
+Tree=1450
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 4
+split_gain=1.76364 6.75375 5.67213 5.25459
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0018095194622018895 -0.0020700502749487681 -0.0068366774479562062 0.0077997037044893894 0.0072188926314072175
+leaf_weight=67 54 57 41 42
+leaf_count=67 54 57 41 42
+internal_value=0 -0.0625745 0.109186 0.0832192
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=1451
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=1.71834 9.40115 11.798 16.6095
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0030523529034207366 0.0090309017771628333 0.008404781995049156 -0.010059934282913524 -0.0068416488999099223
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.043585 -0.0793791 0.102573
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=1452
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 4
+split_gain=1.78966 8.52834 13.0788 11.7057 9.5772
+threshold=72.700000000000003 71.500000000000014 64.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0028928046752591686 -0.0035982194476254937 -0.0074329662084985839 0.01274255320054205 0.0089328292498113814 -0.0098598006303007735
+leaf_weight=43 46 41 40 39 52
+leaf_count=43 46 41 40 39 52
+internal_value=0 0.0384808 0.135461 -0.0142467 -0.204064
+internal_weight=0 215 174 134 95
+internal_count=261 215 174 134 95
+shrinkage=0.02
+
+
+Tree=1453
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 5
+split_gain=1.8318 7.77704 20.8043 12.4406
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0029976668503231404 0.002726960585329724 0.0050186352631055985 -0.013941425311189224 0.011656016015567101
+leaf_weight=57 72 43 50 39
+leaf_count=57 72 43 50 39
+internal_value=0 -0.0520365 -0.258458 0.147561
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1454
+num_leaves=5
+num_cat=0
+split_feature=3 6 9 2
+split_gain=1.79768 4.14025 3.55518 3.38723
+threshold=68.500000000000014 54.500000000000007 72.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0027427192921971816 -0.0066328349917771506 0.0052077908601611276 0.0018078011294170389 -0.004131505963031276
+leaf_weight=51 41 64 39 66
+leaf_count=51 41 64 39 66
+internal_value=0 0.0554386 -0.125503 -0.0564184
+internal_weight=0 181 80 117
+internal_count=261 181 80 117
+shrinkage=0.02
+
+
+Tree=1455
+num_leaves=5
+num_cat=0
+split_feature=2 4 1 3
+split_gain=1.73989 6.26948 16.8808 33.646
+threshold=24.500000000000004 53.500000000000007 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0067749002698295783 0.0032502430671517498 0.0075197035158873406 0.0087677837648547433 -0.01720246953866807
+leaf_weight=53 53 45 67 43
+leaf_count=53 53 45 67 43
+internal_value=0 -0.0414971 0.0599916 -0.227772
+internal_weight=0 208 155 88
+internal_count=261 208 155 88
+shrinkage=0.02
+
+
+Tree=1456
+num_leaves=5
+num_cat=0
+split_feature=2 4 1 3
+split_gain=1.67025 6.02075 16.212 32.3153
+threshold=24.500000000000004 53.500000000000007 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0066395809472910051 0.0031853238258048241 0.0073695430763285686 0.0085926109727011632 -0.016858978943437831
+leaf_weight=53 53 45 67 43
+leaf_count=53 53 45 67 43
+internal_value=0 -0.0406659 0.0587914 -0.223215
+internal_weight=0 208 155 88
+internal_count=261 208 155 88
+shrinkage=0.02
+
+
+Tree=1457
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.79572 6.77995 5.83367 5.06267
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0055638470797019215 -0.0021103726655647189 -0.0068584091439960679 0.0078985895009292782 -0.0031071228639812753
+leaf_weight=60 54 57 41 49
+leaf_count=60 54 57 41 49
+internal_value=0 -0.0631227 0.110175 0.082953
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=1458
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.72377 6.51085 5.60241 4.86178
+threshold=65.500000000000014 61.500000000000007 72.500000000000014 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0054526998306076834 -0.0020682198476698783 -0.006721409347129617 0.0077408880339302757 -0.0030450691479224647
+leaf_weight=60 54 57 41 49
+leaf_count=60 54 57 41 49
+internal_value=0 -0.0618621 0.107968 0.0812882
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=1459
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 2
+split_gain=1.69023 9.34783 9.72401 4.74474
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0030274101949629042 0.0079221468417242698 0.009270676427423628 -0.0069359595739536938 -0.0012408247491371761
+leaf_weight=58 42 42 70 49
+leaf_count=58 42 42 70 49
+internal_value=0 0.0432393 -0.0663082 0.149115
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=1460
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 4
+split_gain=1.76007 8.33859 13.3503 11.483 9.69588
+threshold=72.700000000000003 71.500000000000014 64.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.002913475069073588 -0.0035684728776396862 -0.0073474718524188 0.012818355861226609 0.0087860737316499214 -0.0099178035819693037
+leaf_weight=43 46 41 40 39 52
+leaf_count=43 46 41 40 39 52
+internal_value=0 0.038175 0.134074 -0.0171794 -0.205184
+internal_weight=0 215 174 134 95
+internal_count=261 215 174 134 95
+shrinkage=0.02
+
+
+Tree=1461
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 5
+split_gain=1.78515 7.71667 20.2545 12.2533
+threshold=70.500000000000014 6.5000000000000009 55.500000000000007 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0029548079096040655 0.0026925894430193309 0.0035064483137099314 -0.01520149053720745 0.011588224397463539
+leaf_weight=57 72 50 43 39
+leaf_count=57 72 50 43 39
+internal_value=0 -0.051367 -0.25699 0.147456
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1462
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 5
+split_gain=1.71366 7.41031 19.6935 11.7683
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0028957835621825031 0.0026387901904700588 0.0048750057126457471 -0.013572198712875775 0.011356875242740259
+leaf_weight=57 72 43 50 39
+leaf_count=57 72 43 50 39
+internal_value=0 -0.0503366 -0.25185 0.144504
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1463
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 5
+split_gain=1.67137 5.60619 9.05204 5.79825
+threshold=75.500000000000014 66.500000000000014 41.500000000000007 55.150000000000006
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0094301341576322768 -0.0036223366253885837 0.006177657063773382 -0.0019143007775669144 0.0070504000640508107
+leaf_weight=40 43 56 75 47
+leaf_count=40 43 56 75 47
+internal_value=0 0.0357389 -0.0585271 0.0767411
+internal_weight=0 218 162 122
+internal_count=261 218 162 122
+shrinkage=0.02
+
+
+Tree=1464
+num_leaves=5
+num_cat=0
+split_feature=2 4 6 2
+split_gain=1.72791 5.90597 9.8416 11.0039
+threshold=24.500000000000004 53.500000000000007 56.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0065975944814101132 0.0032393075020491395 0.0085597576804053704 0.0033553833257086332 -0.0096444341289342456
+leaf_weight=53 53 49 60 46
+leaf_count=53 53 49 60 46
+internal_value=0 -0.0413486 0.0571568 -0.114057
+internal_weight=0 208 155 106
+internal_count=261 208 155 106
+shrinkage=0.02
+
+
+Tree=1465
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 2
+split_gain=1.68195 9.274 9.75565 4.50799
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0030198915519586262 0.007811476643645965 0.0092355817736314433 -0.0069383080029123551 -0.0011203976106016291
+leaf_weight=58 42 42 70 49
+leaf_count=58 42 42 70 49
+internal_value=0 0.0431439 -0.0659702 0.149803
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=1466
+num_leaves=5
+num_cat=0
+split_feature=2 4 1 3
+split_gain=1.67415 5.74392 16.4551 31.2988
+threshold=24.500000000000004 53.500000000000007 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0065053227761858977 0.0031891356564500879 0.0070927833069288626 0.0086009586945151699 -0.016751645090534596
+leaf_weight=53 53 45 67 43
+leaf_count=53 53 45 67 43
+internal_value=0 -0.0407057 0.0564405 -0.227672
+internal_weight=0 208 155 88
+internal_count=261 208 155 88
+shrinkage=0.02
+
+
+Tree=1467
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 4
+split_gain=1.62995 8.25281 12.6485 11.0496 9.86907
+threshold=72.700000000000003 71.500000000000014 64.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0030898120667891792 -0.0034353761780875247 -0.0073339810306199552 0.012510639415258538 0.0086549100038860825 -0.0098556761594429474
+leaf_weight=43 46 41 40 39 52
+leaf_count=43 46 41 40 39 52
+internal_value=0 0.0367637 0.132171 -0.0150517 -0.199488
+internal_weight=0 215 174 134 95
+internal_count=261 215 174 134 95
+shrinkage=0.02
+
+
+Tree=1468
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 5
+split_gain=1.72995 7.31098 19.5379 11.0794
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0027545771534114539 0.0026513155195404601 0.0048582165292896671 -0.013516004943004836 0.011075033409869485
+leaf_weight=57 72 43 50 39
+leaf_count=57 72 43 50 39
+internal_value=0 -0.0505646 -0.250727 0.142968
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1469
+num_leaves=5
+num_cat=0
+split_feature=5 7 6 6
+split_gain=1.65281 5.10335 4.86502 4.44028
+threshold=67.050000000000011 57.500000000000007 70.500000000000014 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.003154598142405375 0.0074952753422539162 -0.0050250461433620046 -0.0022098303161728859 0.0053306628471147064
+leaf_weight=42 39 76 44 60
+leaf_count=42 39 76 44 60
+internal_value=0 -0.0546853 0.117162 0.0914563
+internal_weight=0 178 83 102
+internal_count=261 178 83 102
+shrinkage=0.02
+
+
+Tree=1470
+num_leaves=5
+num_cat=0
+split_feature=2 4 1 3
+split_gain=1.65884 5.61036 16.1904 30.223
+threshold=24.500000000000004 53.500000000000007 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0064352057879256833 0.0031748167206804389 0.0069178000918401709 0.0085218461280219589 -0.016513356263836876
+leaf_weight=53 53 45 67 43
+leaf_count=53 53 45 67 43
+internal_value=0 -0.0405155 0.055496 -0.226323
+internal_weight=0 208 155 88
+internal_count=261 208 155 88
+shrinkage=0.02
+
+
+Tree=1471
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 5
+split_gain=1.67024 7.16333 18.8368 10.8337
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0027137132286921013 0.0026057718723156396 0.0047373589040205109 -0.013304306723196777 0.010961883145279367
+leaf_weight=57 72 43 50 39
+leaf_count=57 72 43 50 39
+internal_value=0 -0.0496904 -0.247829 0.14188
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1472
+num_leaves=5
+num_cat=0
+split_feature=8 4 7 6
+split_gain=1.66271 6.87797 5.74776 4.17681
+threshold=65.500000000000014 73.500000000000014 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0030072019126824992 0.00763974401317917 -0.0033589768047366619 -0.0056868219414138409 0.0052232530770632045
+leaf_weight=42 46 45 68 60
+leaf_count=42 46 45 68 60
+internal_value=0 0.109682 -0.0587564 0.0913333
+internal_weight=0 91 170 102
+internal_count=261 91 170 102
+shrinkage=0.02
+
+
+Tree=1473
+num_leaves=5
+num_cat=0
+split_feature=2 4 1 4
+split_gain=1.61811 5.35553 15.8371 6.19629
+threshold=24.500000000000004 53.500000000000007 7.5000000000000009 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0062965104742274351 0.0031361433315831933 0.00033945220791304064 0.008406594910812892 -0.010314961795887805
+leaf_weight=53 53 48 67 40
+leaf_count=53 53 48 67 40
+internal_value=0 -0.0400174 0.053791 -0.224936
+internal_weight=0 208 155 88
+internal_count=261 208 155 88
+shrinkage=0.02
+
+
+Tree=1474
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 5 5
+split_gain=1.65761 6.11667 8.46758 9.79612 5.15656
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.400000000000006 58.900000000000006
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0076609111942454282 0.0037649355197684675 -0.0090508689996358048 0.010016910638413565 0.003931695225263169 0.00016180979378478677
+leaf_weight=41 40 52 46 42 40
+leaf_count=41 40 52 46 42 40
+internal_value=0 -0.0341392 0.0452298 -0.162152 0.272315
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=1475
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 5 1
+split_gain=1.59118 5.87426 8.13204 9.40821 5.99536
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.400000000000006 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0075079540037197414 0.0036897672350221602 -0.0088700946616291475 2.7393703397587443e-05 0.0038531924121476763 0.010620802342960889
+leaf_weight=41 40 52 43 42 43
+leaf_count=41 40 52 43 42 43
+internal_value=0 -0.03345 0.0443316 -0.158904 0.266886
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=1476
+num_leaves=5
+num_cat=0
+split_feature=5 5 6 6
+split_gain=1.7076 4.38348 3.87605 3.47567
+threshold=68.250000000000014 58.550000000000004 49.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0027495964184945342 -0.0025852554573033595 0.0057763878583626674 -0.0058945519895240274 0.0051779605294865663
+leaf_weight=42 74 55 43 47
+leaf_count=42 74 55 43 47
+internal_value=0 0.0511783 -0.0476366 0.0714332
+internal_weight=0 187 132 89
+internal_count=261 187 132 89
+shrinkage=0.02
+
+
+Tree=1477
+num_leaves=5
+num_cat=0
+split_feature=5 5 6 6
+split_gain=1.63917 4.20941 3.72189 3.33757
+threshold=68.250000000000014 58.550000000000004 49.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0026946959431505212 -0.0025335986738634999 0.0056610071525418741 -0.0057768521837964536 0.0050745552128079168
+leaf_weight=42 74 55 43 47
+leaf_count=42 74 55 43 47
+internal_value=0 0.0501513 -0.0466857 0.0699974
+internal_weight=0 187 132 89
+internal_count=261 187 132 89
+shrinkage=0.02
+
+
+Tree=1478
+num_leaves=5
+num_cat=0
+split_feature=2 2 8 3
+split_gain=1.60356 5.28745 15.013 12.037
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0032376452044786419 -0.0068568729655476201 0.0050576685183734982 0.01173254648773207 -0.007500969823320075
+leaf_weight=50 45 51 39 76
+leaf_count=50 45 51 39 76
+internal_value=0 -0.038412 0.0439835 -0.122572
+internal_weight=0 211 166 127
+internal_count=261 211 166 127
+shrinkage=0.02
+
+
+Tree=1479
+num_leaves=4
+num_cat=0
+split_feature=5 5 8
+split_gain=1.69151 4.16646 3.50597
+threshold=68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0020223066040822137 -0.0025732152989410562 0.0056529884147778252 -0.004545464961333426
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.050938 -0.0454042
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1480
+num_leaves=5
+num_cat=0
+split_feature=5 5 6 6
+split_gain=1.6238 4.00082 3.36768 3.28465
+threshold=68.250000000000014 58.550000000000004 49.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0027319496891292845 -0.0025217997686605765 0.0055400722587370544 -0.0054982107899181802 0.0049760249638005965
+leaf_weight=42 74 55 43 47
+leaf_count=42 74 55 43 47
+internal_value=0 0.0499204 -0.0444914 0.0665142
+internal_weight=0 187 132 89
+internal_count=261 187 132 89
+shrinkage=0.02
+
+
+Tree=1481
+num_leaves=4
+num_cat=0
+split_feature=5 5 8
+split_gain=1.55869 3.84189 3.3081
+threshold=68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0019747077727957237 -0.0024714110303829607 0.0054294119009266799 -0.0044060546213728494
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0489186 -0.0436033
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1482
+num_leaves=5
+num_cat=0
+split_feature=3 5 5 8
+split_gain=1.54087 5.35365 10.4052 2.52015
+threshold=75.500000000000014 68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0019352517640303536 -0.0034793897687572322 -0.0054592346735108533 0.010820845520867255 -0.0036935288542746165
+leaf_weight=73 43 45 43 57
+leaf_count=73 43 45 43 57
+internal_value=0 0.0343526 0.114599 -0.0263631
+internal_weight=0 218 173 130
+internal_count=261 218 173 130
+shrinkage=0.02
+
+
+Tree=1483
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 6
+split_gain=1.55951 7.80702 5.45694 4.345
+threshold=67.050000000000011 64.500000000000014 48.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0023469019293700867 0.0071473503874060389 -0.00872337630522463 0.0056916135399240472 -0.0020259390351776096
+leaf_weight=76 39 41 61 44
+leaf_count=76 39 41 61 44
+internal_value=0 -0.0531283 0.0613767 0.113858
+internal_weight=0 178 137 83
+internal_count=261 178 137 83
+shrinkage=0.02
+
+
+Tree=1484
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 1 7
+split_gain=1.5803 5.47627 7.86639 17.5573 7.50512
+threshold=75.500000000000014 41.500000000000007 7.5000000000000009 8.5000000000000018 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0072708447058763359 0.0036772266825387269 -0.0071106955827823348 0.0027733969912847414 0.011999114468398853 -0.0090373678789561086
+leaf_weight=41 40 39 48 54 39
+leaf_count=41 40 39 48 54 39
+internal_value=0 -0.0333399 0.0417628 0.152059 -0.125745
+internal_weight=0 221 180 141 87
+internal_count=261 221 180 141 87
+shrinkage=0.02
+
+
+Tree=1485
+num_leaves=5
+num_cat=0
+split_feature=2 2 8 3
+split_gain=1.6739 4.92184 15.1151 11.6889
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0033069452628514146 -0.0066599380681780966 0.0048624819382917213 0.011694976232349035 -0.0075132555584407944
+leaf_weight=50 45 51 39 76
+leaf_count=50 45 51 39 76
+internal_value=0 -0.0392398 0.040259 -0.126862
+internal_weight=0 211 166 127
+internal_count=261 211 166 127
+shrinkage=0.02
+
+
+Tree=1486
+num_leaves=5
+num_cat=0
+split_feature=2 2 8 3
+split_gain=1.60682 4.72657 14.5165 11.2259
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0032408987957964126 -0.0065269464503503417 0.0047653659734096651 0.011461496249714685 -0.0073631283339586559
+leaf_weight=50 45 51 39 76
+leaf_count=50 45 51 39 76
+internal_value=0 -0.0384505 0.0394577 -0.12432
+internal_weight=0 211 166 127
+internal_count=261 211 166 127
+shrinkage=0.02
+
+
+Tree=1487
+num_leaves=4
+num_cat=0
+split_feature=5 5 8
+split_gain=1.63 3.74959 2.97222
+threshold=68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0018710840954424275 -0.0025265534120934114 0.0053977540565615066 -0.0041789569692985452
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0500143 -0.0413913
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1488
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 8
+split_gain=1.58096 6.62379 19.9677 11.2981
+threshold=75.500000000000014 6.5000000000000009 58.20000000000001 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0022789759018442611 -0.0035237224497262584 0.0040087953092581797 0.015424558158405172 -0.0089460983386239427
+leaf_weight=70 43 51 40 57
+leaf_count=70 43 51 40 57
+internal_value=0 0.0347938 0.207856 -0.141124
+internal_weight=0 218 110 108
+internal_count=261 218 110 108
+shrinkage=0.02
+
+
+Tree=1489
+num_leaves=6
+num_cat=0
+split_feature=2 2 9 6 4
+split_gain=1.56714 4.42591 13.6962 15.6198 1.9985
+threshold=6.5000000000000009 11.500000000000002 72.500000000000014 56.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 -2 3 4 -3
+right_child=1 2 -4 -5 -6
+leaf_value=0.0032011875196538433 -0.0063321247944182245 -0.00054384268545781399 0.010465838234358718 -0.012542764645858817 0.0057555423429441303
+leaf_weight=50 45 42 43 42 39
+leaf_count=50 45 42 43 42 39
+internal_value=0 -0.0379755 0.0374177 -0.132317 0.124084
+internal_weight=0 211 166 123 81
+internal_count=261 211 166 123 81
+shrinkage=0.02
+
+
+Tree=1490
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.54849 8.67254 3.84054 9.13761
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0031069637536407166 -0.0046436613891138118 0.0079125053673801717 -0.0054406656132952574 0.0082997832771010433
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.086638 -0.0693277 0.061628
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1491
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=1.62289 8.08697 6.67771 4.62456
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0018278526109738922 -0.0021757368200882861 -0.0061289312943476207 0.0086417683146474255 0.0070624435070520469
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0600198 0.137841 0.104824
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=1492
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 2
+split_gain=1.52079 7.61167 6.07224 5.58542
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0038344011812106427 -0.0089069242008451861 0.0020651384509517861 0.0076756821476253465 -0.0053596873585697929
+leaf_weight=48 39 72 43 59
+leaf_count=48 39 72 43 59
+internal_value=0 -0.0892946 0.066074 -0.0613977
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1493
+num_leaves=5
+num_cat=0
+split_feature=9 9 1 1
+split_gain=1.54926 6.32752 7.43504 4.25776
+threshold=55.500000000000007 63.500000000000007 7.5000000000000009 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0024101359066054382 -0.0065799346802498685 -0.0024029495575292464 0.0083822495478157993 0.0060759520774738077
+leaf_weight=45 57 68 41 50
+leaf_count=45 57 68 41 50
+internal_value=0 -0.058658 0.0824655 0.10245
+internal_weight=0 166 109 95
+internal_count=261 166 109 95
+shrinkage=0.02
+
+
+Tree=1494
+num_leaves=5
+num_cat=0
+split_feature=4 9 3 1
+split_gain=1.5709 5.22567 7.16516 11.0412
+threshold=75.500000000000014 41.500000000000007 67.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0071164972337458537 0.0036664991257403124 -0.0031907894225687784 -0.0052911574363884873 0.0087215461762601004
+leaf_weight=41 40 56 54 70
+leaf_count=41 40 56 54 70
+internal_value=0 -0.0332375 0.0401284 0.1711
+internal_weight=0 221 180 126
+internal_count=261 221 180 126
+shrinkage=0.02
+
+
+Tree=1495
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=1.55296 7.18636 6.34492 5.25426
+threshold=66.500000000000014 61.500000000000007 10.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0020826093299887482 -0.0040306073264655398 -0.0084552480978834568 0.0062510931685846602 0.0064753048594574881
+leaf_weight=74 41 41 58 47
+leaf_count=74 41 41 58 47
+internal_value=0 -0.0606908 0.099255 0.0618377
+internal_weight=0 162 99 121
+internal_count=261 162 99 121
+shrinkage=0.02
+
+
+Tree=1496
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.58213 8.64495 3.83787 8.89914
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0030809655148477007 -0.004582409346106148 0.0079209480744087939 -0.0054542166906416632 0.0081913502306482401
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0875525 -0.0700769 0.0608329
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1497
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=1.64187 7.81268 6.40467 4.30609
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0016785588288275742 -0.0021486348741088343 -0.006051956562920591 0.0084459467963648709 0.0069009671375307759
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.060375 0.134104 0.105418
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=1498
+num_leaves=5
+num_cat=0
+split_feature=7 9 8 7
+split_gain=1.60052 7.60848 7.61022 3.967
+threshold=57.500000000000007 63.500000000000007 71.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0029405793019563202 -0.0069644760614283423 -0.0028890141186143558 0.008202318238106434 0.0051449401514607395
+leaf_weight=40 59 55 45 62
+leaf_count=40 59 55 45 62
+internal_value=0 -0.0631204 0.104817 0.0983234
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1499
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=1.5971 7.62621 6.19831 4.19108
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0016563953521315923 -0.0021005619082332776 -0.0059776933439125244 0.0083223023552324478 0.0068082131754623786
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0595603 0.132586 0.103985
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=1500
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 1 7
+split_gain=1.61904 4.98175 7.63998 16.541 7.37747
+threshold=75.500000000000014 41.500000000000007 7.5000000000000009 8.5000000000000018 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0069749524224289204 0.0037212784792498101 -0.0070733883517734965 0.0027821336812776615 0.011627057695402024 -0.0089280411829141711
+leaf_weight=41 40 39 48 54 39
+leaf_count=41 40 39 48 54 39
+internal_value=0 -0.0337506 0.0378842 0.146592 -0.123051
+internal_weight=0 221 180 141 87
+internal_count=261 221 180 141 87
+shrinkage=0.02
+
+
+Tree=1501
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.65764 4.76909 13.6997 5.03812
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0032908493094704269 0.0037267902018526694 -0.01347448621667008 0.0040389447393955249 -0.0034361496007382971
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0390606 -0.139725 -0.414338
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1502
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 3
+split_gain=1.64014 5.75718 3.71692 6.34285
+threshold=13.500000000000002 7.5000000000000009 55.150000000000006 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0026699291644622725 -0.0053026283654097842 0.0062462627481773758 0.0061837951287814002 -0.004730748651520139
+leaf_weight=58 59 58 47 39
+leaf_count=58 59 58 47 39
+internal_value=0 0.0891176 -0.0713398 0.061253
+internal_weight=0 116 145 86
+internal_count=261 116 145 86
+shrinkage=0.02
+
+
+Tree=1503
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.64504 4.59418 13.2877 4.844
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0032784484214641776 0.0036465130893612897 -0.013251169760391358 0.0039754165252159687 -0.0034064545936303382
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0389145 -0.137726 -0.408186
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1504
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 1
+split_gain=1.62026 7.21518 6.01037 4.27988
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0023761220290572514 -0.0021414509698352772 -0.0058558071624481116 0.0081227591346895323 0.0061317724567438673
+leaf_weight=45 50 74 42 50
+leaf_count=45 50 74 42 50
+internal_value=0 -0.059986 0.126915 0.104726
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=1505
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 4
+split_gain=1.62654 3.84095 7.91665 6.79053
+threshold=75.500000000000014 55.95000000000001 65.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0018849914806689078 0.0037297634986799377 -0.0093259977597142767 0.0015080262878601179 0.0082897412636684133
+leaf_weight=70 40 49 60 42
+leaf_count=70 40 49 60 42
+internal_value=0 -0.033829 -0.167892 0.0963095
+internal_weight=0 221 109 112
+internal_count=261 221 109 112
+shrinkage=0.02
+
+
+Tree=1506
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=1.57852 8.31594 13.3674 17.8935 7.39615
+threshold=50.500000000000007 3.5000000000000004 55.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0035703624292255328 -0.0085750828004918529 0.011240943226394556 -0.012819589791229411 0.0080574786582926269 -0.0032253975723145097
+leaf_weight=42 43 41 41 52 42
+leaf_count=42 43 41 41 52 42
+internal_value=0 -0.0343049 0.0619712 -0.0898201 0.150452
+internal_weight=0 219 176 135 94
+internal_count=261 219 176 135 94
+shrinkage=0.02
+
+
+Tree=1507
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.63121 8.61756 3.63889 8.59228
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.003046763186651166 -0.0045716577398199195 0.0079376792642195815 -0.0053696281302720965 0.007980561974431203
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0888793 -0.071146 0.0563311
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1508
+num_leaves=5
+num_cat=0
+split_feature=7 9 6 2
+split_gain=1.58313 7.22846 5.69378 3.9101
+threshold=57.500000000000007 63.500000000000007 69.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0061193077013575415 -0.0068139357825755999 -0.0019561916470668917 0.0077504603591950997 -0.0017333778097952759
+leaf_weight=48 59 59 41 54
+leaf_count=48 59 59 41 54
+internal_value=0 -0.0627837 0.100909 0.0977914
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1509
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 1
+split_gain=1.56544 7.19727 5.87499 3.95829
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0022404867385532471 -0.0020729001657748998 -0.0058298835356708359 0.0080752228649206056 0.0059425996068663434
+leaf_weight=45 50 74 42 50
+leaf_count=45 50 74 42 50
+internal_value=0 -0.0589766 0.127693 0.10296
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=1510
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 1 7
+split_gain=1.63196 4.89428 7.5084 15.9198 7.10009
+threshold=75.500000000000014 41.500000000000007 7.5000000000000009 8.5000000000000018 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0069223150646480474 0.0037358715021315733 -0.00702111788729069 0.0027508886679557497 0.011428390167128561 -0.0087375499900418062
+leaf_weight=41 40 39 48 54 39
+leaf_count=41 40 39 48 54 39
+internal_value=0 -0.0338857 0.0371181 0.14489 -0.11964
+internal_weight=0 221 180 141 87
+internal_count=261 221 180 141 87
+shrinkage=0.02
+
+
+Tree=1511
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.63251 4.72274 12.9259 4.88075
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0032660595775960044 0.0037107212013668491 -0.013220458060983566 0.0038587516679070566 -0.0033392916456491842
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0387695 -0.138947 -0.405703
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1512
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 6
+split_gain=1.58887 9.20223 7.0381 5.00282
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0020417351621807036 0.0095746832706142884 -0.002903438202549341 -0.008394342861472762 0.0063096279686541221
+leaf_weight=74 39 60 41 47
+leaf_count=74 39 60 41 47
+internal_value=0 0.10037 -0.061391 0.0598674
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=1513
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 3
+split_gain=1.63382 8.437 3.67681 6.00074
+threshold=13.500000000000002 65.500000000000014 55.150000000000006 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0029946843679551807 -0.005279141398317342 0.0078742470955671297 0.0060371190522579164 -0.0045797697430472262
+leaf_weight=65 59 51 47 39
+leaf_count=65 59 51 47 39
+internal_value=0 0.0889436 -0.0712081 0.060669
+internal_weight=0 116 145 86
+internal_count=261 116 145 86
+shrinkage=0.02
+
+
+Tree=1514
+num_leaves=5
+num_cat=0
+split_feature=7 9 8 2
+split_gain=1.6382 7.18094 7.60992 3.87523
+threshold=57.500000000000007 63.500000000000007 71.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0061339020418456182 -0.0068171553503686014 -0.002999398846883447 0.0080919793631698805 -0.0016836952962517319
+leaf_weight=48 59 55 45 54
+leaf_count=48 59 55 45 54
+internal_value=0 -0.0638589 0.0992948 0.099451
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1515
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 1
+split_gain=1.62228 5.52852 8.06021 3.92347
+threshold=55.500000000000007 63.500000000000007 71.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0021850535840900348 -0.006255619728891073 -0.0031184592518844418 0.0079303911612651195 0.0059619467565761924
+leaf_weight=45 57 64 45 50
+leaf_count=45 57 64 45 50
+internal_value=0 -0.0600305 0.071891 0.104783
+internal_weight=0 166 109 95
+internal_count=261 166 109 95
+shrinkage=0.02
+
+
+Tree=1516
+num_leaves=4
+num_cat=0
+split_feature=5 5 8
+split_gain=1.6208 3.65647 3.4269
+threshold=68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0020889800344851927 -0.0025200421468230161 0.0053397595949521062 -0.004405000227365838
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0498474 -0.0404186
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1517
+num_leaves=5
+num_cat=0
+split_feature=7 9 8 6
+split_gain=1.57991 6.80137 7.10613 3.83571
+threshold=57.500000000000007 63.500000000000007 71.500000000000014 46.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0016290071488660629 -0.0066466442979046074 -0.0028964009951913078 0.007822352746902031 0.0061593674751054418
+leaf_weight=55 59 55 45 47
+leaf_count=55 59 55 45 47
+internal_value=0 -0.0627298 0.0960571 0.0976839
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1518
+num_leaves=4
+num_cat=0
+split_feature=5 5 8
+split_gain=1.63364 3.6319 3.28683
+threshold=68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0020392861261207267 -0.0025299046278217151 0.0053290906070645504 -0.0043213000820436637
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0500413 -0.0399215
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1519
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=1.57873 7.695 5.80452 6.45794
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0052066481976191367 -0.0089793322307239083 0.0020524368434007246 0.0075586020444146388 -0.0049535941862572999
+leaf_weight=40 39 72 43 67
+leaf_count=40 39 72 43 67
+internal_value=0 -0.0909802 0.0672825 -0.057349
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1520
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.58456 8.19559 3.61016 8.41097
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0029526725305616176 -0.0045012062106034303 0.0077599413559608131 -0.0053340750719633248 0.0079180885047010572
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0876065 -0.0701423 0.0568325
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1521
+num_leaves=6
+num_cat=0
+split_feature=4 1 3 2 2
+split_gain=1.5768 7.78882 8.60053 9.96467 18.0636
+threshold=50.500000000000007 3.5000000000000004 62.500000000000007 9.5000000000000018 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0035682356541758059 -0.008321436635850615 0.0090781671429349155 -0.0088439887425685766 0.011110902854736277 -0.0070447469198822782
+leaf_weight=42 43 42 46 47 41
+leaf_count=42 43 42 46 47 41
+internal_value=0 -0.0342963 0.0588795 -0.0648095 0.132203
+internal_weight=0 219 176 134 88
+internal_count=261 219 176 134 88
+shrinkage=0.02
+
+
+Tree=1522
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 8
+split_gain=1.59213 4.88345 12.9629 2.43321
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0032258284125281401 0.0037956779128086814 -0.011594708768126157 0.0038440496148062103 -0.0045766771720298846
+leaf_weight=50 65 41 65 40
+leaf_count=50 65 41 65 40
+internal_value=0 -0.0382966 -0.140155 -0.407291
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1523
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=1.59702 7.19967 5.76681 3.95349
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0015492364325630297 -0.0020412655198838339 -0.0058423956949024925 0.0080131920546626205 0.0066726668205600139
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0595645 0.127136 0.103977
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=1524
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 3
+split_gain=1.60058 8.06452 3.46417 5.7073
+threshold=13.500000000000002 65.500000000000014 55.150000000000006 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0029061919088936706 -0.005152306909364998 0.0077205373257812938 0.0058554636584945063 -0.004499464845272901
+leaf_weight=65 59 51 47 39
+leaf_count=65 59 51 47 39
+internal_value=0 0.0880425 -0.0704916 0.0575244
+internal_weight=0 116 145 86
+internal_count=261 116 145 86
+shrinkage=0.02
+
+
+Tree=1525
+num_leaves=5
+num_cat=0
+split_feature=7 3 2 7
+split_gain=1.68754 6.82966 6.38279 3.82089
+threshold=57.500000000000007 66.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0027975823390147679 -0.0066272789233929909 -0.004104389421095778 0.0062080347429193071 0.0051379485816046757
+leaf_weight=40 60 41 58 62
+leaf_count=40 60 41 58 62
+internal_value=0 -0.064804 0.0964638 0.100918
+internal_weight=0 159 99 102
+internal_count=261 159 99 102
+shrinkage=0.02
+
+
+Tree=1526
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.64116 7.60053 17.6406 12.194
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0036393698342259608 -0.010087864927100516 0.012187024320459733 -0.0059966276025021515 0.0020380821764954017
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.0349838 0.196674 -0.185103
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=1527
+num_leaves=5
+num_cat=0
+split_feature=5 2 2 3
+split_gain=1.59587 3.8074 4.42561 2.78188
+threshold=68.250000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00043730759608461819 -0.0025007800412062166 -0.0046954411174411296 0.0036786166138970595 0.0079460955420810591
+leaf_weight=39 74 66 41 41
+leaf_count=39 74 66 41 41
+internal_value=0 0.0494694 -0.0739456 0.214957
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1528
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=1.59562 7.4507 12.8661 16.5684 6.91619
+threshold=50.500000000000007 3.5000000000000004 55.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0035893085047811629 -0.0081582297615504524 0.010945464498244383 -0.012453165036397809 0.0076612054021889175 -0.0032504702300109574
+leaf_weight=42 43 41 41 52 42
+leaf_count=42 43 41 41 52 42
+internal_value=0 -0.0344923 0.0566395 -0.092278 0.138924
+internal_weight=0 219 176 135 94
+internal_count=261 219 176 135 94
+shrinkage=0.02
+
+
+Tree=1529
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=1.60299 12.7399 15.9378 9.01385
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0017811382236468615 0.0036313352963918345 -0.0070053996031541211 0.013251326745892076 -0.0087227634498259904
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.0596248 0.247045 -0.104218
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1530
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 9
+split_gain=1.53848 12.2351 15.3071 8.00743
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0017455550906339502 0.0043352298020956723 -0.0068654800547687158 0.012986663510497359 -0.0073306349687391314
+leaf_weight=63 43 52 51 52
+leaf_count=63 43 52 51 52
+internal_value=0 0.0584245 0.242104 -0.102129
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1531
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=1.54577 9.25021 7.34765 11.7542
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0086546882272272429 0.0095672113527902596 -0.0029434080310048057 -0.0055074506428272772 0.0069512292408484902
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.099011 -0.060569 0.0613029
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=1532
+num_leaves=5
+num_cat=0
+split_feature=2 7 2 6
+split_gain=1.61178 7.85993 3.43988 7.87547
+threshold=13.500000000000002 65.500000000000014 24.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0028406357066741612 0.0020818793028431338 0.007650651334957622 0.0026445344342604987 -0.009617929352333781
+leaf_weight=65 46 51 53 46
+leaf_count=65 46 51 53 46
+internal_value=0 0.0883426 -0.0707384 -0.18811
+internal_weight=0 116 145 92
+internal_count=261 116 145 92
+shrinkage=0.02
+
+
+Tree=1533
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 2
+split_gain=1.58151 6.64451 8.97936 3.977
+threshold=57.500000000000007 66.500000000000014 67.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0061534861463604686 -0.0065139063389294954 0.0094016802447102164 -0.0029248033743522247 -0.0017658803372368125
+leaf_weight=48 60 39 60 54
+leaf_count=48 60 39 60 54
+internal_value=0 -0.0627584 0.096311 0.0977353
+internal_weight=0 159 99 102
+internal_count=261 159 99 102
+shrinkage=0.02
+
+
+Tree=1534
+num_leaves=5
+num_cat=0
+split_feature=7 9 6 2
+split_gain=1.518 6.72688 5.17019 3.8191
+threshold=57.500000000000007 63.500000000000007 69.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0060305964249892027 -0.006592644423332154 -0.0018591258387406586 0.0073917593139568218 -0.001730608580424205
+leaf_weight=48 59 59 41 54
+leaf_count=48 59 59 41 54
+internal_value=0 -0.0615033 0.096413 0.0957758
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1535
+num_leaves=5
+num_cat=0
+split_feature=5 2 2 3
+split_gain=1.53587 3.63746 4.5436 2.789
+threshold=68.250000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00034003234097254012 -0.0024539670474908772 -0.0047009238004695735 0.003783788069890368 0.0078576078825923455
+leaf_weight=39 74 66 41 41
+leaf_count=39 74 66 41 41
+internal_value=0 0.0485399 -0.0720976 0.210314
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1536
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=1.50294 7.58074 5.62799 6.25875
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0051140087755178025 -0.0088824626313112939 0.0020673505879811446 0.0074316002191387124 -0.0048887098725566899
+leaf_weight=40 39 72 43 67
+leaf_count=40 39 72 43 67
+internal_value=0 -0.0887926 0.0656732 -0.0570503
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1537
+num_leaves=5
+num_cat=0
+split_feature=7 9 8 7
+split_gain=1.48482 6.59747 7.04232 3.75134
+threshold=57.500000000000007 63.500000000000007 71.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0028772831780523147 -0.0065275242816217258 -0.0028846397632822617 0.0077859942516506665 0.0049863621452800782
+leaf_weight=40 59 55 45 62
+leaf_count=40 59 55 45 62
+internal_value=0 -0.0608296 0.0955619 0.0947442
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1538
+num_leaves=4
+num_cat=0
+split_feature=5 5 8
+split_gain=1.50526 3.55307 3.31076
+threshold=68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0020296012390666482 -0.0024295838320240802 0.0052427108268978508 -0.0043539070189049633
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0480659 -0.0409186
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1539
+num_leaves=5
+num_cat=0
+split_feature=8 2 8 4
+split_gain=1.4634 7.30232 4.67364 4.23806
+threshold=62.500000000000007 10.500000000000002 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0034110779631356036 -0.0087279031701273466 0.0020193709868307633 0.0060121935117381422 -0.0050682922867038059
+leaf_weight=42 39 72 54 54
+leaf_count=42 39 72 54 54
+internal_value=0 -0.0876308 0.0648167 -0.0675229
+internal_weight=0 111 150 96
+internal_count=261 111 150 96
+shrinkage=0.02
+
+
+Tree=1540
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.50718 4.79219 12.9278 4.46208
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0031398277906974394 0.0037735908126178865 -0.012983708750425108 0.0038746603280511971 -0.0035302242406451113
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0372669 -0.138175 -0.404953
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1541
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 7
+split_gain=1.50433 8.176 3.42644 6.52558
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0029912759322888922 -0.0048524345951780051 0.0077086487026137105 -0.0051976876679121851 0.0060897371845677522
+leaf_weight=65 40 51 57 48
+leaf_count=65 40 51 57 48
+internal_value=0 0.085396 -0.0683585 0.0553518
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1542
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=1.47916 7.2584 5.69212 3.78268
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.001547280236087502 -0.001951946306483389 -0.0058170250808563381 0.0080371530970683829 0.0064958885913510671
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0573487 0.130112 0.10012
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=1543
+num_leaves=6
+num_cat=0
+split_feature=5 4 9 7 3
+split_gain=1.52084 7.88269 5.04341 5.49925 3.17668
+threshold=67.050000000000011 64.500000000000014 58.500000000000007 51.500000000000007 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0013882430195676163 -0.0015212728983534719 -0.0087475230364663665 -0.0047219710632515335 0.0081603649681151798 0.0063172633398909028
+leaf_weight=45 43 41 40 52 40
+leaf_count=45 43 41 40 52 40
+internal_value=0 -0.0524872 0.0625712 0.186228 0.112442
+internal_weight=0 178 137 97 83
+internal_count=261 178 137 97 83
+shrinkage=0.02
+
+
+Tree=1544
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.50788 7.61517 16.8138 12.0266
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0034903743294970226 -0.010018170529355408 0.012024634291592212 -0.0057278844242758661 0.0020243468955935401
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.0335484 0.198333 -0.183813
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=1545
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=1.48816 8.90753 7.37136 11.4059
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0086441419945412941 0.0093890468026162164 -0.0028880649099577004 -0.0053804636048892197 0.0068924165002080384
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0971757 -0.0594408 0.0626277
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=1546
+num_leaves=6
+num_cat=0
+split_feature=4 1 7 3 9
+split_gain=1.51394 7.37179 11.7183 20.9001 5.24627
+threshold=50.500000000000007 7.5000000000000009 58.500000000000007 68.500000000000014 63.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -3
+right_child=1 4 3 -5 -6
+leaf_value=0.0034973242264732429 -0.012216738197949915 -0.00070934250951621911 0.011249420665165478 -0.0081394468327351428 0.0091928618439406501
+leaf_weight=42 43 46 40 50 40
+leaf_count=42 43 46 40 50 40
+internal_value=0 -0.0336135 -0.181466 0.0235496 0.194538
+internal_weight=0 219 133 90 86
+internal_count=261 219 133 90 86
+shrinkage=0.02
+
+
+Tree=1547
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 2
+split_gain=1.60799 6.65787 8.5644 3.79959
+threshold=57.500000000000007 66.500000000000014 67.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0060753067473109656 -0.0065294522333307868 0.0092202224298102622 -0.0028185064011332956 -0.0016659344487210531
+leaf_weight=48 60 39 60 54
+leaf_count=48 60 39 60 54
+internal_value=0 -0.0632733 0.0959556 0.0985416
+internal_weight=0 159 99 102
+internal_count=261 159 99 102
+shrinkage=0.02
+
+
+Tree=1548
+num_leaves=5
+num_cat=0
+split_feature=7 9 8 6
+split_gain=1.54342 6.70377 6.83722 3.73855
+threshold=57.500000000000007 63.500000000000007 71.500000000000014 46.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.001605793645350756 -0.0065935282252196983 -0.0028128205227596439 0.007701569068833891 0.0060837243982363801
+leaf_weight=55 59 55 45 47
+leaf_count=55 59 55 45 47
+internal_value=0 -0.0620079 0.0956369 0.096566
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1549
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 4
+split_gain=1.58637 8.73004 11.9219 10.5064 10.474
+threshold=72.700000000000003 71.500000000000014 64.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0035251402777420945 -0.0033897745963133463 -0.0075735106954674435 0.012267661984495788 0.0085625689150825145 -0.0098112738137484876
+leaf_weight=43 46 41 40 39 52
+leaf_count=43 46 41 40 39 52
+internal_value=0 0.0362709 0.134388 -0.00854243 -0.188411
+internal_weight=0 215 174 134 95
+internal_count=261 215 174 134 95
+shrinkage=0.02
+
+
+Tree=1550
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 3
+split_gain=1.52287 8.38438 11.4496 10.0899 7.31137
+threshold=72.700000000000003 71.500000000000014 64.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0028046376651024206 -0.0033220821708304931 -0.0074222989726130456 0.012022737737662303 0.0083916243680807398 -0.0084302693653587266
+leaf_weight=40 46 41 40 39 55
+leaf_count=40 46 41 40 39 55
+internal_value=0 0.0355477 0.131711 -0.00835845 -0.184639
+internal_weight=0 215 174 134 95
+internal_count=261 215 174 134 95
+shrinkage=0.02
+
+
+Tree=1551
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 2
+split_gain=1.51981 9.27505 9.90481 5.19442
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0028724468778225441 0.008154503453477761 0.0091940051253459106 -0.0070232050736697008 -0.0014319888331240491
+leaf_weight=58 42 42 70 49
+leaf_count=58 42 42 70 49
+internal_value=0 0.0410371 -0.0680834 0.149331
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=1552
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 5
+split_gain=1.56515 8.22651 18.4509 9.20087
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0019727762101963229 0.0025233102620549458 0.0043857406075963404 -0.013469930559289606 0.010630592192290291
+leaf_weight=57 72 43 50 39
+leaf_count=57 72 43 50 39
+internal_value=0 -0.0481289 -0.26042 0.157152
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1553
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=1.50235 6.27953 7.324 8.33668
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030879188488486093 0.0024728924219628492 -0.0075675330913429345 0.008228550863971321 -0.0083747692757151094
+leaf_weight=60 72 44 41 44
+leaf_count=60 72 44 41 44
+internal_value=0 -0.0471623 0.0532025 -0.0878182
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=1554
+num_leaves=5
+num_cat=0
+split_feature=7 9 8 6
+split_gain=1.48444 6.73338 6.5483 3.78775
+threshold=57.500000000000007 63.500000000000007 71.500000000000014 46.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0016656238511434719 -0.0065815819792332175 -0.002681218857165147 0.0076089682704858965 0.0060742678782135561
+leaf_weight=55 59 55 45 47
+leaf_count=55 59 55 45 47
+internal_value=0 -0.0608199 0.0971727 0.0947339
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1555
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 4
+split_gain=1.55978 8.10748 11.2024 10.1651 9.80906
+threshold=72.700000000000003 71.500000000000014 64.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0033593106624115257 -0.0033614655355582246 -0.0072784999370691062 0.011897717441499813 0.008430471545614977 -0.0095472939141611236
+leaf_weight=43 46 41 40 39 52
+leaf_count=43 46 41 40 39 52
+internal_value=0 0.0359767 0.130545 -0.00800461 -0.184939
+internal_weight=0 215 174 134 95
+internal_count=261 215 174 134 95
+shrinkage=0.02
+
+
+Tree=1556
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 5
+split_gain=1.50201 7.85686 17.5596 8.71034
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.001908227619216491 0.0024726650340060551 0.0042667426657781874 -0.01315256815635089 0.010355066365526862
+leaf_weight=57 72 43 50 39
+leaf_count=57 72 43 50 39
+internal_value=0 -0.0471546 -0.254637 0.153466
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1557
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 6
+split_gain=1.50557 7.91398 5.15038 4.84008
+threshold=67.050000000000011 64.500000000000014 48.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0022113781808862651 0.0073769204495109991 -0.0087574238367315212 0.0055986355096028567 -0.0023036676617468163
+leaf_weight=76 39 41 61 44
+leaf_count=76 39 41 61 44
+internal_value=0 -0.0522205 0.063066 0.11189
+internal_weight=0 178 137 83
+internal_count=261 178 137 83
+shrinkage=0.02
+
+
+Tree=1558
+num_leaves=5
+num_cat=0
+split_feature=7 9 8 7
+split_gain=1.46499 6.61156 6.47357 3.73986
+threshold=57.500000000000007 63.500000000000007 71.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0028824916024561506 -0.006525095578390914 -0.0026755658214746426 0.0075559069966599406 0.0049691984418972273
+leaf_weight=40 59 55 45 62
+leaf_count=40 59 55 45 62
+internal_value=0 -0.060425 0.0961334 0.0941201
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1559
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 4
+split_gain=1.49505 8.0168 10.8274 9.94875 9.4787
+threshold=72.700000000000003 71.500000000000014 64.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0032984759297203735 -0.00329187936255264 -0.0072486496494145536 0.01171573802006938 0.0083600498992584538 -0.0093892072274814487
+leaf_weight=43 46 41 40 39 52
+leaf_count=43 46 41 40 39 52
+internal_value=0 0.0352313 0.129272 -0.00693798 -0.181987
+internal_weight=0 215 174 134 95
+internal_count=261 215 174 134 95
+shrinkage=0.02
+
+
+Tree=1560
+num_leaves=5
+num_cat=0
+split_feature=2 7 3 1
+split_gain=1.50096 8.96546 9.5823 9.04983
+threshold=7.5000000000000009 73.500000000000014 54.500000000000007 8.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0028547061152363849 0.0059353695438130547 0.0090484725856599651 -0.009071035711373852 0.0026990806496792236
+leaf_weight=58 50 42 69 42
+leaf_count=58 50 42 69 42
+internal_value=0 0.0407906 -0.0664935 -0.230569
+internal_weight=0 203 161 111
+internal_count=261 203 161 111
+shrinkage=0.02
+
+
+Tree=1561
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 4
+split_gain=1.52983 7.61612 10.5037 3.51346
+threshold=72.700000000000003 71.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0021225002018786208 -0.0033293248365433258 -0.0070395135682140625 0.0089912241767084299 -0.0050563640795634971
+leaf_weight=59 46 41 64 51
+leaf_count=59 46 41 64 51
+internal_value=0 0.0356401 0.12731 -0.0599857
+internal_weight=0 215 174 110
+internal_count=261 215 174 110
+shrinkage=0.02
+
+
+Tree=1562
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 5
+split_gain=1.58464 7.7458 17.0509 8.33241
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0018527104152424943 0.0025389303179542818 0.0041342772156975792 -0.013030909654530541 0.010141997762369568
+leaf_weight=57 72 43 50 39
+leaf_count=57 72 43 50 39
+internal_value=0 -0.0484161 -0.254429 0.150783
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1563
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 5
+split_gain=1.52107 7.43819 16.4607 8.00245
+threshold=70.500000000000014 6.5000000000000009 55.500000000000007 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0018157015765415134 0.0024882013150685309 0.0028074657232527583 -0.014058247050761292 0.0099395212264875039
+leaf_weight=57 72 50 43 39
+leaf_count=57 72 50 43 39
+internal_value=0 -0.0474438 -0.249339 0.147765
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1564
+num_leaves=6
+num_cat=0
+split_feature=5 4 9 4 4
+split_gain=1.51596 7.79464 5.0087 4.77607 3.25346
+threshold=67.050000000000011 64.500000000000014 58.500000000000007 54.500000000000007 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-8.2799094099703532e-06 0.0062647828900933072 -0.0087026542940365024 -0.0047124631109010384 0.0090073289938823291 -0.0016629873306472991
+leaf_weight=57 41 41 40 40 42
+leaf_count=57 41 41 40 40 42
+internal_value=0 -0.0523938 0.0620204 0.185253 0.112274
+internal_weight=0 178 137 97 83
+internal_count=261 178 137 97 83
+shrinkage=0.02
+
+
+Tree=1565
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 3
+split_gain=1.51298 8.01603 3.39701 6.15153
+threshold=13.500000000000002 65.500000000000014 55.150000000000006 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0029402432028179594 -0.0050773400679768009 0.0076546572183229843 0.0060482675766575138 -0.0047010053769383315
+leaf_weight=65 59 51 47 39
+leaf_count=65 59 51 47 39
+internal_value=0 0.0856387 -0.0685513 0.0582222
+internal_weight=0 116 145 86
+internal_count=261 116 145 86
+shrinkage=0.02
+
+
+Tree=1566
+num_leaves=5
+num_cat=0
+split_feature=7 9 8 7
+split_gain=1.50579 6.67885 6.1473 3.80088
+threshold=57.500000000000007 63.500000000000007 71.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0028954210707842036 -0.0065684798349528138 -0.0025588958120960842 0.0074119381858843885 0.0050197539424164505
+leaf_weight=40 59 55 45 62
+leaf_count=40 59 55 45 62
+internal_value=0 -0.0612505 0.0961016 0.0954035
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1567
+num_leaves=6
+num_cat=0
+split_feature=3 1 2 8 2
+split_gain=1.5018 4.03913 23.4069 1.80285 1.03179
+threshold=68.500000000000014 8.5000000000000018 18.500000000000004 51.500000000000007 13.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -3 -2
+right_child=4 3 -4 -5 -6
+leaf_value=0.01175314520329454 -3.8979280262002693e-05 -0.0053979580755394874 -0.0080531220055887875 0.00055449064982748375 -0.0046447813849574875
+leaf_weight=59 41 39 40 43 39
+leaf_count=59 41 39 40 43 39
+internal_value=0 0.050741 0.187125 -0.11345 -0.11482
+internal_weight=0 181 99 82 80
+internal_count=261 181 99 82 80
+shrinkage=0.02
+
+
+Tree=1568
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.53936 8.77859 9.59696 4.66469
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0028907001417676167 0.0072766830313688068 0.0089724435884481601 -0.0068705086833666489 -0.0017956410205527528
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0412927 -0.0648677 0.149145
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=1569
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=1.56187 6.44575 9.37515 6.40425
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0022029498856809999 -0.0033638799429386176 0.0080820799502442798 -0.0092888759675616907 0.0065839921197088837
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.0359908 -0.0454808 0.0816384
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=1570
+num_leaves=4
+num_cat=0
+split_feature=5 5 8
+split_gain=1.56183 3.70192 3.42442
+threshold=68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0020585842186933538 -0.0024744133503190485 0.005348423887575217 -0.0044329587334966591
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0489399 -0.0418847
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1571
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=1.49925 3.57095 5.22259 2.57482
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00086509055371133817 -0.002424972226411463 0.0061852790652210769 -0.0067800816638804717 0.0054317789649603668
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0479622 -0.0252563 0.0888737
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=1572
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 2
+split_gain=1.45857 8.66603 9.44691 4.55628
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0028149358923841268 0.0077823556089582956 0.0088984278808559285 -0.0068350025608686924 -0.001197289367642353
+leaf_weight=58 42 42 70 49
+leaf_count=58 42 42 70 49
+internal_value=0 0.0402031 -0.0652747 0.147059
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=1573
+num_leaves=4
+num_cat=0
+split_feature=5 5 8
+split_gain=1.51134 3.58283 3.30321
+threshold=68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0020206181909437791 -0.0024346567087445777 0.005262182136618423 -0.0043556199990817095
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.04815 -0.0412054
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1574
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 4
+split_gain=1.45801 7.44406 10.3673 10.0297 9.09286
+threshold=72.700000000000003 71.500000000000014 64.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0031230847440298455 -0.0032516701783097848 -0.0069687405484768206 0.011442961178725577 0.0083759560945746783 -0.0093038390015649196
+leaf_weight=43 46 41 40 39 52
+leaf_count=43 46 41 40 39 52
+internal_value=0 0.0347845 0.125417 -0.00786568 -0.183622
+internal_weight=0 215 174 134 95
+internal_count=261 215 174 134 95
+shrinkage=0.02
+
+
+Tree=1575
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 5
+split_gain=1.50683 6.85736 16.1674 7.94293
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0019492541116193807 0.0024763144435475011 0.0041582536701539399 -0.012556757815517017 0.0097625590484405316
+leaf_weight=57 72 43 50 39
+leaf_count=57 72 43 50 39
+internal_value=0 -0.0472422 -0.24112 0.140199
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1576
+num_leaves=5
+num_cat=0
+split_feature=3 5 5 8
+split_gain=1.44764 4.88074 9.69803 2.56884
+threshold=75.500000000000014 68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00196291648916555 -0.0033743301817953987 -0.0052035952287527529 0.010433135754877492 -0.0037196177339227981
+leaf_weight=73 43 45 43 57
+leaf_count=73 43 45 43 57
+internal_value=0 0.0332877 0.109929 -0.0261583
+internal_weight=0 218 173 130
+internal_count=261 218 173 130
+shrinkage=0.02
+
+
+Tree=1577
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 6
+split_gain=1.52112 7.38283 5.00853 4.509
+threshold=67.050000000000011 64.500000000000014 48.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0022476610442567426 0.00720979730186482 -0.0085003805259210446 0.0054546026557327713 -0.0021346397854477366
+leaf_weight=76 39 41 61 44
+leaf_count=76 39 41 61 44
+internal_value=0 -0.0525012 0.0588506 0.112443
+internal_weight=0 178 137 83
+internal_count=261 178 137 83
+shrinkage=0.02
+
+
+Tree=1578
+num_leaves=5
+num_cat=0
+split_feature=2 7 2 6
+split_gain=1.43752 7.7965 3.50487 7.45963
+threshold=13.500000000000002 65.500000000000014 24.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0029191535260120493 0.0019810257630516913 0.0075300070434511125 0.0027602885918179675 -0.0094061182730752167
+leaf_weight=65 46 51 53 46
+leaf_count=65 46 51 53 46
+internal_value=0 0.0834876 -0.0668593 -0.185334
+internal_weight=0 116 145 92
+internal_count=261 116 145 92
+shrinkage=0.02
+
+
+Tree=1579
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 1 7
+split_gain=1.44076 5.13817 7.5446 16.2532 6.97541
+threshold=75.500000000000014 41.500000000000007 7.5000000000000009 8.5000000000000018 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0070352278142489025 0.0035128739030693785 -0.0069644646097135757 0.0027307150283077041 0.01159735182957837 -0.0086566335687498202
+leaf_weight=41 40 39 48 54 39
+leaf_count=41 40 39 48 54 39
+internal_value=0 -0.031872 0.040878 0.148905 -0.118381
+internal_weight=0 221 180 141 87
+internal_count=261 221 180 141 87
+shrinkage=0.02
+
+
+Tree=1580
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.48351 4.65807 13.0548 4.44761
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0031151947933255688 0.0037156794256391445 -0.012968117391243901 0.0039410632686606205 -0.0035298139221004617
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0369876 -0.136482 -0.404566
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1581
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.48523 7.53096 3.31475 7.50939
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0028131325334706707 0.0029345384574079292 0.0074568026527304324 0.0035416406114886223 -0.0078723476943982438
+leaf_weight=65 45 51 40 60
+leaf_count=65 45 51 40 60
+internal_value=0 0.084849 -0.0679392 -0.161717
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=1582
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=1.48415 7.22947 5.30967 5.96252
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0050267342623255343 -0.008705314716506804 0.0019882804014753237 0.0072485827751300278 -0.0047371878426405939
+leaf_weight=40 39 72 43 67
+leaf_count=40 39 72 43 67
+internal_value=0 -0.0882422 0.0652677 -0.0539376
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1583
+num_leaves=5
+num_cat=0
+split_feature=7 9 8 6
+split_gain=1.49497 6.63115 6.11061 3.80685
+threshold=57.500000000000007 63.500000000000007 71.500000000000014 46.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0016679699276273775 -0.006545085006202561 -0.0025524157714298251 0.0073887036800622573 0.0060913283051576674
+leaf_weight=55 59 55 45 47
+leaf_count=55 59 55 45 47
+internal_value=0 -0.0610331 0.0957566 0.095064
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1584
+num_leaves=6
+num_cat=0
+split_feature=3 2 6 5 9
+split_gain=1.48369 3.75413 6.74269 5.78619 3.01148
+threshold=68.500000000000014 10.500000000000002 47.500000000000007 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -2
+right_child=4 2 3 -5 -6
+leaf_value=0.0054951672960442685 -0.0060794745602252452 0.0051779734342498893 -0.009766469590825156 0.00092145298580662428 0.0016920773233023633
+leaf_weight=53 41 47 40 41 39
+leaf_count=53 41 47 40 41 39
+internal_value=0 0.0504383 -0.0422313 -0.217527 -0.114134
+internal_weight=0 181 128 81 80
+internal_count=261 181 128 81 80
+shrinkage=0.02
+
+
+Tree=1585
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 3
+split_gain=1.43799 7.45885 3.44173 6.01615
+threshold=13.500000000000002 65.500000000000014 55.150000000000006 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0028181180413294287 -0.0050676299748897806 0.0074026780741098513 0.0060449389367820822 -0.0045855280368688744
+leaf_weight=65 59 51 47 39
+leaf_count=65 59 51 47 39
+internal_value=0 0.0835185 -0.0668526 0.0607521
+internal_weight=0 116 145 86
+internal_count=261 116 145 86
+shrinkage=0.02
+
+
+Tree=1586
+num_leaves=5
+num_cat=0
+split_feature=7 2 4 6
+split_gain=1.4915 6.19407 9.59208 3.77992
+threshold=57.500000000000007 9.5000000000000018 66.500000000000014 46.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0016574899446126529 -0.0074128823665105936 -0.0056004860128519617 0.0062234354224853855 0.0060744141079271735
+leaf_weight=55 46 47 66 47
+leaf_count=55 46 47 66 47
+internal_value=0 -0.0609618 0.0649012 0.0949567
+internal_weight=0 159 113 102
+internal_count=261 159 113 102
+shrinkage=0.02
+
+
+Tree=1587
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=1.52603 6.8859 5.34433 5.69575
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0048991551365873479 -0.0085631496560887848 0.0018736751158624182 0.0072859297505603032 -0.0046444656814870538
+leaf_weight=40 39 72 43 67
+leaf_count=40 39 72 43 67
+internal_value=0 -0.08946 0.0661724 -0.0534207
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1588
+num_leaves=5
+num_cat=0
+split_feature=2 3 9 5
+split_gain=1.5201 4.24925 6.07755 7.67884
+threshold=6.5000000000000009 54.500000000000007 72.500000000000014 59.350000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0031531248807264273 0.0041545297949242685 -0.00031480793192230572 0.0028916962597062717 -0.011368376124259678
+leaf_weight=50 53 56 56 46
+leaf_count=50 53 56 56 46
+internal_value=0 -0.0374222 -0.119964 -0.265598
+internal_weight=0 211 158 102
+internal_count=261 211 158 102
+shrinkage=0.02
+
+
+Tree=1589
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 3
+split_gain=1.48084 7.47756 3.31246 5.85117
+threshold=13.500000000000002 65.500000000000014 55.150000000000006 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0027993364371067374 -0.0050167357714744889 0.0074341929737943161 0.0059109285077472299 -0.004573368094356157
+leaf_weight=65 59 51 47 39
+leaf_count=65 59 51 47 39
+internal_value=0 0.0847383 -0.0678268 0.0573637
+internal_weight=0 116 145 86
+internal_count=261 116 145 86
+shrinkage=0.02
+
+
+Tree=1590
+num_leaves=5
+num_cat=0
+split_feature=7 9 8 7
+split_gain=1.49435 6.21818 5.92769 3.64344
+threshold=57.500000000000007 63.500000000000007 71.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0028022316449452197 -0.0063768648060925706 -0.00258396222778862 0.0072078274822245693 0.0049478746929740268
+leaf_weight=40 59 55 45 62
+leaf_count=40 59 55 45 62
+internal_value=0 -0.0610182 0.0908154 0.0950471
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1591
+num_leaves=5
+num_cat=0
+split_feature=5 2 2 3
+split_gain=1.53401 3.5865 4.71631 2.71892
+threshold=68.250000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00036515387376312219 -0.0024523039465332319 -0.004745482521959634 0.0038985382332138874 0.0077888686482216109
+leaf_weight=39 74 66 41 41
+leaf_count=39 74 66 41 41
+internal_value=0 0.0485204 -0.0712716 0.209164
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1592
+num_leaves=5
+num_cat=0
+split_feature=8 2 8 4
+split_gain=1.47741 6.94469 4.46056 3.92386
+threshold=62.500000000000007 10.500000000000002 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0032988429323834085 -0.0085635113057835142 0.0019177603304791392 0.0059101475619533408 -0.0048615407727249501
+leaf_weight=42 39 72 54 54
+leaf_count=42 39 72 54 54
+internal_value=0 -0.0880361 0.0651298 -0.0641622
+internal_weight=0 111 150 96
+internal_count=261 111 150 96
+shrinkage=0.02
+
+
+Tree=1593
+num_leaves=5
+num_cat=0
+split_feature=7 9 9 6
+split_gain=1.45555 6.08553 4.53612 3.60464
+threshold=57.500000000000007 63.500000000000007 77.500000000000014 46.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0015968155354093637 -0.0063059552643269651 0.0054347586503984682 -0.0032020266931074544 0.0059544037703590106
+leaf_weight=55 59 58 42 47
+leaf_count=55 59 58 42 47
+internal_value=0 -0.0602268 0.0899806 0.0938264
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1594
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.42854 4.43677 12.48 4.17906
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0030580050875165872 0.0036228272459447272 -0.012639088131885929 0.0038541115557742564 -0.0034873366089538185
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0362906 -0.133407 -0.395536
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1595
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 7
+split_gain=1.43908 7.50888 3.34271 6.02852
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.002832456752818192 -0.0046218761536198603 0.0074224967264559542 -0.0051212676410731873 0.005896349656673636
+leaf_weight=65 40 51 57 48
+leaf_count=65 40 51 57 48
+internal_value=0 0.0835526 -0.0668752 0.055319
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1596
+num_leaves=5
+num_cat=0
+split_feature=7 2 4 2
+split_gain=1.46059 5.95086 9.40133 3.51968
+threshold=57.500000000000007 9.5000000000000018 66.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0058310611891677086 -0.0072779132618235485 -0.0055689199131107999 0.0061371134264631179 -0.0016208988541659001
+leaf_weight=48 46 47 66 54
+leaf_count=48 46 47 66 54
+internal_value=0 -0.060333 0.0630362 0.0939831
+internal_weight=0 159 113 102
+internal_count=261 159 113 102
+shrinkage=0.02
+
+
+Tree=1597
+num_leaves=5
+num_cat=0
+split_feature=5 2 2 3
+split_gain=1.47245 3.46458 4.4559 2.76981
+threshold=68.250000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00025643208973054419 -0.0024032367724662247 -0.004631505313828257 0.0037713113424985229 0.0077477634522001735
+leaf_weight=39 74 66 41 41
+leaf_count=39 74 66 41 41
+internal_value=0 0.04755 -0.0701951 0.205457
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1598
+num_leaves=6
+num_cat=0
+split_feature=3 1 7 9 9
+split_gain=1.45277 3.49546 9.2433 6.29456 2.73608
+threshold=68.500000000000014 8.5000000000000018 58.500000000000007 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -3 -2
+right_child=4 3 -4 -5 -6
+leaf_value=-0.0014893017707489379 -0.0058791212150874671 0.003753760375725146 0.010960530770934666 -0.0073433933731766191 0.001530106178720131
+leaf_weight=59 41 39 40 43 39
+leaf_count=59 41 39 40 43 39
+internal_value=0 0.049924 0.176852 -0.102852 -0.112948
+internal_weight=0 181 99 82 80
+internal_count=261 181 99 82 80
+shrinkage=0.02
+
+
+Tree=1599
+num_leaves=5
+num_cat=0
+split_feature=7 9 8 7
+split_gain=1.428 5.83299 5.89016 3.41715
+threshold=57.500000000000007 63.500000000000007 71.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0026962818493934115 -0.0061881020044097859 -0.0026384082106988057 0.0071225950735515154 0.0048103319066713952
+leaf_weight=40 59 55 45 62
+leaf_count=40 59 55 45 62
+internal_value=0 -0.0596633 0.0873979 0.0929447
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1600
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=1.46325 3.44228 5.05911 2.40077
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00079502039251839161 -0.0023957583640966244 0.0060796739952332611 -0.0066661126158572784 0.0052865308368446719
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0474058 -0.0244841 0.0878477
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=1601
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 4
+split_gain=1.44196 6.08378 16.9279 9.46033
+threshold=75.500000000000014 6.5000000000000009 58.20000000000001 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0019433756654228009 -0.0033676067031340445 0.0023860089491199942 0.014357686782377095 -0.0095832129135575862
+leaf_weight=70 43 62 40 46
+leaf_count=70 43 62 40 46
+internal_value=0 0.0332327 0.199119 -0.135375
+internal_weight=0 218 110 108
+internal_count=261 218 110 108
+shrinkage=0.02
+
+
+Tree=1602
+num_leaves=4
+num_cat=0
+split_feature=2 2 6
+split_gain=1.39959 5.5516 3.15176
+threshold=13.500000000000002 7.5000000000000009 56.500000000000007
+decision_type=2 2 2
+left_child=1 -1 -2
+right_child=2 -3 -4
+leaf_value=-0.0027241258289833702 0.0015298463903001295 0.0060321599372220123 -0.0043821347362052298
+leaf_weight=58 75 58 70
+leaf_count=58 75 58 70
+internal_value=0 0.0824061 -0.0659718
+internal_weight=0 116 145
+internal_count=261 116 145
+shrinkage=0.02
+
+
+Tree=1603
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=1.43665 4.33323 9.97155 20.7513
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.003066448194968241 0.014294661385076369 -0.0048488251904390553 -0.0054905771866884476 -0.0051960996406941696
+leaf_weight=50 48 69 54 40
+leaf_count=50 48 69 54 40
+internal_value=0 -0.0363972 0.0635114 0.271453
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=1604
+num_leaves=6
+num_cat=0
+split_feature=5 4 9 6 4
+split_gain=1.42517 7.21 4.75332 4.44995 4.25654
+threshold=67.050000000000011 64.500000000000014 58.500000000000007 70.500000000000014 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -2 -1
+right_child=3 -3 -4 -5 -6
+leaf_value=5.1677459088812281e-05 0.0071065425906365635 -0.0083796115161904119 -0.0046153952539086133 -0.0021769065893586328 0.0085925275926313893
+leaf_weight=57 39 41 40 44 40
+leaf_count=57 39 41 40 44 40
+internal_value=0 -0.0508333 0.059208 0.108894 0.179279
+internal_weight=0 178 137 83 97
+internal_count=261 178 137 83 97
+shrinkage=0.02
+
+
+Tree=1605
+num_leaves=6
+num_cat=0
+split_feature=4 1 7 3 9
+split_gain=1.3935 8.85182 10.7725 19.9616 4.56214
+threshold=50.500000000000007 7.5000000000000009 58.500000000000007 68.500000000000014 63.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -3
+right_child=1 4 3 -5 -6
+leaf_value=0.0033572766025062972 -0.012118246816747393 2.980726749021887e-05 0.010581502008533313 -0.0083682409015177067 0.00929867378190357
+leaf_weight=42 43 46 40 50 40
+leaf_count=42 43 46 40 50 40
+internal_value=0 -0.0322634 -0.194232 0.00233317 0.217713
+internal_weight=0 219 133 90 86
+internal_count=261 219 133 90 86
+shrinkage=0.02
+
+
+Tree=1606
+num_leaves=5
+num_cat=0
+split_feature=4 9 2 9
+split_gain=1.41296 5.35911 7.32682 6.98782
+threshold=75.500000000000014 41.500000000000007 7.5000000000000009 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0071644278854269576 0.003479581488496739 -0.0068141538301963837 0.0070485866444884573 -0.001895883162326405
+leaf_weight=41 40 39 77 64
+leaf_count=41 40 39 77 64
+internal_value=0 -0.0315526 0.0427435 0.149204
+internal_weight=0 221 180 141
+internal_count=261 221 180 141
+shrinkage=0.02
+
+
+Tree=1607
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 2
+split_gain=1.50986 4.3009 26.2373 26.3803
+threshold=6.5000000000000009 54.500000000000007 7.5000000000000009 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0031426034556169438 0.0041866169304402515 -0.020877208284004755 0.0075932428065468285 0.00032716431005854195
+leaf_weight=50 53 42 63 53
+leaf_count=50 53 42 63 53
+internal_value=0 -0.0372985 -0.120338 -0.452373
+internal_weight=0 211 158 95
+internal_count=261 211 158 95
+shrinkage=0.02
+
+
+Tree=1608
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.44921 4.34159 12.183 4.32901
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0030798391932638338 0.0035709974922568115 -0.012643603063587767 0.0037918060154194517 -0.0033320468725091578
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0365441 -0.132619 -0.391615
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1609
+num_leaves=6
+num_cat=0
+split_feature=4 9 1 8 5
+split_gain=1.38086 5.15892 6.84365 6.56506 4.09253
+threshold=75.500000000000014 41.500000000000007 6.5000000000000009 62.500000000000007 58.20000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0070345099559332705 0.0034404979070166504 -0.0065112250958989102 0.010562713706269525 -0.00042689191553157312 0.0019944972249898332
+leaf_weight=41 40 54 42 45 39
+leaf_count=41 40 54 42 45 39
+internal_value=0 -0.0311917 0.041705 0.243674 -0.146845
+internal_weight=0 221 180 87 93
+internal_count=261 221 180 87 93
+shrinkage=0.02
+
+
+Tree=1610
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.45994 7.38654 3.30571 8.2736
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0027836321015784009 -0.0045082423423862721 0.007387565672105835 -0.0051097899609571255 0.0078095465202357725
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0841527 -0.0673462 0.0541713
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1611
+num_leaves=5
+num_cat=0
+split_feature=7 3 2 7
+split_gain=1.43602 6.01086 5.71171 3.42842
+threshold=57.500000000000007 66.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0026985507357297528 -0.0061991388145452809 -0.0038785105555458666 0.0058781793952214032 0.004820367730103658
+leaf_weight=40 60 41 58 62
+leaf_count=40 60 41 58 62
+internal_value=0 -0.0598249 0.0914785 0.0932053
+internal_weight=0 159 99 102
+internal_count=261 159 99 102
+shrinkage=0.02
+
+
+Tree=1612
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.44042 7.14539 3.25134 7.97041
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0027214045428507927 -0.0044161023807446284 0.0072827216519496208 -0.0050701173020888069 0.0076743584890629794
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0835904 -0.0669064 0.0536105
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1613
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 3
+split_gain=1.48512 4.86462 9.56199 2.93511
+threshold=55.500000000000007 64.500000000000014 71.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0061404807346849511 0.0034014370462472536 -0.0096313142389560652 0.002381419729357698 -0.00098955405588881259
+leaf_weight=40 60 54 52 55
+leaf_count=40 60 54 52 55
+internal_value=0 -0.0574578 -0.186653 0.100323
+internal_weight=0 166 106 95
+internal_count=261 166 106 95
+shrinkage=0.02
+
+
+Tree=1614
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=1.42528 7.42923 5.97935 4.00855
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.001687766261102566 -0.0020005729225180879 -0.0058505628831444188 0.0082368204732929592 0.0065914005278613023
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0563006 0.133352 0.098312
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=1615
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.39777 4.2384 11.9325 4.16248
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0030253791825748002 0.003532598127336323 -0.01246183483198472 0.003760916368558658 -0.00332920126076801
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0359015 -0.130835 -0.387161
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1616
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 3
+split_gain=1.42746 7.07237 3.27231 7.50512
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0027063130766161359 0.0024060469786040387 0.0072466840762342288 0.0035369922673282764 -0.0082994417308007648
+leaf_weight=65 50 51 40 55
+leaf_count=65 50 51 40 55
+internal_value=0 0.0832206 -0.0666065 -0.159788
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=1617
+num_leaves=5
+num_cat=0
+split_feature=5 2 2 3
+split_gain=1.44223 3.62844 4.13331 2.66472
+threshold=68.250000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00039258643000791648 -0.002378553978679344 -0.0045773301068459419 0.0035164297123387229 0.0077429285968397847
+leaf_weight=39 74 66 41 41
+leaf_count=39 74 66 41 41
+internal_value=0 0.0470776 -0.073412 0.208655
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1618
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 2
+split_gain=1.45019 8.50684 8.99238 4.81614
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0028063337910045998 0.007832666047710846 0.0088222605121767612 -0.006682888623717782 -0.0013992055436125204
+leaf_weight=58 42 42 70 49
+leaf_count=58 42 42 70 49
+internal_value=0 0.0401201 -0.0643847 0.142781
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=1619
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=1.42361 7.39938 5.84722 3.94591
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0016601303687579937 -0.0019555573805866066 -0.0058402938827966837 0.0081683150048929756 0.0065543101187498769
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0562607 0.133011 0.0982627
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=1620
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 4
+split_gain=1.39796 7.68992 10.1758 3.71793
+threshold=72.700000000000003 71.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0022545355353810288 -0.0031843839360177449 -0.0071078049042290481 0.0088680352607606195 -0.005129507790068509
+leaf_weight=59 46 41 64 51
+leaf_count=59 46 41 64 51
+internal_value=0 0.034098 0.12621 -0.0581396
+internal_weight=0 215 174 110
+internal_count=261 215 174 110
+shrinkage=0.02
+
+
+Tree=1621
+num_leaves=5
+num_cat=0
+split_feature=2 7 3 1
+split_gain=1.39554 8.4576 8.89145 9.56222
+threshold=7.5000000000000009 73.500000000000014 54.500000000000007 8.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0027538218429921232 0.0057018971026527067 0.0087839083873321698 -0.0090423907222587901 0.0030563915348234328
+leaf_weight=58 50 42 69 42
+leaf_count=58 50 42 69 42
+internal_value=0 0.0393602 -0.0648419 -0.222911
+internal_weight=0 203 161 111
+internal_count=261 203 161 111
+shrinkage=0.02
+
+
+Tree=1622
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 3
+split_gain=1.43084 7.30428 10.2863 9.59343 6.68408
+threshold=72.700000000000003 71.500000000000014 64.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0026047028018436379 -0.0032210730712610956 -0.0069024398218316997 0.011385207249245384 0.0081760620210812717 -0.0081381554978784496
+leaf_weight=40 46 41 40 39 55
+leaf_count=40 46 41 40 39 55
+internal_value=0 0.0344918 0.124274 -0.00848774 -0.180392
+internal_weight=0 215 174 134 95
+internal_count=261 215 174 134 95
+shrinkage=0.02
+
+
+Tree=1623
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=1.38013 7.05558 5.75131 3.86397
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0016521836275072317 -0.0019893998933934822 -0.0057127361729252249 0.0080514423923918037 0.0064768991356886907
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0554066 0.129421 0.0967717
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=1624
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 1 7
+split_gain=1.43177 4.83876 7.29245 15.5958 6.44473
+threshold=75.500000000000014 41.500000000000007 7.5000000000000009 8.5000000000000018 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0068443496331902706 0.0035025233304021605 -0.0068741519302739987 0.0025654783131973595 0.01134477645009949 -0.0083809603513095715
+leaf_weight=41 40 39 48 54 39
+leaf_count=41 40 39 48 54 39
+internal_value=0 -0.0317501 0.0388508 0.145066 -0.116758
+internal_weight=0 221 180 141 87
+internal_count=261 221 180 141 87
+shrinkage=0.02
+
+
+Tree=1625
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 9
+split_gain=1.43997 6.56395 15.9553 7.5707
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0036162117986433123 0.0024219876548462215 0.0042040754431551175 -0.012401070297359587 0.0077047095847246677
+leaf_weight=42 72 43 50 54
+leaf_count=42 72 43 50 54
+internal_value=0 -0.0461714 -0.235872 0.137223
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1626
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 3
+split_gain=1.45336 7.12748 3.36161 5.23662
+threshold=13.500000000000002 65.500000000000014 55.150000000000006 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0027083158141065901 -0.0050309744906623256 0.0072832725878818781 0.0056860635826130289 -0.004233820223735061
+leaf_weight=65 59 51 47 39
+leaf_count=65 59 51 47 39
+internal_value=0 0.0839694 -0.0671924 0.0589216
+internal_weight=0 116 145 86
+internal_count=261 116 145 86
+shrinkage=0.02
+
+
+Tree=1627
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.41857 4.30114 11.5945 4.06674
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0030476231989697206 0.0035587221716788398 -0.012353715007952603 0.003650936748788382 -0.0033255722807795131
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0361572 -0.131786 -0.384462
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1628
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 3
+split_gain=1.42497 6.88079 3.286 7.21886
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0026480457742028805 0.0022956018753101277 0.0071694922243542751 0.0035484048870694528 -0.0082039810850504675
+leaf_weight=65 50 51 40 55
+leaf_count=65 50 51 40 55
+internal_value=0 0.0831557 -0.066543 -0.159918
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=1629
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=1.46389 6.92398 5.50501 3.72568
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0015303269320116534 -0.0019576031415732007 -0.0057022866124290528 0.0078664842275059203 0.0064522555553703431
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.057037 0.126059 0.0996276
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=1630
+num_leaves=5
+num_cat=0
+split_feature=7 9 8 2
+split_gain=1.44988 6.27137 5.70712 3.63282
+threshold=57.500000000000007 63.500000000000007 71.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0058871919755531946 -0.0063805024653536963 -0.002470072195494004 0.0071381354324035274 -0.0016831733063979489
+leaf_weight=48 59 55 45 54
+leaf_count=48 59 55 45 54
+internal_value=0 -0.0601017 0.0923798 0.0936554
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1631
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 6
+split_gain=1.42308 7.02962 4.39528 8.05684
+threshold=62.500000000000007 10.500000000000002 10.500000000000002 47.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=0.0064356790660408079 -0.0085725094859543365 0.001972617751039876 0.0051275100709527377 -0.0060612166407272494
+leaf_weight=46 39 72 47 57
+leaf_count=46 39 72 47 57
+internal_value=0 -0.0864146 0.0639468 -0.0498519
+internal_weight=0 111 150 104
+internal_count=261 111 150 104
+shrinkage=0.02
+
+
+Tree=1632
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 1 7
+split_gain=1.42203 4.64785 7.2355 15.4659 6.35205
+threshold=75.500000000000014 41.500000000000007 7.5000000000000009 8.5000000000000018 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0067189481074243539 0.003490820288628392 -0.0068702089314646728 0.0025178289270857308 0.011275466985219241 -0.0083497241192044651
+leaf_weight=41 40 39 48 54 39
+leaf_count=41 40 39 48 54 39
+internal_value=0 -0.0316401 0.0375559 0.143359 -0.117372
+internal_weight=0 221 180 141 87
+internal_count=261 221 180 141 87
+shrinkage=0.02
+
+
+Tree=1633
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 1
+split_gain=1.40254 4.90657 6.23262 3.31093
+threshold=55.500000000000007 63.500000000000007 71.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0019822710939619583 -0.0058804136474714906 -0.0026380207851373302 0.0070805555444838136 0.0055045143929883964
+leaf_weight=45 57 64 45 50
+leaf_count=45 57 64 45 50
+internal_value=0 -0.0558477 0.0684435 0.097544
+internal_weight=0 166 109 95
+internal_count=261 166 109 95
+shrinkage=0.02
+
+
+Tree=1634
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 3
+split_gain=1.39884 3.54745 4.0629 2.47856
+threshold=68.250000000000014 13.500000000000002 55.150000000000006 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00047469824184488392 -0.0023429615902738955 -0.0049815138939857005 0.0028632350133614556 0.0075671762107554687
+leaf_weight=39 74 59 48 41
+leaf_count=39 74 59 48 41
+internal_value=0 0.0463752 -0.0727666 0.206151
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1635
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=1.37662 6.7655 4.96125 6.0077
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0050821795177513271 -0.0084150177346972027 0.0019305709375328807 0.0070040167577863988 -0.0047186639607708063
+leaf_weight=40 39 72 43 67
+leaf_count=40 39 72 43 67
+internal_value=0 -0.0850088 0.0629124 -0.0523199
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1636
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.40949 4.41041 11.1304 4.02843
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.003038160318781426 0.0036150544065543001 -0.012251228818296624 0.0035022931843102945 -0.0032656735691855348
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0360346 -0.132864 -0.380438
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1637
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.41867 7.20018 3.19014 7.70995
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0027503782351830054 -0.004338120298472913 0.0072919905542545372 -0.0050247250046938094 0.0075535860353495559
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0829822 -0.0663894 0.0529912
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1638
+num_leaves=5
+num_cat=0
+split_feature=7 9 6 6
+split_gain=1.41102 6.02863 4.31205 3.55133
+threshold=57.500000000000007 63.500000000000007 69.500000000000014 46.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0015993813160804866 -0.0062635905201390285 -0.0016550564618608725 0.0067957961963299634 0.0058960949463363402
+leaf_weight=55 59 59 41 47
+leaf_count=55 59 59 41 47
+internal_value=0 -0.0592981 0.0902064 0.0924127
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1639
+num_leaves=5
+num_cat=0
+split_feature=9 9 1 1
+split_gain=1.4075 4.60121 6.0155 3.34468
+threshold=55.500000000000007 63.500000000000007 7.5000000000000009 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0019987763862768428 -0.0057323301458851728 -0.0023567797073064728 0.0073474893672697906 0.0055259052940964436
+leaf_weight=45 57 68 41 50
+leaf_count=45 57 68 41 50
+internal_value=0 -0.0559429 0.0644244 0.097716
+internal_weight=0 166 109 95
+internal_count=261 166 109 95
+shrinkage=0.02
+
+
+Tree=1640
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 4
+split_gain=1.41162 7.21415 9.99567 9.23025 9.07764
+threshold=72.700000000000003 71.500000000000014 64.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0032696512577454562 -0.0031996377066120631 -0.0068601029271013634 0.011243177346377592 0.008038982642690087 -0.0091471604809675831
+leaf_weight=43 46 41 40 39 52
+leaf_count=43 46 41 40 39 52
+internal_value=0 0.0342642 0.123493 -0.00737887 -0.176012
+internal_weight=0 215 174 134 95
+internal_count=261 215 174 134 95
+shrinkage=0.02
+
+
+Tree=1641
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=1.39334 6.76652 5.48028 3.664
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0015491011793249091 -0.0019619449060347019 -0.0056229113998949995 0.0078401339702336512 0.0063675263117966077
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.055666 0.125339 0.0972289
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=1642
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=1.41377 12.395 15.2858 7.66854
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0017643647802119775 0.0033133353925811028 -0.0069651514494375602 0.012957622582883967 -0.0080832902584009395
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.0560582 0.240934 -0.0979376
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1643
+num_leaves=6
+num_cat=0
+split_feature=5 4 9 7 4
+split_gain=1.38527 7.1514 4.78448 5.19581 3.00147
+threshold=67.050000000000011 64.500000000000014 58.500000000000007 51.500000000000007 73.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0013709941667068393 0.0060095786015608096 -0.0083353189737627852 -0.0046288485248278648 0.0079111151918926283 -0.0016065570511612779
+leaf_weight=45 41 41 40 52 42
+leaf_count=45 41 41 40 52 42
+internal_value=0 -0.0501119 0.0594817 0.179943 0.107395
+internal_weight=0 178 137 97 83
+internal_count=261 178 137 97 83
+shrinkage=0.02
+
+
+Tree=1644
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 5
+split_gain=1.37297 6.40159 15.1024 7.37907
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0018612590609749886 0.0023656176661459244 0.0040305938722363811 -0.012124870444002719 0.0094279403194674517
+leaf_weight=57 72 43 50 39
+leaf_count=57 72 43 50 39
+internal_value=0 -0.0451068 -0.232457 0.136009
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1645
+num_leaves=5
+num_cat=0
+split_feature=4 9 2 9
+split_gain=1.43463 4.79052 7.03881 6.31234
+threshold=75.500000000000014 41.500000000000007 7.5000000000000009 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0068141566834561962 0.0035058804612401301 -0.0067479297474106782 0.0067201925358822403 -0.0017818587186724643
+leaf_weight=41 40 39 77 64
+leaf_count=41 40 39 77 64
+internal_value=0 -0.0317857 0.0384628 0.142823
+internal_weight=0 221 180 141
+internal_count=261 221 180 141
+shrinkage=0.02
+
+
+Tree=1646
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 3
+split_gain=1.44088 6.96306 3.28746 5.0881
+threshold=13.500000000000002 65.500000000000014 55.150000000000006 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0026647769260034599 -0.0049848350114137857 0.007211136314554739 0.0055996448348630693 -0.0041790530862849734
+leaf_weight=65 59 51 47 39
+leaf_count=65 59 51 47 39
+internal_value=0 0.0836029 -0.0669175 0.0578016
+internal_weight=0 116 145 86
+internal_count=261 116 145 86
+shrinkage=0.02
+
+
+Tree=1647
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.42265 7.60167 16.2062 11.7984
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0033918243718169946 -0.0099359811449889167 0.011892953071429051 -0.0055359864332561824 0.0019918090032752002
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.0325891 0.199088 -0.182722
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=1648
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 1 7
+split_gain=1.38861 4.51302 6.83164 14.9217 6.07235
+threshold=75.500000000000014 41.500000000000007 7.5000000000000009 8.5000000000000018 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0066232649142039159 0.0034499233879292136 -0.0066679052969177179 0.0024294743997678205 0.011053818245129861 -0.0081966254089932515
+leaf_weight=41 40 39 48 54 39
+leaf_count=41 40 39 48 54 39
+internal_value=0 -0.0312819 0.0369044 0.139726 -0.116376
+internal_weight=0 221 180 141 87
+internal_count=261 221 180 141 87
+shrinkage=0.02
+
+
+Tree=1649
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.48648 4.35515 11.2618 3.94909
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0031185880876098827 0.0035684007420890879 -0.012242346334127872 0.0035312075009997479 -0.0033441226715312765
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0370077 -0.133231 -0.38226
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1650
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 3
+split_gain=1.47317 6.69747 3.32055 6.96741
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0025628778633615917 0.0021672428918499088 0.0071231896287282208 0.0035516993936113152 -0.0081480247462014446
+leaf_weight=65 50 51 40 55
+leaf_count=65 50 51 40 55
+internal_value=0 0.0845244 -0.0676505 -0.16151
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=1651
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.41377 6.43193 3.18842 6.88881
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0025116755000746567 0.002743077047627121 0.0069809213032081966 0.0034807899124252844 -0.0076083365160632653
+leaf_weight=65 45 51 40 60
+leaf_count=65 45 51 40 60
+internal_value=0 0.0828297 -0.0662877 -0.158277
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=1652
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=1.53189 3.26852 4.72736 2.21828
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00071260231602723921 -0.0024503122309135561 0.0059710845713317039 -0.0064026230061057293 0.005134657524180619
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0485032 -0.0215522 0.0870402
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=1653
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=1.51763 6.96564 4.77036 6.0012
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0051856475155163742 -0.0085969979984393541 0.0018999833619940279 0.0069545729024132917 -0.0046102238372823642
+leaf_weight=40 39 72 43 67
+leaf_count=40 39 72 43 67
+internal_value=0 -0.0892018 0.0660074 -0.0469874
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1654
+num_leaves=5
+num_cat=0
+split_feature=7 9 8 2
+split_gain=1.52428 5.98018 5.30639 3.70523
+threshold=57.500000000000007 63.500000000000007 71.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0059734928689777721 -0.006289246139720912 -0.002417545975694125 0.0068483067362912087 -0.0016715232522778224
+leaf_weight=48 59 55 45 54
+leaf_count=48 59 55 45 54
+internal_value=0 -0.061604 0.0872984 0.0959961
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1655
+num_leaves=5
+num_cat=0
+split_feature=5 2 2 3
+split_gain=1.49039 3.59963 4.05209 2.30978
+threshold=68.250000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00065106982121633571 -0.0024173597289661466 -0.0045218595633695156 0.003492352556131575 0.0075021274592106096
+leaf_weight=39 74 66 41 41
+leaf_count=39 74 66 41 41
+internal_value=0 0.0478488 -0.0721623 0.208786
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1656
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.49068 7.34378 15.3142 11.4048
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0034712055069067885 -0.0097941637162750582 0.011578518974871577 -0.005364311013283986 0.0019331778230554152
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.0333325 0.194387 -0.180905
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=1657
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 3
+split_gain=1.46048 7.05698 9.51727 9.27128 6.72193
+threshold=72.700000000000003 71.500000000000014 64.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0027580852326473332 -0.0032536428800329408 -0.0067658794852164597 0.011023247694475324 0.0081128705224479472 -0.0080154053450972856
+leaf_weight=40 46 41 40 39 55
+leaf_count=40 46 41 40 39 55
+internal_value=0 0.0348502 0.123106 -0.00459538 -0.173605
+internal_weight=0 215 174 134 95
+internal_count=261 215 174 134 95
+shrinkage=0.02
+
+
+Tree=1658
+num_leaves=5
+num_cat=0
+split_feature=7 9 8 6
+split_gain=1.42741 5.90396 5.12133 3.50576
+threshold=57.500000000000007 63.500000000000007 71.500000000000014 45.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0025704530930615445 -0.0062176997139507572 -0.0023239561278438621 0.0067792444911398807 0.0049720815957753498
+leaf_weight=42 59 55 45 60
+leaf_count=42 59 55 45 60
+internal_value=0 -0.0596339 0.0883183 0.0929431
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1659
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 1
+split_gain=1.48507 6.78376 9.48831 3.02274
+threshold=72.700000000000003 71.500000000000014 58.500000000000007 2.5000000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030921037916279131 -0.0032805993563703997 -0.0066145435678776031 0.0085597646848560426 -0.0037448661771660534
+leaf_weight=42 46 41 64 68
+leaf_count=42 46 41 64 68
+internal_value=0 0.0351366 0.121674 -0.0563406
+internal_weight=0 215 174 110
+internal_count=261 215 174 110
+shrinkage=0.02
+
+
+Tree=1660
+num_leaves=6
+num_cat=0
+split_feature=5 9 5 6 2
+split_gain=1.4255 6.51482 9.11425 2.2664 3.35788
+threshold=72.700000000000003 71.500000000000014 58.550000000000004 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0055280843922934347 -0.0032150871329784188 -0.0064824780266680287 0.010022091278420216 -0.0043960133982888575 -0.0022646487990027405
+leaf_weight=42 46 41 46 39 47
+leaf_count=42 46 41 46 39 47
+internal_value=0 0.0344306 0.119244 -0.0178741 0.0702647
+internal_weight=0 215 174 128 89
+internal_count=261 215 174 128 89
+shrinkage=0.02
+
+
+Tree=1661
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=1.50159 6.15453 15.3119 7.05094
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0087605021705544142 0.0024725239381837142 0.004122797818839315 -0.012144348876714851 -0.0021657608714852421
+leaf_weight=42 72 43 50 54
+leaf_count=42 72 43 50 54
+internal_value=0 -0.0471378 -0.230847 0.130453
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1662
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=1.44131 5.90989 14.8436 6.9971
+threshold=70.500000000000014 6.5000000000000009 55.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0035583705887010726 0.0024231218550660768 0.0028767076382290374 -0.013139927037127725 0.0073262897520204656
+leaf_weight=42 72 50 43 54
+leaf_count=42 72 50 43 54
+internal_value=0 -0.0461914 -0.226228 0.12784
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1663
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 2
+split_gain=1.45005 8.24845 8.3775 4.53894
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0028062040489651324 0.0075759486374490648 0.0086997705532956479 -0.0064637579188225056 -0.0013872104945142957
+leaf_weight=58 42 42 70 49
+leaf_count=58 42 42 70 49
+internal_value=0 0.0401176 -0.0627882 0.137175
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=1664
+num_leaves=6
+num_cat=0
+split_feature=2 7 3 1 4
+split_gain=1.39187 7.92155 8.12952 9.35473 7.43391
+threshold=7.5000000000000009 73.500000000000014 52.500000000000007 8.5000000000000018 62.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.002750147752180267 0.0065808098620240285 0.0085260646268707687 -0.01413341061365873 0.0036593078144304654 -0.0017437406598621542
+leaf_weight=58 40 42 39 43 39
+leaf_count=58 40 42 39 43 39
+internal_value=0 0.0393142 -0.0615325 -0.191094 -0.397797
+internal_weight=0 203 161 121 78
+internal_count=261 203 161 121 78
+shrinkage=0.02
+
+
+Tree=1665
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 8
+split_gain=1.4195 6.31806 9.41757 5.60777
+threshold=72.700000000000003 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020806450469273295 -0.0032084552603279504 -0.0065951545405699098 0.0084310669256704215 -0.0073190306415788532
+leaf_weight=73 46 39 64 39
+leaf_count=73 46 39 64 39
+internal_value=0 0.0343572 0.115368 -0.0593923
+internal_weight=0 215 176 112
+internal_count=261 215 176 112
+shrinkage=0.02
+
+
+Tree=1666
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 2
+split_gain=1.37313 6.63793 4.99948 4.6603
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0035680372702875779 -0.0083496326069286298 0.0018981621152768773 0.0070242981584658342 -0.004833024063599943
+leaf_weight=48 39 72 43 59
+leaf_count=48 39 72 43 59
+internal_value=0 -0.0849102 0.0628258 -0.0528492
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1667
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 9
+split_gain=1.48118 5.9253 14.3504 6.71599
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.003442356247841844 0.0024559377972256284 0.0039190704127268087 -0.011829315771242566 0.0072217837712703894
+leaf_weight=42 72 43 50 54
+leaf_count=42 72 43 50 54
+internal_value=0 -0.046818 -0.227087 0.127439
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1668
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=1.42172 5.68967 14.0313 6.44982
+threshold=70.500000000000014 6.5000000000000009 55.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0033736243841552896 0.0024068666255406281 0.002744965887317311 -0.012827513366695456 0.0070775353279435328
+leaf_weight=42 72 50 43 54
+leaf_count=42 72 50 43 54
+internal_value=0 -0.0458789 -0.222542 0.124885
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1669
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 6
+split_gain=1.36916 7.38138 5.18329 4.34739
+threshold=67.050000000000011 64.500000000000014 48.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0022533180886876877 0.0070075529182173878 -0.0084461084577849756 0.0055816192411841563 -0.0021687267529658782
+leaf_weight=76 39 41 61 44
+leaf_count=76 39 41 61 44
+internal_value=0 -0.0498181 0.0615232 0.106783
+internal_weight=0 178 137 83
+internal_count=261 178 137 83
+shrinkage=0.02
+
+
+Tree=1670
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.35283 4.16776 11.1372 3.87717
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0029772137146237038 0.0035088002871202727 -0.0120976536637656 0.0035722184759214475 -0.0032803562673843472
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0353196 -0.129464 -0.377118
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1671
+num_leaves=6
+num_cat=0
+split_feature=3 2 6 5 9
+split_gain=1.33633 3.55847 6.2798 5.68386 2.64743
+threshold=68.500000000000014 10.500000000000002 47.500000000000007 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -2
+right_child=4 2 3 -5 -6
+leaf_value=0.0053270899358977475 -0.0057293005693283931 0.0049663531578901547 -0.0095982834086145649 0.00099508678721545651 0.0015598322637617543
+leaf_weight=53 41 47 40 41 39
+leaf_count=53 41 47 40 41 39
+internal_value=0 0.0479207 -0.0423084 -0.211505 -0.10838
+internal_weight=0 181 128 81 80
+internal_count=261 181 128 81 80
+shrinkage=0.02
+
+
+Tree=1672
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.35044 7.92881 8.21953 4.40253
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0027093490874816571 0.0068907618615020707 0.0085181545755034088 -0.0064018606601129579 -0.0019242695876941455
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0387406 -0.0621524 0.135918
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=1673
+num_leaves=5
+num_cat=0
+split_feature=6 7 9 9
+split_gain=1.3484 5.27688 8.15712 4.65507
+threshold=48.500000000000007 59.500000000000007 61.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0022374273465098739 0.0068972940507896841 -0.0086167780908081703 0.0058203995073240608 -0.0029598137336075375
+leaf_weight=77 45 40 57 42
+leaf_count=77 45 40 57 42
+internal_value=0 0.0468402 -0.0494799 0.104396
+internal_weight=0 184 139 99
+internal_count=261 184 139 99
+shrinkage=0.02
+
+
+Tree=1674
+num_leaves=6
+num_cat=0
+split_feature=3 2 6 5 9
+split_gain=1.33224 3.44007 6.01529 5.77903 2.53358
+threshold=68.500000000000014 10.500000000000002 47.500000000000007 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -2
+right_child=4 2 3 -5 -6
+leaf_value=0.005252762805401651 -0.0056491452377150754 0.0048716285212520643 -0.0095427061419907071 0.0011391175581296053 0.0014822857932785694
+leaf_weight=53 41 47 40 41 39
+leaf_count=53 41 47 40 41 39
+internal_value=0 0.0478486 -0.0408703 -0.206484 -0.108216
+internal_weight=0 181 128 81 80
+internal_count=261 181 128 81 80
+shrinkage=0.02
+
+
+Tree=1675
+num_leaves=5
+num_cat=0
+split_feature=6 7 9 9
+split_gain=1.38858 5.18066 7.81388 4.5481
+threshold=48.500000000000007 59.500000000000007 61.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0022699937402846306 0.0068565723495708757 -0.0084237606500282176 0.005743432212036755 -0.0029356876166552015
+leaf_weight=77 45 40 57 42
+leaf_count=77 45 40 57 42
+internal_value=0 0.0475251 -0.0479136 0.102692
+internal_weight=0 184 139 99
+internal_count=261 184 139 99
+shrinkage=0.02
+
+
+Tree=1676
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=1.35134 7.63102 10.7272 15.2213
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0027102954019921485 0.0087111242126784467 0.0075638798302415612 -0.0095204853693264709 -0.0064842207351509928
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0387501 -0.0720402 0.101459
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=1677
+num_leaves=5
+num_cat=0
+split_feature=3 6 7 8
+split_gain=1.34247 4.73228 10.486 5.53227
+threshold=75.500000000000014 64.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0019715893348423779 -0.0032507282568845449 -0.0047616090377171835 0.0093251912294489547 -0.007364507782236524
+leaf_weight=73 43 50 56 39
+leaf_count=73 43 50 56 39
+internal_value=0 0.0320958 0.112809 -0.0637402
+internal_weight=0 218 168 112
+internal_count=261 218 168 112
+shrinkage=0.02
+
+
+Tree=1678
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=1.33677 3.8951 9.20695 20.0692
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0029596730613746592 0.0139082346651459 -0.0046104289598431838 -0.0053043084042513691 -0.0052598204272388972
+leaf_weight=50 48 69 54 40
+leaf_count=50 48 69 54 40
+internal_value=0 -0.0351159 0.0596199 0.259457
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=1679
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 4
+split_gain=1.3655 5.01203 4.2729 5.63083
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015932546338981333 0.002359327349878473 -0.0059273823134472223 -0.0034795382402082659 0.0087872345429653598
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0449826 0.060664 0.198045
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=1680
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 2
+split_gain=1.35945 7.44365 7.91035 4.07956
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0027185585946537488 0.0072905443647014361 0.0082803580729502932 -0.0062393642522408487 -0.0012081479534297264
+leaf_weight=58 42 42 70 49
+leaf_count=58 42 42 70 49
+internal_value=0 0.0388516 -0.058907 0.135406
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=1681
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=1.35938 5.89961 8.93138 6.56102
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0022873512801236894 -0.0031409393664629777 0.0077170463913628787 -0.0090655322514051704 0.0066063394935699784
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.0336219 -0.0443243 0.0797504
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=1682
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=1.32589 3.87766 8.87569 18.8725
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0029475943309974595 0.013570627919912637 -0.0045990846672088487 -0.0051880777126895716 -0.0050173304953835748
+leaf_weight=50 48 69 54 40
+leaf_count=50 48 69 54 40
+internal_value=0 -0.0349842 0.0595398 0.25576
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=1683
+num_leaves=5
+num_cat=0
+split_feature=2 8 7 2
+split_gain=1.32896 7.28459 9.30321 3.72909
+threshold=7.5000000000000009 69.500000000000014 59.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.002688480761163264 0.0070536531023778571 0.0074017023236684423 -0.007377031314616928 -0.0010728779724860401
+leaf_weight=58 42 50 62 49
+leaf_count=58 42 50 62 49
+internal_value=0 0.0384133 -0.0698345 0.133579
+internal_weight=0 203 153 91
+internal_count=261 203 153 91
+shrinkage=0.02
+
+
+Tree=1684
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 8
+split_gain=1.38538 6.06264 9.71346 5.53703
+threshold=72.700000000000003 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0019640110143113272 -0.0031705309475531726 -0.00645532552989084 0.0084849576263415095 -0.0073760654462827029
+leaf_weight=73 46 39 64 39
+leaf_count=73 46 39 64 39
+internal_value=0 0.0339306 0.113295 -0.0641887
+internal_weight=0 215 176 112
+internal_count=261 215 176 112
+shrinkage=0.02
+
+
+Tree=1685
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=1.44859 4.9483 6.44569 7.58968
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0028317064510241952 0.0024287429568141321 -0.0068094218824086674 0.007578523162002253 -0.0081061701909035597
+leaf_weight=60 72 44 41 44
+leaf_count=60 72 44 41 44
+internal_value=0 -0.0463266 0.0427765 -0.0895255
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=1686
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=1.39043 4.75646 13.8206 6.75137
+threshold=70.500000000000014 6.5000000000000009 55.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0037918553736732952 0.0023802153973535084 0.0030017940356318572 -0.012453837539055299 0.0069011278055843908
+leaf_weight=42 72 50 43 54
+leaf_count=42 72 50 43 54
+internal_value=0 -0.0453976 -0.206988 0.110763
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1687
+num_leaves=5
+num_cat=0
+split_feature=8 4 4 6
+split_gain=1.33937 6.64894 5.4373 4.59619
+threshold=65.500000000000014 73.500000000000014 63.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0022915870725591413 0.0073269004378785588 -0.0034880548123115709 -0.0076188318501172973 0.0053084047268842725
+leaf_weight=76 46 45 39 55
+leaf_count=76 46 45 39 55
+internal_value=0 0.0985745 -0.0528179 0.0447138
+internal_weight=0 91 170 131
+internal_count=261 91 170 131
+shrinkage=0.02
+
+
+Tree=1688
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 5 1
+split_gain=1.3875 4.73225 7.18194 8.06661 6.00236
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.400000000000006 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0067665418068190578 0.0034483537307724499 -0.0083210815698772662 -0.00032136253824028085 0.003461378541756674 0.010241463447851566
+leaf_weight=41 40 52 43 42 43
+leaf_count=41 40 52 43 42 43
+internal_value=0 -0.0312801 0.0385406 -0.152471 0.247739
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=1689
+num_leaves=5
+num_cat=0
+split_feature=5 5 6 7
+split_gain=1.41433 3.47081 3.04526 3.28099
+threshold=68.250000000000014 58.550000000000004 49.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0029632821860591878 -0.0023560448784536565 0.0051641148375321886 -0.0052106535299792488 0.0047679809291414511
+leaf_weight=40 74 55 43 49
+leaf_count=40 74 55 43 49
+internal_value=0 0.0466112 -0.0413405 0.0642338
+internal_weight=0 187 132 89
+internal_count=261 187 132 89
+shrinkage=0.02
+
+
+Tree=1690
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=1.39528 3.84383 8.57953 18.1843
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.003022482934911403 0.013323280050132337 -0.0046000423985157902 -0.0051070797929530978 -0.0049228014037410971
+leaf_weight=50 48 69 54 40
+leaf_count=50 48 69 54 40
+internal_value=0 -0.0358818 0.0582296 0.25116
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=1691
+num_leaves=6
+num_cat=0
+split_feature=2 2 9 6 1
+split_gain=1.33936 3.80027 12.4337 13.6518 8.3935
+threshold=6.5000000000000009 11.500000000000002 72.500000000000014 56.500000000000007 9.5000000000000018
+decision_type=2 2 2 2 2
+left_child=-1 -2 3 4 -3
+right_child=1 2 -4 -5 -6
+leaf_value=0.0029621181225905238 -0.0058691600139003019 0.0084648923565606368 0.0099537336430528586 -0.011793336003331639 -0.0044181308710944302
+leaf_weight=50 45 42 43 42 39
+leaf_count=50 45 42 43 42 39
+internal_value=0 -0.0351684 0.0347032 -0.127019 0.112681
+internal_weight=0 211 166 123 81
+internal_count=261 211 166 123 81
+shrinkage=0.02
+
+
+Tree=1692
+num_leaves=5
+num_cat=0
+split_feature=5 5 6 7
+split_gain=1.351 3.41145 2.92886 3.09946
+threshold=68.250000000000014 58.550000000000004 49.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0028909924174146456 -0.0023035471219193752 0.0051071211227016449 -0.005132468214908553 0.0046245668862498609
+leaf_weight=40 74 55 43 49
+leaf_count=40 74 55 43 49
+internal_value=0 0.0455656 -0.0416332 0.0619094
+internal_weight=0 187 132 89
+internal_count=261 187 132 89
+shrinkage=0.02
+
+
+Tree=1693
+num_leaves=6
+num_cat=0
+split_feature=4 9 1 2 5
+split_gain=1.34224 4.47166 7.14145 9.88295 4.36893
+threshold=75.500000000000014 41.500000000000007 6.5000000000000009 13.500000000000002 58.20000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0065858190435401885 0.0033923275531870423 -0.0068024565802278381 -0.0016356208085987346 0.011846390760707154 0.0019846206308479102
+leaf_weight=41 40 54 45 42 39
+leaf_count=41 40 54 45 42 39
+internal_value=0 -0.0307796 0.0370941 0.243402 -0.155512
+internal_weight=0 221 180 87 93
+internal_count=261 221 180 87 93
+shrinkage=0.02
+
+
+Tree=1694
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=1.39895 6.01898 5.01289 5.85029
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0049990190749665828 -0.0080489011980747673 0.0017104135753709137 0.0070431903571354041 -0.0046729094826492628
+leaf_weight=40 39 72 43 67
+leaf_count=40 39 72 43 67
+internal_value=0 -0.0857122 0.0633867 -0.052443
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1695
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=1.39439 3.92535 8.24395 17.7331
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0030215473327542437 0.013163857831202552 -0.00464053339157019 -0.0049632690720975304 -0.0048545459859651438
+leaf_weight=50 48 69 54 40
+leaf_count=50 48 69 54 40
+internal_value=0 -0.0358698 0.0592317 0.248362
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=1696
+num_leaves=5
+num_cat=0
+split_feature=7 5 4 6
+split_gain=1.34818 5.31888 5.79718 3.6552
+threshold=57.500000000000007 62.400000000000006 73.500000000000014 46.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0016909694633748845 -0.0067307417966395982 0.0052436651029809066 -0.0039883564672674445 0.0059130681840659765
+leaf_weight=55 48 63 48 47
+leaf_count=55 48 63 48 47
+internal_value=0 -0.0580088 0.062212 0.0903333
+internal_weight=0 159 111 102
+internal_count=261 159 111 102
+shrinkage=0.02
+
+
+Tree=1697
+num_leaves=4
+num_cat=0
+split_feature=8 2 6
+split_gain=1.36194 5.87065 4.38305
+threshold=62.500000000000007 10.500000000000002 48.500000000000007
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=-0.0020773149826298653 -0.0079481998782405666 0.0016904567563948958 0.0047713976447316658
+leaf_weight=77 39 72 73
+leaf_count=77 39 72 73
+internal_value=0 -0.0845885 0.0625533
+internal_weight=0 111 150
+internal_count=261 111 150
+shrinkage=0.02
+
+
+Tree=1698
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=1.37855 3.77521 7.87968 17.1395
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0030044715037740154 0.0129088670017815 -0.0045612670820563998 -0.0048587954435680104 -0.0048056090925291412
+leaf_weight=50 48 69 54 40
+leaf_count=50 48 69 54 40
+internal_value=0 -0.0356738 0.057596 0.242516
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=1699
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 9
+split_gain=1.35617 3.87112 8.83251 4.28945
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.003312446041985025 0.00099470399412133603 0.0053791861931265887 -0.010632085449973657 -0.0028523288987043894
+leaf_weight=42 72 64 41 42
+leaf_count=42 72 64 41 42
+internal_value=0 -0.0318447 -0.161038 0.105519
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=1700
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 5 5
+split_gain=1.35686 4.53306 6.90521 7.96331 4.6242
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.400000000000006 58.550000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0066297589487364205 0.0034104937756034783 -0.0082361136044751034 0.0093862917147608943 0.0034708620098160259 7.2529742262667762e-05
+leaf_weight=41 40 52 44 42 42
+leaf_count=41 40 52 44 42 42
+internal_value=0 -0.0309437 0.0373938 -0.149907 0.242538
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=1701
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 2
+split_gain=1.38676 3.72271 26.3806 28.6813
+threshold=6.5000000000000009 52.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0030134332144905619 0.0046171366009486667 -0.021533389464002135 0.008066659105425044 -4.9300213572395281e-07
+leaf_weight=50 42 40 64 65
+leaf_count=50 42 40 64 65
+internal_value=0 -0.0357704 -0.102338 -0.411
+internal_weight=0 211 169 105
+internal_count=261 211 169 105
+shrinkage=0.02
+
+
+Tree=1702
+num_leaves=6
+num_cat=0
+split_feature=4 9 1 8 5
+split_gain=1.34212 4.37843 6.98095 6.65471 4.24102
+threshold=75.500000000000014 41.500000000000007 6.5000000000000009 62.500000000000007 58.20000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0065233184431688854 0.0033923726806118211 -0.0067187950462350918 0.010535611832385565 -0.00052884835003484025 0.0019390628686914184
+leaf_weight=41 40 54 42 45 39
+leaf_count=41 40 54 42 45 39
+internal_value=0 -0.0307687 0.0363947 0.24038 -0.154038
+internal_weight=0 221 180 87 93
+internal_count=261 221 180 87 93
+shrinkage=0.02
+
+
+Tree=1703
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.40582 7.12365 3.42462 7.07606
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0027347645589766078 -0.0040200731781334003 0.0072542139521918703 -0.0051519086870813781 0.0073730844766504017
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0825888 -0.0661146 0.0575648
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1704
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 9
+split_gain=1.36589 3.58922 8.52919 4.14275
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0033243463266599284 0.0010149490286816966 0.0052196655645838624 -0.010410843107759563 -0.0028706126624511545
+leaf_weight=42 72 64 41 42
+leaf_count=42 72 64 41 42
+internal_value=0 -0.0319461 -0.156375 0.100338
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=1705
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=1.37196 6.73517 5.87859 3.79057
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0016239358385067011 -0.0021216595258741577 -0.0056043624346420748 0.0080296948285773842 0.00642784164004012
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.055259 0.125327 0.0964747
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=1706
+num_leaves=6
+num_cat=0
+split_feature=4 3 6 4 7
+split_gain=1.37407 3.82021 4.20625 5.0879 3.51931
+threshold=75.500000000000014 69.500000000000014 58.500000000000007 58.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.002156250954315906 0.0034319369388929712 -0.0061428596680548064 0.0061845497011656656 -0.0071808894286382709 0.0054149744736804138
+leaf_weight=53 40 41 42 39 46
+leaf_count=53 40 41 42 39 46
+internal_value=0 -0.031127 0.0316161 -0.0526985 0.0677479
+internal_weight=0 221 180 138 99
+internal_count=261 221 180 138 99
+shrinkage=0.02
+
+
+Tree=1707
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.38529 6.94278 3.27475 6.87444
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0026907038420469686 -0.0039909860959835702 0.0071709229167319566 -0.0050581360870095293 0.0072391788118165851
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0819914 -0.0656375 0.0553124
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1708
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=1.40856 6.44427 5.68411 3.68347
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0015482807057218765 -0.0021378051749030131 -0.0055209209050455614 0.0078447964069167202 0.0063892406140905059
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0559836 0.120664 0.0977322
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=1709
+num_leaves=5
+num_cat=0
+split_feature=9 9 1 1
+split_gain=1.3519 4.53144 5.61324 3.58286
+threshold=55.500000000000007 63.500000000000007 7.5000000000000009 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0021757458913133181 -0.0056758418221866114 -0.0022295833154538668 0.0071454405787509528 0.005611407552885396
+leaf_weight=45 57 68 41 50
+leaf_count=45 57 68 41 50
+internal_value=0 -0.0548638 0.0645895 0.0957728
+internal_weight=0 166 109 95
+internal_count=261 166 109 95
+shrinkage=0.02
+
+
+Tree=1710
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 1 7
+split_gain=1.40598 4.11284 6.60606 15.3762 5.33147
+threshold=75.500000000000014 41.500000000000007 7.5000000000000009 8.5000000000000018 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0063564765324173461 0.0034709029529259514 -0.0066108173605827908 0.0019525606371346099 0.011078788768854913 -0.0080050154276323764
+leaf_weight=41 40 39 48 54 39
+leaf_count=41 40 39 48 54 39
+internal_value=0 -0.0314858 0.0336117 0.134732 -0.125242
+internal_weight=0 221 180 141 87
+internal_count=261 221 180 141 87
+shrinkage=0.02
+
+
+Tree=1711
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 2
+split_gain=1.42132 3.67508 24.1484 27.6793
+threshold=6.5000000000000009 52.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0030501733056342312 0.0045742318401830852 -0.021032673391151641 0.0076290699033482673 9.6644889342907658e-05
+leaf_weight=50 42 40 64 65
+leaf_count=50 42 40 64 65
+internal_value=0 -0.0362103 -0.102353 -0.397683
+internal_weight=0 211 169 105
+internal_count=261 211 169 105
+shrinkage=0.02
+
+
+Tree=1712
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.47986 6.75225 3.03397 6.73113
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.002576542541765986 -0.0040715055543071449 0.0071489680733656446 -0.0049619314461471281 0.0070416613133256504
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0847084 -0.067807 0.0486216
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1713
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 3
+split_gain=1.42041 5.21419 3.03918 5.02673
+threshold=13.500000000000002 7.5000000000000009 55.150000000000006 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0025772495698668119 -0.0048359776808562897 0.0059094310794246983 0.0054866393099475474 -0.0042333843333049303
+leaf_weight=58 59 58 47 39
+leaf_count=58 59 58 47 39
+internal_value=0 0.0830102 -0.0664519 0.0534784
+internal_weight=0 116 145 86
+internal_count=261 116 145 86
+shrinkage=0.02
+
+
+Tree=1714
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.43982 7.21793 14.6802 10.9004
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.003411853861321399 -0.0096200861390405429 0.011389678751735998 -0.0051989679270032308 0.001845236453253617
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.0327874 0.192976 -0.179095
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=1715
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 1 2
+split_gain=1.41963 3.84914 6.39325 14.1337 5.11344
+threshold=75.500000000000014 41.500000000000007 7.5000000000000009 8.5000000000000018 17.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0061736241995014795 0.0034876115781159538 -0.0065380977235671538 0.0030045317224385889 0.010655542976846972 -0.0067481511786645189
+leaf_weight=41 40 39 39 54 48
+leaf_count=41 40 39 39 54 48
+internal_value=0 -0.0316293 0.0313504 0.130839 -0.118409
+internal_weight=0 221 180 141 87
+internal_count=261 221 180 141 87
+shrinkage=0.02
+
+
+Tree=1716
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.46754 3.85944 11.4232 3.68009
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0030988435485607281 0.0033211936083407164 -0.012003545610990738 0.0036922157877451894 -0.0034095894311722309
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0367787 -0.127394 -0.378204
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1717
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=1.42664 4.50477 8.27701 0.484317
+threshold=43.500000000000007 73.500000000000014 15.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0029824742849323123 -0.0050417744408043919 -0.0057271144066894045 0.0057700917616623519 -0.001817640250399499
+leaf_weight=52 41 54 75 39
+leaf_count=52 41 54 75 39
+internal_value=0 -0.037161 0.0494873 -0.174148
+internal_weight=0 209 155 80
+internal_count=261 209 155 80
+shrinkage=0.02
+
+
+Tree=1718
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 3
+split_gain=1.49916 6.4629 3.03576 6.78049
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.002473285710784021 0.0021642600942424653 0.0070419707777905384 0.0033255204626426215 -0.0080120265101789028
+leaf_weight=65 50 51 40 55
+leaf_count=65 50 51 40 55
+internal_value=0 0.0852489 -0.0682444 -0.158017
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=1719
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 3
+split_gain=1.43873 6.20664 3.00561 4.88314
+threshold=13.500000000000002 65.500000000000014 55.150000000000006 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0024238732580993795 -0.0048250158700479644 0.0069013243333010009 0.005401863643944277 -0.004178848877064799
+leaf_weight=65 59 51 47 39
+leaf_count=65 59 51 47 39
+internal_value=0 0.0835398 -0.0668696 0.0523981
+internal_weight=0 116 145 86
+internal_count=261 116 145 86
+shrinkage=0.02
+
+
+Tree=1720
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.4917 6.76108 14.2686 10.5026
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0034720358030088218 -0.0094268263106749572 0.011127273915602648 -0.0052275271790394378 0.0018276102169529423
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.033361 0.185152 -0.174979
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=1721
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=1.46296 6.19458 5.30061 3.50096
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0014234834161432806 -0.0020717425848258237 -0.0054560422494331576 0.0075691698408889953 0.0063154634162836754
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.057032 0.116163 0.0995831
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=1722
+num_leaves=5
+num_cat=0
+split_feature=4 5 9 4
+split_gain=1.48663 3.68654 7.55924 6.1013
+threshold=75.500000000000014 55.95000000000001 61.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0017096524973458022 0.0035678921344276075 -0.010332484000901417 0.0006531464428421197 0.0079360011445426138
+leaf_weight=70 40 39 70 42
+leaf_count=70 40 39 70 42
+internal_value=0 -0.0323544 -0.163713 0.0951513
+internal_weight=0 221 109 112
+internal_count=261 221 109 112
+shrinkage=0.02
+
+
+Tree=1723
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 2
+split_gain=1.48973 6.44583 13.6892 10.3046 14.5909
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.0034698917873120516 -0.011486170405748172 0.010872968737291624 -0.0051466525244779964 -0.0079962310054432877 0.0081229910095558071
+leaf_weight=42 43 47 39 43 47
+leaf_count=42 43 47 39 43 47
+internal_value=0 -0.0333334 0.180034 -0.171623 0.0206237
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=1724
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=1.56183 12.3351 13.1205 7.97477
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0012328591934990462 0.0033186844688631771 -0.006889246581256424 0.012406933603745188 -0.008302655721504671
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.0588735 0.2433 -0.102878
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1725
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=1.49895 11.8463 12.6012 7.65881
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0012082291342730338 0.003252401868844654 -0.0067516466374243434 0.012159134516449083 -0.0081368662486419625
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.0576882 0.238434 -0.100816
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1726
+num_leaves=6
+num_cat=0
+split_feature=1 3 4 7 9
+split_gain=1.43856 7.78546 13.8604 12.789 7.30301
+threshold=8.5000000000000018 75.500000000000014 66.500000000000014 53.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0071145703057294363 0.0041151132827461643 -0.0066809065879489694 0.012935334621783191 -0.008424668705315292 -0.0070268195043030916
+leaf_weight=40 43 39 42 45 52
+leaf_count=40 43 39 42 45 52
+internal_value=0 0.0565266 0.176899 -0.0551422 -0.0987949
+internal_weight=0 166 127 85 95
+internal_count=261 166 127 85 95
+shrinkage=0.02
+
+
+Tree=1727
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 8
+split_gain=1.401 3.87683 11.6714 1.60009
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0030287387703802266 0.0033469601380274527 -0.010415324016095717 0.0037721895962261986 -0.0046925592846054675
+leaf_weight=50 65 41 65 40
+leaf_count=50 65 41 65 40
+internal_value=0 -0.0359466 -0.126765 -0.380281
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1728
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 5 1
+split_gain=1.37331 3.79338 6.2306 7.14563 5.78141
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.400000000000006 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0061232839024775165 0.0034310873421404108 -0.0078930735072385381 -0.00065180742113723643 0.0031975041668873619 0.0097158364904211935
+leaf_weight=41 40 52 43 42 43
+leaf_count=41 40 52 43 42 43
+internal_value=0 -0.0311143 0.0314085 -0.146526 0.22632
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=1729
+num_leaves=5
+num_cat=0
+split_feature=5 2 2 3
+split_gain=1.47772 3.64958 4.5637 2.31772
+threshold=68.250000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00066297407074904604 -0.002407385290627896 -0.004730100440278941 0.0037732301545398556 0.0075257525427776277
+leaf_weight=39 74 66 41 41
+leaf_count=39 74 66 41 41
+internal_value=0 0.0476383 -0.0732003 0.209682
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1730
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=1.45451 6.39626 4.84215 6.05035
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0051662010041657967 -0.0082765829894169193 0.0017831924500620218 0.00696925928898801 -0.0046694651965467912
+leaf_weight=40 39 72 43 67
+leaf_count=40 39 72 43 67
+internal_value=0 -0.0873555 0.0646347 -0.0492068
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1731
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.43234 6.11056 3.00158 6.33622
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0023955625264609269 -0.0039119643516046529 0.0068573445305797212 -0.0049209496054151486 0.0068710530955564779
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0833658 -0.0667139 0.0490945
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1732
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 6
+split_gain=1.45066 5.78021 9.25518 3.64968
+threshold=57.500000000000007 66.500000000000014 67.500000000000014 46.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0016214544451212914 -0.0061085155459912497 0.009354505731712523 -0.0031599588729521789 0.0059766351174866299
+leaf_weight=55 60 39 60 47
+leaf_count=55 60 39 60 47
+internal_value=0 -0.0601234 0.0882516 0.0936743
+internal_weight=0 159 99 102
+internal_count=261 159 99 102
+shrinkage=0.02
+
+
+Tree=1733
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=1.4236 6.26759 5.18055 3.4101
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0014055033695547284 -0.0019860492745201962 -0.0054660232209074811 0.0075451968508454441 0.0062328192818664613
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0562665 0.117946 0.0982564
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=1734
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.44191 6.58592 13.3528 9.99254
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0034144922063048615 -0.0092334067646962763 0.010839795539836635 -0.0049817906995548271 0.0017446264360470596
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.032801 0.182869 -0.17258
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=1735
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=1.45258 11.5421 12.2755 7.41387
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0011946312762561796 0.0031986684478937546 -0.0066671773218389711 0.011998974176735381 -0.0080073797846830479
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.0568081 0.235225 -0.099258
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1736
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=1.42193 5.29145 6.11313 7.73144
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030132711917690322 0.0024068915114438382 -0.0070004854562779207 0.0074726491327671233 -0.0080264365203071668
+leaf_weight=60 72 44 41 44
+leaf_count=60 72 44 41 44
+internal_value=0 -0.0458898 0.046248 -0.0825972
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=1737
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 5 5
+split_gain=1.3799 3.86729 6.1188 6.91842 4.02398
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.400000000000006 58.550000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0061776665427763092 0.0034393254046669796 -0.0077710226346440481 0.0087344320666527635 0.0031421481660818041 4.2189104358119069e-05
+leaf_weight=41 40 52 44 42 42
+leaf_count=41 40 52 44 42 42
+internal_value=0 -0.0311807 0.0319471 -0.144386 0.225108
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=1738
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 3
+split_gain=1.42229 5.78255 3.05373 6.55298
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0022907945729330683 0.0021042177981665587 0.0067109362699641437 0.0033747370397783157 -0.007900182934687968
+leaf_weight=65 50 51 40 55
+leaf_count=65 50 51 40 55
+internal_value=0 0.0830816 -0.066478 -0.156517
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=1739
+num_leaves=5
+num_cat=0
+split_feature=5 2 2 3
+split_gain=1.47886 3.64208 4.52121 2.08521
+threshold=68.250000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0008383014990197505 -0.0024079697688786763 -0.0047117715519171405 0.0037520173284181402 0.0073538511762196402
+leaf_weight=39 74 66 41 41
+leaf_count=39 74 66 41 41
+internal_value=0 0.047673 -0.0730417 0.209551
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1740
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 6
+split_gain=1.43153 6.57307 4.6052 7.08704
+threshold=62.500000000000007 10.500000000000002 10.500000000000002 47.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=0.0065608167702007484 -0.0083519829409199366 0.0018456284391969149 0.0046977295831482149 -0.0057973256245038764
+leaf_weight=46 39 72 47 57
+leaf_count=46 39 72 47 57
+internal_value=0 -0.086656 0.0641453 -0.0523356
+internal_weight=0 111 150 104
+internal_count=261 111 150 104
+shrinkage=0.02
+
+
+Tree=1741
+num_leaves=5
+num_cat=0
+split_feature=5 2 2 3
+split_gain=1.37769 3.43494 4.34324 2.06692
+threshold=68.250000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00072793725647255381 -0.0023251422939401371 -0.0046107257652051774 0.003685472265542613 0.0072143442374759557
+leaf_weight=39 74 66 41 41
+leaf_count=39 74 66 41 41
+internal_value=0 0.046043 -0.0712003 0.203281
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1742
+num_leaves=6
+num_cat=0
+split_feature=1 3 4 7 9
+split_gain=1.38209 7.50201 12.8768 12.2847 7.11963
+threshold=8.5000000000000018 75.500000000000014 66.500000000000014 53.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0070532400751338147 0.0040774784851771708 -0.0065591093348417867 0.012530683044167974 -0.0081771454092719378 -0.006924026862691157
+leaf_weight=40 43 39 42 45 52
+leaf_count=40 43 39 42 45 52
+internal_value=0 0.0554528 0.173623 -0.0500297 -0.0968324
+internal_weight=0 166 127 85 95
+internal_count=261 166 127 85 95
+shrinkage=0.02
+
+
+Tree=1743
+num_leaves=5
+num_cat=0
+split_feature=5 2 2 3
+split_gain=1.33246 3.25798 4.20543 2.01772
+threshold=68.250000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00067102077443058263 -0.0022871210195920815 -0.0045140660260184484 0.0036500609929700357 0.0070803949039493835
+leaf_weight=39 74 66 41 41
+leaf_count=39 74 66 41 41
+internal_value=0 0.0452965 -0.0688971 0.198457
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1744
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=1.37876 5.43607 14.0199 6.87884
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0085115376756034426 0.0023711510947349176 0.0040054285614845352 -0.011560870835336981 -0.0022811879062467392
+leaf_weight=42 72 43 50 54
+leaf_count=42 72 43 50 54
+internal_value=0 -0.0451691 -0.217868 0.121753
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1745
+num_leaves=6
+num_cat=0
+split_feature=2 7 3 1 5
+split_gain=1.35149 7.33246 7.33247 9.66874 7.05136
+threshold=7.5000000000000009 73.500000000000014 52.500000000000007 8.5000000000000018 58.550000000000004
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0027100277866828827 0.0062542272220979999 0.0082226973090259725 -0.013846594232456565 0.0039792582509632262 -0.0017778977903527679
+leaf_weight=58 40 42 39 43 39
+leaf_count=58 40 42 39 43 39
+internal_value=0 0.0387732 -0.0582527 -0.181326 -0.391475
+internal_weight=0 203 161 121 78
+internal_count=261 203 161 121 78
+shrinkage=0.02
+
+
+Tree=1746
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=1.37459 10.9635 12.7181 6.78912
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0014203372847528656 0.0030294023589283047 -0.0064991833819339354 0.012009090098776893 -0.0076950857336082401
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.0553113 0.229212 -0.0965661
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1747
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=1.31914 10.5289 12.2147 6.52004
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0013919613501864757 0.0029688975944406064 -0.0063693745561632332 0.011769237469466717 -0.0075414283879630456
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.0541972 0.224627 -0.0946298
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1748
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=1.3529 5.37141 13.268 6.67964
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.008411605984551665 0.0023490482970061149 0.0038068594689266246 -0.011336517616055888 -0.0022239892436899363
+leaf_weight=42 72 43 50 54
+leaf_count=42 72 43 50 54
+internal_value=0 -0.044754 -0.216427 0.121175
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1749
+num_leaves=5
+num_cat=0
+split_feature=8 4 4 6
+split_gain=1.34119 5.92244 5.75653 4.69364
+threshold=65.500000000000014 73.500000000000014 63.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0022686553259142774 0.0070289100405449001 -0.0031793084544786162 -0.007808032412494819 0.0054110257472320027
+leaf_weight=76 46 45 39 55
+leaf_count=76 46 45 39 55
+internal_value=0 0.0986771 -0.0528169 0.0475351
+internal_weight=0 91 170 131
+internal_count=261 91 170 131
+shrinkage=0.02
+
+
+Tree=1750
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 6
+split_gain=1.29038 9.03556 6.3544 4.89053
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0020055725197573697 0.0093112839613107932 -0.0030539147205562744 -0.0079182825192703893 0.0062518344940160628
+leaf_weight=74 39 60 41 47
+leaf_count=74 39 60 41 47
+internal_value=0 0.0906143 -0.055372 0.0598501
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=1751
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=1.33787 4.7918 6.18364 6.93377
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026898217919242387 0.0023360915295547106 -0.0066798067082751772 0.0074488355823465304 -0.0077657694323062356
+leaf_weight=60 72 44 41 44
+leaf_count=60 72 44 41 44
+internal_value=0 -0.0445114 0.0431736 -0.0864129
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=1752
+num_leaves=5
+num_cat=0
+split_feature=8 5 7 9
+split_gain=1.31695 5.66767 5.07245 4.03404
+threshold=65.500000000000014 72.700000000000003 59.500000000000007 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0058874219455922593 0.0070112578299070961 -0.0029755091120551407 -0.006562949692803707 -0.0016598114931229196
+leaf_weight=45 45 46 48 77
+leaf_count=45 45 46 48 77
+internal_value=0 0.0977905 -0.052348 0.0559615
+internal_weight=0 91 170 122
+internal_count=261 91 170 122
+shrinkage=0.02
+
+
+Tree=1753
+num_leaves=5
+num_cat=0
+split_feature=4 9 3 1
+split_gain=1.37702 4.28989 6.24836 9.70786
+threshold=75.500000000000014 41.500000000000007 67.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0064707814505319695 0.0034361455356365193 -0.0030468751026896507 -0.0049843447638214999 0.0081240874399586965
+leaf_weight=41 40 56 54 70
+leaf_count=41 40 56 54 70
+internal_value=0 -0.0311309 0.035351 0.157697
+internal_weight=0 221 180 126
+internal_count=261 221 180 126
+shrinkage=0.02
+
+
+Tree=1754
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 5 1
+split_gain=1.32186 4.11932 6.4189 6.88778 5.38173
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 62.400000000000006 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.006341586258989858 0.0033675432832930667 -0.0077916835639672303 -0.00034688177838357607 0.0030972582173370141 0.0096560566436948263
+leaf_weight=41 40 52 43 42 43
+leaf_count=41 40 52 43 42 43
+internal_value=0 -0.0305139 0.0346351 -0.145961 0.232454
+internal_weight=0 221 180 94 86
+internal_count=261 221 180 94 86
+shrinkage=0.02
+
+
+Tree=1755
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 4
+split_gain=1.3847 5.44774 4.77667 3.15458
+threshold=62.500000000000007 69.500000000000014 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0020975695709619544 -0.0069800733526332124 0.0020194259806219405 0.0069003162695134299 -0.0048201987535514707
+leaf_weight=59 46 65 43 48
+leaf_count=59 46 65 43 48
+internal_value=0 -0.0852471 0.0631016 -0.049969
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1756
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=1.39447 3.1325 4.25052 3.84752
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0030375488626970329 -0.0023390712332022217 0.0058229685803620904 -0.0056526717111478461 0.0049262627745108737
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0463181 -0.0222683 0.089771
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1757
+num_leaves=5
+num_cat=0
+split_feature=5 2 2 3
+split_gain=1.33844 3.12019 4.31296 2.01386
+threshold=68.250000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00061120117232413252 -0.0022923340584740273 -0.0045032962506705498 0.0037643611862156145 0.0070140353055629587
+leaf_weight=39 74 66 41 41
+leaf_count=39 74 66 41 41
+internal_value=0 0.0453882 -0.0663727 0.195295
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1758
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=1.32032 6.10037 4.67452 5.25162
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0047263813402577178 -0.0080426574809062453 0.0017824073602509133 0.0068108381092589886 -0.0044388844582706416
+leaf_weight=40 39 72 43 67
+leaf_count=40 39 72 43 67
+internal_value=0 -0.0832666 0.0616422 -0.0502148
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1759
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.33755 4.04315 11.6127 3.44115
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0029609407708926761 0.003449810369989923 -0.01190931804762309 0.0037348041296994543 -0.0035939971505462177
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0351053 -0.12784 -0.380718
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1760
+num_leaves=6
+num_cat=0
+split_feature=4 1 5 5 9
+split_gain=1.31594 7.06677 7.89379 9.37473 3.49662
+threshold=50.500000000000007 7.5000000000000009 58.20000000000001 68.65000000000002 63.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -3
+right_child=1 4 3 -5 -6
+leaf_value=0.0032645755586868971 -0.0094183358111263257 5.0529423209211684e-05 0.0073161703988534133 -0.0064652173369855936 0.0081728455525459671
+leaf_weight=42 54 46 40 39 40
+leaf_count=42 54 46 40 39 40
+internal_value=0 -0.0313308 -0.176105 0.0251441 0.192061
+internal_weight=0 219 133 79 86
+internal_count=261 219 133 79 86
+shrinkage=0.02
+
+
+Tree=1761
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 7
+split_gain=1.34962 5.50007 8.65458 3.75847
+threshold=57.500000000000007 66.500000000000014 67.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0029682608445609393 -0.0059460502394586834 0.0090747102604197341 -0.0030275740731704132 0.0049031347103101232
+leaf_weight=40 60 39 60 62
+leaf_count=40 60 39 60 62
+internal_value=0 -0.0579923 0.086748 0.0904278
+internal_weight=0 159 99 102
+internal_count=261 159 99 102
+shrinkage=0.02
+
+
+Tree=1762
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=1.31416 10.1099 11.8594 6.42554
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0013760183519335731 0.0029371058123905829 -0.0062216937034858593 0.011592495144493127 -0.0074969417472152949
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.0540976 0.221111 -0.0944526
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1763
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=1.34255 5.24924 12.7381 6.41229
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0082564862542135985 0.0023402009124280812 0.0036852118916790529 -0.011152873157990628 -0.0021645537230980381
+leaf_weight=42 72 43 50 54
+leaf_count=42 72 43 50 54
+internal_value=0 -0.0445838 -0.214302 0.119451
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1764
+num_leaves=5
+num_cat=0
+split_feature=8 4 4 6
+split_gain=1.303 5.84946 5.821 4.40964
+threshold=65.500000000000014 63.500000000000007 73.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0021388074533826066 0.0069577846165228135 -0.0078472155517161218 -0.0031629045567836255 0.0053056421538803748
+leaf_weight=76 46 39 45 55
+leaf_count=76 46 39 45 55
+internal_value=0 -0.0520692 0.097284 0.0490893
+internal_weight=0 170 91 131
+internal_count=261 170 91 131
+shrinkage=0.02
+
+
+Tree=1765
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 1 4
+split_gain=1.2992 4.22283 6.1684 5.22716 3.4749
+threshold=75.500000000000014 41.500000000000007 15.500000000000002 5.5000000000000009 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.00640747795349959 0.0033391557753993475 0.00085494456051662645 -0.00033074466845040977 0.0095277606973189731 -0.0068481583305452101
+leaf_weight=41 40 49 43 43 45
+leaf_count=41 40 49 43 43 45
+internal_value=0 -0.030247 0.0357142 0.229648 -0.141328
+internal_weight=0 221 180 86 94
+internal_count=261 221 180 86 94
+shrinkage=0.02
+
+
+Tree=1766
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.29492 3.97515 11.2684 3.24277
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0029140957215600368 0.0034260173129819229 -0.011683008725346585 0.0036675547632878699 -0.0036074992168507896
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0345487 -0.126506 -0.375615
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1767
+num_leaves=5
+num_cat=0
+split_feature=7 3 2 7
+split_gain=1.25734 5.26532 4.52787 3.65528
+threshold=57.500000000000007 66.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0029645582829958368 -0.0058036200960920404 -0.0033708991560588825 0.0053190428668170257 0.0047986382684385761
+leaf_weight=40 60 41 58 62
+leaf_count=40 60 41 58 62
+internal_value=0 -0.0560098 0.0856132 0.0873232
+internal_weight=0 159 99 102
+internal_count=261 159 99 102
+shrinkage=0.02
+
+
+Tree=1768
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.27554 3.82198 10.8022 3.05545
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0028925025208948237 0.0033512727540906395 -0.011417537549587355 0.0035786782563950992 -0.0035755740492537155
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0342957 -0.124476 -0.36839
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1769
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.29703 6.38723 3.03883 6.77983
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0025656920765811846 -0.0040018162549794378 0.006894109081341979 -0.0048791151461280418 0.007151122119678415
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0794058 -0.0635117 0.0530136
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1770
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.29402 7.2277 13.5964 10.5531
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0032375991049758152 -0.0094910849161140131 0.011143983014708292 -0.004820810896007186 0.0017902781902272131
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.0310768 0.19484 -0.177485
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=1771
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.28065 7.22903 7.24185 4.25834
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0026392462744151582 0.0066509895388750717 0.0081497532985829995 -0.0060150449021968092 -0.0020193689091454145
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0377517 -0.058588 0.127341
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=1772
+num_leaves=4
+num_cat=0
+split_feature=5 5 8
+split_gain=1.34496 3.15924 3.29522
+threshold=68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0020729620947840441 -0.0022977186305154448 0.0049487140377506888 -0.0042957979025464591
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0455028 -0.0384196
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1773
+num_leaves=5
+num_cat=0
+split_feature=5 2 2 3
+split_gain=1.29096 3.1858 4.06486 2.10353
+threshold=68.250000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00055550223269333209 -0.002251807576820176 -0.0044502376293980885 0.0035768062822540687 0.0070968465786767415
+leaf_weight=39 74 66 41 41
+leaf_count=39 74 66 41 41
+internal_value=0 0.0445938 -0.0683328 0.19606
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1774
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 9
+split_gain=1.26385 5.4335 4.84482 5.27467
+threshold=62.500000000000007 69.500000000000014 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.004672348660618878 -0.0068981920508415142 0.0020897832050300082 0.0068850524655372659 -0.0045127420392888883
+leaf_weight=40 46 65 43 67
+leaf_count=40 46 65 43 67
+internal_value=0 -0.081488 0.0603354 -0.0535391
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1775
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=1.2621 3.09236 4.01674 3.54161
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0017454651691356416 -0.0022267283108593368 0.0057476234037654962 -0.0055435537148392985 0.0057403184810033234
+leaf_weight=55 74 41 44 47
+leaf_count=55 74 41 44 47
+internal_value=0 0.0441077 -0.02404 0.08488
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1776
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=1.27402 4.8831 12.7308 6.37925
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0081481124188937833 0.0022806222847083558 0.0038256332211824375 -0.011008401556669274 -0.0022463318579338475
+leaf_weight=42 72 43 50 54
+leaf_count=42 72 43 50 54
+internal_value=0 -0.0434465 -0.207167 0.114777
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1777
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.31196 7.17118 6.98589 4.10985
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0026707277289043712 0.0065298443757166539 0.0081293099617688706 -0.005912114209364566 -0.0019885562139900373
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0382087 -0.0577449 0.124872
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=1778
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 2
+split_gain=1.25924 6.88755 9.8331 3.78961
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0026173776714059067 0.0057048838474138934 0.0071995612769717825 -0.009092786405773259 -0.0018309751778015516
+leaf_weight=58 54 50 46 53
+leaf_count=58 54 50 46 53
+internal_value=0 0.0374429 -0.0678159 0.098297
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=1779
+num_leaves=4
+num_cat=0
+split_feature=5 5 8
+split_gain=1.31446 3.2071 3.224
+threshold=68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0020193381165514342 -0.0022718617681374161 0.004968835239144577 -0.0042804971494162791
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0449933 -0.0395608
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1780
+num_leaves=5
+num_cat=0
+split_feature=6 7 9 9
+split_gain=1.25823 4.8178 7.39701 4.31221
+threshold=48.500000000000007 59.500000000000007 61.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0021622201063698863 0.0066020589496420482 -0.0081993942229355663 0.0055887409864117223 -0.0028631288225474537
+leaf_weight=77 45 40 57 42
+leaf_count=77 45 40 57 42
+internal_value=0 0.0452824 -0.0467578 0.0997767
+internal_weight=0 184 139 99
+internal_count=261 184 139 99
+shrinkage=0.02
+
+
+Tree=1781
+num_leaves=4
+num_cat=0
+split_feature=5 5 8
+split_gain=1.25533 3.12136 3.19737
+threshold=68.250000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0020101985305270372 -0.0022210321912676024 0.0048942426793021562 -0.004263714022899121
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0439818 -0.0394383
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1782
+num_leaves=5
+num_cat=0
+split_feature=8 4 4 6
+split_gain=1.24216 6.05448 5.50896 4.48894
+threshold=65.500000000000014 73.500000000000014 63.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0022023758768204781 0.0070116310929408537 -0.0033097151445527812 -0.0076228415706684318 0.0053085827841929953
+leaf_weight=76 46 45 39 55
+leaf_count=76 46 45 39 55
+internal_value=0 0.0950132 -0.050866 0.0473064
+internal_weight=0 91 170 131
+internal_count=261 91 170 131
+shrinkage=0.02
+
+
+Tree=1783
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=1.25611 3.61248 8.32263 16.0706
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0028706221031004594 0.012747949480329238 -0.0044453439691317185 -0.0050331512147559687 -0.0044052925580214883
+leaf_weight=50 48 69 54 40
+leaf_count=50 48 69 54 40
+internal_value=0 -0.0340429 0.0572012 0.247232
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=1784
+num_leaves=5
+num_cat=0
+split_feature=9 8 8 4
+split_gain=1.27293 4.58519 5.76457 4.79495
+threshold=70.500000000000014 63.500000000000007 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0031786029523232784 0.0022794039336238507 -0.0062169431938881034 0.0067680802609628365 -0.0058742789729000471
+leaf_weight=42 72 48 46 53
+leaf_count=42 72 48 46 53
+internal_value=0 -0.0434408 0.0474166 -0.0932072
+internal_weight=0 189 141 95
+internal_count=261 189 141 95
+shrinkage=0.02
+
+
+Tree=1785
+num_leaves=6
+num_cat=0
+split_feature=2 7 3 1 4
+split_gain=1.25368 6.84804 6.83356 10.4942 7.38781
+threshold=7.5000000000000009 73.500000000000014 52.500000000000007 8.5000000000000018 62.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0026118816044268189 0.0060345396294628328 0.0079448276058119213 -0.014041748998688102 0.0044188239688189093 -0.0016906339091842121
+leaf_weight=58 40 42 39 43 39
+leaf_count=58 40 42 39 43 39
+internal_value=0 0.037351 -0.0564169 -0.175248 -0.394175
+internal_weight=0 203 161 121 78
+internal_count=261 203 161 121 78
+shrinkage=0.02
+
+
+Tree=1786
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=1.30282 3.05067 3.84617 3.62155
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0030155877348399087 -0.0022620716504123963 0.005728512795150846 -0.0054127171632415557 0.0047120947489343598
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0447898 -0.0228977 0.0836902
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1787
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=1.26477 5.66331 4.89326 4.85076
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0044260039387235021 -0.0077760645131610805 0.0016914237300028365 0.0069134374268678203 -0.0043833841091743689
+leaf_weight=40 39 72 43 67
+leaf_count=40 39 72 43 67
+internal_value=0 -0.0815296 0.0603446 -0.0540971
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1788
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.29746 3.55865 10.851 2.87617
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0029167583435982178 0.0032043483798122043 -0.011252703753492854 0.0036493339339067673 -0.0036401912957139443
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0345897 -0.121628 -0.366095
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1789
+num_leaves=6
+num_cat=0
+split_feature=4 1 7 3 9
+split_gain=1.22998 7.32669 9.33255 18.1547 3.19851
+threshold=50.500000000000007 7.5000000000000009 58.500000000000007 68.500000000000014 63.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -3
+right_child=1 4 3 -5 -6
+leaf_value=0.0031576735036997097 -0.011219100799192708 0.00031466589280367159 0.01015224542664952 -0.0079202865610847415 0.0080875600301359603
+leaf_weight=42 43 46 40 50 40
+leaf_count=42 43 46 40 50 40
+internal_value=0 -0.0303122 -0.177717 0.00523578 0.197145
+internal_weight=0 219 133 90 86
+internal_count=261 219 133 90 86
+shrinkage=0.02
+
+
+Tree=1790
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=1.24935 3.55941 10.4314
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0028631793629487453 0.0032176960057034251 -0.0074853683940740495 0.0032232658897499732
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0339439 -0.120992
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=1791
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.26669 6.47446 3.03791 6.78497
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0026121802040049019 -0.0039891817876249588 0.0069119032196786655 -0.004863735521102884 0.0071679241439485189
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0784942 -0.0627678 0.0537406
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1792
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=1.22316 4.24796 4.18263 3.57109
+threshold=67.050000000000011 70.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0017528013061357971 0.0068371216288789453 -0.0022343189441156219 -0.0045031392789002993 0.0057639249754018584
+leaf_weight=55 39 44 76 47
+leaf_count=55 39 44 76 47
+internal_value=0 0.101035 -0.0471086 0.0852264
+internal_weight=0 83 178 102
+internal_count=261 83 178 102
+shrinkage=0.02
+
+
+Tree=1793
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.24278 6.85784 6.91756 3.94233
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0026004968170446762 0.0064514946418949793 0.0079469572901654933 -0.0058666937740736837 -0.0018919533318146936
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0372005 -0.0566345 0.125089
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=1794
+num_leaves=4
+num_cat=0
+split_feature=8 5 8
+split_gain=1.28416 3.08908 3.16599
+threshold=68.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0020150929195998845 -0.0022459154653465914 0.004883499717309771 -0.0042281834743330485
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0444802 -0.0385084
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1795
+num_leaves=4
+num_cat=0
+split_feature=8 5 8
+split_gain=1.23257 2.96606 3.04002
+threshold=68.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0019748298242633121 -0.0022010392530656428 0.0047859538939247258 -0.0041437198428412834
+leaf_weight=73 74 55 59
+leaf_count=73 74 55 59
+internal_value=0 0.0435916 -0.0377333
+internal_weight=0 187 132
+internal_count=261 187 132
+shrinkage=0.02
+
+
+Tree=1796
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 3
+split_gain=1.26302 4.91907 2.99116 4.96118
+threshold=13.500000000000002 7.5000000000000009 55.150000000000006 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0025485330615054726 -0.0047332064507474595 0.005695400909705604 0.0055141778714798148 -0.004142266437301657
+leaf_weight=58 59 58 47 39
+leaf_count=58 59 58 47 39
+internal_value=0 0.0783745 -0.0626858 0.0562995
+internal_weight=0 116 145 86
+internal_count=261 116 145 86
+shrinkage=0.02
+
+
+Tree=1797
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=1.26915 3.56713 7.94593 15.5492
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0028853268290746944 0.012519026704462696 -0.0044251543378010585 -0.0049067517718193784 -0.0043538782117311459
+leaf_weight=50 48 69 54 40
+leaf_count=50 48 69 54 40
+internal_value=0 -0.0342123 0.0564587 0.242154
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=1798
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=1.26921 4.71983 5.85426 6.47676
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026213168643448464 0.0022762055912464592 -0.006613668068306826 0.007281185964801349 -0.0074847398935862621
+leaf_weight=60 72 44 41 44
+leaf_count=60 72 44 41 44
+internal_value=0 -0.0433744 0.0436508 -0.0824397
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=1799
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 6
+split_gain=1.24636 6.87566 4.6699 4.10648
+threshold=67.050000000000011 64.500000000000014 48.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0021089192433913252 0.0067751479569163687 -0.0081419351433558215 0.005329187255195965 -0.0021443363957213578
+leaf_weight=76 39 41 61 44
+leaf_count=76 39 41 61 44
+internal_value=0 -0.0475547 0.0599066 0.101965
+internal_weight=0 178 137 83
+internal_count=261 178 137 83
+shrinkage=0.02
+
+
+Tree=1800
+num_leaves=5
+num_cat=0
+split_feature=4 9 2 9
+split_gain=1.26099 4.35769 5.9834 5.89247
+threshold=75.500000000000014 41.500000000000007 7.5000000000000009 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0064903236331659902 0.0032902893510309873 -0.0061881121168104259 0.006402608338065289 -0.001812677596148731
+leaf_weight=41 40 39 77 64
+leaf_count=41 40 39 77 64
+internal_value=0 -0.0298133 0.0371914 0.133448
+internal_weight=0 221 180 141
+internal_count=261 221 180 141
+shrinkage=0.02
+
+
+Tree=1801
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=1.32561 3.46364 7.68642 14.9933
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0029476681590044546 0.012278531310505993 -0.0043857629068947681 -0.0048489382234699124 -0.0042902344597644396
+leaf_weight=50 48 69 54 40
+leaf_count=50 48 69 54 40
+internal_value=0 -0.0349617 0.0543877 0.237038
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=1802
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 2
+split_gain=1.27244 3.19446 24.4391 25.8939
+threshold=6.5000000000000009 52.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0028887976047424634 0.0042560993806182966 -0.020511919878012291 0.00781484258692146 -5.0589855326949614e-05
+leaf_weight=50 42 40 64 65
+leaf_count=50 42 40 64 65
+internal_value=0 -0.0342667 -0.0959684 -0.393073
+internal_weight=0 211 169 105
+internal_count=261 211 169 105
+shrinkage=0.02
+
+
+Tree=1803
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=1.31831 4.66172 5.63971 6.22918
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0025583322569219368 0.0023190112058623785 -0.0065947827957832609 0.007135934622975083 -0.007353162782679671
+leaf_weight=60 72 44 41 44
+leaf_count=60 72 44 41 44
+internal_value=0 -0.044199 0.0422892 -0.0814715
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=1804
+num_leaves=5
+num_cat=0
+split_feature=8 4 4 6
+split_gain=1.29056 5.82202 5.46007 4.00329
+threshold=65.500000000000014 73.500000000000014 63.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0020557250861929144 0.006948791346879645 -0.0031728065718111664 -0.0076129636378248003 0.0050389581906810652
+leaf_weight=76 46 45 39 55
+leaf_count=76 46 45 39 55
+internal_value=0 0.0968115 -0.0518381 0.0458978
+internal_weight=0 91 170 131
+internal_count=261 91 170 131
+shrinkage=0.02
+
+
+Tree=1805
+num_leaves=5
+num_cat=0
+split_feature=8 5 7 6
+split_gain=1.23859 5.17179 4.96983 4.95454
+threshold=65.500000000000014 72.700000000000003 59.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0019512120155883207 0.0067275985790404618 -0.0028134963712051582 -0.0064762643001321108 0.0064098475823876925
+leaf_weight=77 45 46 48 45
+leaf_count=77 45 46 48 45
+internal_value=0 0.0948694 -0.0508032 0.0564069
+internal_weight=0 91 170 122
+internal_count=261 91 170 122
+shrinkage=0.02
+
+
+Tree=1806
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.32315 6.98001 13.1572 10.0501
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0032730275649680983 -0.0093046858211657656 0.010941195937448535 -0.0047639238843534626 0.0017047869013756649
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.0314321 0.190586 -0.175318
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=1807
+num_leaves=6
+num_cat=0
+split_feature=4 9 1 2 5
+split_gain=1.33904 4.27642 6.1667 9.05917 3.36945
+threshold=75.500000000000014 41.500000000000007 6.5000000000000009 13.500000000000002 58.20000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0064533079428258601 0.0033889435095206324 -0.0061115042551379119 -0.0016780340346206654 0.011230672546951283 0.0016085183506033933
+leaf_weight=41 40 54 45 42 39
+leaf_count=41 40 54 45 42 39
+internal_value=0 -0.0307134 0.0356642 0.227429 -0.143335
+internal_weight=0 221 180 87 93
+internal_count=261 221 180 87 93
+shrinkage=0.02
+
+
+Tree=1808
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.307 6.55717 12.8647 9.60586
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.003253375961756746 -0.0090833560939401568 0.010729343374557547 -0.0048005362242910304 0.0016804066972826456
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.0312384 0.183963 -0.170715
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=1809
+num_leaves=5
+num_cat=0
+split_feature=4 9 3 1
+split_gain=1.30169 4.08486 6.18247 9.5843
+threshold=75.500000000000014 41.500000000000007 67.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0063131047414748641 0.0033421336741021423 -0.003035342682911067 -0.0049695197068566821 0.0080644147372609873
+leaf_weight=41 40 56 54 70
+leaf_count=41 40 56 54 70
+internal_value=0 -0.0302844 0.0345921 0.156295
+internal_weight=0 221 180 126
+internal_count=261 221 180 126
+shrinkage=0.02
+
+
+Tree=1810
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=1.31196 10.3574 10.9741 6.85925
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0011160442233912556 0.0030984570446933157 -0.0063117141981305289 0.011359226916000664 -0.0076812910876064202
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.0540362 0.223077 -0.0943917
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1811
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.30594 3.58384 10.6855 2.93516
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0029259692283954736 0.0032156647332109984 -0.011263177317062058 0.0035942792946958542 -0.0035747875516562557
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.034709 -0.122052 -0.36465
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1812
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.32618 6.10153 2.97433 6.56585
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0024545735350347841 -0.0039604214429607362 0.0067916667128767039 -0.0048550662216088267 0.0070156385977725782
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0802668 -0.064224 0.0510612
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1813
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.27281 5.85955 2.85585 6.30555
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0024055348904278122 -0.0038813287359477336 0.0066560199106885714 -0.0047580845975951054 0.0068755715054587474
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0786572 -0.0629404 0.0500333
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1814
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=1.28496 5.89399 4.39988 4.95833
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0046144147792569357 -0.0079124437543721601 0.0017454415149971239 0.0066285684565698466 -0.0042922234128640211
+leaf_weight=40 39 72 43 67
+leaf_count=40 39 72 43 67
+internal_value=0 -0.0821757 0.0608092 -0.0477164
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1815
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 3
+split_gain=1.27976 4.78123 2.72888 4.4234
+threshold=13.500000000000002 7.5000000000000009 55.150000000000006 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0024806316845877273 -0.0045866142732753599 0.0056472833281142679 0.0051562243695595427 -0.0039640239964277204
+leaf_weight=58 59 58 47 39
+leaf_count=58 59 58 47 39
+internal_value=0 0.0788694 -0.0631082 0.0505571
+internal_weight=0 116 145 86
+internal_count=261 116 145 86
+shrinkage=0.02
+
+
+Tree=1816
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.30951 6.44702 12.2842 9.41504
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.003256335004027167 -0.009004168341484731 0.010531772746828576 -0.0046439144402048247 0.0016522797836681672
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.0312742 0.182115 -0.169579
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=1817
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 7
+split_gain=1.33189 5.51817 8.32783 3.56028
+threshold=57.500000000000007 66.500000000000014 67.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0028530841543322229 -0.0059468126433431879 0.0089469962666063382 -0.002924962938576069 0.0048087612895914107
+leaf_weight=40 60 39 60 62
+leaf_count=40 60 39 60 62
+internal_value=0 -0.0576376 0.0873406 0.0898191
+internal_weight=0 159 99 102
+internal_count=261 159 99 102
+shrinkage=0.02
+
+
+Tree=1818
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=1.27859 3.36356 10.7582
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0028956098244448305 0.0031012690322628511 -0.0075238866155692332 0.003351072261539541
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0343506 -0.118987
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=1819
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 3
+split_gain=1.26362 6.26838 11.9434 9.08211 16.4513
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 68.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.0031997897833521984 -0.010903835379249788 0.010387401027090109 -0.0045765373772112712 0.0098326860689926486 -0.007371718281218219
+leaf_weight=42 43 47 39 40 50
+leaf_count=42 43 47 39 40 50
+internal_value=0 -0.0307219 0.179697 -0.167105 0.013375
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=1820
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 7
+split_gain=1.3097 5.53734 7.94708 3.49605
+threshold=57.500000000000007 66.500000000000014 67.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0028257922452972336 -0.0059455289009884707 0.0087954932902630928 -0.0028023155911980485 0.0047669343398987476
+leaf_weight=40 60 39 60 62
+leaf_count=40 60 39 60 62
+internal_value=0 -0.0571582 0.0880715 0.089083
+internal_weight=0 159 99 102
+internal_count=261 159 99 102
+shrinkage=0.02
+
+
+Tree=1821
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=1.36346 4.92942 13.1365 6.4748
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0081767648036275373 0.0023578076216554918 0.0039064282910962773 -0.011161938029004176 -0.0022951311917518411
+leaf_weight=42 72 43 50 54
+leaf_count=42 72 43 50 54
+internal_value=0 -0.0449383 -0.209428 0.114031
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1822
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=1.30865 4.75344 5.45231 6.04565
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.002557866397804164 0.0023106974651136334 -0.006647198224959662 0.0070510730233713749 -0.0072070227676991139
+leaf_weight=60 72 44 41 44
+leaf_count=60 72 44 41 44
+internal_value=0 -0.0440358 0.0432981 -0.0783907
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=1823
+num_leaves=6
+num_cat=0
+split_feature=4 9 1 2 2
+split_gain=1.27103 4.13386 5.90745 9.27458 3.33358
+threshold=75.500000000000014 41.500000000000007 6.5000000000000009 13.500000000000002 17.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0063399879948222672 0.0033031632719058958 0.00086546040118199417 -0.0018394059035369132 0.011221934223730435 -0.0067174152752526306
+leaf_weight=41 40 48 45 42 45
+leaf_count=41 40 48 45 42 45
+internal_value=0 -0.0299294 0.0353345 0.223042 -0.139868
+internal_weight=0 221 180 87 93
+internal_count=261 221 180 87 93
+shrinkage=0.02
+
+
+Tree=1824
+num_leaves=5
+num_cat=0
+split_feature=7 9 6 7
+split_gain=1.29498 5.47676 3.98096 3.44174
+threshold=57.500000000000007 63.500000000000007 69.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0027997946863775993 -0.0059773323343997684 -0.0016105815901436618 0.0065107081477474293 0.0047339964009952256
+leaf_weight=40 59 59 41 62
+leaf_count=40 59 59 41 62
+internal_value=0 -0.0568376 0.0856689 0.0885918
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1825
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=1.26035 9.76068 10.8108 6.63787
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0011940313267295782 0.003054376519809433 -0.0061169112663317579 0.011188324081680651 -0.0075504168431207606
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.0529814 0.217095 -0.0925423
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1826
+num_leaves=5
+num_cat=0
+split_feature=8 4 4 4
+split_gain=1.21681 5.66782 5.37061 2.97341
+threshold=65.500000000000014 73.500000000000014 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0021059271011261674 0.0068270084073325165 -0.0031601127364536546 -0.0075295967707281267 0.0039339440457485664
+leaf_weight=65 46 45 39 66
+leaf_count=65 46 45 39 66
+internal_value=0 0.0940452 -0.0503611 0.0465717
+internal_weight=0 91 170 131
+internal_count=261 91 170 131
+shrinkage=0.02
+
+
+Tree=1827
+num_leaves=5
+num_cat=0
+split_feature=4 9 3 1
+split_gain=1.2595 3.96817 5.89177 9.41712
+threshold=75.500000000000014 41.500000000000007 67.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0062218425391522645 0.0032881896558145884 -0.0030481004767054778 -0.0048441630165623681 0.0079546322621138251
+leaf_weight=41 40 56 54 70
+leaf_count=41 40 56 54 70
+internal_value=0 -0.0298052 0.0341396 0.15296
+internal_weight=0 221 180 126
+internal_count=261 221 180 126
+shrinkage=0.02
+
+
+Tree=1828
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=1.27121 9.41474 10.2847 6.41342
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0011118556382833011 0.0029627346075139028 -0.0059844466126397827 0.010965669715862022 -0.0074615708225122899
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.053195 0.214382 -0.0929444
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1829
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 9
+split_gain=1.22381 4.89771 12.4978 6.07395
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0029223583859581737 0.0022354265154276446 0.003763984664357786 -0.010933772954507244 0.0071501166505777416
+leaf_weight=46 72 43 50 50
+leaf_count=46 72 43 50 50
+internal_value=0 -0.0426207 -0.206586 0.115839
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1830
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=1.23881 3.34735 10.9379
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0028508454557662245 0.0031027179480569971 -0.0075520345518580367 0.0034133064844802654
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0338239 -0.118258
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=1831
+num_leaves=5
+num_cat=0
+split_feature=8 4 4 6
+split_gain=1.26278 5.48637 5.17081 3.7723
+threshold=65.500000000000014 73.500000000000014 63.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0020103547545900417 0.0067820438324098396 -0.003044181894126636 -0.0074260803757343627 0.0048776119159487565
+leaf_weight=76 46 45 39 55
+leaf_count=76 46 45 39 55
+internal_value=0 0.0957766 -0.051289 0.0438248
+internal_weight=0 91 170 131
+internal_count=261 91 170 131
+shrinkage=0.02
+
+
+Tree=1832
+num_leaves=6
+num_cat=0
+split_feature=4 9 1 2 2
+split_gain=1.27985 3.84125 6.0052 8.79152 3.09603
+threshold=75.500000000000014 41.500000000000007 6.5000000000000009 13.500000000000002 17.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0061363106376430485 0.0033142309597016333 0.00065458265146570345 -0.0016914130820385865 0.011025473632649852 -0.0066537071360117696
+leaf_weight=41 40 48 45 42 45
+leaf_count=41 40 48 45 42 45
+internal_value=0 -0.0300415 0.0328741 0.222126 -0.143772
+internal_weight=0 221 180 87 93
+internal_count=261 221 180 87 93
+shrinkage=0.02
+
+
+Tree=1833
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.23654 5.85921 2.84822 5.78837
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0024276727234390232 0.002435731046316707 0.0066336828089166534 0.0033030545254107099 -0.007054573329947288
+leaf_weight=65 45 51 40 60
+leaf_count=65 45 51 40 60
+internal_value=0 0.0775452 -0.0620516 -0.149039
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=1834
+num_leaves=5
+num_cat=0
+split_feature=5 2 2 3
+split_gain=1.3161 3.15146 4.26337 2.12272
+threshold=68.250000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00053257703361591778 -0.0022735059529490624 -0.0045037781939629949 0.0037163087800380985 0.0071030978824728336
+leaf_weight=39 74 66 41 41
+leaf_count=39 74 66 41 41
+internal_value=0 0.0450089 -0.0673092 0.195661
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1835
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 7
+split_gain=1.299 5.23056 8.12841 3.33157
+threshold=57.500000000000007 66.500000000000014 67.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0027235317064366917 -0.0058064815022990258 0.008798391169939683 -0.0029309518732761851 0.0046891646178636422
+leaf_weight=40 60 39 60 62
+leaf_count=40 60 39 60 62
+internal_value=0 -0.056926 0.0842288 0.0887256
+internal_weight=0 159 99 102
+internal_count=261 159 99 102
+shrinkage=0.02
+
+
+Tree=1836
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.26914 6.31003 11.6488 9.5941
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0032066539455216717 -0.0090181243108251458 0.010315784201554642 -0.0044625191228420871 0.0017391509738495165
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.0307887 0.180326 -0.167623
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=1837
+num_leaves=5
+num_cat=0
+split_feature=5 2 2 3
+split_gain=1.28359 3.01372 4.12652 2.0515
+threshold=68.250000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00051188822251193688 -0.0022455699217875549 -0.0044145105313439228 0.0036731747493768279 0.0069725870073117395
+leaf_weight=39 74 66 41 41
+leaf_count=39 74 66 41 41
+internal_value=0 0.0444631 -0.0653822 0.191809
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1838
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.27837 6.78712 6.84762 4.04773
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.002637002207204091 0.0065053135032015971 0.0079201066329639604 -0.0058228155483579583 -0.0019486244683313292
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0377154 -0.0556347 0.125169
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=1839
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=1.29241 2.99379 3.90191 3.24843
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015994470190532158 -0.0022531113452506292 0.0056800532665367632 -0.0054391610062471301 0.0055710405640941986
+leaf_weight=55 74 41 44 47
+leaf_count=55 74 41 44 47
+internal_value=0 0.0446152 -0.0224401 0.0849159
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1840
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 3
+split_gain=1.24076 2.90727 5.01133 1.98833
+threshold=68.500000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0004958067602488218 -0.0022083832398992458 -0.0046383828695225303 0.0043145200446534403 0.006857528204548699
+leaf_weight=39 74 67 40 41
+leaf_count=39 74 67 40 41
+internal_value=0 0.043726 -0.0641699 0.188466
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1841
+num_leaves=6
+num_cat=0
+split_feature=4 1 7 3 9
+split_gain=1.27437 6.15296 8.86807 16.4244 2.7695
+threshold=50.500000000000007 7.5000000000000009 58.500000000000007 68.500000000000014 63.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -3
+right_child=1 4 3 -5 -6
+leaf_value=0.0032132930725295786 -0.010791687479090022 0.000174083820367703 0.0098048225412619879 -0.0073855911834239483 0.0074109231427196623
+leaf_weight=42 43 46 40 50 40
+leaf_count=42 43 46 40 50 40
+internal_value=0 -0.0308439 -0.165971 0.0123697 0.177632
+internal_weight=0 219 133 90 86
+internal_count=261 219 133 90 86
+shrinkage=0.02
+
+
+Tree=1842
+num_leaves=6
+num_cat=0
+split_feature=2 7 3 1 4
+split_gain=1.27574 6.71439 6.90108 10.1282 7.15847
+threshold=7.5000000000000009 73.500000000000014 52.500000000000007 8.5000000000000018 62.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0026342034040444562 0.0060948446548458116 0.0078810826772064621 -0.013855574602036638 0.0042927953515773535 -0.0016965590391831537
+leaf_weight=58 40 42 39 43 39
+leaf_count=58 40 42 39 43 39
+internal_value=0 0.0376832 -0.0551657 -0.174581 -0.389664
+internal_weight=0 203 161 121 78
+internal_count=261 203 161 121 78
+shrinkage=0.02
+
+
+Tree=1843
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 9
+split_gain=1.33859 9.30427 10.1696 6.29917
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0010726143765160338 0.003750948276061981 -0.0059151205713537849 0.010937153191243876 -0.0065985567898662854
+leaf_weight=63 43 52 51 52
+leaf_count=63 43 52 51 52
+internal_value=0 0.0545885 0.214829 -0.0953158
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1844
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=1.28926 5.63231 4.40711 4.76928
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0045080253738832799 -0.0077745174259397426 0.0016670504705707759 0.0066353507372130093 -0.0042277362155535734
+leaf_weight=40 39 72 43 67
+leaf_count=40 39 72 43 67
+internal_value=0 -0.0822932 0.0609272 -0.0476873
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1845
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=1.29367 9.00662 9.64267 6.10519
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0010013450457003787 0.0028298615053404049 -0.005820469942229344 0.010693463385455269 -0.0073413386360395797
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.0536787 0.211344 -0.0937266
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1846
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=1.24142 8.64949 9.26087 5.86314
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00098134063253959149 0.0027733416748398176 -0.0057042172153371077 0.010479886938628325 -0.0071947450773202568
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.0525971 0.207116 -0.091847
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1847
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=1.25401 4.89412 11.9916 6.12365
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0080401713596774255 0.0022627848349341052 0.0035937000965751017 -0.010803454018220089 -0.0021442652795348742
+leaf_weight=42 72 43 50 54
+leaf_count=42 72 43 50 54
+internal_value=0 -0.043116 -0.207021 0.115286
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1848
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 6
+split_gain=1.2288 6.46745 4.1726 4.10122
+threshold=67.050000000000011 64.500000000000014 48.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0019863276620434296 0.0067580320605817954 -0.0079191963537522479 0.0050461438025736919 -0.0021558034664815803
+leaf_weight=76 39 41 61 44
+leaf_count=76 39 41 61 44
+internal_value=0 -0.0472211 0.057003 0.101258
+internal_weight=0 178 137 83
+internal_count=261 178 137 83
+shrinkage=0.02
+
+
+Tree=1849
+num_leaves=5
+num_cat=0
+split_feature=8 4 4 4
+split_gain=1.20698 5.50623 5.0587 2.92308
+threshold=65.500000000000014 73.500000000000014 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0021331926176116384 0.0067489564977707564 -0.0030951206639676871 -0.0073339089056339178 0.003855828079573664
+leaf_weight=65 46 45 39 66
+leaf_count=65 46 45 39 66
+internal_value=0 0.0936792 -0.0501523 0.043926
+internal_weight=0 91 170 131
+internal_count=261 91 170 131
+shrinkage=0.02
+
+
+Tree=1850
+num_leaves=6
+num_cat=0
+split_feature=4 9 1 8 5
+split_gain=1.23751 3.85704 5.89226 5.27048 2.95527
+threshold=75.500000000000014 41.500000000000007 6.5000000000000009 62.500000000000007 58.20000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0061376183474219168 0.0032599812426232682 -0.0058694459495999499 0.0095188942449603488 -0.00032960023383012967 0.001362180231491379
+leaf_weight=41 40 54 42 45 39
+leaf_count=41 40 54 42 45 39
+internal_value=0 -0.0295399 0.0335048 0.220974 -0.141474
+internal_weight=0 221 180 87 93
+internal_count=261 221 180 87 93
+shrinkage=0.02
+
+
+Tree=1851
+num_leaves=4
+num_cat=0
+split_feature=8 7 8
+split_gain=1.24942 5.17728 3.38995
+threshold=50.500000000000007 58.500000000000007 68.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0022371912244424398 -0.0073640042643670868 0.0038357460488090988 -0.002209903292626493
+leaf_weight=73 39 75 74
+leaf_count=73 39 75 74
+internal_value=0 -0.0434545 0.0414107
+internal_weight=0 188 149
+internal_count=261 188 149
+shrinkage=0.02
+
+
+Tree=1852
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.27639 3.58373 11.1669 2.79242
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0028933104944724344 0.0032235281872679718 -0.011267320497782908 0.0037366268449121314 -0.0037635989927440805
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0343136 -0.121656 -0.369649
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1853
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.22509 3.4413 10.7251 2.68068
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0028355254192706566 0.0031591270420203953 -0.011042377761113909 0.0036619742726957233 -0.0036884522650568845
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0336262 -0.119229 -0.362279
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1854
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 7
+split_gain=1.20096 5.18764 7.7062 3.40621
+threshold=57.500000000000007 66.500000000000014 67.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0028407869933696943 -0.0057442716312265567 0.0086432174224971899 -0.0027778849650167557 0.004654408037489656
+leaf_weight=40 60 39 60 62
+leaf_count=40 60 39 60 62
+internal_value=0 -0.0547669 0.0858095 0.0853673
+internal_weight=0 159 99 102
+internal_count=261 159 99 102
+shrinkage=0.02
+
+
+Tree=1855
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=1.21089 4.66204 11.9467 5.93462
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0078901769157427356 0.0022240885336686561 0.0036721291565164384 -0.010698199152756006 -0.00213630879046032
+leaf_weight=42 72 43 50 54
+leaf_count=42 72 43 50 54
+internal_value=0 -0.042384 -0.202375 0.112225
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1856
+num_leaves=5
+num_cat=0
+split_feature=8 4 4 6
+split_gain=1.18226 5.38898 4.92975 3.69879
+threshold=65.500000000000014 73.500000000000014 63.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0019941076272061613 0.0066780340507228697 -0.0030609789759826578 -0.0072428955955825139 0.004826753100098554
+leaf_weight=76 46 45 39 55
+leaf_count=76 46 45 39 55
+internal_value=0 0.0927302 -0.049645 0.0432279
+internal_weight=0 91 170 131
+internal_count=261 91 170 131
+shrinkage=0.02
+
+
+Tree=1857
+num_leaves=6
+num_cat=0
+split_feature=4 3 6 4 7
+split_gain=1.21165 3.32217 3.60995 4.38223 2.98672
+threshold=75.500000000000014 69.500000000000014 58.500000000000007 58.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0019762980209044735 0.0032262804834272073 -0.0057347264614510431 0.0057315516673402157 -0.006664954908239833 0.0050015663220873618
+leaf_weight=53 40 41 42 39 46
+leaf_count=53 40 41 42 39 46
+internal_value=0 -0.0292348 0.0292849 -0.0488375 0.0629555
+internal_weight=0 221 180 138 99
+internal_count=261 221 180 138 99
+shrinkage=0.02
+
+
+Tree=1858
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=1.20029 8.31802 14.2688
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0021934524166880944 -0.011443021330037008 0.0044265350790173574 0.0026461017383311394
+leaf_weight=73 56 73 59
+leaf_count=73 56 73 59
+internal_value=0 -0.042606 -0.210526
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=1859
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=1.19144 3.31763 7.79292 13.6316
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0027970290713760699 0.011951564681959024 -0.0042718338555169212 -0.0048918679817637391 -0.0038471174579265263
+leaf_weight=50 48 69 54 40
+leaf_count=50 48 69 54 40
+internal_value=0 -0.0331646 0.0542882 0.238196
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=1860
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 4
+split_gain=1.21643 4.48287 3.11835 4.75973
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016082004985755625 0.0022291287754583385 -0.0056057027405862379 -0.0028620442447434965 0.0079379399293392668
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0424768 0.0574472 0.174932
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=1861
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=1.20391 6.67098 9.3593 12.6392
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0025603859909218807 0.0079917456137473166 0.0070810672781270777 -0.0088878114242369483 -0.0058562775873342646
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0366122 -0.0669799 0.0950823
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=1862
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=1.24458 2.85902 3.78428 3.18628
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0025437683613702129 -0.0022118198194451644 0.0055552408337912361 -0.0053499549342602972 0.0046489150965047087
+leaf_weight=42 74 41 44 60
+leaf_count=42 74 41 44 60
+internal_value=0 0.0437871 -0.0217459 0.0839835
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1863
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.23564 6.4757 11.237 9.37983
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0031646110360239021 -0.0089821724992925293 0.010259154844915941 -0.0042556801127874863 0.0016543653922532178
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.030391 0.183472 -0.169003
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=1864
+num_leaves=5
+num_cat=0
+split_feature=8 2 8 4
+split_gain=1.23186 5.14993 3.94221 3.52145
+threshold=62.500000000000007 10.500000000000002 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0031014240703660409 -0.0074709819185175431 0.0015583693176462465 0.0055243810551078784 -0.0046310654548858904
+leaf_weight=42 39 72 54 54
+leaf_count=42 39 72 54 54
+internal_value=0 -0.0804806 0.059565 -0.061999
+internal_weight=0 111 150 96
+internal_count=261 111 150 96
+shrinkage=0.02
+
+
+Tree=1865
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=1.20679 7.9619 13.2758
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0021992689941220671 -0.011117014367248322 0.0043101566802367193 0.0024733286595786507
+leaf_weight=73 56 73 59
+leaf_count=73 56 73 59
+internal_value=0 -0.0427203 -0.207018
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=1866
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=1.23545 4.75512 5.81337 5.67906
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0023767050823706231 0.0022462509085173681 -0.0066235756938328198 0.0072767705624342139 -0.0070880632323144319
+leaf_weight=60 72 44 41 44
+leaf_count=60 72 44 41 44
+internal_value=0 -0.0428006 0.0445491 -0.0811004
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=1867
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=1.23112 5.98153 4.73683 3.9015
+threshold=66.500000000000014 61.500000000000007 13.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0017072884060479669 0.0059400351697821213 -0.0076908302315111038 -0.0028269147195455397 0.0056711309827034749
+leaf_weight=74 52 41 47 47
+leaf_count=74 52 41 47 47
+internal_value=0 -0.0541066 0.0885408 0.0576862
+internal_weight=0 162 99 121
+internal_count=261 162 99 121
+shrinkage=0.02
+
+
+Tree=1868
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=1.22484 7.69427 13.0115
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0022154724391451842 -0.010997992252440341 0.0042165571841534548 0.0024564882845508887
+leaf_weight=73 56 73 59
+leaf_count=73 56 73 59
+internal_value=0 -0.0430289 -0.204551
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=1869
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.24 6.17706 2.87378 6.70727
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0025315938235034559 -0.0040108256421119929 0.0067717087899655873 -0.0047526258494968027 0.0070825160653447761
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0776688 -0.0621205 0.051207
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1870
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 3
+split_gain=1.20856 3.02979 5.24597 2.22927
+threshold=68.500000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00035597300237520961 -0.0021798881488852583 -0.0047715094126122223 0.004387799372005439 0.0070857769860413235
+leaf_weight=39 74 67 40 41
+leaf_count=39 74 67 40 41
+internal_value=0 0.0431696 -0.0669683 0.190908
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1871
+num_leaves=6
+num_cat=0
+split_feature=4 9 1 2 2
+split_gain=1.22878 3.86708 5.87336 8.90846 3.07683
+threshold=75.500000000000014 41.500000000000007 6.5000000000000009 13.500000000000002 17.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0061425450830719236 0.0032488411836026762 0.00069913555760442632 -0.0017572168661031432 0.011043960134717272 -0.0065867238425483775
+leaf_weight=41 40 48 45 42 45
+leaf_count=41 40 48 45 42 45
+internal_value=0 -0.0294271 0.0336995 0.220869 -0.140999
+internal_weight=0 221 180 87 93
+internal_count=261 221 180 87 93
+shrinkage=0.02
+
+
+Tree=1872
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=1.25297 8.59451 8.85298 6.06358
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00087217754721452534 0.0028430862352489079 -0.0056778793728624035 0.010333994922862959 -0.0072935487802996517
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.0528397 0.206868 -0.0922637
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1873
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=1.20268 4.6627 11.6336 6.06048
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0079527163609511668 0.0022167840741850789 0.0035730179346231206 -0.010607866700571265 -0.0021793103496424698
+leaf_weight=42 72 43 50 54
+leaf_count=42 72 43 50 54
+internal_value=0 -0.0422358 -0.202238 0.112384
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1874
+num_leaves=5
+num_cat=0
+split_feature=8 3 7 6
+split_gain=1.23706 5.08026 4.66542 4.61185
+threshold=65.500000000000014 72.500000000000014 59.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0019086970448645253 -0.0032023402320281724 0.0062816151201008346 -0.0063061785419567086 0.0061591802675889477
+leaf_weight=77 42 49 48 45
+leaf_count=77 42 49 48 45
+internal_value=0 0.0948262 -0.0507576 0.0531216
+internal_weight=0 91 170 122
+internal_count=261 91 170 122
+shrinkage=0.02
+
+
+Tree=1875
+num_leaves=4
+num_cat=0
+split_feature=8 1 4
+split_gain=1.19697 7.57145 10.6808
+threshold=50.500000000000007 7.5000000000000009 66.500000000000014
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0021906030862535448 -0.010884890897425278 0.0041856946258313592 0.0013801890226502269
+leaf_weight=73 51 73 64
+leaf_count=73 51 73 64
+internal_value=0 -0.0425411 -0.202773
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=1876
+num_leaves=5
+num_cat=0
+split_feature=8 4 9 1
+split_gain=1.24193 3.07637 7.23517 6.98827
+threshold=68.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0077147478071053731 -0.0022091787933208886 0.0058846017958594926 -0.0028346511398119824 0.0073423704584887894
+leaf_weight=40 74 39 54 54
+leaf_count=40 74 39 54 54
+internal_value=0 0.0437574 -0.0220833 0.112396
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=1877
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=1.26619 8.10891 8.75511 5.76003
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00092698059166897216 0.0027147115510892956 -0.005479644686756332 0.010217254394207634 -0.0071654801992756569
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.0531118 0.20274 -0.0927434
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1878
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=1.21503 7.78729 8.60104 5.75688
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.002125384741965539 -0.0061174070582259536 -0.0053701989802857246 0.0089205693452487165 0.0038266957766939494
+leaf_weight=51 54 52 63 41
+leaf_count=51 54 52 63 41
+internal_value=0 0.0520415 0.198684 -0.0908835
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1879
+num_leaves=5
+num_cat=0
+split_feature=8 4 9 7
+split_gain=1.21564 2.88431 6.95776 5.0777
+threshold=68.500000000000014 65.500000000000014 41.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0075421953979123782 -0.0021862475548869486 0.0057173687087656569 -0.0013643840559970036 0.0074657672567921543
+leaf_weight=40 74 39 64 44
+leaf_count=40 74 39 64 44
+internal_value=0 0.0432892 -0.0204685 0.111409
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=1880
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=1.26892 7.54902 13.5517
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0022542687793024856 -0.011124410480340576 0.0041532661199755287 0.0026064038233283172
+leaf_weight=73 56 73 59
+leaf_count=73 56 73 59
+internal_value=0 -0.0437886 -0.203783
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=1881
+num_leaves=5
+num_cat=0
+split_feature=8 7 2 6
+split_gain=1.2178 5.05121 4.21597 4.89637
+threshold=50.500000000000007 58.500000000000007 9.5000000000000018 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.002209226688653317 -0.007273805923485809 -0.0045518074804681884 0.0081608901377866801 -0.00056803013984621541
+leaf_weight=73 39 42 43 64
+leaf_count=73 39 42 43 64
+internal_value=0 -0.0429059 0.0409208 0.146771
+internal_weight=0 188 149 107
+internal_count=261 188 149 107
+shrinkage=0.02
+
+
+Tree=1882
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=1.25044 7.72565 8.09445 5.68564
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0008133185933906226 0.0026963728423472343 -0.0053300656273242777 0.0099026648342807819 -0.0071199931249289611
+leaf_weight=63 51 52 51 44
+leaf_count=63 51 52 51 44
+internal_value=0 0.0527779 0.19884 -0.0921817
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1883
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.23737 3.35175 10.8261 2.58473
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0028493902741946078 0.0031057623583970583 -0.010978936975531515 0.0037092575853607786 -0.0037549411506700436
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0337954 -0.118284 -0.362475
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1884
+num_leaves=6
+num_cat=0
+split_feature=5 4 6 9 7
+split_gain=1.23646 6.22593 4.09788 4.08491 4.64564
+threshold=67.050000000000011 64.500000000000014 70.500000000000014 58.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 3 -2 4 -1
+right_child=2 -3 -4 -5 -6
+leaf_value=-0.0013746579727709676 0.0067621327003372089 -0.0077911887085870268 -0.0021480607308171792 -0.0042798232402055641 0.0074037770748521907
+leaf_weight=45 39 41 44 40 52
+leaf_count=45 39 41 44 40 52
+internal_value=0 -0.047374 0.10156 0.0548867 0.166251
+internal_weight=0 178 83 137 97
+internal_count=261 178 83 137 97
+shrinkage=0.02
+
+
+Tree=1885
+num_leaves=5
+num_cat=0
+split_feature=2 7 2 6
+split_gain=1.25058 5.93813 3.00707 6.48342
+threshold=13.500000000000002 65.500000000000014 24.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0024456990363606757 0.0018585955359192094 0.0066763076199018402 0.0025485479193194699 -0.0087587346048269201
+leaf_weight=65 46 51 53 46
+leaf_count=65 46 51 53 46
+internal_value=0 0.0779777 -0.0623968 -0.1722
+internal_weight=0 116 145 92
+internal_count=261 116 145 92
+shrinkage=0.02
+
+
+Tree=1886
+num_leaves=5
+num_cat=0
+split_feature=2 7 2 6
+split_gain=1.20002 5.70262 2.88729 6.22654
+threshold=13.500000000000002 65.500000000000014 24.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0023968376998566476 0.0018214801880861533 0.0065429643601243315 0.0024976435170035276 -0.0085838261089486428
+leaf_weight=65 46 51 53 46
+leaf_count=65 46 51 53 46
+internal_value=0 0.0764138 -0.0611399 -0.168753
+internal_weight=0 116 145 92
+internal_count=261 116 145 92
+shrinkage=0.02
+
+
+Tree=1887
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=1.16583 4.66455 11.3806 6.06886
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0079699110183249419 0.0021829687369685244 0.0035017395454076373 -0.010524212959547445 -0.0021690721192266444
+leaf_weight=42 72 43 50 54
+leaf_count=42 72 43 50 54
+internal_value=0 -0.0416023 -0.201637 0.113049
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1888
+num_leaves=5
+num_cat=0
+split_feature=8 5 7 6
+split_gain=1.20049 5.08866 4.52483 4.64248
+threshold=65.500000000000014 72.700000000000003 59.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0019353091034956546 0.00666003930792196 -0.0028043474415157476 -0.0062115085277483972 0.0061592739464069171
+leaf_weight=77 45 46 48 45
+leaf_count=77 45 46 48 45
+internal_value=0 0.0934291 -0.0500215 0.0522832
+internal_weight=0 91 170 122
+internal_count=261 91 170 122
+shrinkage=0.02
+
+
+Tree=1889
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.17472 6.75235 6.36274 4.14051
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0025296718977996032 0.0063947616131607753 0.007871007349334139 -0.0056795772421422974 -0.0021557632404882723
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0361729 -0.0569381 0.117353
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=1890
+num_leaves=5
+num_cat=0
+split_feature=8 4 9 1
+split_gain=1.19883 3.01962 6.81275 7.05249
+threshold=68.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0075031264453088824 -0.0021714174996121495 0.0058231651721203275 -0.0029408187623319532 0.0072829664447445607
+leaf_weight=40 74 39 54 54
+leaf_count=40 74 39 54 54
+internal_value=0 0.0429894 -0.022243 0.108254
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=1891
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=1.16331 3.17908 10.4611
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0027641345705485092 0.0030276726946333182 -0.0073746694497299125 0.0033494046701524754
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0327881 -0.115089
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=1892
+num_leaves=5
+num_cat=0
+split_feature=8 4 4 4
+split_gain=1.16736 5.37008 4.69374 2.83918
+threshold=65.500000000000014 73.500000000000014 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0021426976477177408 0.0066580535811381208 -0.0030639444624528619 -0.0070859520310845442 0.0037604381330565034
+leaf_weight=65 46 45 39 66
+leaf_count=65 46 45 39 66
+internal_value=0 0.0921514 -0.0493389 0.0412859
+internal_weight=0 91 170 131
+internal_count=261 91 170 131
+shrinkage=0.02
+
+
+Tree=1893
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.18523 5.5718 2.85463 5.5314
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0023608702158179544 0.0023379542222170071 0.0064760852905782866 0.0033339072048797968 -0.0069397206194928276
+leaf_weight=65 45 51 40 60
+leaf_count=65 45 51 40 60
+internal_value=0 0.0759507 -0.0607664 -0.147853
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=1894
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 8
+split_gain=1.24069 3.04759 5.05935 0.821477
+threshold=68.500000000000014 13.500000000000002 24.500000000000004 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0018045117315480912 -0.002208308081274753 -0.0047055267331424944 0.0042898762554845109 0.00594795051280391
+leaf_weight=41 74 67 40 39
+leaf_count=41 74 67 40 39
+internal_value=0 0.0437252 -0.0667341 0.191893
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1895
+num_leaves=6
+num_cat=0
+split_feature=2 7 3 1 4
+split_gain=1.21572 6.53707 6.43161 10.8374 7.1893
+threshold=7.5000000000000009 73.500000000000014 52.500000000000007 8.5000000000000018 62.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0025725911767835435 0.0058530202957945403 0.0077688977851248821 -0.013927333781122399 0.0046499203691799185 -0.001742055932365478
+leaf_weight=58 40 42 39 43 39
+leaf_count=58 40 42 39 43 39
+internal_value=0 0.0367945 -0.054821 -0.170121 -0.392598
+internal_weight=0 203 161 121 78
+internal_count=261 203 161 121 78
+shrinkage=0.02
+
+
+Tree=1896
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 3
+split_gain=1.28213 2.94573 4.86254 2.02116
+threshold=68.500000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00050256750566180723 -0.0022442276310917502 -0.0045882866186019982 0.0042311062858471828 0.0069159096588262952
+leaf_weight=39 74 67 40 41
+leaf_count=39 74 67 40 41
+internal_value=0 0.0444421 -0.0641617 0.190128
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1897
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=1.24747 5.25101 4.43329 4.71612
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0044515068267151582 -0.0075377239220155183 0.0015795416874231868 0.0066318233656113791 -0.0042355084122315924
+leaf_weight=40 39 72 43 67
+leaf_count=40 39 72 43 67
+internal_value=0 -0.0809675 0.0599483 -0.0489884
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1898
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 9
+split_gain=1.22345 3.45788 7.78631 4.40783
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0031496038377667539 0.00091049141471654261 0.0053062025732176906 -0.01000710381167284 -0.0030381763794656205
+leaf_weight=42 72 64 41 42
+leaf_count=42 72 64 41 42
+internal_value=0 -0.0302233 -0.152371 0.0996287
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=1899
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.17425 5.84868 11.0718 9.04052
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0030867168947873677 -0.0087277655524857483 0.010014493942802086 -0.0043936660401437304 0.0017150427366827395
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.0296173 0.17365 -0.161376
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=1900
+num_leaves=5
+num_cat=0
+split_feature=8 4 9 7
+split_gain=1.19454 3.00658 6.59436 4.85227
+threshold=68.500000000000014 65.500000000000014 41.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0073877698601422714 -0.0021671834454067137 0.0058113957128776211 -0.0013873971977294544 0.0072452867104132379
+leaf_weight=40 74 39 64 44
+leaf_count=40 74 39 64 44
+internal_value=0 0.0429338 -0.022158 0.106232
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=1901
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=1.23547 7.37219 12.8184
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0022251390053877776 -0.010882044945869597 0.0041058616042626587 0.0024723895073986424
+leaf_weight=73 56 73 59
+leaf_count=73 56 73 59
+internal_value=0 -0.0432012 -0.201318
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=1902
+num_leaves=6
+num_cat=0
+split_feature=1 3 4 7 9
+split_gain=1.25903 6.88863 11.5342 11.8542 5.62495
+threshold=8.5000000000000018 75.500000000000014 66.500000000000014 53.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.007002841497180853 0.0034967918876348363 -0.0062890784423736343 0.011898444342108841 -0.0079588704327931813 -0.0062845487016071986
+leaf_weight=40 43 39 42 45 52
+leaf_count=40 43 39 42 45 52
+internal_value=0 0.0529749 0.166233 -0.0454346 -0.0924738
+internal_weight=0 166 127 85 95
+internal_count=261 166 127 85 95
+shrinkage=0.02
+
+
+Tree=1903
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 8
+split_gain=1.20822 8.06767 8.35798 5.50718
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0019890054336008443 0.0026559037456899116 -0.005487020382364676 0.0088997939216253295 -0.0070056262630601579
+leaf_weight=51 51 52 63 44
+leaf_count=51 51 52 63 44
+internal_value=0 0.0519126 0.201162 -0.0906179
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1904
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 3
+split_gain=1.1846 2.92347 4.74258 1.98703
+threshold=68.500000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00048554383484431663 -0.0021583384122542079 -0.0045729915308707061 0.0041371954957059058 0.006845140563025218
+leaf_weight=39 74 67 40 41
+leaf_count=39 74 67 40 41
+internal_value=0 0.0427559 -0.06544 0.187898
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1905
+num_leaves=6
+num_cat=0
+split_feature=1 3 4 7 8
+split_gain=1.16729 6.69343 10.8147 11.4554 5.26792
+threshold=8.5000000000000018 75.500000000000014 66.500000000000014 53.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0069320612315981953 0.0025883236199642735 -0.0062231487905335357 0.011556345041897056 -0.007776336273306989 -0.0068616140904490417
+leaf_weight=40 51 39 42 45 44
+leaf_count=40 51 39 42 45 44
+internal_value=0 0.0510403 0.162691 -0.0422662 -0.0890952
+internal_weight=0 166 127 85 95
+internal_count=261 166 127 85 95
+shrinkage=0.02
+
+
+Tree=1906
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.25418 6.36907 5.99066 4.26258
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0026120429946741869 0.0064281544008720241 0.0076898285720363672 -0.0054677555451162442 -0.0022472263084145471
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.037376 -0.0530553 0.116072
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=1907
+num_leaves=5
+num_cat=0
+split_feature=8 6 7 7
+split_gain=1.19551 2.92295 3.48038 3.45977
+threshold=68.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0030219931497757115 -0.0021680744551801166 0.0055902380902807238 -0.0051808584251721926 0.0045322100333987994
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0429501 -0.0233099 0.0780949
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=1908
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=1.21123 6.25074 8.54261 12.6298
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0025677568678198364 0.0079137328032429614 0.0068809425122537413 -0.0084831329094683088 -0.0059293211927225519
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.036735 -0.0635439 0.0912883
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=1909
+num_leaves=4
+num_cat=0
+split_feature=8 7 8
+split_gain=1.22125 2.94892 5.43017
+threshold=68.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0020276234277939688 -0.0021910637119802309 0.003948032552049118 -0.0072224199194494488
+leaf_weight=73 74 75 39
+leaf_count=73 74 75 39
+internal_value=0 0.0433948 -0.0594367
+internal_weight=0 187 112
+internal_count=261 187 112
+shrinkage=0.02
+
+
+Tree=1910
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 2
+split_gain=1.18184 5.08926 4.66729 4.00215
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0032187622759064193 -0.0074038577633560665 0.0015723967232948305 0.0067413516160310886 -0.0045686598295928953
+leaf_weight=48 39 72 43 59
+leaf_count=48 39 72 43 59
+internal_value=0 -0.0788449 0.0583745 -0.0533972
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1911
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=1.19948 4.43363 5.60495 5.62078
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0042519677444057841 0.0022139618527679187 -0.0064135896765322867 0.0071142720626107036 -0.0053098099435712623
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0421767 0.0421727 -0.0812065
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=1912
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 9
+split_gain=1.16381 4.51021 5.89469 4.07911
+threshold=65.500000000000014 64.500000000000014 48.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0023052329120299263 0.0054804166957710745 -0.0061218283409398911 0.0070119345872112649 -0.0028717032046592346
+leaf_weight=74 53 49 43 42
+leaf_count=74 53 49 43 42
+internal_value=0 -0.0509251 0.0557168 0.0890045
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=1913
+num_leaves=5
+num_cat=0
+split_feature=8 4 4 6
+split_gain=1.17434 5.44565 4.77646 3.40488
+threshold=65.500000000000014 73.500000000000014 63.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0019041627818032704 0.0066972691371846105 -0.0030927138569774503 -0.0071419331802869048 0.0046414503652283823
+leaf_weight=76 46 45 39 55
+leaf_count=76 46 45 39 55
+internal_value=0 0.0924314 -0.0494738 0.0419451
+internal_weight=0 91 170 131
+internal_count=261 91 170 131
+shrinkage=0.02
+
+
+Tree=1914
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.18911 5.99797 10.4931 8.45265
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0031057115689664726 -0.0085832896572068888 0.0098890809388722436 -0.004137655242434664 0.0015145655768317779
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.0298082 0.176032 -0.163231
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=1915
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 2
+split_gain=1.17537 7.49797 5.74124 3.93001
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0058281336506071958 0.0085640180692179678 -0.0027019585775459832 -0.0075327765490630265 -0.0016395341799954038
+leaf_weight=45 39 60 41 76
+leaf_count=45 39 60 41 76
+internal_value=0 0.0865497 -0.0528835 0.0566427
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=1916
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 9
+split_gain=1.19193 4.42189 11.1379 5.86097
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.003426618525647256 0.0022070430024405934 0.0034960143182652444 -0.010379792089730841 0.0065377890681102115
+leaf_weight=42 72 43 50 54
+leaf_count=42 72 43 50 54
+internal_value=0 -0.0420486 -0.197885 0.108536
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1917
+num_leaves=6
+num_cat=0
+split_feature=2 7 3 1 4
+split_gain=1.16141 6.11611 6.04214 10.7637 6.9927
+threshold=7.5000000000000009 73.500000000000014 52.500000000000007 8.5000000000000018 62.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0025153152926388595 0.0056834645975787417 0.0075232027922669531 -0.013714698167874864 0.0047367868492380226 -0.0016964832013499135
+leaf_weight=58 40 42 39 43 39
+leaf_count=58 40 42 39 43 39
+internal_value=0 0.0359817 -0.0526371 -0.16441 -0.386137
+internal_weight=0 203 161 121 78
+internal_count=261 203 161 121 78
+shrinkage=0.02
+
+
+Tree=1918
+num_leaves=5
+num_cat=0
+split_feature=8 4 9 1
+split_gain=1.22136 2.95633 6.7992 6.54988
+threshold=68.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0074743067918869224 -0.0021911395696938983 0.0057793433532893033 -0.0027363231777455862 0.0071170254429243889
+leaf_weight=40 74 39 54 54
+leaf_count=40 74 39 54 54
+internal_value=0 0.0433977 -0.0211491 0.109218
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=1919
+num_leaves=5
+num_cat=0
+split_feature=8 4 9 1
+split_gain=1.17219 2.83876 6.52943 6.29022
+threshold=68.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0073250817478684865 -0.0021473585820574663 0.0056639628841164847 -0.0026816675838876041 0.0069748692635590781
+leaf_weight=40 74 39 54 54
+leaf_count=40 74 39 54 54
+internal_value=0 0.0425264 -0.0207276 0.107029
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=1920
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 9
+split_gain=1.18381 4.85418 4.23341 4.5031
+threshold=62.500000000000007 69.500000000000014 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0043467300406619738 -0.0065591458647000656 0.0019376265005122248 0.0064779535461141928 -0.0041425850710995306
+leaf_weight=40 46 65 43 67
+leaf_count=40 46 65 43 67
+internal_value=0 -0.0789135 0.058418 -0.0480385
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=1921
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.17386 3.42139 10.4498 2.45459
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0027766915189784179 0.0031622000695974103 -0.010799633586974227 0.0036028996834295847 -0.0037565232912888285
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0329212 -0.118278 -0.358196
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1922
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.14423 5.68596 10.3285 8.16194
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0030475671927723347 -0.0084100965604325447 0.0097421388768588815 -0.0041744514765079174 0.0015129184392212427
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.0292482 0.171178 -0.15917
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=1923
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 2
+split_gain=1.17696 8.10402 8.04631 5.61793
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00075933660982867442 -0.0060370919734531701 -0.0055151506224749118 0.009924692520311907 0.0037866357663323882
+leaf_weight=63 54 52 51 41
+leaf_count=63 54 52 51 41
+internal_value=0 0.0512401 0.200825 -0.0894648
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1924
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=1.16504 4.40117 5.21037 5.47203
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0042680641466768896 0.0021824402740168083 -0.0063813145061063486 0.0068961572898168589 -0.0051669379591997655
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0415782 0.0424625 -0.0764987
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=1925
+num_leaves=5
+num_cat=0
+split_feature=7 9 9 7
+split_gain=1.16581 5.23289 3.74466 3.45367
+threshold=57.500000000000007 63.500000000000007 77.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0028968858266668123 -0.0058113880564723708 0.0050114692075539525 -0.0028385211327933402 0.0046502240735239861
+leaf_weight=40 59 58 42 62
+leaf_count=40 59 58 42 62
+internal_value=0 -0.0539634 0.08534 0.0841389
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1926
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=1.16951 3.23934 10.1449
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0027716511394512348 0.003060827302251688 -0.0073143756303579045 0.003246504204787031
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0328599 -0.115932
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=1927
+num_leaves=5
+num_cat=0
+split_feature=8 4 4 6
+split_gain=1.17437 5.34909 4.78683 3.28238
+threshold=65.500000000000014 73.500000000000014 63.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0018524644582821159 0.0066543650181427527 -0.0030486420378178221 -0.0071485153439406826 0.0045749059652993185
+leaf_weight=76 46 45 39 55
+leaf_count=76 46 45 39 55
+internal_value=0 0.0924368 -0.0494706 0.0420474
+internal_weight=0 91 170 131
+internal_count=261 91 170 131
+shrinkage=0.02
+
+
+Tree=1928
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=1.15891 7.24599 11.7403
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0021561629319849268 -0.010534074076765125 0.0040899270474380519 0.0022468190578532861
+leaf_weight=73 56 73 59
+leaf_count=73 56 73 59
+internal_value=0 -0.0418661 -0.19863
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=1929
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.23286 5.77313 2.71063 6.67675
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0024001535273938386 -0.004060786098508397 0.0065945564226462736 -0.004648545423389756 0.0070075359361142578
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0774558 -0.0619365 0.0481378
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1930
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 3
+split_gain=1.18318 4.61458 2.56929 4.21754
+threshold=13.500000000000002 7.5000000000000009 55.150000000000006 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0024687843228989753 -0.0044405798058794787 0.0055168255306016932 0.005040231788642143 -0.0038661248376676421
+leaf_weight=58 59 58 47 39
+leaf_count=58 59 58 47 39
+internal_value=0 0.0759024 -0.0606986 0.0496074
+internal_weight=0 116 145 86
+internal_count=261 116 145 86
+shrinkage=0.02
+
+
+Tree=1931
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=1.1943 3.15427 7.60743 12.9431
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0028004138521360543 0.011680059287645156 -0.0041831227949106773 -0.0048645723684285613 -0.0037147648756361853
+leaf_weight=50 48 69 54 40
+leaf_count=50 48 69 54 40
+internal_value=0 -0.0331989 0.0520808 0.233797
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=1932
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=1.18158 7.00713 11.6289
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0021767191809734764 -0.010459112040665309 0.0040000598175231692 0.0022610632694320507
+leaf_weight=73 56 73 59
+leaf_count=73 56 73 59
+internal_value=0 -0.0422707 -0.196438
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=1933
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.1855 3.04329 9.89599 2.37295
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0027903025512069626 0.0029427436454900319 -0.010517138330366474 0.0035359855318868221 -0.0035914649139086479
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0330759 -0.113614 -0.347106
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1934
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 4
+split_gain=1.18651 4.31934 3.31287 4.46363
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014012887028132003 0.0022022267815283371 -0.0055080009114567945 -0.0030110035492636801 0.0078435502190242895
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0419482 0.0561398 0.17721
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=1935
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 3
+split_gain=1.19994 5.3415 9.96975 7.89259 14.9117
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 68.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.0031196554684145934 -0.010167954194661995 0.009495024501087055 -0.0041781990174780976 0.0093549322588115918 -0.0070257054242826838
+leaf_weight=42 43 47 39 40 50
+leaf_count=42 43 47 39 40 50
+internal_value=0 -0.029938 0.164336 -0.15588 0.0123654
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=1936
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=1.2095 6.62059 11.1284
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0022019302174071699 -0.010241103850734283 0.003855023097470699 0.0022026446515787911
+leaf_weight=73 56 73 59
+leaf_count=73 56 73 59
+internal_value=0 -0.0427559 -0.192626
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=1937
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 2
+split_gain=1.22849 7.20237 5.96509 3.90291
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0058310641670719018 0.0084664137623698815 -0.0025755721301867359 -0.0076804539657873427 -0.0016108464339065604
+leaf_weight=45 39 60 41 76
+leaf_count=45 39 60 41 76
+internal_value=0 0.0884567 -0.0540406 0.0575985
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=1938
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=1.24991 7.91848 8.19602 5.55323
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0019407982576878449 -0.0060662519447305671 -0.0054091389432609572 0.0088420908748205757 0.0037007134431523655
+leaf_weight=51 54 52 63 41
+leaf_count=51 54 52 63 41
+internal_value=0 0.052779 0.200646 -0.09215
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1939
+num_leaves=6
+num_cat=0
+split_feature=5 9 5 6 7
+split_gain=1.20466 6.37615 8.64592 2.26253 3.33887
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 49.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0028663745537374215 -0.0029589928050400356 -0.0066815683919205096 0.0097159189630129199 -0.0042787762565321954 0.0049319247659717147
+leaf_weight=40 46 39 46 41 49
+leaf_count=40 46 39 46 41 49
+internal_value=0 0.0317078 0.113091 -0.0186728 0.0709296
+internal_weight=0 215 176 130 89
+internal_count=261 215 176 130 89
+shrinkage=0.02
+
+
+Tree=1940
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 9
+split_gain=1.30185 4.65361 11.3322 5.4888
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0027696795342075664 0.002304842443874413 0.0034431457067341381 -0.010552883439490676 0.0068066060221049999
+leaf_weight=46 72 43 50 50
+leaf_count=46 72 43 50 50
+internal_value=0 -0.04392 -0.203764 0.110548
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1941
+num_leaves=5
+num_cat=0
+split_feature=2 8 7 1
+split_gain=1.19761 6.17335 7.6022 3.96822
+threshold=7.5000000000000009 69.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.002553672197945089 0.0063780013530894677 0.0068386866790652633 -0.0066703284607003742 -0.0019930160827528222
+leaf_weight=58 48 50 62 43
+leaf_count=58 48 50 62 43
+internal_value=0 0.0365236 -0.0631332 0.120759
+internal_weight=0 203 153 91
+internal_count=261 203 153 91
+shrinkage=0.02
+
+
+Tree=1942
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=1.23281 4.48862 5.01062 5.35269
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0023913063578504842 0.0022438482229150884 -0.0064594549667457892 0.0067726109351210866 -0.0067985412468979465
+leaf_weight=60 72 44 41 44
+leaf_count=60 72 44 41 44
+internal_value=0 -0.0427574 0.0421125 -0.0745488
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=1943
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=1.18494 6.7004 10.9738
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0021797196965945538 -0.010206090887004899 0.0038917616595602962 0.0021509459119057402
+leaf_weight=73 56 73 59
+leaf_count=73 56 73 59
+internal_value=0 -0.0423321 -0.193099
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=1944
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=1.2098 4.3281 4.87746 5.1349
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0023202230859084593 0.0022233066295054057 -0.0063507566446345878 0.0066711436059314145 -0.0066812625698134944
+leaf_weight=60 72 44 41 44
+leaf_count=60 72 44 41 44
+internal_value=0 -0.0423551 0.0409859 -0.0741172
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=1945
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=1.18295 7.89817 7.91058 5.38941
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0018681768781813898 -0.0059546042104315937 -0.0054290841868680616 0.0087254945358988863 0.003667715501982654
+leaf_weight=51 54 52 63 41
+leaf_count=51 54 52 63 41
+internal_value=0 0.0513689 0.199048 -0.0896878
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1946
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=1.2107 6.5346 10.7905
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0022029697594865174 -0.010124510797944877 0.0038239401995328157 0.0021290066140505675
+leaf_weight=73 56 73 59
+leaf_count=73 56 73 59
+internal_value=0 -0.0427781 -0.191675
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=1947
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 3
+split_gain=1.23259 5.42552 2.69836 6.43887
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0022797348481390142 0.0022565249237729472 0.0064406619887541526 0.0031848247315421317 -0.007660959159827869
+leaf_weight=65 50 51 40 55
+leaf_count=65 50 51 40 55
+internal_value=0 0.0774456 -0.0619318 -0.146619
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=1948
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 3
+split_gain=1.26818 3.06131 4.73466 2.10349
+threshold=68.500000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00048893889247806656 -0.0022319250899769769 -0.0045912516230848669 0.0041116158879544043 0.0070296781224391171
+leaf_weight=39 74 67 40 41
+leaf_count=39 74 67 40 41
+internal_value=0 0.0442158 -0.0664905 0.192714
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=1949
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 8
+split_gain=1.22385 6.35747 8.43684 2.61691
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0021707822989549558 -0.0029818402635370645 -0.0066656703603963346 0.009628210348985396 -0.003565075022834434
+leaf_weight=73 46 39 46 57
+leaf_count=73 46 39 46 57
+internal_value=0 0.0319673 0.113231 -0.0169293
+internal_weight=0 215 176 130
+internal_count=261 215 176 130
+shrinkage=0.02
+
+
+Tree=1950
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 2
+split_gain=1.23159 7.72587 7.60848 5.24305
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00067476055328944643 -0.0059336947967335019 -0.0053376885220932152 0.0097148584649594111 0.0035572881666099412
+leaf_weight=63 54 52 51 41
+leaf_count=63 54 52 51 41
+internal_value=0 0.0524018 0.198466 -0.0914784
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=1951
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=1.23068 4.55847 10.6947 6.13583
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.007943910050518246 0.0022421816806757985 0.0032854758446250348 -0.010311552658037246 -0.0022509064489676898
+leaf_weight=42 72 43 50 54
+leaf_count=42 72 43 50 54
+internal_value=0 -0.0427091 -0.200921 0.110177
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1952
+num_leaves=5
+num_cat=0
+split_feature=7 9 8 7
+split_gain=1.18787 5.46391 4.06027 3.50459
+threshold=57.500000000000007 63.500000000000007 71.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0029147310986359994 -0.0059241776422375002 -0.0018848971334839552 0.0062234227526920564 0.0046875351235517778
+leaf_weight=40 59 55 45 62
+leaf_count=40 59 55 45 62
+internal_value=0 -0.054458 0.0878827 0.0849231
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1953
+num_leaves=5
+num_cat=0
+split_feature=8 4 9 1
+split_gain=1.16811 2.86234 6.91169 6.25052
+threshold=68.500000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0075303138911887724 -0.0021435407142464057 0.0056824747517052777 -0.0017020015347538886 0.0081295099287761567
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0424609 -0.0210545 0.110386
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=1954
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 8
+split_gain=1.15952 6.15281 8.24354 2.53394
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0021176710273737589 -0.0029039092831894199 -0.0065643692349751405 0.0095004296508183692 -0.0035271271635829334
+leaf_weight=73 46 39 46 57
+leaf_count=73 46 39 46 57
+internal_value=0 0.0311201 0.111072 -0.0175886
+internal_weight=0 215 176 130
+internal_count=261 215 176 130
+shrinkage=0.02
+
+
+Tree=1955
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=1.24992 4.43255 10.8852 5.93214
+threshold=70.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0077991211760035607 0.0022592145141534098 0.0023564085731290645 -0.011361149085877195 -0.0022255202780617394
+leaf_weight=42 72 50 43 54
+leaf_count=42 72 50 43 54
+internal_value=0 -0.0430434 -0.199065 0.107721
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1956
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 6
+split_gain=1.21452 6.16783 4.25624 3.82385
+threshold=67.050000000000011 64.500000000000014 70.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0018965093321354864 0.0068347095849341927 -0.0077507786529144584 -0.0022455593243677491 0.0048369455927763632
+leaf_weight=76 39 41 44 61
+leaf_count=76 39 41 44 61
+internal_value=0 -0.0469477 0.10068 0.054835
+internal_weight=0 178 83 137
+internal_count=261 178 83 137
+shrinkage=0.02
+
+
+Tree=1957
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=1.19096 6.07148 7.71944 12.3149
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0025466600141550721 0.0077075161531738748 0.0067862850865704448 -0.0081050276894620472 -0.0059622625173695763
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0364252 -0.0624067 0.0847795
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=1958
+num_leaves=5
+num_cat=0
+split_feature=2 8 5 1
+split_gain=1.143 5.83068 6.87993 4.38873
+threshold=7.5000000000000009 69.500000000000014 59.350000000000009 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0024957881535836294 0.0052197999622977413 0.0066507492431842905 -0.0076976342287398952 -0.0029320422124597323
+leaf_weight=58 59 50 46 48
+leaf_count=58 59 50 46 48
+internal_value=0 0.0356929 -0.0611615 0.077795
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=1959
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=1.18904 2.84858 6.69278 6.35289
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0074070327677667547 -0.0021626341392013155 0.0056780452890517561 -0.0026701899190056627 0.0070341505521719977
+leaf_weight=40 74 39 54 54
+leaf_count=40 74 39 54 54
+internal_value=0 0.0428184 -0.0205445 0.1088
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=1960
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.1696 5.7469 4.60661 4.28961
+threshold=65.500000000000014 72.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0065072951287517356 -0.0024978077817458155 0.0074377850089190449 -0.0056377311971802955 -0.0016912571372869557
+leaf_weight=41 54 41 57 68
+leaf_count=41 54 41 57 68
+internal_value=0 0.0892045 -0.0510672 0.0693732
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=1961
+num_leaves=5
+num_cat=0
+split_feature=8 4 9 5
+split_gain=1.17003 2.77347 6.47166 4.78548
+threshold=68.500000000000014 65.500000000000014 41.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0072810102169735937 -0.0021456650682060252 0.0056076478709077967 -0.0024731320592787159 0.0059883848525897811
+leaf_weight=40 74 39 49 59
+leaf_count=40 74 39 49 59
+internal_value=0 0.0424756 -0.0200489 0.107142
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=1962
+num_leaves=5
+num_cat=0
+split_feature=7 9 8 7
+split_gain=1.18291 5.31692 3.8455 3.35653
+threshold=57.500000000000007 63.500000000000007 71.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0028205001250463501 -0.0058572348856938076 -0.0018242149244752427 0.0060675976600143367 0.0046200995986753956
+leaf_weight=40 59 55 45 62
+leaf_count=40 59 55 45 62
+internal_value=0 -0.0543722 0.0860433 0.0847223
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1963
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 8
+split_gain=1.19879 6.08675 8.16089 2.56534
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0021470391227459314 -0.0029523112983747086 -0.0065159456583375455 0.0094651594116963618 -0.0035324305663577559
+leaf_weight=73 46 39 46 57
+leaf_count=73 46 39 46 57
+internal_value=0 0.0316107 0.111134 -0.01688
+internal_weight=0 215 176 130
+internal_count=261 215 176 130
+shrinkage=0.02
+
+
+Tree=1964
+num_leaves=5
+num_cat=0
+split_feature=9 8 8 4
+split_gain=1.15874 4.15098 4.55113 4.08038
+threshold=70.500000000000014 63.500000000000007 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.003052641000746547 0.0021761627590088108 -0.0059196843829959957 0.0060730162791427476 -0.0053013970267251544
+leaf_weight=42 72 48 46 53
+leaf_count=42 72 48 46 53
+internal_value=0 -0.0414915 0.0449647 -0.0800045
+internal_weight=0 189 141 95
+internal_count=261 189 141 95
+shrinkage=0.02
+
+
+Tree=1965
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.14841 5.83044 5.99891 3.7714
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0025018760105439426 0.0062334586038878641 0.0073585602801912097 -0.0054250459180326359 -0.0019280852632052609
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0357614 -0.0507647 0.11848
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=1966
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 8
+split_gain=1.20204 5.84116 8.04246 2.49872
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0021019031037477721 -0.0029562880162538612 -0.0063697992110758883 0.0093811343666566332 -0.0035038225311118166
+leaf_weight=73 46 39 46 57
+leaf_count=73 46 39 46 57
+internal_value=0 0.031651 0.109562 -0.0175202
+internal_weight=0 215 176 130
+internal_count=261 215 176 130
+shrinkage=0.02
+
+
+Tree=1967
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=1.21237 4.09899 4.63589 5.24014
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0042033370398990222 0.0022250780311457181 -0.0062052074237552296 0.0064790902710727231 -0.0050302973043086932
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0424263 0.0386823 -0.0735387
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=1968
+num_leaves=5
+num_cat=0
+split_feature=8 5 4 6
+split_gain=1.16639 5.18691 4.82464 3.23104
+threshold=65.500000000000014 72.700000000000003 63.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0018214010404070528 0.0066793633218824094 -0.0028758098268188053 -0.0071699429953879399 0.0045557238617636286
+leaf_weight=76 45 46 39 55
+leaf_count=76 45 46 39 55
+internal_value=0 0.0920997 -0.0493326 0.0425459
+internal_weight=0 91 170 131
+internal_count=261 91 170 131
+shrinkage=0.02
+
+
+Tree=1969
+num_leaves=5
+num_cat=0
+split_feature=7 9 9 7
+split_gain=1.15756 5.37737 3.75205 3.28658
+threshold=57.500000000000007 63.500000000000007 77.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.002791453298875778 -0.0058728221309594713 0.0050559640235574065 -0.0028015945801152338 0.0045715948179501052
+leaf_weight=40 59 58 42 62
+leaf_count=40 59 58 42 62
+internal_value=0 -0.0538036 0.0874072 0.0838177
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1970
+num_leaves=6
+num_cat=0
+split_feature=4 1 7 3 4
+split_gain=1.13583 5.50774 7.62751 15.2044 2.46925
+threshold=50.500000000000007 7.5000000000000009 58.500000000000007 68.500000000000014 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -3
+right_child=1 4 3 -5 -6
+leaf_value=0.0030359888858145709 -0.01007209723764723 0.0066065070090767074 0.0093634473429706922 -0.0071771104418638584 -0.00018486080659924851
+leaf_weight=42 43 45 40 50 41
+leaf_count=42 43 45 40 50 41
+internal_value=0 -0.0291703 -0.157049 0.00834652 0.168098
+internal_weight=0 219 133 90 86
+internal_count=261 219 133 90 86
+shrinkage=0.02
+
+
+Tree=1971
+num_leaves=5
+num_cat=0
+split_feature=8 4 8 4
+split_gain=1.17129 5.06808 4.74521 4.77672
+threshold=65.500000000000014 73.500000000000014 55.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0019977434778410729 0.0065239028675214425 -0.0029214494056968277 -0.0054643931322193818 0.0065129923745774901
+leaf_weight=64 46 45 61 45
+leaf_count=64 46 45 61 45
+internal_value=0 0.0922842 -0.04944 0.0755227
+internal_weight=0 91 170 109
+internal_count=261 91 170 109
+shrinkage=0.02
+
+
+Tree=1972
+num_leaves=6
+num_cat=0
+split_feature=4 9 1 2 2
+split_gain=1.15749 3.30721 5.51138 8.57338 3.01542
+threshold=75.500000000000014 41.500000000000007 6.5000000000000009 13.500000000000002 17.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0057106420233762265 0.0031541356022648896 0.00069471648875457312 -0.0018348753322696963 0.010723755935577591 -0.0065184234081045716
+leaf_weight=41 40 48 45 42 45
+leaf_count=41 40 48 45 42 45
+internal_value=0 -0.0286054 0.0297829 0.211124 -0.13946
+internal_weight=0 221 180 87 93
+internal_count=261 221 180 87 93
+shrinkage=0.02
+
+
+Tree=1973
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.1701 3.08688 9.76079 2.30231
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0027717738232975455 0.0029719347998543389 -0.010440317331325803 0.0034883634633377063 -0.0036163102855074855
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0328966 -0.114005 -0.345899
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=1974
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.16964 5.46208 2.71603 6.51154
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0023326870939786378 -0.0039650861418914322 0.006417081740029946 -0.004621018279459382 0.0069656778119703416
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0754426 -0.0603876 0.0497973
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=1975
+num_leaves=5
+num_cat=0
+split_feature=7 9 8 7
+split_gain=1.17625 5.12333 3.79322 3.21735
+threshold=57.500000000000007 63.500000000000007 71.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.002731087689413702 -0.0057671622778329226 -0.0018488559876697988 0.0059894891916740123 0.0045542778369067512
+leaf_weight=40 59 55 45 62
+leaf_count=40 59 55 45 62
+internal_value=0 -0.0542329 0.0836064 0.084476
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=1976
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 8
+split_gain=1.17792 5.8601 7.95762 2.51757
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0021205893031456444 -0.0029271491432438347 -0.0063875961194631552 0.0093392424408584151 -0.003506120722881232
+leaf_weight=73 46 39 46 57
+leaf_count=73 46 39 46 57
+internal_value=0 0.0313276 0.109364 -0.0170458
+internal_weight=0 215 176 130
+internal_count=261 215 176 130
+shrinkage=0.02
+
+
+Tree=1977
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 4
+split_gain=1.15733 4.23024 3.19222 4.24594
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013343344254660916 0.0021746411474647251 -0.0054504355535094527 -0.0029461968322866241 0.0076828246826022061
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0414776 0.0555958 0.174457
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=1978
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.17479 5.20582 9.82912 7.40174
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0030865502161610743 -0.0080581218874386466 0.0094071313923385878 -0.00416948975215704 0.001392213613883701
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.0296667 0.162131 -0.154007
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=1979
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 8
+split_gain=1.1605 5.69642 7.7692 5.12802
+threshold=72.700000000000003 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0021118715421370709 -0.0029058222759564371 -0.0062938088611901068 0.0077241667139003644 -0.0068784500557060651
+leaf_weight=73 46 39 64 39
+leaf_count=73 46 39 64 39
+internal_value=0 0.0310972 0.108042 -0.0506945
+internal_weight=0 215 176 112
+internal_count=261 215 176 112
+shrinkage=0.02
+
+
+Tree=1980
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=1.22561 4.09893 4.4557 5.18363
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0042119368865420346 0.0022367666657397405 -0.0062099395322947103 0.0063628374851037329 -0.0049720292241520877
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0426657 0.0384422 -0.0715795
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=1981
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=1.17626 4.05132 10.5924 5.94305
+threshold=70.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0076970168610267474 0.0021920749963992214 0.0024317303285321147 -0.011100450112035276 -0.0023371161700579293
+leaf_weight=42 72 50 43 54
+leaf_count=42 72 50 43 54
+internal_value=0 -0.0418083 -0.191007 0.102345
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=1982
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.2111 5.86512 5.89081 3.86991
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0025683186941371024 0.0062664213549986636 0.0073969154901110078 -0.0053716921688919958 -0.002000763305266772
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0366986 -0.050084 0.117631
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=1983
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=1.16237 5.62329 7.1765 11.6361
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0025170143958118917 0.0074995876653905979 0.0065499758982291737 -0.0077952618479089084 -0.0057886163687437542
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0359629 -0.0591552 0.0827636
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=1984
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 8
+split_gain=1.17278 5.47931 7.67737 2.39449
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020521640704657448 -0.0029209412974961443 -0.0061578873625215379 0.00915982943399366 -0.0034362845242399461
+leaf_weight=73 46 39 46 57
+leaf_count=73 46 39 46 57
+internal_value=0 0.0312567 0.106729 -0.0174357
+internal_weight=0 215 176 130
+internal_count=261 215 176 130
+shrinkage=0.02
+
+
+Tree=1985
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.22653 5.28828 4.40847 4.14472
+threshold=65.500000000000014 72.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0063437459421837776 -0.0022818315899647552 0.0072499107078011675 -0.0055624153471690706 -0.0017159017030408561
+leaf_weight=41 54 41 57 68
+leaf_count=41 54 41 57 68
+internal_value=0 0.0912881 -0.0523005 0.065525
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=1986
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 4
+split_gain=1.18183 3.85944 3.01187 4.22812
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014873397087910489 0.0021970490317115084 -0.0052529437096687495 -0.0029260394542601582 0.0075114060781147265
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0419116 0.0508183 0.166307
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=1987
+num_leaves=6
+num_cat=0
+split_feature=2 7 3 1 4
+split_gain=1.18915 5.41731 5.79463 10.5504 6.82521
+threshold=7.5000000000000009 73.500000000000014 52.500000000000007 8.5000000000000018 62.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0025455571999232905 0.0056562728158309631 0.0071316202387606874 -0.013440956607373256 0.0048146674897074568 -0.0015674317553772902
+leaf_weight=58 40 42 39 43 39
+leaf_count=58 40 42 39 43 39
+internal_value=0 0.0363579 -0.0470488 -0.156525 -0.376058
+internal_weight=0 203 161 121 78
+internal_count=261 203 161 121 78
+shrinkage=0.02
+
+
+Tree=1988
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 8
+split_gain=1.24307 5.37944 7.52934 4.77643
+threshold=72.700000000000003 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.002030332427213395 -0.0030058877846411676 -0.006077872930599474 0.0076158634486353984 -0.006647407558069896
+leaf_weight=73 46 39 64 39
+leaf_count=73 46 39 64 39
+internal_value=0 0.0321588 0.106943 -0.0493253
+internal_weight=0 215 176 112
+internal_count=261 215 176 112
+shrinkage=0.02
+
+
+Tree=1989
+num_leaves=5
+num_cat=0
+split_feature=5 7 8 7
+split_gain=1.19305 5.20471 3.94095 3.01846
+threshold=72.700000000000003 69.500000000000014 55.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0028582268557644916 -0.0029458612335564027 0.0072485729231586624 -0.0046613876829741706 0.0040583157014256544
+leaf_weight=40 46 39 67 69
+leaf_count=40 46 39 67 69
+internal_value=0 0.0315109 -0.0417052 0.0756297
+internal_weight=0 215 176 109
+internal_count=261 215 176 109
+shrinkage=0.02
+
+
+Tree=1990
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.22573 5.03906 4.39025 4.00827
+threshold=65.500000000000014 72.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0062559082989118563 -0.0021847342438231073 0.0071202788850469904 -0.0055529758884565461 -0.0016704729748872019
+leaf_weight=41 54 41 57 68
+leaf_count=41 54 41 57 68
+internal_value=0 0.0912492 -0.0522934 0.0652888
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=1991
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=1.19364 2.72945 2.89202 2.17599
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001154434303500254 -0.0021675422219945562 0.0054302153644649291 -0.0051010726375106301 0.0046392916068550439
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0428602 -0.0211754 0.0638074
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=1992
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 9
+split_gain=1.20876 4.17385 5.35268 3.97922
+threshold=65.500000000000014 64.500000000000014 48.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0022456749820654511 0.0054673495075562052 -0.005948947922521923 0.0066343178535548455 -0.0027820969419919146
+leaf_weight=74 53 49 43 42
+leaf_count=74 53 49 43 42
+internal_value=0 -0.0519395 0.0506547 0.0906224
+internal_weight=0 166 117 95
+internal_count=261 166 117 95
+shrinkage=0.02
+
+
+Tree=1993
+num_leaves=5
+num_cat=0
+split_feature=2 8 7 1
+split_gain=1.16462 5.30767 6.92902 3.67613
+threshold=7.5000000000000009 69.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0025198225109142386 0.0061976321534621195 0.0063848650235245998 -0.0062923834957716567 -0.0018604350215269956
+leaf_weight=58 48 50 62 43
+leaf_count=58 48 50 62 43
+internal_value=0 0.0359761 -0.0564373 0.119134
+internal_weight=0 203 153 91
+internal_count=261 203 153 91
+shrinkage=0.02
+
+
+Tree=1994
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=1.21026 5.03165 8.03376 4.96982
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0018312279984748709 -0.0029668607103325211 0.0071423131892172044 -0.008563657474250785 0.0059120034503012476
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.0317249 -0.0402649 0.0774119
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=1995
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 5
+split_gain=1.20724 2.89119 6.58609 4.62597
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0073551758389528597 -0.0021798045468729523 0.005719189177183108 -0.0023871287244362767 0.005932516743040679
+leaf_weight=40 74 39 49 59
+leaf_count=40 74 39 49 59
+internal_value=0 0.0430919 -0.0207417 0.107568
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=1996
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 9
+split_gain=1.18949 3.59145 6.76087 4.06312
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0031050418160407708 0.00060125477253807666 0.0052310827699832523 -0.009572906144814158 -0.0027811597857561421
+leaf_weight=42 72 64 41 42
+leaf_count=42 72 64 41 42
+internal_value=0 -0.0298705 -0.154341 0.102457
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=1997
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 3
+split_gain=1.14164 5.41532 9.49977 7.46587 15.3313
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 68.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.0030430443173339486 -0.0099790047098401811 0.0093871801328020837 -0.0039600798398416485 0.0093858983267460314 -0.0072235249549251661
+leaf_weight=42 43 47 39 40 50
+leaf_count=42 43 47 39 40 50
+internal_value=0 -0.0292716 0.166338 -0.156078 0.00755582
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=1998
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 6
+split_gain=1.15874 4.72761 3.93729 6.54375
+threshold=62.500000000000007 10.500000000000002 10.500000000000002 47.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=0.0060373705195189047 -0.0071797089778708779 0.0014726930216990648 0.0045209057057058336 -0.005564928341709797
+leaf_weight=46 39 72 47 57
+leaf_count=46 39 72 47 57
+internal_value=0 -0.0781373 0.0577565 -0.0499623
+internal_weight=0 111 150 104
+internal_count=261 111 150 104
+shrinkage=0.02
+
+
+Tree=1999
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=1.15288 3.33955 7.37829 5.74293
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0027332403365326282 0.0031475102008950958 -0.0057348724852114494 0.0053462198987824549 -0.0068118824634398455
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0285713 0.0301011 -0.142924
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=2000
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.12612 5.31247 5.73548 3.65767
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0024784546588094139 0.0061712206455983342 0.0070502949962430086 -0.0052564501647127853 -0.0018667142591040234
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0353912 -0.0472056 0.118289
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=2001
+num_leaves=5
+num_cat=0
+split_feature=8 4 9 1
+split_gain=1.14386 2.98172 6.21433 6.05335
+threshold=68.500000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0071992623481164121 -0.0021226413075830898 0.0057718205438235057 -0.001811940961807797 0.0078640108366479777
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0419711 -0.0228522 0.101786
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2002
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 9
+split_gain=1.10619 4.17922 4.01992 4.16233
+threshold=62.500000000000007 69.500000000000014 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0041575472093681645 -0.006150736657274709 0.0017352162877480449 0.0063038668174851048 -0.0040054973031682876
+leaf_weight=40 46 65 43 67
+leaf_count=40 46 65 43 67
+internal_value=0 -0.0763725 0.0564576 -0.0472849
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=2003
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 4
+split_gain=1.1269 5.4193 7.71414 8.29426 7.37988
+threshold=72.700000000000003 72.500000000000014 64.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0027037993785480846 -0.0028644425955154074 -0.0061331404430926663 0.0097140863674935671 0.0074429067178709068 -0.0084931819480923449
+leaf_weight=43 46 39 41 40 52
+leaf_count=43 46 39 41 40 52
+internal_value=0 0.0306379 0.105699 -0.00960616 -0.17092
+internal_weight=0 215 176 135 95
+internal_count=261 215 176 135 95
+shrinkage=0.02
+
+
+Tree=2004
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 4
+split_gain=1.18128 4.06309 2.82086 4.29204
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015492626950659653 0.0021964345061284453 -0.0053672469326661873 -0.0027511262443028228 0.0075171872265248438
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0419076 0.0532322 0.165023
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2005
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 5
+split_gain=1.13382 3.90138 2.85275 1.39924
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 48.70000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0008480545581511233 0.0021525486904274368 -0.0052600361002316468 -0.0027940826692235232 0.0060838258195890626
+leaf_weight=45 72 56 49 39
+leaf_count=45 72 56 49 39
+internal_value=0 -0.0410745 0.0521572 0.164575
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2006
+num_leaves=5
+num_cat=0
+split_feature=8 4 8 4
+split_gain=1.14305 5.21414 4.38192 4.78405
+threshold=65.500000000000014 73.500000000000014 55.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0020864180646765823 0.0065682746857462938 -0.0030119367698647637 -0.0052789986345368597 0.0064310890273175537
+leaf_weight=64 46 45 61 45
+leaf_count=64 46 45 61 45
+internal_value=0 0.0911675 -0.048867 0.071226
+internal_weight=0 91 170 109
+internal_count=261 91 170 109
+shrinkage=0.02
+
+
+Tree=2007
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.12855 5.1692 5.49998 3.64736
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0024810228644467189 0.0061206459876793897 0.0069653143965209057 -0.0051441773146590824 -0.0019061390668783438
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0354312 -0.0460453 0.116022
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=2008
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 5
+split_gain=1.1596 2.99441 6.13053 4.55787
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0071508602425549017 -0.0021368866084605976 0.0057879230496384231 -0.0024832903633711413 0.0057754326449173934
+leaf_weight=40 74 39 49 59
+leaf_count=40 74 39 49 59
+internal_value=0 0.0422566 -0.0227039 0.101092
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2009
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 8
+split_gain=1.11466 5.32585 7.62137 5.04165
+threshold=72.700000000000003 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020526346684509615 -0.0028491808986725918 -0.0060782289089282709 0.0076080729148029569 -0.0068617874996449169
+leaf_weight=73 46 39 64 39
+leaf_count=73 46 39 64 39
+internal_value=0 0.0304712 0.104886 -0.0523352
+internal_weight=0 215 176 112
+internal_count=261 215 176 112
+shrinkage=0.02
+
+
+Tree=2010
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 5
+split_gain=1.16835 3.84333 2.81995 1.30986
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 48.70000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00088622464132806207 0.002184420613941843 -0.0052393339909991843 -0.0027983054767102946 0.0059558540870801929
+leaf_weight=45 72 56 49 39
+leaf_count=45 72 56 49 39
+internal_value=0 -0.0416896 0.0508471 0.162625
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2011
+num_leaves=5
+num_cat=0
+split_feature=8 4 4 6
+split_gain=1.13748 5.07976 4.35314 3.12117
+threshold=65.500000000000014 73.500000000000014 63.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0018562386139386964 0.0065025114746602988 -0.0029537780799462625 -0.0068498029451724788 0.0044123823577898354
+leaf_weight=76 46 45 39 55
+leaf_count=76 46 45 39 55
+internal_value=0 0.0909432 -0.0487552 0.0385236
+internal_weight=0 91 170 131
+internal_count=261 91 170 131
+shrinkage=0.02
+
+
+Tree=2012
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=1.12552 2.886 6.90171 11.7263
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0027189019744699055 0.011115605706747737 -0.0040131752850333848 -0.0046402106469244581 -0.0035383489795655777
+leaf_weight=50 48 69 54 40
+leaf_count=50 48 69 54 40
+internal_value=0 -0.0322975 0.0492888 0.222406
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=2013
+num_leaves=5
+num_cat=0
+split_feature=9 8 5 1
+split_gain=1.15182 3.75136 5.21361 3.42276
+threshold=70.500000000000014 63.500000000000007 53.500000000000007 2.5000000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.002463616624258464 0.0021691650627339884 -0.0056678709363600114 0.0064423687343775158 -0.0051580161350380151
+leaf_weight=42 72 48 45 54
+leaf_count=42 72 48 45 54
+internal_value=0 -0.0413991 0.0407982 -0.090793
+internal_weight=0 189 141 96
+internal_count=261 189 141 96
+shrinkage=0.02
+
+
+Tree=2014
+num_leaves=6
+num_cat=0
+split_feature=4 3 6 4 7
+split_gain=1.17605 3.27189 3.48207 3.82343 2.57096
+threshold=75.500000000000014 69.500000000000014 58.500000000000007 58.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0018640443102291846 0.0031785016634650501 -0.0056881670503973938 0.0056389473057399612 -0.0062650995353527141 0.0046131554877962451
+leaf_weight=53 40 41 42 39 46
+leaf_count=53 40 41 42 39 46
+internal_value=0 -0.0288498 0.0292265 -0.0475028 0.0569311
+internal_weight=0 221 180 138 99
+internal_count=261 221 180 138 99
+shrinkage=0.02
+
+
+Tree=2015
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=1.12877 3.1417 6.96107 5.69725
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0027809005329441187 0.0031150418647899868 -0.0055745973986432249 0.0051813780361928755 -0.0067264231009521993
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.028274 0.0286384 -0.13943
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=2016
+num_leaves=5
+num_cat=0
+split_feature=8 3 8 4
+split_gain=1.12919 4.9701 4.34112 4.62013
+threshold=65.500000000000014 72.500000000000014 55.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0020312087281094118 -0.0032310026403784835 0.0061500904960692573 -0.0052532284572996248 0.0063395779030383072
+leaf_weight=64 42 49 61 45
+leaf_count=64 42 49 61 45
+internal_value=0 0.0906208 -0.0485769 0.0709568
+internal_weight=0 91 170 109
+internal_count=261 91 170 109
+shrinkage=0.02
+
+
+Tree=2017
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 8
+split_gain=1.10322 5.21524 7.52235 4.95067
+threshold=72.700000000000003 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020265658116583726 -0.0028347456098146233 -0.0060116580037134579 0.0075537783524278227 -0.0068073214480325883
+leaf_weight=73 46 39 64 39
+leaf_count=73 46 39 64 39
+internal_value=0 0.030319 0.103961 -0.0522356
+internal_weight=0 215 176 112
+internal_count=261 215 176 112
+shrinkage=0.02
+
+
+Tree=2018
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 5
+split_gain=1.16772 3.86116 2.77218 1.25021
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 48.70000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00092477136978638631 0.002183880628280076 -0.0052492294157701572 -0.0027614404503138413 0.0058805499281348074
+leaf_weight=45 72 56 49 39
+leaf_count=45 72 56 49 39
+internal_value=0 -0.0416765 0.0510741 0.161908
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2019
+num_leaves=5
+num_cat=0
+split_feature=8 4 8 4
+split_gain=1.13214 5.0127 4.16477 4.48697
+threshold=65.500000000000014 73.500000000000014 55.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0020314625577731648 0.0064674688874057978 -0.0029263727797725556 -0.0051670543869720342 0.0062183541964408121
+leaf_weight=64 46 45 61 45
+leaf_count=64 46 45 61 45
+internal_value=0 0.090735 -0.0486407 0.0684448
+internal_weight=0 91 170 109
+internal_count=261 91 170 109
+shrinkage=0.02
+
+
+Tree=2020
+num_leaves=6
+num_cat=0
+split_feature=4 9 1 2 2
+split_gain=1.12023 3.07811 5.52732 8.65573 2.83698
+threshold=75.500000000000014 41.500000000000007 6.5000000000000009 13.500000000000002 17.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0055218706375234228 0.0031034355987507659 0.00055294236956799335 -0.0018909702378126583 0.010727840929352136 -0.0064441162187110993
+leaf_weight=41 40 48 45 42 45
+leaf_count=41 40 48 45 42 45
+internal_value=0 -0.0281688 0.0281662 0.20977 -0.141322
+internal_weight=0 221 180 87 93
+internal_count=261 221 180 87 93
+shrinkage=0.02
+
+
+Tree=2021
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 5
+split_gain=1.10466 2.9238 5.79361 4.4548
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0069695263715390714 -0.0020865740014970168 0.0057097911326696657 -0.002505733653772429 0.0056595583554450001
+leaf_weight=40 74 39 49 59
+leaf_count=40 74 39 49 59
+internal_value=0 0.041259 -0.0229335 0.0974155
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2022
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 7
+split_gain=1.13776 3.69809 6.10768 5.13754
+threshold=43.500000000000007 73.500000000000014 53.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0026676571885718022 -0.0058239509342672951 -0.005183406519717864 0.0074515122514964187 -0.0010054397059234739
+leaf_weight=52 40 54 58 57
+leaf_count=52 40 54 58 57
+internal_value=0 -0.0332672 0.045258 0.16274
+internal_weight=0 209 155 115
+internal_count=261 209 155 115
+shrinkage=0.02
+
+
+Tree=2023
+num_leaves=5
+num_cat=0
+split_feature=8 3 8 6
+split_gain=1.13962 4.86401 4.24879 2.50394
+threshold=65.500000000000014 72.500000000000014 55.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0016150500545007943 -0.003168891331263724 0.0061117858328691979 -0.005212211168903521 0.0044617559078861044
+leaf_weight=55 42 49 61 54
+leaf_count=55 42 49 61 54
+internal_value=0 0.0910234 -0.0488044 0.0694537
+internal_weight=0 91 170 109
+internal_count=261 91 170 109
+shrinkage=0.02
+
+
+Tree=2024
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 3
+split_gain=1.19059 5.36294 9.2038 7.58575 14.6157
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 68.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.0031065331129718063 -0.010033658255252313 0.0092611697943620376 -0.003876781944487752 0.009194476530904154 -0.0070230986897831605
+leaf_weight=42 43 47 39 40 50
+leaf_count=42 43 47 39 40 50
+internal_value=0 -0.02988 0.164783 -0.156073 0.00886873
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=2025
+num_leaves=5
+num_cat=0
+split_feature=4 5 9 5
+split_gain=1.14461 2.89356 6.68251 5.10727
+threshold=75.500000000000014 55.95000000000001 61.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.001428170002465684 0.003136332741149917 -0.0095369331715263791 0.00079363996204745337 0.0075419046035470763
+leaf_weight=73 40 39 70 39
+leaf_count=73 40 39 70 39
+internal_value=0 -0.0284733 -0.144952 0.084548
+internal_weight=0 221 109 112
+internal_count=261 221 109 112
+shrinkage=0.02
+
+
+Tree=2026
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.16125 5.15297 8.76367 7.30566
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.003068756533524104 -0.0080101012593642926 0.009047799940993256 -0.0037726217674604913 0.0013788065524827371
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.0295112 0.161313 -0.153222
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=2027
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 2
+split_gain=1.15694 7.70508 5.34743 3.30169
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0053696247536564237 0.0086431698833306439 -0.0027771059998075599 -0.0073003314591224026 -0.0014779511496446223
+leaf_weight=45 39 60 41 76
+leaf_count=45 39 60 41 76
+internal_value=0 0.0858322 -0.0525216 0.0531846
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2028
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=1.1766 5.1691 6.8713 11.1142
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0025324160090530725 0.0073887033598066185 0.0063144417369296645 -0.0075713651049142293 -0.0055984250769186917
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0361631 -0.0550373 0.0838337
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=2029
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 1
+split_gain=1.15349 3.89985 2.65853 0.937227
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0052936244254491996 0.0021707724086786253 -0.0052661774070564393 -0.0026691357007647622 0.00099355960776836643
+leaf_weight=43 72 56 49 41
+leaf_count=43 72 56 49 41
+internal_value=0 -0.0414257 0.0517876 0.160344
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2030
+num_leaves=5
+num_cat=0
+split_feature=5 5 7 6
+split_gain=1.15029 4.9505 3.91239 3.01937
+threshold=72.700000000000003 65.950000000000017 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016113934094576388 -0.002893498449618474 0.0066104653025933994 -0.0046081434621537539 0.0053032766913016539
+leaf_weight=55 46 44 69 47
+leaf_count=55 46 44 69 47
+internal_value=0 0.0309491 -0.0460042 0.0784196
+internal_weight=0 215 171 102
+internal_count=261 215 171 102
+shrinkage=0.02
+
+
+Tree=2031
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=1.15863 3.03373 5.65779 6.04291
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0068973109906291562 -0.0021360333857144264 0.0058196952827951785 -0.0019287025346832196 0.007739238165524822
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0422378 -0.0231468 0.0957844
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2032
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=1.1328 3.59514 6.87804 0.503174
+threshold=43.500000000000007 73.500000000000014 15.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0026619501959100375 -0.0047781381475967537 -0.0051189926822535628 0.0052437600402519529 -0.0015006601645692035
+leaf_weight=52 41 54 75 39
+leaf_count=52 41 54 75 39
+internal_value=0 -0.0331955 0.0442317 -0.159653
+internal_weight=0 209 155 80
+internal_count=261 209 155 80
+shrinkage=0.02
+
+
+Tree=2033
+num_leaves=6
+num_cat=0
+split_feature=4 3 6 4 6
+split_gain=1.17006 3.01092 3.33197 3.63335 2.21701
+threshold=75.500000000000014 69.500000000000014 58.500000000000007 58.500000000000007 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024149050641409115 0.0031704569357884982 -0.0054800126099487801 0.0054838165321343304 -0.0061444227065078662 0.0036580412088519166
+leaf_weight=42 40 41 42 39 57
+leaf_count=42 40 41 42 39 57
+internal_value=0 -0.0287812 0.026937 -0.0481253 0.0536839
+internal_weight=0 221 180 138 99
+internal_count=261 221 180 138 99
+shrinkage=0.02
+
+
+Tree=2034
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 3
+split_gain=1.1602 7.4849 5.37695 6.49806
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0023648025259461105 0.008545995646802123 -0.0027102067206561599 0.0036358907096062315 -0.0080056103185643952
+leaf_weight=40 39 60 61 61
+leaf_count=40 39 60 61 61
+internal_value=0 0.0859442 -0.0526011 -0.19459
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2035
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=1.15889 3.50841 6.57957 0.484157
+threshold=43.500000000000007 73.500000000000014 15.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.002691953004619909 -0.0046860425244986889 -0.0050726353771611155 0.0051223407101977352 -0.0014680453862624002
+leaf_weight=52 41 54 75 39
+leaf_count=52 41 54 75 39
+internal_value=0 -0.0335666 0.0429231 -0.156496
+internal_weight=0 209 155 80
+internal_count=261 209 155 80
+shrinkage=0.02
+
+
+Tree=2036
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=1.17522 7.18353 5.18203 8.28218
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0027964385241678316 0.0084184567645165451 -0.0026092059198479811 0.0035436683575026007 -0.0087830411218746979
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0864914 -0.0529329 -0.192336
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2037
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 5
+split_gain=1.1925 3.93612 2.5354 1.14916
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 48.70000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00093093162289685678 0.0022066510247023456 -0.0053001874076298514 -0.0025876658809921129 0.0056869708776992704
+leaf_weight=45 72 56 49 39
+leaf_count=45 72 56 49 39
+internal_value=0 -0.0421038 0.0515406 0.157575
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2038
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.16242 5.55764 4.16231 3.68604
+threshold=65.500000000000014 72.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0060191898553991962 -0.0024327531698915511 0.007338276123435271 -0.0054080122381850847 -0.0015832813158773618
+leaf_weight=41 54 41 57 68
+leaf_count=41 54 41 57 68
+internal_value=0 0.088905 -0.0509427 0.0635528
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=2039
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=1.13218 7.23304 5.10962 7.84782
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0026587272166430824 0.0084101645028710169 -0.0026554390301378157 0.003530859216127807 -0.0086133675231300499
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0849263 -0.0519644 -0.190396
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2040
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 6
+split_gain=1.16422 3.02558 7.29577 4.3174
+threshold=43.500000000000007 51.650000000000013 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0026982033974880084 -0.0050334649151925629 0.0071900598507352058 -0.0055447735470436632 0.0023961666962300414
+leaf_weight=52 49 48 64 48
+leaf_count=52 49 48 64 48
+internal_value=0 -0.0336337 0.0329719 -0.10675
+internal_weight=0 209 160 112
+internal_count=261 209 160 112
+shrinkage=0.02
+
+
+Tree=2041
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 4
+split_gain=1.13529 3.92733 2.51707 4.38069
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0017375319596596437 0.0021541756674165581 -0.0052749726006906372 -0.0025563517390819247 0.0074222892141108093
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0410881 0.0524525 0.158105
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2042
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=1.11302 3.47441 6.49885 0.462892
+threshold=43.500000000000007 73.500000000000014 15.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0026392536493748376 -0.0046228262323782755 -0.0050380406841092793 0.0051021618125790284 -0.0014720171883736606
+leaf_weight=52 41 54 75 39
+leaf_count=52 41 54 75 39
+internal_value=0 -0.0328978 0.0432218 -0.154971
+internal_weight=0 209 155 80
+internal_count=261 209 155 80
+shrinkage=0.02
+
+
+Tree=2043
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=1.16965 2.91516 6.40783 5.22496
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026299454456198265 0.0031701479900357789 -0.0054015773456404905 0.0049436877304091867 -0.0064757495422653744
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0287644 0.0260632 -0.135199
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=2044
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 4
+split_gain=1.17712 7.01405 5.07057 3.51663
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0021649395137686364 0.0083409475374014337 -0.0025560900427069899 -0.0071457766095506968 0.0046848525272209594
+leaf_weight=65 39 60 41 56
+leaf_count=65 39 60 41 56
+internal_value=0 0.0865734 -0.0529617 0.049974
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2045
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 1
+split_gain=1.16256 3.84697 2.48094 0.960387
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0052293342978820909 0.0021793572784020135 -0.0052391248774391374 -0.0025595062757330367 0.0008793228270002081
+leaf_weight=43 72 56 49 41
+leaf_count=43 72 56 49 41
+internal_value=0 -0.0415749 0.0510056 0.155907
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2046
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=1.15007 6.86924 4.93621 7.52756
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0025647226513636091 0.0082529605322858093 -0.0025312746052627302 0.0034449177891728495 -0.0084752686573979948
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0855907 -0.0523586 -0.188432
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2047
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=1.17264 6.22016 5.60718 4.76503
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0021976612186238708 -0.0020721068848478762 -0.0053475047595697382 0.0078427483933765935 0.0068272635414364062
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0511518 0.122404 0.089299
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=2048
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 4
+split_gain=1.184 5.7421 4.28553 4.57598
+threshold=65.500000000000014 72.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0021537658710342263 -0.0024856696081498823 0.0074457583442700676 -0.0047543870044925371 0.0066909454129981637
+leaf_weight=53 54 41 71 42
+leaf_count=53 54 41 71 42
+internal_value=0 0.0897219 -0.051396 0.087508
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2049
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.13624 5.51443 4.15236 3.51892
+threshold=65.500000000000014 72.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0045391144471397136 -0.0024360203610973258 0.007297097151790161 -0.0053913262033965939 -0.0026956258809855593
+leaf_weight=60 54 41 57 49
+leaf_count=60 54 41 57 49
+internal_value=0 0.0879227 -0.0503681 0.0639911
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=2050
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=1.09272 6.86216 4.91816 7.47027
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0025714733582902515 0.0082072008397532197 -0.0025716005924320746 0.0034627044771494333 -0.0084265272317777234
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0834659 -0.0510606 -0.186888
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2051
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 5
+split_gain=1.15608 4.43034 3.88275 1.97625
+threshold=55.500000000000007 63.500000000000007 71.500000000000014 50.650000000000013
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0010218518703343888 -0.0055435376162950006 -0.0018170846427716834 0.0058592407304536541 0.0047656023397553331
+leaf_weight=49 57 64 45 46
+leaf_count=49 57 64 45 46
+internal_value=0 -0.0507961 0.0673216 0.0886763
+internal_weight=0 166 109 95
+internal_count=261 166 109 95
+shrinkage=0.02
+
+
+Tree=2052
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=1.13068 2.92034 5.48123 5.93357
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0067817699675670673 -0.0021102922946411831 0.0057166521844082482 -0.0019163616455144484 0.007663962751080328
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0417473 -0.0224071 0.0946559
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2053
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=1.14475 3.44857 6.39556 0.448367
+threshold=43.500000000000007 73.500000000000014 15.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0026759830120659757 -0.0045832972529307753 -0.005030906175137316 0.0050537225526048049 -0.0014791511946210235
+leaf_weight=52 41 54 75 39
+leaf_count=52 41 54 75 39
+internal_value=0 -0.0333536 0.0424829 -0.154132
+internal_weight=0 209 155 80
+internal_count=261 209 155 80
+shrinkage=0.02
+
+
+Tree=2054
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=1.10718 3.91223 4.7418 4.38384
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0031358825080668169 0.0021277054564452823 -0.0060457315081394484 0.0058454303019810092 -0.0055107799452998934
+leaf_weight=41 72 44 49 55
+leaf_count=41 72 44 49 55
+internal_value=0 -0.0405903 0.0386528 -0.0905007
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=2055
+num_leaves=6
+num_cat=0
+split_feature=4 3 6 4 7
+split_gain=1.09443 2.93627 3.05688 3.41533 2.54528
+threshold=75.500000000000014 69.500000000000014 58.500000000000007 58.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0019077855563105353 0.003068358592088454 -0.0054004067464091931 0.0052816348754016534 -0.0059194509226219542 0.0045374492343190909
+leaf_weight=53 40 41 42 39 46
+leaf_count=53 40 41 42 39 46
+internal_value=0 -0.0278362 0.0271893 -0.044716 0.0539992
+internal_weight=0 221 180 138 99
+internal_count=261 221 180 138 99
+shrinkage=0.02
+
+
+Tree=2056
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=1.12294 6.15247 5.32732 4.4931
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0021201678084545447 -0.0019553656434587834 -0.0053025801695477919 0.007709389168628328 0.0066443202042802095
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0500793 0.122531 0.0874141
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=2057
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 4
+split_gain=1.13802 6.67526 5.08766 3.3809
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0020825044525893434 0.008151394515077813 -0.0024798183040192624 -0.0071385865439376264 0.0046343395886243467
+leaf_weight=65 39 60 41 56
+leaf_count=65 39 60 41 56
+internal_value=0 0.085148 -0.0520895 0.0510196
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2058
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=1.14953 3.88284 4.45832 5.06357
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0041287955173923696 0.0021673231454886858 -0.0060411870394376293 0.0063476881744044819 -0.0049484416982704124
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0413448 0.0376004 -0.072454
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=2059
+num_leaves=6
+num_cat=0
+split_feature=5 4 9 7 6
+split_gain=1.12989 5.53716 3.80345 4.15008 3.77829
+threshold=67.050000000000011 64.500000000000014 58.500000000000007 51.500000000000007 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0012705158467220842 0.0064864962037518292 -0.0073623666637478479 -0.0041677575802190189 0.0070278670056575501 -0.0020706400335416628
+leaf_weight=45 39 41 40 52 44
+leaf_count=45 39 41 40 52 44
+internal_value=0 -0.0453461 0.0510968 0.158586 0.0971315
+internal_weight=0 178 137 97 83
+internal_count=261 178 137 97 83
+shrinkage=0.02
+
+
+Tree=2060
+num_leaves=5
+num_cat=0
+split_feature=4 5 9 4
+split_gain=1.12704 2.85525 6.46273 5.29016
+threshold=75.500000000000014 55.95000000000001 61.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0020127224564135526 0.003112837604965456 -0.0094072558600975173 0.00075231564479631631 0.0068007319622075757
+leaf_weight=65 40 39 70 47
+leaf_count=65 40 39 70 47
+internal_value=0 -0.0282454 -0.143957 0.084029
+internal_weight=0 221 109 112
+internal_count=261 221 109 112
+shrinkage=0.02
+
+
+Tree=2061
+num_leaves=6
+num_cat=0
+split_feature=4 1 7 3 4
+split_gain=1.12066 5.26518 7.32412 13.4254 2.27165
+threshold=50.500000000000007 7.5000000000000009 58.500000000000007 68.500000000000014 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -3
+right_child=1 4 3 -5 -6
+leaf_value=0.0030158032223472466 -0.0098728982324054419 0.0063909351696110053 0.0088038328056260183 -0.006740290282109266 -0.00012433804783880319
+leaf_weight=42 43 45 40 50 41
+leaf_count=42 43 45 40 50 41
+internal_value=0 -0.0289884 -0.154033 0.00803999 0.163897
+internal_weight=0 219 133 90 86
+internal_count=261 219 133 90 86
+shrinkage=0.02
+
+
+Tree=2062
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 2
+split_gain=1.17131 6.60208 4.97725 3.20677
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0052272676057916858 0.0081403155875443989 -0.0024325133660009443 -0.0070871502369377407 -0.0015219496478698438
+leaf_weight=45 39 60 41 76
+leaf_count=45 39 60 41 76
+internal_value=0 0.0863637 -0.0528324 0.0491527
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2063
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 9
+split_gain=1.16013 3.95961 4.24386 3.79308
+threshold=65.500000000000014 55.500000000000007 56.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.002107032555598918 0.0053453736656840492 -0.0046005047350991916 0.0064119791237197757 -0.0027096032209221526
+leaf_weight=53 53 71 42 42
+leaf_count=53 53 71 42 42
+internal_value=0 -0.05089 0.08264 0.0888219
+internal_weight=0 166 95 95
+internal_count=261 166 95 95
+shrinkage=0.02
+
+
+Tree=2064
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=1.13781 6.47765 9.87048
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0021359190325539105 -0.0098129570540269953 0.0038284698782499673 0.0019069673080235059
+leaf_weight=73 56 73 59
+leaf_count=73 56 73 59
+internal_value=0 -0.0415328 -0.189784
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=2065
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=1.16325 3.75943 10.4688 5.48837
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.007376594466312442 0.0021800930174208475 0.0035196464657714309 -0.00993357515416032 -0.0022671988920625751
+leaf_weight=42 72 43 50 54
+leaf_count=42 72 43 50 54
+internal_value=0 -0.0415817 -0.185335 0.0972967
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=2066
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=1.18572 6.52207 5.00892 7.57872
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0025506167907794557 0.008111971031225091 -0.0023967009909179379 0.0034620644015767722 -0.0085267165041747889
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0868905 -0.0531447 -0.19021
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2067
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=1.13775 6.26356 4.80986 7.27849
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0024996877079196005 0.0079500218932208183 -0.0023488230717825637 0.0033929026267162338 -0.0083563877643437739
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0851487 -0.052073 -0.186402
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2068
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 5
+split_gain=1.15225 3.84337 2.59538 1.2058
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 48.70000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0008957605513231384 0.0021701862285384297 -0.0052331039369563409 -0.0026376141967612127 0.0057644425200964449
+leaf_weight=45 72 56 49 39
+leaf_count=45 72 56 49 39
+internal_value=0 -0.041376 0.0511614 0.158433
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2069
+num_leaves=6
+num_cat=0
+split_feature=5 4 9 7 6
+split_gain=1.11943 5.24098 3.75492 4.23873 3.57504
+threshold=67.050000000000011 64.500000000000014 58.500000000000007 51.500000000000007 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0013791054684940715 0.0063547290302097938 -0.0071835363352417752 -0.004182535044947467 0.0070074302176149888 -0.0019698947095968351
+leaf_weight=45 39 41 40 52 44
+leaf_count=45 39 41 40 52 44
+internal_value=0 -0.0451231 0.0487074 0.155517 0.0967052
+internal_weight=0 178 137 97 83
+internal_count=261 178 137 97 83
+shrinkage=0.02
+
+
+Tree=2070
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.13388 5.8459 3.98431 3.27618
+threshold=65.500000000000014 72.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0057123723313745748 -0.0025617681117943657 0.0074589244580694092 -0.0053009316674543809 -0.0014569531328373062
+leaf_weight=41 54 41 57 68
+leaf_count=41 54 41 57 68
+internal_value=0 0.0878422 -0.0503077 0.0617183
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=2071
+num_leaves=6
+num_cat=0
+split_feature=4 9 1 8 3
+split_gain=1.09983 3.01614 5.3077 4.26376 2.46892
+threshold=75.500000000000014 41.500000000000007 6.5000000000000009 62.500000000000007 59.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0054665575162871557 0.0030759657903695037 0.00032135326737951352 0.0087053804933698957 -0.00015465856643217168 -0.0062140684248721059
+leaf_weight=41 40 49 42 45 44
+leaf_count=41 40 49 42 45 44
+internal_value=0 -0.0278943 0.0278724 0.205849 -0.138221
+internal_weight=0 221 180 87 93
+internal_count=261 221 180 87 93
+shrinkage=0.02
+
+
+Tree=2072
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=1.13364 7.08584 8.03491 5.63833
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0020913320433385619 -0.0060127485138509688 -0.0051104427131748896 0.0085855019634076563 0.0038288503677734119
+leaf_weight=51 54 52 63 41
+leaf_count=51 54 52 63 41
+internal_value=0 0.0502747 0.190183 -0.0878607
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2073
+num_leaves=6
+num_cat=0
+split_feature=1 3 4 7 9
+split_gain=1.0877 6.27017 9.63752 10.0766 5.36462
+threshold=8.5000000000000018 75.500000000000014 66.500000000000014 53.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0065718257824567486 0.0034993949253652665 -0.0060264603112256225 0.010985305207852998 -0.0072247214588233959 -0.0060538370563037484
+leaf_weight=40 43 39 42 45 52
+leaf_count=40 43 39 42 45 52
+internal_value=0 0.0492602 0.157341 -0.036138 -0.0860967
+internal_weight=0 166 127 85 95
+internal_count=261 166 127 85 95
+shrinkage=0.02
+
+
+Tree=2074
+num_leaves=5
+num_cat=0
+split_feature=2 4 7 9
+split_gain=1.16513 3.58259 9.59332 8.94959
+threshold=24.500000000000004 53.500000000000007 59.500000000000007 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0051805330140455444 0.0026674852163492452 0.0088885801191226996 -0.0096698994429871375 0.0020654550480414032
+leaf_weight=53 53 43 41 71
+leaf_count=53 53 43 41 71
+internal_value=0 -0.0340392 0.0427163 -0.111337
+internal_weight=0 208 155 112
+internal_count=261 208 155 112
+shrinkage=0.02
+
+
+Tree=2075
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 5
+split_gain=1.07253 2.96485 5.59371 4.04628
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0068770115500321142 -0.0020561207536584345 0.0057323353862500058 -0.0023592589398538943 0.0054239720716096227
+leaf_weight=40 74 39 49 59
+leaf_count=40 74 39 49 59
+internal_value=0 0.0406868 -0.0239538 0.0943024
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2076
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.1292 5.39245 5.60093 3.68078
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0024813953915520134 0.0061332373964283118 0.0070990110504845416 -0.0052167870442284513 -0.0019301406382850131
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0354579 -0.0477577 0.115787
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=2077
+num_leaves=4
+num_cat=0
+split_feature=2 1 3
+split_gain=1.10041 3.4197 4.97252
+threshold=24.500000000000004 8.5000000000000018 68.500000000000014
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0045719224286865168 0.0025935906135016113 -0.0040874107071860143 -0.0032682933125379831
+leaf_weight=77 53 75 56
+leaf_count=77 53 75 56
+internal_value=0 -0.0330987 0.0632392
+internal_weight=0 208 133
+internal_count=261 208 133
+shrinkage=0.02
+
+
+Tree=2078
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=1.0771 2.80521 6.4987 10.7398
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0026612307821440085 0.010718648634062059 -0.0039518766495772279 -0.0044824247416890839 -0.0033058644671644806
+leaf_weight=50 48 69 54 40
+leaf_count=50 48 69 54 40
+internal_value=0 -0.031587 0.0488543 0.216861
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=2079
+num_leaves=5
+num_cat=0
+split_feature=2 4 1 3
+split_gain=1.12301 3.43333 9.56171 20.0758
+threshold=24.500000000000004 53.500000000000007 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0050742397471400377 0.0026195810134630542 0.0058287312211735389 0.0065336477270385145 -0.013270242187285994
+leaf_weight=53 53 45 67 43
+leaf_count=53 53 45 67 43
+internal_value=0 -0.0334326 0.0417113 -0.174888
+internal_weight=0 208 155 88
+internal_count=261 208 155 88
+shrinkage=0.02
+
+
+Tree=2080
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 3
+split_gain=1.14314 6.23769 4.77621 5.81335
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0021968526797964591 0.0079410380910722566 -0.0023365511511166761 0.0033749151073453549 -0.0076129961641853375
+leaf_weight=40 39 60 61 61
+leaf_count=40 39 60 61 61
+internal_value=0 0.0853436 -0.0521971 -0.186058
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2081
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 5
+split_gain=1.15089 3.82053 2.42889 1.07008
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 48.70000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00094907158305064672 0.0021688618834436861 -0.0052196407640614948 -0.0025239052880871972 0.0055428618221658862
+leaf_weight=45 72 56 49 39
+leaf_count=45 72 56 49 39
+internal_value=0 -0.0413548 0.0509079 0.154713
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2082
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 3
+split_gain=1.11679 6.11522 4.67725 5.57257
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0021128487316247739 0.0078604887372122605 -0.0023159822078667605 0.0033410712488060289 -0.0074920557120417512
+leaf_weight=40 39 60 61 61
+leaf_count=40 39 60 61 61
+internal_value=0 0.0843788 -0.0515946 -0.184069
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2083
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 5
+split_gain=1.12187 3.80486 2.35657 1.07273
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 48.70000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00092247309958773437 0.0021419734839544856 -0.0052002330609921665 -0.0024643389438815146 0.005521516990014773
+leaf_weight=45 72 56 49 39
+leaf_count=45 72 56 49 39
+internal_value=0 -0.0408316 0.0512424 0.153504
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2084
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 4
+split_gain=1.10206 5.80337 3.94545 4.47022
+threshold=65.500000000000014 72.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0021847651080658865 -0.0025702297004893634 0.0074141000585672724 -0.0045683428420369033 0.0065576920960304834
+leaf_weight=53 54 41 71 42
+leaf_count=53 54 41 71 42
+internal_value=0 0.0866334 -0.0495982 0.0836944
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2085
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=1.06843 2.93425 5.32759 5.73768
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0067182730368494483 -0.0020520602003095993 0.0057057269258147655 -0.0019116324896689329 0.0075097393862244037
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0406201 -0.023687 0.0917251
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2086
+num_leaves=5
+num_cat=0
+split_feature=2 7 3 2
+split_gain=1.10549 5.26661 5.48537 4.98146
+threshold=7.5000000000000009 73.500000000000014 54.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0024554634039324411 0.0045567753471751071 0.0070171653192967632 -0.0087613800922609793 -3.9085138348890716e-05
+leaf_weight=58 50 42 43 68
+leaf_count=58 50 42 43 68
+internal_value=0 0.0351004 -0.0471396 -0.171429
+internal_weight=0 203 161 111
+internal_count=261 203 161 111
+shrinkage=0.02
+
+
+Tree=2087
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=1.08105 2.87358 5.1299 5.53009
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.006583942344934232 -0.0020640265127256428 0.0056597830964829699 -0.0018685414424887156 0.0073812927606351029
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0408498 -0.0227907 0.0904628
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2088
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=1.11242 3.3668 6.11938 0.542419
+threshold=43.500000000000007 73.500000000000014 15.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0026388400613071138 -0.004646533004466072 -0.0049696160621413342 0.0049538469100694812 -0.0012543609879466619
+leaf_weight=52 41 54 75 39
+leaf_count=52 41 54 75 39
+internal_value=0 -0.0328748 0.0420598 -0.150269
+internal_weight=0 209 155 80
+internal_count=261 209 155 80
+shrinkage=0.02
+
+
+Tree=2089
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=1.10414 2.85783 9.35892
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0026938880994597527 0.0028538762900903337 -0.0069996199100741752 0.003144608167683337
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0319706 -0.110037
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=2090
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=1.11806 6.0347 4.56274 7.11256
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0025069240951360945 0.0078208239895625579 -0.0022885735702332074 0.0032867947984999224 -0.0082249825928550763
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0844277 -0.0516218 -0.182473
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2091
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 3
+split_gain=1.11869 3.74127 2.32529 3.85916
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015566894154979472 0.0021390138129197527 -0.0051624756904502635 -0.002455508895954776 0.0070422039056845243
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0407731 0.05053 0.152119
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2092
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.09699 5.70092 3.98981 3.37953
+threshold=65.500000000000014 72.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0044468208125556631 -0.0025361300855654546 0.0073598960388859096 -0.005287581554734605 -0.0026439161998314115
+leaf_weight=60 54 41 57 49
+leaf_count=60 54 41 57 49
+internal_value=0 0.0864323 -0.0494908 0.0626128
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=2093
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 2
+split_gain=1.10189 5.19167 5.39184 2.37569
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0024515954729292136 0.0057801034324719445 0.0069710580308618136 -0.0051139483319610612 -0.00071311750457780975
+leaf_weight=58 42 42 70 49
+leaf_count=58 42 42 70 49
+internal_value=0 0.0350407 -0.0466127 0.113855
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=2094
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=1.07423 3.36569 5.97363 0.564528
+threshold=43.500000000000007 73.500000000000014 15.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0025939512704678818 -0.0046206555053472003 -0.0049577631646898516 0.0049156873064050899 -0.0011648230492260134
+leaf_weight=52 41 54 75 39
+leaf_count=52 41 54 75 39
+internal_value=0 -0.0323159 0.0426068 -0.147421
+internal_weight=0 209 155 80
+internal_count=261 209 155 80
+shrinkage=0.02
+
+
+Tree=2095
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=1.09079 2.76538 9.09477
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0026778471333575339 0.0028010176986327687 -0.0069025570977069815 0.0030977295545085277
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0317804 -0.108585
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=2096
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 7
+split_gain=1.10679 5.93635 2.97651 5.10139
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0025361262488694026 -0.0041386210314496253 0.0065847543209341846 -0.0047474592466991566 0.0055392639498924399
+leaf_weight=65 40 51 57 48
+leaf_count=65 40 51 57 48
+internal_value=0 0.0734288 -0.0587646 0.0565674
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=2097
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=1.08401 6.05622 4.52821 6.92889
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0024522967910943741 0.0078062666725679112 -0.002321171986867212 0.0032859825675223414 -0.0081403405029299089
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0831523 -0.0508466 -0.181206
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2098
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=1.0889 3.68986 4.62506 4.30399
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030840299057719595 0.0021107917770782658 -0.0058885721529263182 0.005744406409138013 -0.0054837338919429181
+leaf_weight=41 72 44 49 55
+leaf_count=41 72 44 49 55
+internal_value=0 -0.0402389 0.0367236 -0.0908338
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=2099
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.08687 5.18684 5.24907 3.47327
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0024350135379913695 0.0059396688101357132 0.0069635753456475701 -0.0050622686021858281 -0.0018941660660282487
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0348113 -0.0468042 0.111529
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=2100
+num_leaves=5
+num_cat=0
+split_feature=9 9 1 6
+split_gain=1.07619 4.19097 3.74242 3.60284
+threshold=55.500000000000007 63.500000000000007 4.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0024688685904433673 -0.0053847926669442891 -0.0015047078502033497 0.0054899003685699244 0.0060116590037379561
+leaf_weight=45 57 68 50 41
+leaf_count=45 57 68 50 41
+internal_value=0 -0.0490265 0.085625 0.0658629
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=2101
+num_leaves=5
+num_cat=0
+split_feature=5 8 4 6
+split_gain=1.11224 4.65152 3.73267 2.93524
+threshold=72.700000000000003 65.500000000000014 63.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0018348905937585786 -0.0028455583898369598 0.0063363195341125892 -0.0063460505769583533 0.0042454241676178608
+leaf_weight=76 46 45 39 55
+leaf_count=76 46 45 39 55
+internal_value=0 0.0304675 -0.0451946 0.0356357
+internal_weight=0 215 170 131
+internal_count=261 215 170 131
+shrinkage=0.02
+
+
+Tree=2102
+num_leaves=5
+num_cat=0
+split_feature=5 2 2 3
+split_gain=1.10086 2.45979 4.22784 2.46825
+threshold=68.250000000000014 13.500000000000002 21.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00010885879216228936 -0.0020825526796244124 -0.0054980367965068557 0.0024907322783765356 0.0069248132532113713
+leaf_weight=39 74 49 58 41
+leaf_count=39 74 49 58 41
+internal_value=0 0.0412138 -0.0580703 0.17444
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=2103
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=1.05646 2.87688 4.99216 5.43218
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0065114451295900499 -0.0020409406307369043 0.0056533108358058082 -0.0018764565883120472 0.00729143963741376
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0403866 -0.0232904 0.088434
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2104
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 7
+split_gain=1.11318 3.29063 5.88604 5.10901
+threshold=43.500000000000007 73.500000000000014 53.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0026396329986836187 -0.0057823777818154717 -0.0049211587192050099 0.0073160978169947866 -0.001117672872650779
+leaf_weight=52 40 54 58 57
+leaf_count=52 40 54 58 57
+internal_value=0 -0.0328901 0.0411944 0.15654
+internal_weight=0 209 155 115
+internal_count=261 209 155 115
+shrinkage=0.02
+
+
+Tree=2105
+num_leaves=5
+num_cat=0
+split_feature=3 9 7 7
+split_gain=1.08228 5.9812 4.63727 3.23754
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0028561347598799868 0.0077667675959291992 -0.0022978980022380093 -0.0054374017866940152 0.0044523780105990528
+leaf_weight=40 39 60 60 62
+leaf_count=40 39 60 60 62
+internal_value=0 0.0830791 -0.0508148 0.0789232
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=2106
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 4
+split_gain=1.0964 3.66717 2.24321 4.03403
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0017059416581152163 0.0021176301204035119 -0.0051117847652633139 -0.0024045838739032875 0.0070852990573780864
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0403891 0.0500076 0.149806
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2107
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=1.08633 6.5152 9.72567
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0020879843043650559 -0.0097585399114545578 0.0038607115872062582 0.0018751728833377593
+leaf_weight=73 56 73 59
+leaf_count=73 56 73 59
+internal_value=0 -0.0405946 -0.189274
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=2108
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.09794 5.61038 3.9431 3.41062
+threshold=65.500000000000014 72.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.004447641453481076 -0.0025016258131359231 0.0073156909405503049 -0.0052631084510505943 -0.0026755375138290162
+leaf_weight=60 54 41 57 49
+leaf_count=60 54 41 57 49
+internal_value=0 0.0864587 -0.0495226 0.0619241
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=2109
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 2
+split_gain=1.0742 5.02129 6.8958 1.89855
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0024213666243686188 0.0043300199173549334 0.0062029624954297539 -0.0075879792694308855 -0.0010142018641368894
+leaf_weight=58 54 50 46 53
+leaf_count=58 54 50 46 53
+internal_value=0 0.0345951 -0.0552942 0.0838239
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=2110
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.07132 5.30041 3.79083 3.28709
+threshold=65.500000000000014 72.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0056923772826507815 -0.0024040138873729642 0.0071389880185728687 -0.0051685020543761531 -0.0014889299477251756
+leaf_weight=41 54 41 57 68
+leaf_count=41 54 41 57 68
+internal_value=0 0.0854177 -0.0489348 0.060344
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=2111
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 8
+split_gain=1.09903 5.22293 7.73041 5.0433
+threshold=72.700000000000003 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.002012382484131266 -0.002829244665191829 -0.0060174475615595744 0.0076289580806808404 -0.0069033593566011284
+leaf_weight=73 46 39 64 39
+leaf_count=73 46 39 64 39
+internal_value=0 0.030273 0.103969 -0.054372
+internal_weight=0 215 176 112
+internal_count=261 215 176 112
+shrinkage=0.02
+
+
+Tree=2112
+num_leaves=5
+num_cat=0
+split_feature=2 8 7 1
+split_gain=1.06447 4.85732 6.04101 3.54938
+threshold=7.5000000000000009 69.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.002410743523171627 0.005948759114417411 0.0061093578738368208 -0.0059022123469224357 -0.0019702655645072228
+leaf_weight=58 48 50 62 43
+leaf_count=58 48 50 62 43
+internal_value=0 0.0344322 -0.0539795 0.109969
+internal_weight=0 203 153 91
+internal_count=261 203 153 91
+shrinkage=0.02
+
+
+Tree=2113
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 8
+split_gain=1.10688 5.00358 7.62754 2.36169
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0019594023479178064 -0.0028392660308613911 -0.005875286970155027 0.0090528951158667433 -0.003491284616862034
+leaf_weight=73 46 39 46 57
+leaf_count=73 46 39 46 57
+internal_value=0 0.0303727 0.102514 -0.0212478
+internal_weight=0 215 176 130
+internal_count=261 215 176 130
+shrinkage=0.02
+
+
+Tree=2114
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 9
+split_gain=1.17994 3.80382 4.46084 3.64771
+threshold=65.500000000000014 55.500000000000007 56.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.002263449572935063 0.0052913932674951382 -0.0045383100538074648 0.0064701434421601646 -0.0026082326247597464
+leaf_weight=53 53 71 42 42
+leaf_count=53 53 71 42 42
+internal_value=0 -0.0513217 0.0795612 0.0895582
+internal_weight=0 166 95 95
+internal_count=261 166 95 95
+shrinkage=0.02
+
+
+Tree=2115
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 5
+split_gain=1.15659 3.5698 4.42301 2.26678
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011991763429532887 0.0021737033636539875 -0.0058303260751151435 0.0055844293334636188 -0.0049622105238814763
+leaf_weight=49 72 44 49 47
+leaf_count=49 72 44 49 47
+internal_value=0 -0.0414773 0.034225 -0.0905213
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=2116
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 9
+split_gain=1.10999 3.51519 10.168 5.5357
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0031288806009582412 0.0021302715505858278 0.0035282178709228548 -0.0097307195369654952 0.0064891021303045363
+leaf_weight=46 72 43 50 50
+leaf_count=46 72 43 50 50
+internal_value=0 -0.040645 -0.17968 0.0936618
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=2117
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 9
+split_gain=1.06821 3.60136 4.2787 3.56245
+threshold=65.500000000000014 55.500000000000007 56.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0022054165078912143 0.0051653158861813134 -0.0043951764567141238 0.0063486611924574955 -0.0026420907885551684
+leaf_weight=53 53 71 42 42
+leaf_count=53 53 71 42 42
+internal_value=0 -0.0488705 0.0784931 0.0852901
+internal_weight=0 166 95 95
+internal_count=261 166 95 95
+shrinkage=0.02
+
+
+Tree=2118
+num_leaves=5
+num_cat=0
+split_feature=8 5 7 7
+split_gain=1.06821 4.68848 3.99339 3.22034
+threshold=65.500000000000014 72.700000000000003 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.002865206487895189 0.0063639593201094101 -0.0027220068915640165 -0.0047094141989311531 0.0044240386537344476
+leaf_weight=40 45 46 68 62
+leaf_count=40 45 46 68 62
+internal_value=0 0.0881853 -0.0472684 0.0778834
+internal_weight=0 91 170 102
+internal_count=261 91 170 102
+shrinkage=0.02
+
+
+Tree=2119
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=1.05062 5.81295 2.88302 5.94149
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0025319172547872823 -0.0036148576622870303 0.0064940025144905314 -0.0046621887687419419 0.0068273137137572727
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0715503 -0.0573057 0.0562077
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=2120
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 3
+split_gain=1.05205 5.21102 9.0516 7.1388 13.1979
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 68.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.002923503996069836 -0.0097563047090206672 0.0091917612191368021 -0.0038372528519446144 0.0087195559866802639 -0.0066925134749523966
+leaf_weight=42 43 47 39 40 50
+leaf_count=42 43 47 39 40 50
+internal_value=0 -0.0281122 0.163782 -0.152516 0.00749332
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=2121
+num_leaves=4
+num_cat=0
+split_feature=8 1 4
+split_gain=1.04455 6.31933 7.86122
+threshold=50.500000000000007 7.5000000000000009 66.500000000000014
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0020479707969463493 -0.0095862153624458896 0.0038053521796585815 0.00093789635172347231
+leaf_weight=73 51 73 64
+leaf_count=73 51 73 64
+internal_value=0 -0.0398309 -0.186268
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=2122
+num_leaves=5
+num_cat=0
+split_feature=2 7 3 1
+split_gain=1.10575 4.78673 5.13481 9.81641
+threshold=7.5000000000000009 73.500000000000014 54.500000000000007 8.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0024561704931559693 0.0044549441339817508 0.0067233960953522734 -0.0079181266413923118 0.0043422719156172547
+leaf_weight=58 50 42 69 42
+leaf_count=58 50 42 69 42
+internal_value=0 0.0350831 -0.0433248 -0.163602
+internal_weight=0 203 161 111
+internal_count=261 203 161 111
+shrinkage=0.02
+
+
+Tree=2123
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=1.13453 6.92533 7.685 5.48428
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0019930939387004156 -0.0059552808780314768 -0.0050406534330776657 0.0084489451493138801 0.0037512577320207552
+leaf_weight=51 54 52 63 41
+leaf_count=51 54 52 63 41
+internal_value=0 0.0502863 0.188607 -0.0879025
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2124
+num_leaves=5
+num_cat=0
+split_feature=8 6 7 7
+split_gain=1.12655 2.81296 3.64502 3.27512
+threshold=68.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0028514792812355506 -0.0021065628943019057 0.00547542467049389 -0.0052909212994797315 0.0044990380972789483
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0416692 -0.0233362 0.0804333
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=2125
+num_leaves=4
+num_cat=0
+split_feature=2 1 3
+split_gain=1.10797 3.54753 4.91568
+threshold=24.500000000000004 8.5000000000000018 68.500000000000014
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0045861432465950751 0.002602127610047883 -0.0041528723794637939 -0.0032091736232233025
+leaf_weight=77 53 75 56
+leaf_count=77 53 75 56
+internal_value=0 -0.0332197 0.0648966
+internal_weight=0 208 133
+internal_count=261 208 133
+shrinkage=0.02
+
+
+Tree=2126
+num_leaves=4
+num_cat=0
+split_feature=2 1 3
+split_gain=1.06336 3.40627 4.72053
+threshold=24.500000000000004 8.5000000000000018 68.500000000000014
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0044945036859360445 0.0025501534745128048 -0.0040698925982870435 -0.0031450705126855431
+leaf_weight=77 53 75 56
+leaf_count=77 53 75 56
+internal_value=0 -0.0325562 0.0635933
+internal_weight=0 208 133
+internal_count=261 208 133
+shrinkage=0.02
+
+
+Tree=2127
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 8
+split_gain=1.05321 4.9968 7.24341 4.71755
+threshold=72.700000000000003 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0019674106947623936 -0.0027707760309950502 -0.005885518646343975 0.0074071432442863825 -0.0066567126781869679
+leaf_weight=73 46 39 64 39
+leaf_count=73 46 39 64 39
+internal_value=0 0.0296437 0.101737 -0.0515388
+internal_weight=0 215 176 112
+internal_count=261 215 176 112
+shrinkage=0.02
+
+
+Tree=2128
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=1.12984 3.50084 4.20965 4.12289
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030420245500864243 0.0021489255651945347 -0.0057725253043219103 0.0054602986940097157 -0.0053443343062322462
+leaf_weight=41 72 44 49 55
+leaf_count=41 72 44 49 55
+internal_value=0 -0.0409993 0.0339699 -0.0877363
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=2129
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 9
+split_gain=1.08429 3.43482 9.84138 5.21422
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0030030244708850427 0.0021059893961337833 0.0034540256155541917 -0.0095904375413041736 0.0063322509347273495
+leaf_weight=46 72 43 50 50
+leaf_count=46 72 43 50 50
+internal_value=0 -0.0401761 -0.177623 0.0925921
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=2130
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=1.05351 6.2145 4.57686 6.76904
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.002381773674214055 0.0078624142021787476 -0.0023962834697208689 0.0033228748179368272 -0.0080881019419568202
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0819823 -0.0501527 -0.181208
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2131
+num_leaves=5
+num_cat=0
+split_feature=2 4 1 3
+split_gain=1.0445 3.43909 9.26955 19.4885
+threshold=24.500000000000004 53.500000000000007 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0050546045116736261 0.0025280124488856488 0.0057825481898244532 0.0064707234681354699 -0.013035224292237879
+leaf_weight=53 53 45 67 43
+leaf_count=53 53 45 67 43
+internal_value=0 -0.0322642 0.0429431 -0.170323
+internal_weight=0 208 155 88
+internal_count=261 208 155 88
+shrinkage=0.02
+
+
+Tree=2132
+num_leaves=5
+num_cat=0
+split_feature=3 9 7 6
+split_gain=1.08078 5.97755 4.65113 3.33763
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0017596964592755718 0.0077638136495371017 -0.0022977936879080706 -0.00544324593127657 0.005508592788368267
+leaf_weight=55 39 60 60 47
+leaf_count=55 39 60 60 47
+internal_value=0 0.083024 -0.0507783 0.079153
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=2133
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 5
+split_gain=1.13591 3.48271 2.56603 1.2088
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 48.70000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00079851047517138726 0.0021548360858675477 -0.005016830481239366 -0.0027002728439370995 0.0056721315113195904
+leaf_weight=45 72 56 49 39
+leaf_count=45 72 56 49 39
+internal_value=0 -0.0410951 0.0470041 0.153681
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2134
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.10959 5.25789 3.69661 3.33786
+threshold=65.500000000000014 72.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0056826759425645228 -0.0023576238053065915 0.0071470259686935147 -0.0051331973372218866 -0.0015537879955660008
+leaf_weight=41 54 41 57 68
+leaf_count=41 54 41 57 68
+internal_value=0 0.0869105 -0.0497773 0.0581375
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=2135
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 1
+split_gain=1.06479 5.04935 3.65296 3.30194
+threshold=65.500000000000014 72.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0023385104265734339 -0.002310532460938943 0.0070043289986497339 -0.0044176714211614293 0.0051395116764282028
+leaf_weight=45 54 41 71 50
+leaf_count=45 54 41 71 50
+internal_value=0 0.0851674 -0.0487822 0.0794881
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2136
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.06644 4.78424 4.96093 3.65481
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0024127416573920348 0.0060047803387520146 0.0067096758768624811 -0.0048902246152706464 -0.002030595698107803
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0344733 -0.0439144 0.110021
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=2137
+num_leaves=5
+num_cat=0
+split_feature=2 1 4 7
+split_gain=1.04017 2.73424 9.20201 8.01266
+threshold=6.5000000000000009 4.5000000000000009 67.500000000000014 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0026159952851453178 0.0027962739897091238 -0.0040717613541442236 -0.0076815286741298951 0.008589207151451627
+leaf_weight=50 65 39 66 41
+leaf_count=50 65 39 66 41
+internal_value=0 -0.0310537 -0.107429 0.120442
+internal_weight=0 211 146 80
+internal_count=261 211 146 80
+shrinkage=0.02
+
+
+Tree=2138
+num_leaves=5
+num_cat=0
+split_feature=8 5 7 7
+split_gain=1.05999 4.68044 3.76469 3.19237
+threshold=65.500000000000014 72.700000000000003 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0029148267671030774 0.0063536436862736082 -0.0027245681737906404 -0.0045967794994837188 0.0043430987239095236
+leaf_weight=40 45 46 68 62
+leaf_count=40 45 46 68 62
+internal_value=0 0.0878653 -0.0470758 0.0744484
+internal_weight=0 91 170 102
+internal_count=261 91 170 102
+shrinkage=0.02
+
+
+Tree=2139
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=1.06015 6.16905 4.65454 6.70134
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0023266331502393195 0.0078448403897662597 -0.0023763406679557647 0.0033563426588372981 -0.0080907625523710981
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0822404 -0.0503025 -0.182459
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2140
+num_leaves=5
+num_cat=0
+split_feature=2 4 1 4
+split_gain=1.05827 3.49022 8.97227 5.80011
+threshold=24.500000000000004 53.500000000000007 7.5000000000000009 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0050911205954778131 0.0025444027768008921 0.0013507194759098287 0.006387284120540071 -0.0089604983249149759
+leaf_weight=53 53 48 67 40
+leaf_count=53 53 48 67 40
+internal_value=0 -0.0324671 0.0432956 -0.166526
+internal_weight=0 208 155 88
+internal_count=261 208 155 88
+shrinkage=0.02
+
+
+Tree=2141
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 6
+split_gain=1.03881 4.81879 4.27577 3.12277
+threshold=66.500000000000014 13.500000000000002 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0017378813128452325 0.0058338882647481927 -0.0030088074610748437 -0.0052420636845325616 0.0052939228731873744
+leaf_weight=55 52 47 60 47
+leaf_count=55 52 47 60 47
+internal_value=0 0.0814303 -0.0497967 0.0747917
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=2142
+num_leaves=6
+num_cat=0
+split_feature=2 7 3 1 4
+split_gain=1.07358 4.77497 4.95479 9.87499 6.55009
+threshold=7.5000000000000009 73.500000000000014 52.500000000000007 8.5000000000000018 62.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0024205752718627241 0.0052272688536266756 0.0067061949875679506 -0.012947563199754991 0.0047868489548961836 -0.001315839361253528
+leaf_weight=58 40 42 39 43 39
+leaf_count=58 40 42 39 43 39
+internal_value=0 0.0345902 -0.0437216 -0.144999 -0.357417
+internal_weight=0 203 161 121 78
+internal_count=261 203 161 121 78
+shrinkage=0.02
+
+
+Tree=2143
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=1.10518 2.85702 3.28736 3.1017
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0028542413938691079 -0.0020866315863273142 0.0055038273504304583 -0.0050672888481240984 0.0043003554443302259
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0412895 -0.0242219 0.074338
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=2144
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=1.06919 6.7179 7.59613 5.15943
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0020300360184745685 -0.005779149978457283 -0.0049783835269615198 0.0083516433711699877 0.0036364171131701545
+leaf_weight=51 54 52 63 41
+leaf_count=51 54 52 63 41
+internal_value=0 0.0488468 0.18509 -0.0853745
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2145
+num_leaves=5
+num_cat=0
+split_feature=8 6 7 7
+split_gain=1.07262 2.60792 3.19082 3.00876
+threshold=68.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0027718383610798947 -0.0020563377831264501 0.0052845507514775744 -0.0049540031843507866 0.0042751803031016887
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0406817 -0.0219176 0.07519
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=2146
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=1.06409 2.63262 5.09333 5.17292
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0065145150067980589 -0.0020483533659653415 0.005447121502029216 -0.0017081453611457957 0.0072386218055594913
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0405198 -0.0204019 0.0924486
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2147
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=1.0689 6.45494 7.22696 4.96949
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0019429900019993305 -0.0057037587504918689 -0.0048611508011789321 0.0081836325542586959 0.003537333193329207
+leaf_weight=51 54 52 63 41
+leaf_count=51 54 52 63 41
+internal_value=0 0.0488327 0.182394 -0.0853708
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2148
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=1.12232 4.28792 4.04631 4.08548
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0041118382925266692 -0.0068887018019322521 0.0013528742556335759 0.0063290037945802069 -0.0039758011484992166
+leaf_weight=40 39 72 43 67
+leaf_count=40 39 72 43 67
+internal_value=0 -0.0769064 0.0568717 -0.0472101
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=2149
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=1.07707 4.11773 3.88544 3.9232
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0040297450952088715 -0.0067511747250753439 0.001325842613640946 0.0062026293783694932 -0.0038963680193039251
+leaf_weight=40 39 72 43 67
+leaf_count=40 39 72 43 67
+internal_value=0 -0.0753646 0.0557372 -0.0462583
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=2150
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.09283 4.65867 9.37607 6.92411
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0029788929499935473 -0.0077409993659983125 0.0090781579390627216 -0.0041825437490855275 0.0014000361179580733
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.0286272 0.152839 -0.146286
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=2151
+num_leaves=5
+num_cat=0
+split_feature=2 3 4 3
+split_gain=1.07827 2.5301 2.84484 5.59892
+threshold=6.5000000000000009 52.500000000000007 61.500000000000007 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0026626828388465911 0.0037685066939023661 -0.0053313055162598558 0.0051177322774655287 -0.0039201360128896809
+leaf_weight=50 42 58 50 61
+leaf_count=50 42 58 50 61
+internal_value=0 -0.0316022 -0.0865756 0.00722164
+internal_weight=0 211 169 111
+internal_count=261 211 169 111
+shrinkage=0.02
+
+
+Tree=2152
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 9
+split_gain=1.13682 6.39028 7.0129 4.90925
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0018427039631512014 0.0032354718468355034 -0.0048015843383039242 0.0081329449112978198 -0.0059042711566546294
+leaf_weight=51 43 52 63 52
+leaf_count=51 43 52 63 52
+internal_value=0 0.0503461 0.183237 -0.0879792
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2153
+num_leaves=4
+num_cat=0
+split_feature=2 1 3
+split_gain=1.09515 3.39648 4.87889
+threshold=24.500000000000004 8.5000000000000018 68.500000000000014
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0045358720007837713 0.0025875522890880165 -0.0040742255458604557 -0.003230417794417587
+leaf_weight=77 53 75 56
+leaf_count=77 53 75 56
+internal_value=0 -0.0330182 0.0629932
+internal_weight=0 208 133
+internal_count=261 208 133
+shrinkage=0.02
+
+
+Tree=2154
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 6
+split_gain=1.06956 4.94786 3.88135 5.06741
+threshold=65.500000000000014 72.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0021697602383123492 -0.0022662426588913199 0.006954771818283384 -0.0057137377726550701 0.0064711246236601764
+leaf_weight=74 54 41 49 43
+leaf_count=74 54 41 49 43
+internal_value=0 0.0853564 -0.0488878 0.0500543
+internal_weight=0 95 166 117
+internal_count=261 95 166 117
+shrinkage=0.02
+
+
+Tree=2155
+num_leaves=5
+num_cat=0
+split_feature=2 1 5 6
+split_gain=1.05852 3.24236 4.85524 11.7923
+threshold=24.500000000000004 8.5000000000000018 67.65000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0062387558079154814 0.0025446520441385319 -0.0039854813473919701 0.0064910700674659398 -0.0085090719157919232
+leaf_weight=41 53 75 46 46
+leaf_count=41 53 75 46 46
+internal_value=0 -0.0324731 0.0613423 -0.0775165
+internal_weight=0 208 133 87
+internal_count=261 208 133 87
+shrinkage=0.02
+
+
+Tree=2156
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 8
+split_gain=1.11633 4.97253 6.99697 4.60038
+threshold=72.700000000000003 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0019965827395313331 -0.002850793675251268 -0.0058522963816014474 0.0073291398494835678 -0.0065203571221751876
+leaf_weight=73 46 39 64 39
+leaf_count=73 46 39 64 39
+internal_value=0 0.0305177 0.102436 -0.048211
+internal_weight=0 215 176 112
+internal_count=261 215 176 112
+shrinkage=0.02
+
+
+Tree=2157
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 6
+split_gain=1.0816 4.67574 3.73909 5.00331
+threshold=65.500000000000014 72.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0021916460467242709 -0.0021461788565058223 0.0068183696509452529 -0.0056319991531071081 0.0063947202032075181
+leaf_weight=74 54 41 49 43
+leaf_count=74 54 41 49 43
+internal_value=0 0.0858244 -0.049159 0.0479565
+internal_weight=0 95 166 117
+internal_count=261 95 166 117
+shrinkage=0.02
+
+
+Tree=2158
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 8
+split_gain=1.11149 4.78932 6.68767 2.17351
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0019910542088770683 -0.0028448414295387807 -0.0057339142685904352 0.0085787645140826541 -0.0032403034149858902
+leaf_weight=73 46 39 46 57
+leaf_count=73 46 39 46 57
+internal_value=0 0.0304463 0.101035 -0.0148527
+internal_weight=0 215 176 130
+internal_count=261 215 176 130
+shrinkage=0.02
+
+
+Tree=2159
+num_leaves=5
+num_cat=0
+split_feature=9 8 5 4
+split_gain=1.11866 3.62771 4.73316 4.11422
+threshold=70.500000000000014 63.500000000000007 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030848450821944328 0.0021386257024897742 -0.0055757334081303787 0.0061629311222478091 -0.0052928793911700541
+leaf_weight=41 72 48 45 55
+leaf_count=41 72 48 45 55
+internal_value=0 -0.0407908 0.0400436 -0.0853462
+internal_weight=0 189 141 96
+internal_count=261 189 141 96
+shrinkage=0.02
+
+
+Tree=2160
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 4
+split_gain=1.08533 4.48191 3.64528 4.19159
+threshold=65.500000000000014 72.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0021588604943730276 -0.0020624751882189762 0.0067148390642360733 -0.0044232741896279579 0.0063079575389899927
+leaf_weight=53 54 41 71 42
+leaf_count=53 54 41 71 42
+internal_value=0 0.0859684 -0.0492434 0.0788919
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2161
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=1.09631 4.70837 7.65288 4.47956
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016996568942862962 -0.0028257129961895221 0.0069010367062746613 -0.0083607720519276122 0.0056529933451566882
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.0302404 -0.0394012 0.0754533
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=2162
+num_leaves=4
+num_cat=0
+split_feature=2 1 3
+split_gain=1.05912 3.17356 4.82431
+threshold=24.500000000000004 8.5000000000000018 68.500000000000014
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0044644202150629711 0.002545247747328898 -0.0039504272095433283 -0.0032585973598877548
+leaf_weight=77 53 75 56
+leaf_count=77 53 75 56
+internal_value=0 -0.0324879 0.0603304
+internal_weight=0 208 133
+internal_count=261 208 133
+shrinkage=0.02
+
+
+Tree=2163
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=1.04569 3.0038 9.06526
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0026227611816403203 0.0029582599959826722 -0.0069462577836034347 0.0030377242278479735
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0311362 -0.111156
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=2164
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.04984 4.47427 3.49192 3.37662
+threshold=65.500000000000014 72.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0043224661253158285 -0.0020870478878692359 0.0066829041596424971 -0.0049910342051014923 -0.0027656941351201594
+leaf_weight=60 54 41 57 49
+leaf_count=60 54 41 57 49
+internal_value=0 0.0845799 -0.0484435 0.056449
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=2165
+num_leaves=6
+num_cat=0
+split_feature=5 9 5 6 7
+split_gain=1.04211 4.71062 6.68725 1.84808 3.02223
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 49.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.002784391261780384 -0.0027562251263335493 -0.0057007381471032717 0.0085481082164001795 -0.0038610200581757842 0.0046371602874218099
+leaf_weight=40 46 39 46 41 49
+leaf_count=40 46 39 46 41 49
+internal_value=0 0.0294988 0.0995099 -0.0163747 0.0646541
+internal_weight=0 215 176 130 89
+internal_count=261 215 176 130 89
+shrinkage=0.02
+
+
+Tree=2166
+num_leaves=5
+num_cat=0
+split_feature=9 8 5 1
+split_gain=1.0925 3.40482 4.55427 3.24266
+threshold=70.500000000000014 63.500000000000007 53.500000000000007 2.5000000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0024656715526528671 0.0021138750391544378 -0.0054186531940418146 0.0060202495550762828 -0.0049539774691571324
+leaf_weight=42 72 48 45 54
+leaf_count=42 72 48 45 54
+internal_value=0 -0.0403218 0.037996 -0.0850061
+internal_weight=0 189 141 96
+internal_count=261 189 141 96
+shrinkage=0.02
+
+
+Tree=2167
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 4
+split_gain=1.04881 4.29359 3.4213 3.99367
+threshold=65.500000000000014 72.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0021331352007261033 -0.002010975118836039 0.0065806274619275478 -0.0043002602087305764 0.0061322815866092905
+leaf_weight=53 54 41 71 42
+leaf_count=53 54 41 71 42
+internal_value=0 0.084534 -0.0484253 0.0757229
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2168
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.0733 5.03789 9.30993 6.70255
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0029525874390408293 -0.0077517898409344308 0.0092061082166877816 -0.0040074840377961884 0.0012418454428261489
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.0283768 0.160311 -0.150706
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=2169
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.06936 4.80187 5.15874 3.5219
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0024159654833290447 0.0059939049217801153 0.0067216469923050692 -0.0049710146653868265 -0.0018942849405865839
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0345203 -0.0440116 0.112957
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=2170
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=1.1104 4.68932 7.24748 4.35203
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0017087839848032699 -0.0028434882960713865 0.0068921464301754456 -0.0081514211547238299 0.0055389511379389193
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.030431 -0.0390698 0.0727025
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=2171
+num_leaves=5
+num_cat=0
+split_feature=5 9 6 8
+split_gain=1.06566 4.6458 6.63982 3.68694
+threshold=72.700000000000003 72.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020398569841611333 -0.00278670434698718 -0.005651021074968011 0.0075330427219725236 -0.0052506126804946407
+leaf_weight=73 46 39 58 45
+leaf_count=73 46 39 58 45
+internal_value=0 0.0298195 0.09935 -0.0367548
+internal_weight=0 215 176 118
+internal_count=261 215 176 118
+shrinkage=0.02
+
+
+Tree=2172
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=1.07782 3.30197 3.8202 4.09893
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0031190108887203601 0.002099827762878734 -0.0056118146679908325 0.0052107898148495294 -0.005243334391923659
+leaf_weight=41 72 44 49 55
+leaf_count=41 72 44 49 55
+internal_value=0 -0.0400571 0.0327569 -0.0831959
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=2173
+num_leaves=5
+num_cat=0
+split_feature=2 7 2 6
+split_gain=1.05042 5.1253 2.79167 5.04499
+threshold=13.500000000000002 65.500000000000014 24.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0022903404942814869 0.0014152297560656849 0.0061863394151911331 0.0025128960558333502 -0.0079527247328548129
+leaf_weight=65 46 51 53 46
+leaf_count=65 46 51 53 46
+internal_value=0 0.0715533 -0.0572906 -0.163127
+internal_weight=0 116 145 92
+internal_count=261 116 145 92
+shrinkage=0.02
+
+
+Tree=2174
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=1.04541 4.58863 7.08603 4.2202
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016884203707480756 -0.0027605333958578802 0.0068069015400227242 -0.0080718752767936948 0.0054491500568829843
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.0295431 -0.0392085 0.0713123
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=2175
+num_leaves=5
+num_cat=0
+split_feature=2 7 2 7
+split_gain=1.02745 4.91104 2.71408 3.5161
+threshold=13.500000000000002 65.500000000000014 24.500000000000004 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0022272586473968702 0.00094844770342948843 0.0060709085372508756 0.0024743002246547965 -0.0068919823368673826
+leaf_weight=65 43 51 53 49
+leaf_count=65 43 51 53 49
+internal_value=0 0.0707821 -0.0566722 -0.16104
+internal_weight=0 116 145 92
+internal_count=261 116 145 92
+shrinkage=0.02
+
+
+Tree=2176
+num_leaves=6
+num_cat=0
+split_feature=5 9 5 6 7
+split_gain=1.04217 4.66932 6.53961 1.91448 2.89229
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 49.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0026476660384214339 -0.0027563134368184801 -0.0056731883886679988 0.0084693975951373006 -0.0039036848700653181 0.0046131959800470483
+leaf_weight=40 46 39 46 41 49
+leaf_count=40 46 39 46 41 49
+internal_value=0 0.029499 0.0992044 -0.0153943 0.0670695
+internal_weight=0 215 176 130 89
+internal_count=261 215 176 130 89
+shrinkage=0.02
+
+
+Tree=2177
+num_leaves=5
+num_cat=0
+split_feature=2 8 7 1
+split_gain=1.049 4.82358 6.03852 3.36303
+threshold=7.5000000000000009 69.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0023934181147215387 0.0058501429521965586 0.006085735438278104 -0.0058999394523035374 -0.0018589098961552032
+leaf_weight=58 48 50 62 43
+leaf_count=58 48 50 62 43
+internal_value=0 0.0341894 -0.0539152 0.11
+internal_weight=0 203 153 91
+internal_count=261 203 153 91
+shrinkage=0.02
+
+
+Tree=2178
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 8
+split_gain=1.05074 4.47218 6.50053 4.58467
+threshold=72.700000000000003 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00200831427058786 -0.0027675859081219873 -0.0055377625128421636 0.0070470256164997941 -0.0064941763831338284
+leaf_weight=73 46 39 64 39
+leaf_count=73 46 39 64 39
+internal_value=0 0.0296096 0.0978369 -0.0473722
+internal_weight=0 215 176 112
+internal_count=261 215 176 112
+shrinkage=0.02
+
+
+Tree=2179
+num_leaves=5
+num_cat=0
+split_feature=9 8 5 4
+split_gain=1.11056 3.30297 4.25315 4.02584
+threshold=70.500000000000014 63.500000000000007 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030924397091636815 0.0021308311329183028 -0.0053561865839512803 0.0058141076490729358 -0.0051953286870932529
+leaf_weight=41 72 48 45 55
+leaf_count=41 72 48 45 55
+internal_value=0 -0.0406543 0.036486 -0.082388
+internal_weight=0 189 141 96
+internal_count=261 189 141 96
+shrinkage=0.02
+
+
+Tree=2180
+num_leaves=5
+num_cat=0
+split_feature=2 7 2 6
+split_gain=1.03232 4.74628 2.66426 4.7194
+threshold=13.500000000000002 65.500000000000014 24.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0021625261322243232 0.0013199662799971829 0.0059956730208052377 0.0024384509467552987 -0.0077413567747344212
+leaf_weight=65 46 51 53 46
+leaf_count=65 46 51 53 46
+internal_value=0 0.0709414 -0.0568087 -0.160222
+internal_weight=0 116 145 92
+internal_count=261 116 145 92
+shrinkage=0.02
+
+
+Tree=2181
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 5
+split_gain=1.04234 3.17198 2.664 1.11338
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 48.70000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00088090743620749569 0.0020656650034452059 -0.0047926787374830519 -0.0028152200605151656 0.005563619788082964
+leaf_weight=45 72 56 49 39
+leaf_count=45 72 56 49 39
+internal_value=0 -0.0394021 0.0446871 0.153368
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2182
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 3
+split_gain=1.03294 6.46128 4.86266 5.1715
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0018873126321758808 0.0079686899855828282 -0.0024913119129676559 0.0034653248681224898 -0.007365951541501956
+leaf_weight=40 39 60 61 61
+leaf_count=40 39 60 61 61
+internal_value=0 0.0811969 -0.0496658 -0.18473
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2183
+num_leaves=5
+num_cat=0
+split_feature=2 8 7 1
+split_gain=1.03291 4.7206 5.85488 3.29789
+threshold=7.5000000000000009 69.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0023751547658055461 0.0057786411298072736 0.0060230394855620793 -0.0058124517412582845 -0.0018557914415478624
+leaf_weight=58 48 50 62 43
+leaf_count=58 48 50 62 43
+internal_value=0 0.0339403 -0.0532203 0.108186
+internal_weight=0 203 153 91
+internal_count=261 203 153 91
+shrinkage=0.02
+
+
+Tree=2184
+num_leaves=5
+num_cat=0
+split_feature=5 5 8 6
+split_gain=1.08281 4.43405 3.67719 2.54648
+threshold=72.700000000000003 65.950000000000017 55.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016727347213883832 -0.0028085260285662553 0.0062729390665790729 -0.0047548357793553856 0.0044553057582360309
+leaf_weight=55 46 44 62 54
+leaf_count=55 46 44 62 54
+internal_value=0 0.0300592 -0.0427754 0.0678376
+internal_weight=0 215 171 109
+internal_count=261 215 171 109
+shrinkage=0.02
+
+
+Tree=2185
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 5
+split_gain=1.04029 2.76137 5.19969 3.88744
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0066157996069917905 -0.0020256879836003019 0.0055494991491022161 -0.002327224333101167 0.0053023800720049686
+leaf_weight=40 74 39 49 59
+leaf_count=40 74 39 49 59
+internal_value=0 0.0400755 -0.0223139 0.0917066
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2186
+num_leaves=5
+num_cat=0
+split_feature=7 5 2 6
+split_gain=1.01746 3.89158 6.87799 2.93753
+threshold=57.500000000000007 62.400000000000006 17.500000000000004 46.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0015632444497286483 -0.0057787355725423496 0.0051675431909152672 -0.0049775105080663807 0.0052574941790076062
+leaf_weight=55 48 66 45 47
+leaf_count=55 48 66 45 47
+internal_value=0 -0.0505126 0.0523468 0.0786629
+internal_weight=0 159 111 102
+internal_count=261 159 111 102
+shrinkage=0.02
+
+
+Tree=2187
+num_leaves=5
+num_cat=0
+split_feature=5 9 6 2
+split_gain=1.03652 4.512 6.49606 2.52195
+threshold=72.700000000000003 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0025627885267227196 -0.0027491192486996706 -0.0055688428586634468 0.0074447166830409065 -0.0033429247878838083
+leaf_weight=52 46 39 58 66
+leaf_count=52 46 39 58 66
+internal_value=0 0.0294131 0.0979417 -0.0366827
+internal_weight=0 215 176 118
+internal_count=261 215 176 118
+shrinkage=0.02
+
+
+Tree=2188
+num_leaves=5
+num_cat=0
+split_feature=9 8 5 1
+split_gain=1.05574 3.28909 4.23388 2.86585
+threshold=70.500000000000014 63.500000000000007 53.500000000000007 2.5000000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0022914512970823274 0.0020785494195252135 -0.0053267573206742637 0.0058193480472541427 -0.0046860248698684676
+leaf_weight=42 72 48 45 54
+leaf_count=42 72 48 45 54
+internal_value=0 -0.0396549 0.037324 -0.0812803
+internal_weight=0 189 141 96
+internal_count=261 189 141 96
+shrinkage=0.02
+
+
+Tree=2189
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=1.05868 5.05125 8.70858 6.49263
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0029327247844531243 -0.007676676988072454 0.0090182291956142375 -0.0037618958757818888 0.0011752051457845658
+leaf_weight=42 63 47 39 70
+leaf_count=42 63 47 39 70
+internal_value=0 -0.0281898 0.160748 -0.150681
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=2190
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 4
+split_gain=1.03541 4.16456 3.46119 3.95981
+threshold=65.500000000000014 72.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0020971736432649287 -0.0019656514374610566 0.0064963263466261247 -0.0043134513699473326 0.0061331764355192064
+leaf_weight=53 54 41 71 42
+leaf_count=53 54 41 71 42
+internal_value=0 0.084002 -0.0481217 0.0767465
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2191
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=1.07844 5.93832 8.96764
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0020805454276582687 -0.0093845355304481935 0.0036523605352699706 0.0017871975338214824
+leaf_weight=73 56 73 59
+leaf_count=73 56 73 59
+internal_value=0 -0.0404485 -0.18242
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=2192
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=1.04506 4.54559 5.66054 10.6002
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0023888404585006664 0.0070721082782038884 0.0059273481924947639 -0.0069029278918334202 -0.0056118981068823681
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0341345 -0.0513975 0.0746565
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=2193
+num_leaves=6
+num_cat=0
+split_feature=5 9 3 9 3
+split_gain=1.09021 4.3474 6.29146 7.6197 4.68619
+threshold=72.700000000000003 72.500000000000014 64.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0019755889927921431 -0.0028179802121168001 -0.0054409448801326981 0.0088142102427049545 0.0071845550558827069 -0.0070228344832506595
+leaf_weight=40 46 39 41 40 55
+leaf_count=40 46 39 41 40 55
+internal_value=0 0.0301579 0.0974326 -0.00670042 -0.161347
+internal_weight=0 215 176 135 95
+internal_count=261 215 176 135 95
+shrinkage=0.02
+
+
+Tree=2194
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=1.04633 4.35581 6.86994 4.09763
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016413214466599077 -0.0027617066286120986 0.0066481385197150059 -0.0079247576688396583 0.0053921961462980042
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.0295566 -0.0374306 0.0713932
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=2195
+num_leaves=4
+num_cat=0
+split_feature=8 1 9
+split_gain=1.05132 5.78352 6.52876
+threshold=50.500000000000007 7.5000000000000009 66.500000000000014
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.002054721741820224 -0.0084129124876703796 0.0036040189322652651 0.0011181188376938925
+leaf_weight=73 57 73 58
+leaf_count=73 57 73 58
+internal_value=0 -0.0399453 -0.180062
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=2196
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 3
+split_gain=1.02842 4.58889 8.33719 6.90427 12.7379
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 68.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.0028914791388808619 -0.009486671997757946 0.0087252603715358076 -0.0037800331862649561 0.00867514997780219 -0.0064661196865244061
+leaf_weight=42 43 47 39 40 50
+leaf_count=42 43 47 39 40 50
+internal_value=0 -0.027782 0.152325 -0.144562 0.0127982
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=2197
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=1.06586 2.81335 4.99184 5.20203
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0064937062417595118 -0.0020498596184711092 0.0056033474013175025 -0.0017809260794693963 0.0071911012517456565
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0405612 -0.0224107 0.0893106
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2198
+num_leaves=5
+num_cat=0
+split_feature=7 5 2 6
+split_gain=1.07257 3.87562 6.63924 2.91324
+threshold=57.500000000000007 62.400000000000006 17.500000000000004 46.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0015088678612582629 -0.005795286258491579 0.0050651460332987409 -0.0049027744482434826 0.0052835844549905834
+leaf_weight=55 48 66 45 47
+leaf_count=55 48 66 45 47
+internal_value=0 -0.0518304 0.0508176 0.0807313
+internal_weight=0 159 111 102
+internal_count=261 159 111 102
+shrinkage=0.02
+
+
+Tree=2199
+num_leaves=6
+num_cat=0
+split_feature=2 7 3 1 4
+split_gain=1.0815 4.53709 4.77864 9.49324 6.22565
+threshold=7.5000000000000009 73.500000000000014 52.500000000000007 8.5000000000000018 62.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0024294347075970958 0.005160050611707794 0.0065575119095741784 -0.012642068591055615 0.00471484316469263 -0.001300442384611715
+leaf_weight=58 40 42 39 43 39
+leaf_count=58 40 42 39 43 39
+internal_value=0 0.0347102 -0.0416286 -0.141103 -0.349388
+internal_weight=0 203 161 121 78
+internal_count=261 203 161 121 78
+shrinkage=0.02
+
+
+Tree=2200
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=1.12285 2.70869 4.82871 4.80372
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0063501684228202369 -0.002103048905969648 0.0055348312900534427 -0.0016339921054980056 0.0069886034941601316
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0416074 -0.020185 0.0896989
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2201
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 6
+split_gain=1.09728 4.47655 3.68537 5.50663
+threshold=62.500000000000007 10.500000000000002 9.5000000000000018 47.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=0.0060808111478827358 -0.0069875801485274995 0.0014327820457763114 0.0042612403690726339 -0.0048884040680367445
+leaf_weight=43 39 72 47 60
+leaf_count=43 39 72 47 60
+internal_value=0 -0.076053 0.0562506 -0.0430886
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=2202
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 2
+split_gain=1.08465 6.72977 6.91086 5.40156
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00071502065212503184 -0.0058852489893132624 -0.0049767310802621076 0.0091877792888549487 0.0037481115443125414
+leaf_weight=63 54 52 51 41
+leaf_count=63 54 52 51 41
+internal_value=0 0.0491917 0.185554 -0.085979
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2203
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=1.0655 3.30298 5.78678 11.2522
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0025834016089238384 -0.0048419334626936348 -0.0049152656964680744 -0.0024453228224528847 0.01064149599499878
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.0321962 0.0420272 0.173818
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2204
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 6
+split_gain=1.05805 4.11172 3.6564 5.39131
+threshold=62.500000000000007 10.500000000000002 9.5000000000000018 47.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=0.0060414981610929439 -0.006734260644697918 0.001336921057365995 0.0041952339423191581 -0.0048583528532181322
+leaf_weight=43 39 72 47 60
+leaf_count=43 39 72 47 60
+internal_value=0 -0.0747077 0.0552528 -0.0436965
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=2205
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=1.06169 6.56726 6.79331 5.09022
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0017527689187639211 -0.0057460321824972169 -0.0049147645892750318 0.0080656270361256638 0.0036063552703885287
+leaf_weight=51 54 52 63 41
+leaf_count=51 54 52 63 41
+internal_value=0 0.0486763 0.18339 -0.085082
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2206
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=1.07917 3.99778 3.63601 3.9589
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0041198288328947504 -0.0066759976841526516 0.001282920591069009 0.0060385459563226749 -0.0038423607367880576
+leaf_weight=40 39 72 43 67
+leaf_count=40 39 72 43 67
+internal_value=0 -0.0754349 0.0557922 -0.0428811
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=2207
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=1.06174 3.08187 9.10356
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0026425248518398663 0.0029996736217144182 -0.006981255046755514 0.0030237206739222628
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0313659 -0.112411
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=2208
+num_leaves=5
+num_cat=0
+split_feature=2 7 2 6
+split_gain=1.07288 4.66588 2.71923 4.68974
+threshold=13.500000000000002 65.500000000000014 24.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0021046829188595506 0.001263326419675482 0.0059842530416373239 0.0024535660085445387 -0.0077694153475197326
+leaf_weight=65 46 51 53 46
+leaf_count=65 46 51 53 46
+internal_value=0 0.0723116 -0.0578772 -0.162341
+internal_weight=0 116 145 92
+internal_count=261 116 145 92
+shrinkage=0.02
+
+
+Tree=2209
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.03984 4.22984 3.50498 3.53697
+threshold=65.500000000000014 72.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0057896282696393046 -0.0019902942196948483 0.0065375158592010027 -0.0049938446810768979 -0.0016586682725814328
+leaf_weight=41 54 41 57 68
+leaf_count=41 54 41 57 68
+internal_value=0 0.0841909 -0.0482099 0.0568784
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=2210
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.01582 4.57306 4.84955 3.47987
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0023557020042528484 0.005897304338453614 0.0065598311210602403 -0.0048263243481940039 -0.0019441142307375157
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0336687 -0.042972 0.109229
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=2211
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=1.03413 2.65916 4.86375 4.9342
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0063930596674889864 -0.0020196380417437402 0.0054592441029642624 -0.0016937776183558076 0.0070448570487281689
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0399665 -0.0212609 0.08902
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2212
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 7
+split_gain=1.0231 3.29477 5.66283 5.13421
+threshold=43.500000000000007 73.500000000000014 53.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0025325494102914755 -0.0056284909934690543 -0.0048972019863499057 0.0073100647892253177 -0.0011444762607098712
+leaf_weight=52 40 54 58 57
+leaf_count=52 40 54 58 57
+internal_value=0 -0.0315553 0.0425764 0.155723
+internal_weight=0 209 155 115
+internal_count=261 209 155 115
+shrinkage=0.02
+
+
+Tree=2213
+num_leaves=5
+num_cat=0
+split_feature=3 9 7 7
+split_gain=1.05595 6.22208 4.48481 2.99501
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0027180430271514251 0.0078681747920073177 -0.0023967595552473356 -0.0053522439457541881 0.0043127541890299152
+leaf_weight=40 39 60 60 62
+leaf_count=40 39 60 60 62
+internal_value=0 0.0820815 -0.0502032 0.0773884
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=2214
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 6
+split_gain=1.0133 4.48078 4.30648 2.8838
+threshold=66.500000000000014 13.500000000000002 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.001591151879901827 0.0056645575244160711 -0.0028633592369097017 -0.0052453231448606865 0.0051674535349787035
+leaf_weight=55 52 47 60 47
+leaf_count=55 52 47 60 47
+internal_value=0 0.0804356 -0.0492007 0.0758339
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=2215
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 4
+split_gain=1.09235 3.99826 3.48786 3.89053
+threshold=65.500000000000014 72.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0020814134892331066 -0.0018474740857047959 0.0064442423872045577 -0.004351837756061112 0.0060769475882442147
+leaf_weight=53 54 41 71 42
+leaf_count=53 54 41 71 42
+internal_value=0 0.0862376 -0.0494034 0.0759422
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2216
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.04823 3.83953 3.42902 3.48466
+threshold=65.500000000000014 72.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.004354488163199186 -0.0018105721909126339 0.0063155776160692748 -0.0049542975351828007 -0.0028457231853944547
+leaf_weight=60 54 41 57 49
+leaf_count=60 54 41 57 49
+internal_value=0 0.0845078 -0.0484155 0.0555306
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=2217
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.05589 4.40003 4.53792 3.39091
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0024011426937237284 0.0057925656744142774 0.0064604492450457511 -0.0046556093156618454 -0.0019485269854330038
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0342981 -0.0408807 0.106361
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=2218
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 4
+split_gain=1.06032 4.58636 4.72562 6.81912
+threshold=74.500000000000014 66.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0024317350638336224 -0.0025476722255003796 0.0062317022799617539 0.0034624425670373299 -0.0080768154452718309
+leaf_weight=43 53 46 61 58
+leaf_count=43 53 46 61 58
+internal_value=0 0.0324554 -0.0466571 -0.179819
+internal_weight=0 208 162 101
+internal_count=261 208 162 101
+shrinkage=0.02
+
+
+Tree=2219
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 8
+split_gain=1.06934 4.27106 6.43402 4.48255
+threshold=72.700000000000003 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001964477357744306 -0.0027914534444169314 -0.0053936200412545701 0.0069953844062396742 -0.0064430907726409897
+leaf_weight=73 46 39 64 39
+leaf_count=73 46 39 64 39
+internal_value=0 0.029869 0.0965545 -0.0479108
+internal_weight=0 215 176 112
+internal_count=261 215 176 112
+shrinkage=0.02
+
+
+Tree=2220
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 5
+split_gain=1.06495 3.25641 2.5491 1.06981
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 48.70000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00088951944775874422 0.0020874561745928251 -0.0048536943138676875 -0.0027209698675010169 0.0054821007832072423
+leaf_weight=45 72 56 49 39
+leaf_count=45 72 56 49 39
+internal_value=0 -0.0398234 0.045374 0.151705
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2221
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 1
+split_gain=1.03075 3.66033 3.36899 3.31888
+threshold=65.500000000000014 72.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0024348174715639881 -0.0017419369009190619 0.006193061709142759 -0.0042667228726540945 0.0050626218855523864
+leaf_weight=45 54 41 71 50
+leaf_count=45 54 41 71 50
+internal_value=0 0.0838133 -0.0480182 0.0751805
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2222
+num_leaves=6
+num_cat=0
+split_feature=3 1 3 8 9
+split_gain=1.04519 4.95571 9.11664 8.92384 7.01519
+threshold=75.500000000000014 8.5000000000000018 65.500000000000014 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -3 -1
+right_child=-2 3 -4 -5 -6
+leaf_value=-0.0065298507583019432 -0.0028747144104129675 0.0025433633974125082 0.01103038199076725 -0.010072024643257547 0.0048528154562113212
+leaf_weight=41 43 51 40 40 46
+leaf_count=41 43 51 40 40 46
+internal_value=0 0.0283577 0.156361 -0.149828 -0.0251589
+internal_weight=0 218 127 91 87
+internal_count=261 218 127 91 87
+shrinkage=0.02
+
+
+Tree=2223
+num_leaves=5
+num_cat=0
+split_feature=5 5 8 4
+split_gain=1.08161 4.30003 3.45453 4.26049
+threshold=72.700000000000003 65.950000000000017 55.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0020030164317666457 -0.002807156367003853 0.0061864839359316564 -0.0046140109762892708 0.0060368036954358498
+leaf_weight=64 46 44 62 45
+leaf_count=64 46 44 62 45
+internal_value=0 0.0300349 -0.0416923 0.0655292
+internal_weight=0 215 171 109
+internal_count=261 215 171 109
+shrinkage=0.02
+
+
+Tree=2224
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=1.04275 2.65829 3.1479 2.87278
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0027109167281011109 -0.0020281855928378019 0.005315906712216184 -0.004947004859237031 0.0041759528246227626
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0401146 -0.0230847 0.0733687
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=2225
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 5 3
+split_gain=1.01385 4.34728 4.63711 2.89365 3.46922
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0023538510488297784 0.0031315564822442764 0.0064123004125194319 -0.0068346967719188278 0.0053604918266379814 -0.005212270102130546
+leaf_weight=58 39 42 39 42 41
+leaf_count=58 39 42 39 42 41
+internal_value=0 0.0336169 -0.0411106 0.0548037 -0.0567741
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2226
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=1.06155 4.20713 6.77433 4.39003
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0017368911419260186 -0.0027815640350471798 0.0065483325415097576 -0.0078478379681840675 0.0055423532500018004
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.0297564 -0.0360792 0.0719855
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=2227
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=1.04514 2.65228 4.83141 4.8427
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0063679341974477392 -0.0020305453738783865 0.0054570131003093868 -0.0016634219898841562 0.0069940352459254996
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0401552 -0.0209931 0.0889212
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2228
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=1.00295 2.57258 3.17611 2.79874
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0026431079286573411 -0.0019899727810695779 0.0052278303830095938 -0.0049617698102249483 0.0041548184386213105
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0393495 -0.0228264 0.0740571
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=2229
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=1.00761 4.04334 3.85204 3.90539
+threshold=62.500000000000007 10.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0039911001966441099 -0.0066557145225504405 0.0013484370583272667 0.0061448046802394986 -0.0039169701532615862
+leaf_weight=40 39 72 43 67
+leaf_count=40 39 72 43 67
+internal_value=0 -0.0729526 0.0539311 -0.0476267
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=2230
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=1.03615 2.94105 9.01402
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0026107980580250853 0.0029234445286278944 -0.0069136786302139569 0.003042117428394291
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0310062 -0.110193
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=2231
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 9
+split_gain=1.00135 3.26582 5.51886 3.78799
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0028537177669766796 0.00040889177686946143 0.0050486423315450413 -0.0087851851880332704 -0.0026886855567280149
+leaf_weight=42 72 64 41 42
+leaf_count=42 72 64 41 42
+internal_value=0 -0.0274308 -0.146166 0.0987808
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=2232
+num_leaves=5
+num_cat=0
+split_feature=3 7 7 6
+split_gain=0.987715 4.32638 3.93693 2.73772
+threshold=66.500000000000014 74.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0016090205896240582 0.0060870448216094044 -0.0023034661667976357 -0.0050471144403988824 0.0049774500022958697
+leaf_weight=55 46 53 60 47
+leaf_count=55 46 53 60 47
+internal_value=0 0.0794313 -0.0485902 0.0709708
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=2233
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=0.992203 2.79641 8.64532
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0025560512423920064 0.0028488628216579034 -0.0067643715651007161 0.0029860612588140552
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0303471 -0.10758
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=2234
+num_leaves=5
+num_cat=0
+split_feature=2 7 2 6
+split_gain=1.02279 4.78926 2.48133 4.09798
+threshold=13.500000000000002 65.500000000000014 24.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0021849279435884211 0.0010888334921805181 0.0060100258764558658 0.0023194841597743775 -0.0073563156405834574
+leaf_weight=65 46 51 53 46
+leaf_count=65 46 51 53 46
+internal_value=0 0.0706293 -0.0565409 -0.156372
+internal_weight=0 116 145 92
+internal_count=261 116 145 92
+shrinkage=0.02
+
+
+Tree=2235
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.99729 4.52319 5.58069 10.6721
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0023346058103885093 0.0070619514190120719 0.0058990693211388827 -0.0068727017738068989 -0.0056650391537620935
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0333626 -0.051959 0.0732035
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=2236
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 4 3
+split_gain=1.01533 4.8664 8.61632 6.20388 15.6735
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 59.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.0028733376233119252 -0.0092095823416805112 0.0089295854309776775 -0.0037828523318786467 0.0076696954607744922 -0.0090865558632568996
+leaf_weight=42 43 47 39 49 41
+leaf_count=42 43 47 39 49 41
+internal_value=0 -0.0276099 0.157848 -0.147851 0.00131404
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=2237
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 3 3
+split_gain=1.00227 4.36306 4.51031 2.89583 7.33162
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0023403868283957772 0.0048777924816835131 0.0064191445827994189 -0.0067585024964765183 0.0053295830522987319 -0.0072336352749123138
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.0334406 -0.0414223 0.0531732 -0.058448
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2238
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 8
+split_gain=0.979969 4.22686 6.48816 4.4105
+threshold=72.700000000000003 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0018970045847867963 -0.0026743752861426613 -0.0053876205608687326 0.0069848788945597127 -0.0064428184622155465
+leaf_weight=73 46 39 64 39
+leaf_count=73 46 39 64 39
+internal_value=0 0.0286233 0.0949663 -0.0501056
+internal_weight=0 215 176 112
+internal_count=261 215 176 112
+shrinkage=0.02
+
+
+Tree=2239
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 7
+split_gain=1.04779 3.17478 6.45349 8.57749
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0063450911561538969 0.002071011009536538 -0.0058858089701260396 -0.0018670487841757788 0.0093930892166760056
+leaf_weight=40 72 39 62 48
+leaf_count=40 72 39 62 48
+internal_value=0 -0.0395008 0.0265844 0.152102
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2240
+num_leaves=5
+num_cat=0
+split_feature=9 8 5 4
+split_gain=1.00563 3.11231 4.16628 3.91499
+threshold=70.500000000000014 63.500000000000007 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030449329459931343 0.0020296313005676711 -0.005185275010986241 0.0057558948180483479 -0.0051283978216116024
+leaf_weight=41 72 48 45 55
+leaf_count=41 72 48 45 55
+internal_value=0 -0.0387167 0.0361709 -0.0814851
+internal_weight=0 189 141 96
+internal_count=261 189 141 96
+shrinkage=0.02
+
+
+Tree=2241
+num_leaves=5
+num_cat=0
+split_feature=2 1 4 7
+split_gain=0.980218 2.75624 8.77348 7.53608
+threshold=6.5000000000000009 4.5000000000000009 67.500000000000014 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0025409375811756459 0.0028277601415942089 -0.0039718108333405069 -0.0075397666885521917 0.008307651722550189
+leaf_weight=50 65 39 66 41
+leaf_count=50 65 39 66 41
+internal_value=0 -0.0301638 -0.106845 0.115659
+internal_weight=0 211 146 80
+internal_count=261 211 146 80
+shrinkage=0.02
+
+
+Tree=2242
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 5
+split_gain=0.998709 3.05804 2.57364 1.03098
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 48.70000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00091001098108894679 0.0020229279229023829 -0.0047041223975390449 -0.002766007194639054 0.005420886065485778
+leaf_weight=45 72 56 49 39
+leaf_count=45 72 56 49 39
+internal_value=0 -0.0385783 0.043992 0.150832
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2243
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=1.00938 6.43037 4.51234 6.61093
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0023507127762947941 0.0079354453271448938 -0.002499611822543137 0.0033134190871791877 -0.0079963910498593634
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0802898 -0.0491006 -0.179235
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2244
+num_leaves=5
+num_cat=0
+split_feature=2 8 7 1
+split_gain=0.984089 4.50677 5.45982 3.296
+threshold=7.5000000000000009 69.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0023193162361992933 0.0056912439695472449 0.0058853692405590975 -0.0056260598665852039 -0.001941330393173868
+leaf_weight=58 48 50 62 43
+leaf_count=58 48 50 62 43
+internal_value=0 0.0331501 -0.0520169 0.103857
+internal_weight=0 203 153 91
+internal_count=261 203 153 91
+shrinkage=0.02
+
+
+Tree=2245
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.987233 3.2363 5.79138 10.6632
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0024886888174605916 -0.0048353580315146595 -0.0048484464562135463 -0.0022783899352413787 0.010461558176160776
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.0310053 0.0424679 0.17431
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2246
+num_leaves=5
+num_cat=0
+split_feature=2 7 2 6
+split_gain=1.03434 4.57875 2.45663 4.05076
+threshold=13.500000000000002 65.500000000000014 24.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0020972207020976789 0.001068196351030837 0.0059161518872169359 0.0022961613560396922 -0.0073282766848032765
+leaf_weight=65 46 51 53 46
+leaf_count=65 46 51 53 46
+internal_value=0 0.0710225 -0.05685 -0.156187
+internal_weight=0 116 145 92
+internal_count=261 116 145 92
+shrinkage=0.02
+
+
+Tree=2247
+num_leaves=5
+num_cat=0
+split_feature=2 7 2 6
+split_gain=0.992362 4.39699 2.35863 3.89004
+threshold=13.500000000000002 65.500000000000014 24.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0020553217140351718 0.0010468649910773014 0.005797990904714302 0.0022502985832374245 -0.0071819335548277919
+leaf_weight=65 46 51 53 46
+leaf_count=65 46 51 53 46
+internal_value=0 0.0695975 -0.0557039 -0.153059
+internal_weight=0 116 145 92
+internal_count=261 116 145 92
+shrinkage=0.02
+
+
+Tree=2248
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.976628 3.14355 5.58873 10.522
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0024756305309776979 -0.0047530396852056974 -0.0047844569125721371 -0.0023041758057745555 0.010351276758896268
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.0308377 0.0415782 0.171105
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2249
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 3
+split_gain=1.01666 4.26762 2.32547 5.03898
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0019876855300129405 0.0018898279307510936 0.0057495794741869765 0.0029809064461401285 -0.0068860275392656168
+leaf_weight=65 50 51 40 55
+leaf_count=65 50 51 40 55
+internal_value=0 0.0704283 -0.0563676 -0.135048
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=2250
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 6
+split_gain=0.99501 4.11125 3.69851 5.15344
+threshold=62.500000000000007 11.500000000000002 9.5000000000000018 47.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=0.006037308313168753 -0.0063932800667003131 0.0015516222454850196 0.0040384574419681709 -0.0048136407785850654
+leaf_weight=43 42 69 47 60
+leaf_count=43 42 69 47 60
+internal_value=0 -0.0724745 0.0536289 -0.0458883
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=2251
+num_leaves=5
+num_cat=0
+split_feature=2 2 5 2
+split_gain=0.983371 3.88293 2.35868 1.19569
+threshold=13.500000000000002 7.5000000000000009 55.150000000000006 22.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0022719415546038359 -0.0042018241785051706 0.0050558596345978849 -0.0013584388821922711 0.0033859242206352447
+leaf_weight=58 59 58 43 43
+leaf_count=58 59 58 43 43
+internal_value=0 0.0692953 -0.0554484 0.0502636
+internal_weight=0 116 145 86
+internal_count=261 116 145 86
+shrinkage=0.02
+
+
+Tree=2252
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=1.01109 2.69772 8.33143
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0025801549792075456 0.0027823802954052867 -0.0066580836762400696 0.0029140000078092016
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0306105 -0.106479
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=2253
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=0.973343 4.33403 2.45201 5.97832
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0020435133355635187 -0.003762730776842057 0.0057536030240504278 -0.0043479931066525849 0.0067120915539757939
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.068952 -0.0551668 0.0495509
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=2254
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 7
+split_gain=1.00143 3.05908 5.32106 5.0712
+threshold=43.500000000000007 73.500000000000014 53.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.002506368090821613 -0.0054774432356574166 -0.0047359339970856253 0.0071685794209867372 -0.0012343010292650417
+leaf_weight=52 40 54 58 57
+leaf_count=52 40 54 58 57
+internal_value=0 -0.0312133 0.0402259 0.149925
+internal_weight=0 209 155 115
+internal_count=261 209 155 115
+shrinkage=0.02
+
+
+Tree=2255
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=1.01877 2.8586 5.5315 4.24246
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0023589748560704183 0.0029627429570287783 -0.0053168264997246386 0.0046588432181499731 -0.0058487191298052087
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0268567 0.0274388 -0.122408
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=2256
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.98871 2.95047 5.37691 10.2104
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0024906946548418326 -0.0046951551224322001 -0.0046588949275717887 -0.0023166958553277424 0.010150316189381694
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.0310189 0.0391449 0.166209
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2257
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 2
+split_gain=1.05867 4.2332 4.13743 3.27853
+threshold=66.500000000000014 61.500000000000007 13.500000000000002 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0051676493530027987 0.0055420048000580395 -0.0065686501937392049 -0.0026536103209948776 -0.0016566940316612342
+leaf_weight=45 52 41 47 76
+leaf_count=45 52 41 47 76
+internal_value=0 -0.050254 0.0821978 0.0438099
+internal_weight=0 162 99 121
+internal_count=261 162 99 121
+shrinkage=0.02
+
+
+Tree=2258
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 2 5
+split_gain=1.02733 2.76392 3.02834 5.28043 3.59813
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 24.500000000000004 51.650000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0045571122690684293 0.0029748627627493884 -0.0052398201250699076 0.00035430830250960619 0.0049747701082307116 -0.0077439003288810575
+leaf_weight=53 40 41 42 39 46
+leaf_count=53 40 41 42 39 46
+internal_value=0 -0.0269699 0.0264215 -0.0574059 -0.193628
+internal_weight=0 221 180 127 88
+internal_count=261 221 180 127 88
+shrinkage=0.02
+
+
+Tree=2259
+num_leaves=5
+num_cat=0
+split_feature=3 9 7 6
+split_gain=1.04107 6.43362 4.1743 2.88637
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.001643966372365503 0.0079617388742123235 -0.0024758788346450462 -0.0051924721313947762 0.0051178325518620657
+leaf_weight=55 39 60 60 47
+leaf_count=55 39 60 60 47
+internal_value=0 0.0815278 -0.0498392 0.073265
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=2260
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=1.01751 4.55268 4.29914 3.07019
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0023574939003207502 0.0055001162163973707 0.0065474318814782032 -0.0045914339502247025 -0.0018676493389716633
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0337026 -0.0427674 0.100555
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=2261
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 3
+split_gain=0.978754 6.22383 4.18069 4.41492
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0016850042560316541 0.0078094279460965569 -0.0024571131080245146 0.0031678532983114038 -0.0068663117453512043
+leaf_weight=40 39 60 61 61
+leaf_count=40 39 60 61 61
+internal_value=0 0.0790934 -0.0483577 -0.173646
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2262
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.979639 4.37782 5.55021 9.92942
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.002314029909415029 0.006879314693115467 0.0058091320756049796 -0.0068348453887533099 -0.0053974174897914381
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0330836 -0.0508582 0.0739628
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=2263
+num_leaves=5
+num_cat=0
+split_feature=9 9 1 6
+split_gain=0.975138 4.17793 3.65229 3.04183
+threshold=55.500000000000007 63.500000000000007 4.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.002499247340132927 -0.0053317881986924432 -0.0012334016857407982 0.0053637532299093942 0.0056754940572608147
+leaf_weight=45 57 68 50 41
+leaf_count=45 57 68 50 41
+internal_value=0 -0.0467123 0.0815831 0.0679999
+internal_weight=0 166 95 109
+internal_count=261 166 95 109
+shrinkage=0.02
+
+
+Tree=2264
+num_leaves=5
+num_cat=0
+split_feature=5 9 6 8
+split_gain=1.0209 4.17255 6.35365 3.39671
+threshold=72.700000000000003 72.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001903509147107332 -0.0027283701822663014 -0.0053375345867843265 0.007328286966851354 -0.0050954175875539765
+leaf_weight=73 46 39 58 45
+leaf_count=73 46 39 58 45
+internal_value=0 0.0292126 0.0951305 -0.0380118
+internal_weight=0 215 176 118
+internal_count=261 215 176 118
+shrinkage=0.02
+
+
+Tree=2265
+num_leaves=5
+num_cat=0
+split_feature=9 8 5 4
+split_gain=1.01831 3.14632 4.06035 3.71583
+threshold=70.500000000000014 63.500000000000007 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.002958448155680392 0.0020424024279180114 -0.0052136651267374488 0.0056954500198840366 -0.0050051582468947902
+leaf_weight=41 72 48 45 55
+leaf_count=41 72 48 45 55
+internal_value=0 -0.0389426 0.0363519 -0.0798015
+internal_weight=0 189 141 96
+internal_count=261 189 141 96
+shrinkage=0.02
+
+
+Tree=2266
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 5
+split_gain=0.977172 3.06309 2.5004 1.13896
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 48.70000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00078582906791791959 0.0020015946135547237 -0.0046990053641651547 -0.0027042650182232098 0.0055197232365150539
+leaf_weight=45 72 56 49 39
+leaf_count=45 72 56 49 39
+internal_value=0 -0.0381601 0.0444783 0.1498
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2267
+num_leaves=5
+num_cat=0
+split_feature=4 8 9 9
+split_gain=0.985405 4.15546 3.97114 3.48108
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0021542633702142351 0.0060593504144739688 -0.00510980419095706 0.0050355042828573717 -0.0026829106552295682
+leaf_weight=65 45 56 53 42
+leaf_count=65 45 56 53 42
+internal_value=0 0.0357404 -0.0437355 0.0807637
+internal_weight=0 196 151 95
+internal_count=261 196 151 95
+shrinkage=0.02
+
+
+Tree=2268
+num_leaves=5
+num_cat=0
+split_feature=5 8 8 4
+split_gain=0.970734 4.16432 3.45598 4.15295
+threshold=72.700000000000003 65.500000000000014 55.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019998417006503481 -0.0026618107188826974 0.0059902512238986863 -0.0046848216197441705 0.0059383518763410567
+leaf_weight=64 46 45 61 45
+leaf_count=64 46 45 61 45
+internal_value=0 0.0285001 -0.0430971 0.0635884
+internal_weight=0 215 170 109
+internal_count=261 215 170 109
+shrinkage=0.02
+
+
+Tree=2269
+num_leaves=6
+num_cat=0
+split_feature=4 1 7 3 4
+split_gain=0.944191 4.96536 6.78007 12.2479 2.11635
+threshold=50.500000000000007 7.5000000000000009 58.500000000000007 68.500000000000014 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -3
+right_child=1 4 3 -5 -6
+leaf_value=0.0027729977349260798 -0.0094976373478019502 0.0062193722619908812 0.0084132260077411942 -0.0064346163163814616 -7.040747281028778e-05
+leaf_weight=42 43 45 40 50 41
+leaf_count=42 43 45 40 50 41
+internal_value=0 -0.0266378 -0.14809 0.00784763 0.160692
+internal_weight=0 219 133 90 86
+internal_count=261 219 133 90 86
+shrinkage=0.02
+
+
+Tree=2270
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 3
+split_gain=0.979111 6.15796 4.15879 4.30901
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0016291150690939827 0.0077767138406996663 -0.0024354758281685536 0.0031567994155757106 -0.0068192173818021704
+leaf_weight=40 39 60 61 61
+leaf_count=40 39 60 61 61
+internal_value=0 0.0791043 -0.0483696 -0.173331
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2271
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.96241 2.52637 6.14526 10.5596
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0025185268359053793 0.011286844389363069 -0.0037497290620151268 -0.0043796937167368917 -0.0025660005508398626
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.0298785 0.0464787 0.209876
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=2272
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 7
+split_gain=1.01035 3.12303 2.27491 3.43181
+threshold=70.500000000000014 60.500000000000007 55.95000000000001 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010723590891351612 0.0020346451314085814 -0.0047496095354998841 -0.002961843033031865 0.006705624138264801
+leaf_weight=47 72 56 42 44
+leaf_count=47 72 56 42 44
+internal_value=0 -0.0387884 0.0446518 0.134095
+internal_weight=0 189 133 91
+internal_count=261 189 133 91
+shrinkage=0.02
+
+
+Tree=2273
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 4
+split_gain=0.97341 4.12873 3.46279 4.20317
+threshold=65.500000000000014 72.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.002177426637858798 -0.0019998863582081287 0.0064259108821928344 -0.004285378603345151 0.0063010863557064764
+leaf_weight=53 54 41 71 42
+leaf_count=53 54 41 71 42
+internal_value=0 0.0815075 -0.0466765 0.0782217
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2274
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=0.983444 4.25091 4.2561 2.9674
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0023186288640064732 0.0054673460496979746 0.0063390402968717023 -0.0045327050697876658 -0.0017764384110095139
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0331366 -0.0407595 0.101847
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=2275
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 3
+split_gain=0.948486 4.95747 8.17311 6.64543 11.9332
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 68.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.002779086469109222 -0.009431898015708472 0.0088320496492839701 -0.0035493629211228554 0.0082763752669917853 -0.0063799042998851597
+leaf_weight=42 43 47 39 40 50
+leaf_count=42 43 47 39 40 50
+internal_value=0 -0.0267011 0.16048 -0.148057 0.00632427
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=2276
+num_leaves=6
+num_cat=0
+split_feature=5 9 5 6 7
+split_gain=0.982046 4.20634 6.33693 1.83762 2.77627
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 49.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.002652072098328343 -0.0026770803530924694 -0.0053725185109879748 0.0082812424440406682 -0.0038829178043618701 0.0044628191725807377
+leaf_weight=40 46 39 46 41 49
+leaf_count=40 46 39 46 41 49
+internal_value=0 0.0286565 0.0948394 -0.0179709 0.0628281
+internal_weight=0 215 176 130 89
+internal_count=261 215 176 130 89
+shrinkage=0.02
+
+
+Tree=2277
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=1.00491 3.06462 3.4895 3.66223
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0029340581957269878 0.0020290156416837928 -0.0054096633749049295 0.0049843856446643896 -0.0049721441249222257
+leaf_weight=41 72 44 49 55
+leaf_count=41 72 44 49 55
+internal_value=0 -0.0386984 0.0314571 -0.0793766
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=2278
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.991347 4.20386 5.25778 9.72702
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0023278316865694877 0.0067948214954845279 0.005709879684762516 -0.0066429750922447134 -0.0053563895325815705
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0332623 -0.0489979 0.0724945
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=2279
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.974939 4.15612 4.11813 3.96879
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.002106361997027574 -0.0026676951508887397 0.0052106854467128417 -0.0050740293979606981 0.0061333027960910128
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.0285484 -0.0549679 0.0764928
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=2280
+num_leaves=5
+num_cat=0
+split_feature=7 9 9 6
+split_gain=0.965496 4.74627 3.43122 2.81863
+threshold=57.500000000000007 63.500000000000007 77.500000000000014 46.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0015392369932956916 -0.0054924613540096295 0.0048332349712515692 -0.0026824309676531407 0.005142871447561247
+leaf_weight=55 59 58 42 47
+leaf_count=55 59 58 42 47
+internal_value=0 -0.049231 0.0834496 0.0766676
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=2281
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=0.971937 5.86271 7.97704
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0019770516425603652 -0.0090009311135490887 0.0036641208663331978 0.0015363802462475685
+leaf_weight=73 56 73 59
+leaf_count=73 56 73 59
+internal_value=0 -0.0384407 -0.179512
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=2282
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.965474 6.10783 4.23586 6.34282
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0023307923283077655 0.0077405458429386344 -0.0024301231112836582 0.0032011805005055594 -0.0078047999176651429
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0785534 -0.0480476 -0.174155
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2283
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.956722 2.52814 5.73609 10.1979
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0025110455512381471 0.011056584366408032 -0.0037492739277606908 -0.0041981223469215291 -0.0025572189455924238
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.0298009 0.0465829 0.20447
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=2284
+num_leaves=5
+num_cat=0
+split_feature=9 8 5 4
+split_gain=1.00558 3.1337 3.8961 3.56845
+threshold=70.500000000000014 63.500000000000007 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0029165548326355538 0.0020297570132206035 -0.0052001282975111729 0.0055961477774353879 -0.0048883157958780031
+leaf_weight=41 72 48 45 55
+leaf_count=41 72 48 45 55
+internal_value=0 -0.0387075 0.0364364 -0.0773481
+internal_weight=0 189 141 96
+internal_count=261 189 141 96
+shrinkage=0.02
+
+
+Tree=2285
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.970294 4.06208 5.23997 9.3065
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0023034008709764816 0.006695230846667382 0.0056176305569549138 -0.0066124238126547552 -0.0051907773701810834
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.032918 -0.047946 0.0733411
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=2286
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 8
+split_gain=0.981315 4.0982 6.12201 2.17363
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0019499961005461858 -0.0026761528617367451 -0.0052961319727364989 0.0081551052757061985 -0.0032813097414889775
+leaf_weight=73 46 39 46 57
+leaf_count=73 46 39 46 57
+internal_value=0 0.0286436 0.0939761 -0.0169056
+internal_weight=0 215 176 130
+internal_count=261 215 176 130
+shrinkage=0.02
+
+
+Tree=2287
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=1.04262 3.13303 6.48231 8.04808
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0063671452577553824 0.0020660317654987515 -0.0058504387746999599 -0.0022659409732896842 0.0085548715449391497
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0394028 0.0262474 0.152044
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2288
+num_leaves=5
+num_cat=0
+split_feature=2 1 4 7
+split_gain=0.982498 2.17924 8.96502 6.89469
+threshold=6.5000000000000009 4.5000000000000009 67.500000000000014 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0025437965833762224 0.0024490112269164709 -0.0034823562971063367 -0.0074308659408968318 0.0082632047068547636
+leaf_weight=50 65 39 66 41
+leaf_count=50 65 39 66 41
+internal_value=0 -0.0301999 -0.0984607 0.126461
+internal_weight=0 211 146 80
+internal_count=261 211 146 80
+shrinkage=0.02
+
+
+Tree=2289
+num_leaves=5
+num_cat=0
+split_feature=9 8 5 4
+split_gain=1.0346 3.05354 3.67317 3.48538
+threshold=70.500000000000014 63.500000000000007 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0029001608250754751 0.0020582288693969022 -0.0051543995756008834 0.0054254941150648573 -0.0048138300511415761
+leaf_weight=41 72 48 45 55
+leaf_count=41 72 48 45 55
+internal_value=0 -0.0392534 0.0349256 -0.0755637
+internal_weight=0 189 141 96
+internal_count=261 189 141 96
+shrinkage=0.02
+
+
+Tree=2290
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 2 5
+split_gain=1.0248 2.6917 2.85558 5.36467 3.4789
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 24.500000000000004 51.650000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0044278843303577637 0.0029711350403672176 -0.005177935472015398 0.00029701876050932318 0.0050582333451643733 -0.0076662062436814475
+leaf_weight=53 40 41 42 39 46
+leaf_count=53 40 41 42 39 46
+internal_value=0 -0.0269443 0.0257473 -0.0556628 -0.192964
+internal_weight=0 221 180 127 88
+internal_count=261 221 180 127 88
+shrinkage=0.02
+
+
+Tree=2291
+num_leaves=5
+num_cat=0
+split_feature=3 9 7 6
+split_gain=1.02185 5.80059 4.21713 2.97156
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0016678556720877552 0.0076283296221871504 -0.0022837087714932059 -0.0052049227281648312 0.00519242724878205
+leaf_weight=55 39 60 60 47
+leaf_count=55 39 60 60 47
+internal_value=0 0.0807795 -0.0493925 0.0743405
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=2292
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 4
+split_gain=1.07048 4.12206 3.43132 3.96725
+threshold=65.500000000000014 72.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0021270230684281295 -0.001919103996156103 0.0064996327934748136 -0.0043146523496546763 0.0061111251166520286
+leaf_weight=53 54 41 71 42
+leaf_count=53 54 41 71 42
+internal_value=0 0.0853971 -0.0489036 0.0754254
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2293
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=1.03041 2.9832 6.32928 7.75444
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0063125471130760944 0.0020542603457354056 -0.0057240163028957234 -0.0022249896164477905 0.0083969346259291575
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0391691 0.0248962 0.149208
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2294
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 1
+split_gain=0.995454 3.99012 3.33972 3.88255
+threshold=65.500000000000014 72.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0027496677763398057 -0.0019206287274359335 0.0063629368769736487 -0.0042360348484763392 0.0053569319473428124
+leaf_weight=45 54 41 71 50
+leaf_count=45 54 41 71 50
+internal_value=0 0.0824011 -0.0471972 0.0754676
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2295
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 4
+split_gain=0.955173 3.8317 3.2067 3.83869
+threshold=65.500000000000014 72.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0020972289870255676 -0.0018822660326023451 0.0062358952040274078 -0.004151397441717347 0.006006935549400072
+leaf_weight=53 54 41 71 42
+leaf_count=53 54 41 71 42
+internal_value=0 0.0807479 -0.046254 0.0739517
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2296
+num_leaves=5
+num_cat=0
+split_feature=2 8 7 1
+split_gain=0.962271 4.08429 5.21326 2.62964
+threshold=7.5000000000000009 69.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0022941929746540437 0.0053107374161326867 0.0056282972735941517 -0.0054476946485619701 -0.0015100080482030318
+leaf_weight=58 48 50 62 43
+leaf_count=58 48 50 62 43
+internal_value=0 0.0327773 -0.0483071 0.104014
+internal_weight=0 203 153 91
+internal_count=261 203 153 91
+shrinkage=0.02
+
+
+Tree=2297
+num_leaves=5
+num_cat=0
+split_feature=5 8 4 4
+split_gain=1.00423 4.12407 3.59691 2.39759
+threshold=72.700000000000003 65.500000000000014 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019877093112998174 -0.0027067159713673079 0.0059733723641923085 -0.0061887222287885851 0.0034402651213130925
+leaf_weight=65 46 45 39 66
+leaf_count=65 46 45 39 66
+internal_value=0 0.0289637 -0.0422871 0.0370634
+internal_weight=0 215 170 131
+internal_count=261 215 170 131
+shrinkage=0.02
+
+
+Tree=2298
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 4 3
+split_gain=0.965147 4.99805 7.90478 5.92374 14.1896
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 59.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.0028026702610095323 -0.0090860612902531699 0.0087496266065951699 -0.0034270416344710252 0.0072130216676715275 -0.0087313053375443379
+leaf_weight=42 43 47 39 49 41
+leaf_count=42 43 47 39 49 41
+internal_value=0 -0.0269407 0.161003 -0.14879 -0.00213819
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=2299
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=0.974169 2.62486 4.56017 5.27762
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0062200925033051449 -0.0019616200376879884 0.005406061367436649 -0.0018978725279625139 0.0071392039566823889
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0388001 -0.0220329 0.0847557
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2300
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=0.986597 5.5889 7.4783
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0019915627979279478 -0.00876878885995774 0.0035538654361571241 0.0014342490950511337
+leaf_weight=73 56 73 59
+leaf_count=73 56 73 59
+internal_value=0 -0.038726 -0.176477
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=2301
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=0.952372 4.24501 2.3673 5.71891
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0020233177508061358 -0.0036836288740115632 0.0056936343410184578 -0.0042806576091593161 0.0065621252264618313
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0681988 -0.0546029 0.0482981
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=2302
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 7
+split_gain=0.981325 2.87602 5.38003 6.41143
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0024811514741586408 -0.0047126541220658376 -0.0046061063280206128 0.0086190499952326777 -0.0012466625364626876
+leaf_weight=52 49 54 49 57
+leaf_count=52 49 54 49 57
+internal_value=0 -0.0309256 0.0383504 0.165452
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2303
+num_leaves=5
+num_cat=0
+split_feature=4 5 9 4
+split_gain=1.00405 2.67951 5.99517 4.89078
+threshold=75.500000000000014 55.95000000000001 61.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0019093781211133635 0.0029412713060064867 -0.0090645652327477743 0.00072144180009934005 0.006565879802871516
+leaf_weight=65 40 39 70 47
+leaf_count=65 40 39 70 47
+internal_value=0 -0.0266858 -0.13881 0.0820972
+internal_weight=0 221 109 112
+internal_count=261 221 109 112
+shrinkage=0.02
+
+
+Tree=2304
+num_leaves=5
+num_cat=0
+split_feature=3 9 7 6
+split_gain=0.988563 6.13728 4.24365 2.6692
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0014800865809389699 0.0077735370481474986 -0.0024215123015194659 -0.0052024924681080553 0.0050234996824855124
+leaf_weight=55 39 60 60 47
+leaf_count=55 39 60 60 47
+internal_value=0 0.0794649 -0.0486105 0.0755108
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=2305
+num_leaves=5
+num_cat=0
+split_feature=8 1 4 9
+split_gain=0.989363 5.37105 10.1897 5.82916
+threshold=50.500000000000007 4.5000000000000009 73.500000000000014 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0019943664309116107 -0.0067230432587796034 0.010066693791961732 -0.0060033774784406333 -5.8252459300235198e-05
+leaf_weight=73 46 47 51 44
+leaf_count=73 46 47 51 44
+internal_value=0 -0.0387757 0.0573941 0.258302
+internal_weight=0 188 142 91
+internal_count=261 188 142 91
+shrinkage=0.02
+
+
+Tree=2306
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=1.02236 2.64707 5.4122 4.43189
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0024552076483426027 0.0029674293778024175 -0.0051391989946191208 0.0045723774853630526 -0.0059332196053836703
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0269241 0.0253304 -0.122896
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=2307
+num_leaves=5
+num_cat=0
+split_feature=3 9 7 7
+split_gain=1.01778 5.83427 4.09292 2.67611
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.002581450441605378 0.0076422501061925024 -0.0022984579319125986 -0.0051410247015918585 0.0040667915537734916
+leaf_weight=40 39 60 60 62
+leaf_count=40 39 60 60 62
+internal_value=0 0.0806068 -0.0493103 0.0725909
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=2308
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=1.04397 3.01126 3.32234 4.31528
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0038517186414178009 0.0020672194385856902 -0.0053840528739291264 0.0054369856140344787 -0.0045306053988383209
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.039434 0.0301094 -0.0649263
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=2309
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 5
+split_gain=1.00181 2.95319 2.53452 0.930466
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 48.70000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00096579763229125506 0.002025915101737255 -0.0046378187506471444 -0.0027681215394410531 0.0052579335133407573
+leaf_weight=45 72 56 49 39
+leaf_count=45 72 56 49 39
+internal_value=0 -0.0386413 0.0425055 0.14854
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2310
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.996581 5.80477 4.13162 6.38068
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0023641718289180674 0.0076106398385413811 -0.0023050159163337707 0.0031347467792309631 -0.0078016262769760678
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0797847 -0.0487988 -0.173353
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2311
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 4
+split_gain=0.978676 4.06734 3.32817 3.77925
+threshold=65.500000000000014 72.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0020354747002309429 -0.0019685776572965948 0.0063945385281813831 -0.0042225080117136689 0.0060058102584774941
+leaf_weight=53 54 41 71 42
+leaf_count=53 54 41 71 42
+internal_value=0 0.0817202 -0.0468031 0.0756505
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2312
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 2
+split_gain=0.972922 4.10258 5.00234 1.80366
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.002306502493021717 0.0039919165356092625 0.0056429913214444882 -0.0064904443404934656 -0.0012193708886910634
+leaf_weight=58 54 50 46 53
+leaf_count=58 54 50 46 53
+internal_value=0 0.0329593 -0.048306 0.0702022
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=2313
+num_leaves=5
+num_cat=0
+split_feature=5 8 4 6
+split_gain=0.95175 4.04625 3.54587 2.48301
+threshold=72.700000000000003 65.500000000000014 63.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016154093410615559 -0.0026363923912170475 0.0059075622966449819 -0.0061523672111240893 0.0039798266477564922
+leaf_weight=76 46 45 39 55
+leaf_count=76 46 45 39 55
+internal_value=0 0.0282154 -0.0423614 0.0364251
+internal_weight=0 215 170 131
+internal_count=261 215 170 131
+shrinkage=0.02
+
+
+Tree=2314
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=0.968902 5.16845 7.30202
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0019741005641467531 -0.0085948470871100267 0.0033951986145798647 0.0014875674434668405
+leaf_weight=73 56 73 59
+leaf_count=73 56 73 59
+internal_value=0 -0.0383781 -0.170871
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=2315
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.980782 2.36628 5.81686 10.5096
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0025417787840153515 0.011127516247188517 -0.0036547889805541678 -0.0042908945616554461 -0.0026927019331363716
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.030166 0.0437437 0.202738
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=2316
+num_leaves=5
+num_cat=0
+split_feature=9 7 9 4
+split_gain=1.00041 3.59028 3.19787 3.64644
+threshold=65.500000000000014 71.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0020312076402694374 0.0061257030231828737 -0.0017333815082155315 -0.0041681104033778659 0.00586828690343666
+leaf_weight=53 41 54 71 42
+leaf_count=53 41 54 71 42
+internal_value=0 0.0826016 -0.0473129 0.0727267
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2317
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 2
+split_gain=0.982835 4.30783 7.36073 6.6059 8.29754
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.0028278571771759302 -0.0092586637618565521 0.0082837966127851 -0.0034674999461870898 -0.0055307799462479901 0.0066310333701022298
+leaf_weight=42 43 47 39 47 43
+leaf_count=42 43 47 39 47 43
+internal_value=0 -0.0271746 0.147347 -0.140342 0.013581
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=2318
+num_leaves=5
+num_cat=0
+split_feature=8 7 2 6
+split_gain=0.990941 3.81548 3.17327 4.90599
+threshold=50.500000000000007 58.500000000000007 9.5000000000000018 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0019960358860849343 -0.006355709146983809 -0.0039803566230230333 0.0077516217328070045 -0.00098697090813992154
+leaf_weight=73 39 42 43 64
+leaf_count=73 39 42 43 64
+internal_value=0 -0.0388005 0.0340691 0.126005
+internal_weight=0 188 149 107
+internal_count=261 188 149 107
+shrinkage=0.02
+
+
+Tree=2319
+num_leaves=5
+num_cat=0
+split_feature=2 1 4 7
+split_gain=0.967961 2.37381 8.46843 6.73045
+threshold=6.5000000000000009 4.5000000000000009 67.500000000000014 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0025253123104488967 0.0025859252794997677 -0.0035913688177826885 -0.0073323102781654263 0.0080141701713854745
+leaf_weight=50 65 39 66 41
+leaf_count=50 65 39 66 41
+internal_value=0 -0.0299788 -0.101191 0.117414
+internal_weight=0 211 146 80
+internal_count=261 211 146 80
+shrinkage=0.02
+
+
+Tree=2320
+num_leaves=5
+num_cat=0
+split_feature=3 9 7 6
+split_gain=1.01447 5.54704 4.26092 2.69571
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0015021398232748185 0.0074900300305366279 -0.0022034995293327511 -0.0052233240135486627 0.0050335229159553831
+leaf_weight=55 39 60 60 47
+leaf_count=55 39 60 60 47
+internal_value=0 0.0804841 -0.0492256 0.075147
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=2321
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=1.04873 3.06346 3.10354 3.97491
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0037188360935840816 0.002071962192658745 -0.0054250845720850748 0.0052864190711863646 -0.0043275754286064387
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0395156 0.0306263 -0.0612347
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=2322
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=1.00638 2.94164 2.97993 3.81702
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0036445895030198321 0.0020305632559557522 -0.0053167557912482035 0.0051808710443094061 -0.0042411185930806769
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0387213 0.0300161 -0.0600028
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=2323
+num_leaves=6
+num_cat=0
+split_feature=5 4 6 9 4
+split_gain=0.98413 4.6512 3.3483 3.2942 3.43031
+threshold=67.050000000000011 64.500000000000014 70.500000000000014 58.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 3 -2 4 -1
+right_child=2 -3 -4 -5 -6
+leaf_value=-0.00057288196417931432 0.0060948212222428104 -0.0067659732118241691 -0.0019629481581568261 -0.0039104932381501664 0.0069741664897953826
+leaf_weight=52 39 41 44 40 45
+leaf_count=52 39 41 44 40 45
+internal_value=0 -0.0423643 0.0907774 0.0460357 0.146129
+internal_weight=0 178 83 137 97
+internal_count=261 178 83 137 97
+shrinkage=0.02
+
+
+Tree=2324
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 5
+split_gain=1.00797 2.65896 5.43808 4.64188
+threshold=75.500000000000014 55.95000000000001 65.500000000000014 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0013410020497374811 0.0029470512050031755 -0.0077182138693248819 0.0012646988663832957 0.0072119590653226245
+leaf_weight=73 40 49 60 39
+leaf_count=73 40 49 60 39
+internal_value=0 -0.0267287 -0.138426 0.0816384
+internal_weight=0 221 109 112
+internal_count=261 221 109 112
+shrinkage=0.02
+
+
+Tree=2325
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 3
+split_gain=1.01008 4.19824 7.21022 6.49226 10.9599
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 68.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.0028661127234046462 -0.0091815060906463367 0.0081774140418443258 -0.0034534015483431478 0.0080776821096021703 -0.0059687994225000899
+leaf_weight=42 43 47 39 40 50
+leaf_count=42 43 47 39 40 50
+internal_value=0 -0.027536 0.144758 -0.139262 0.0133313
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=2326
+num_leaves=5
+num_cat=0
+split_feature=8 1 4 7
+split_gain=1.03046 5.0412 9.45955 11.8378
+threshold=50.500000000000007 4.5000000000000009 73.500000000000014 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0020347822690134063 -0.0065536088712023436 0.013272288450788892 -0.0058180236062448931 -0.001295278717374523
+leaf_weight=73 46 39 51 52
+leaf_count=73 46 39 51 52
+internal_value=0 -0.0395459 0.0536273 0.247229
+internal_weight=0 188 142 91
+internal_count=261 188 142 91
+shrinkage=0.02
+
+
+Tree=2327
+num_leaves=6
+num_cat=0
+split_feature=4 9 1 2 2
+split_gain=1.08508 2.65719 4.65622 8.27526 3.34837
+threshold=75.500000000000014 41.500000000000007 6.5000000000000009 13.500000000000002 17.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0051635905954418096 0.0030556482088545003 0.0010521108405255764 -0.0021231801837967058 0.010216096350606616 -0.006548137036430114
+leaf_weight=41 40 48 45 42 45
+leaf_count=41 40 48 45 42 45
+internal_value=0 -0.0277104 0.0246432 0.191397 -0.13095
+internal_weight=0 221 180 87 93
+internal_count=261 221 180 87 93
+shrinkage=0.02
+
+
+Tree=2328
+num_leaves=5
+num_cat=0
+split_feature=4 5 9 4
+split_gain=1.0414 2.66633 5.98816 4.52869
+threshold=75.500000000000014 55.95000000000001 61.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0017903240067637866 0.0029946421557957908 -0.0090648135218682549 0.0007154666913817626 0.006366134179795222
+leaf_weight=65 40 39 70 47
+leaf_count=65 40 39 70 47
+internal_value=0 -0.027157 -0.139007 0.0813588
+internal_weight=0 221 109 112
+internal_count=261 221 109 112
+shrinkage=0.02
+
+
+Tree=2329
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=1.0673 6.91588 6.77051 5.38474
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0016706565222629063 -0.0058651218548849771 -0.0050660865254512745 0.0081311282289185053 0.0037533047531885856
+leaf_weight=51 54 52 63 41
+leaf_count=51 54 52 63 41
+internal_value=0 0.0488104 0.187039 -0.0852945
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2330
+num_leaves=5
+num_cat=0
+split_feature=8 7 2 5
+split_gain=1.03797 3.7542 3.09963 3.19606
+threshold=50.500000000000007 58.500000000000007 9.5000000000000018 65.100000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0020420090512789212 -0.0063286681092621453 -0.0039557594884056819 0.0070426844214123785 -0.00014637005467920625
+leaf_weight=73 39 42 39 68
+leaf_count=73 39 42 39 68
+internal_value=0 -0.0396888 0.0325939 0.123468
+internal_weight=0 188 149 107
+internal_count=261 188 149 107
+shrinkage=0.02
+
+
+Tree=2331
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=1.03325 6.65955 6.4858 5.10764
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0016227415743839586 -0.0057304135143387584 -0.0049687943167287651 0.0079711019938015163 0.0036379894886337289
+leaf_weight=51 54 52 63 41
+leaf_count=51 54 52 63 41
+internal_value=0 0.0480336 0.183687 -0.0839546
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2332
+num_leaves=4
+num_cat=0
+split_feature=8 1 8
+split_gain=1.02983 4.72775 6.70823
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0020340210948798635 -0.0049176428741474409 0.0079561328830312934 -0.0019558392819034542
+leaf_weight=73 70 43 75
+leaf_count=73 70 43 75
+internal_value=0 -0.039542 0.0825975
+internal_weight=0 188 118
+internal_count=261 188 118
+shrinkage=0.02
+
+
+Tree=2333
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 2
+split_gain=1.08345 6.38379 6.4498 4.90719
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00063615424708252533 -0.0056899686679809007 -0.0048223176700427388 0.0089311256216350592 0.0034931418714019423
+leaf_weight=63 54 52 51 41
+leaf_count=63 54 52 51 41
+internal_value=0 0.0491637 0.181989 -0.0859331
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2334
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=1.03951 6.13042 6.28025 4.71249
+threshold=8.5000000000000018 20.500000000000004 67.65000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00016349260312303716 -0.0055763166746224876 -0.0047260011543416233 0.010079568853639476 0.0034233985157351961
+leaf_weight=75 54 52 39 41
+leaf_count=75 54 52 39 41
+internal_value=0 0.0481722 0.178348 -0.0842077
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2335
+num_leaves=5
+num_cat=0
+split_feature=7 9 9 7
+split_gain=1.02724 4.84333 3.37409 2.7245
+threshold=57.500000000000007 63.500000000000007 77.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.002488425939583499 -0.00556832591026633 0.0048036165949356877 -0.0026494822674702091 0.004218780586427876
+leaf_weight=40 59 58 42 62
+leaf_count=40 59 58 42 62
+internal_value=0 -0.0507446 0.0832829 0.0790382
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=2336
+num_leaves=4
+num_cat=0
+split_feature=8 1 8
+split_gain=1.00059 4.54491 6.62684
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0020054929874673234 -0.0048263571798733383 0.0078814553763822941 -0.001970421651144296
+leaf_weight=73 70 43 75
+leaf_count=73 70 43 75
+internal_value=0 -0.0389876 0.0807719
+internal_weight=0 188 118
+internal_count=261 188 118
+shrinkage=0.02
+
+
+Tree=2337
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 9
+split_gain=1.08092 5.90456 6.23373 4.61221
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00066631146022213877 0.0031251434560424915 -0.0046016830187029772 0.0087397584320865369 -0.0057347001719433586
+leaf_weight=63 43 52 51 52
+leaf_count=63 43 52 51 52
+internal_value=0 0.0491075 0.176872 -0.0858346
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2338
+num_leaves=5
+num_cat=0
+split_feature=2 1 5 6
+split_gain=1.03813 3.40011 4.60394 10.2691
+threshold=24.500000000000004 8.5000000000000018 67.65000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0058422628155380442 0.0025203943579816222 -0.0040591052557667172 0.0064045079994646727 -0.0079216582570180525
+leaf_weight=41 53 75 46 46
+leaf_count=41 53 75 46 46
+internal_value=0 -0.0321696 0.0638937 -0.0713271
+internal_weight=0 208 133 87
+internal_count=261 208 133 87
+shrinkage=0.02
+
+
+Tree=2339
+num_leaves=5
+num_cat=0
+split_feature=2 1 5 6
+split_gain=0.996221 3.26488 4.42099 9.86238
+threshold=24.500000000000004 8.5000000000000018 67.65000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0057256170608772682 0.0024700527349271095 -0.0039779990871883645 0.0062766122385869193 -0.0077634658413955962
+leaf_weight=41 53 75 46 46
+leaf_count=41 53 75 46 46
+internal_value=0 -0.0315222 0.0626181 -0.0698931
+internal_weight=0 208 133 87
+internal_count=261 208 133 87
+shrinkage=0.02
+
+
+Tree=2340
+num_leaves=5
+num_cat=0
+split_feature=2 3 9 9
+split_gain=0.995787 2.25009 3.91955 6.37842
+threshold=6.5000000000000009 52.500000000000007 72.500000000000014 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0025607908889874503 0.0035437564112269062 0.00020865154704235501 0.0026817610867843713 -0.0094311844584590854
+leaf_weight=50 42 66 56 47
+leaf_count=50 42 66 56 47
+internal_value=0 -0.0303899 -0.0822659 -0.189856
+internal_weight=0 211 169 113
+internal_count=261 211 169 113
+shrinkage=0.02
+
+
+Tree=2341
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=0.990534 2.80642 3.27902 2.73852
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0026270091558948613 -0.0019772745313408795 0.0054196398768919596 -0.0050928069362030136 0.0040978868332270917
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0391394 -0.0257919 0.0726421
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=2342
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.966276 5.67598 4.27056 6.339
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0023186205118195706 0.0075200780981301597 -0.0022853003206875391 0.0032179846707685741 -0.0078138997956445806
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0785967 -0.0480557 -0.174676
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2343
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=0.961205 2.8121 4.8481 4.41597
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.00644591562581949 -0.0019483517476288244 0.0055625673244753294 -0.0015726706223021059 0.006695865356149933
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0385682 -0.0243907 0.0857117
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2344
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.963541 3.51354 12.375 1.06032
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0020521563976743655 -0.0020073651051481884 -8.500590331190713e-05 0.011779492984933811 -0.0047824443626097385
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0375218 0.152692 -0.123785
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2345
+num_leaves=5
+num_cat=0
+split_feature=2 1 5 6
+split_gain=0.986502 3.10652 4.3323 9.58356
+threshold=24.500000000000004 8.5000000000000018 67.65000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0056079124675082678 0.0024582865939950997 -0.003893248608837802 0.0061833298892035047 -0.0076893749326590426
+leaf_weight=41 53 75 46 46
+leaf_count=41 53 75 46 46
+internal_value=0 -0.0313675 0.0604695 -0.0707089
+internal_weight=0 208 133 87
+internal_count=261 208 133 87
+shrinkage=0.02
+
+
+Tree=2346
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=0.97653 2.63955 8.63844
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0025364708189767162 0.0027560794625081505 -0.0067140422564263818 0.0030326011430445716
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.030097 -0.105151
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=2347
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.940321 5.45493 3.98401 6.08605
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0023003191111506845 0.0073828456195565726 -0.0022302501450089818 0.0030885734544392595 -0.0076284757652644742
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0775596 -0.0474152 -0.169739
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2348
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.969979 4.14861 6.10574 13.4764
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013484742124422358 -0.0026606258873518259 -0.0053349099629197497 -0.0028085202956770567 0.012894468057527902
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0284978 0.0942282 0.242339
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=2349
+num_leaves=5
+num_cat=0
+split_feature=9 7 9 4
+split_gain=0.984798 3.38345 3.3635 3.64769
+threshold=65.500000000000014 71.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0019631049490093466 0.0059831623207675247 -0.0016471280919572926 -0.0042425471475913733 0.0059374807385401468
+leaf_weight=53 41 54 71 42
+leaf_count=53 41 54 71 42
+internal_value=0 0.0819755 -0.046941 0.0761585
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2350
+num_leaves=5
+num_cat=0
+split_feature=9 7 9 4
+split_gain=0.94493 3.24902 3.22955 3.50279
+threshold=65.500000000000014 71.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0019238942926066932 0.0058637031238314768 -0.0016142281937868159 -0.0041577792157180141 0.00581892845577941
+leaf_weight=53 41 54 71 42
+leaf_count=53 41 54 71 42
+internal_value=0 0.0803308 -0.0460023 0.0746299
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2351
+num_leaves=5
+num_cat=0
+split_feature=7 9 9 7
+split_gain=0.955516 4.66199 3.18362 2.69185
+threshold=57.500000000000007 63.500000000000007 77.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.002519151691430104 -0.0054472496290789742 0.0046992811584751848 -0.0025413440625175095 0.0041481868504853123
+leaf_weight=40 59 58 42 62
+leaf_count=40 59 58 42 62
+internal_value=0 -0.0489709 0.0825287 0.0762886
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=2352
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.939533 4.0314 7.69277 5.76472
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0027661882150703072 -0.0063896366169737488 0.0083011791599601429 -0.0037121346627228824 0.0020099088610044872
+leaf_weight=42 75 47 39 58
+leaf_count=42 75 47 39 58
+internal_value=0 -0.0265785 0.14227 -0.136077
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=2353
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 3 3
+split_gain=0.967707 4.26495 4.52243 2.47079 6.91795
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0023003542558223504 0.0048829434118516021 0.0063431814135126875 -0.0067608189572145603 0.0050145157701365741 -0.0068831297072995904
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.0328768 -0.0411411 0.0535812 -0.0495488
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2354
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.970011 4.16624 6.17477 13.059
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012325704035649463 -0.0026608980510611064 -0.0053476174840132 -0.0028323864916579501 0.012788149199973051
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0284868 0.0943558 0.243298
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=2355
+num_leaves=5
+num_cat=0
+split_feature=7 9 9 7
+split_gain=0.986555 4.53376 2.98777 2.67688
+threshold=57.500000000000007 63.500000000000007 77.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0024839493845774702 -0.0054012304640308709 0.0045527973911202628 -0.0024627788970567905 0.004164819697337353
+leaf_weight=40 59 58 42 62
+leaf_count=40 59 58 42 62
+internal_value=0 -0.0497513 0.07993 0.0774853
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=2356
+num_leaves=4
+num_cat=0
+split_feature=2 1 3
+split_gain=0.949855 2.88001 4.3531
+threshold=24.500000000000004 8.5000000000000018 68.500000000000014
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0042482936706341283 0.0024129402633831509 -0.0037614371666375348 -0.003089285755467879
+leaf_weight=77 53 75 56
+leaf_count=77 53 75 56
+internal_value=0 -0.0308001 0.0576387
+internal_weight=0 208 133
+internal_count=261 208 133
+shrinkage=0.02
+
+
+Tree=2357
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=0.927463 2.43888 8.26667
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0024729871314181904 0.0026414389850977376 -0.0065416806280048376 0.0029933670371559439
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0293592 -0.101532
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=2358
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 7
+split_gain=0.95685 3.19145 6.38959 7.36785
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0062730016365056028 0.0019809604474306276 -0.005864707738540577 -0.0014822376648719441 0.0089546477056268448
+leaf_weight=40 72 39 62 48
+leaf_count=40 72 39 62 48
+internal_value=0 -0.0377759 0.0284828 0.153378
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2359
+num_leaves=5
+num_cat=0
+split_feature=7 9 6 6
+split_gain=0.964194 4.37922 2.94524 2.64087
+threshold=57.500000000000007 63.500000000000007 69.500000000000014 46.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0014420061250423073 -0.0053147291955516806 -0.0012947439574258913 0.0056954590626113579 0.0050270673909070442
+leaf_weight=55 59 59 41 47
+leaf_count=55 59 59 41 47
+internal_value=0 -0.049195 0.0782612 0.0766204
+internal_weight=0 159 100 102
+internal_count=261 159 100 102
+shrinkage=0.02
+
+
+Tree=2360
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 3
+split_gain=0.973238 4.09271 7.50093 5.84644 10.9617
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 68.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.0028142469357730149 -0.008818005163015832 0.0082489894139290559 -0.0036137470895138911 0.0079607124925626625 -0.0060872195903617322
+leaf_weight=42 43 47 39 40 50
+leaf_count=42 43 47 39 40 50
+internal_value=0 -0.0270466 0.143076 -0.137369 0.00743792
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=2361
+num_leaves=5
+num_cat=0
+split_feature=8 7 2 6
+split_gain=0.977964 3.45075 3.04505 4.61516
+threshold=50.500000000000007 58.500000000000007 9.5000000000000018 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0019831423744288063 -0.0060788203264143968 -0.0039521007060947973 0.0074915332464267305 -0.00098498432344517337
+leaf_weight=73 39 42 43 64
+leaf_count=73 39 42 43 64
+internal_value=0 -0.0385527 0.0307532 0.120833
+internal_weight=0 188 149 107
+internal_count=261 188 149 107
+shrinkage=0.02
+
+
+Tree=2362
+num_leaves=5
+num_cat=0
+split_feature=3 9 7 6
+split_gain=0.98637 5.29033 4.33664 2.66547
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0014499326038646336 0.0073307886360428178 -0.0021364328980108499 -0.0052473329101393506 0.0050490085601696631
+leaf_weight=55 39 60 60 47
+leaf_count=55 39 60 60 47
+internal_value=0 0.0793774 -0.0485587 0.0769124
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=2363
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 2
+split_gain=0.946461 5.08051 4.19517 3.04008
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0050544250832710667 0.007184436181514868 -0.0020937539208683493 -0.0064905550796379866 -0.0015181858410716717
+leaf_weight=45 39 60 41 76
+leaf_count=45 39 60 41 76
+internal_value=0 0.0777855 -0.0475883 0.0460537
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2364
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 7
+split_gain=0.997877 3.25758 2.31827 3.0401
+threshold=70.500000000000014 60.500000000000007 55.95000000000001 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00079535884578085662 0.0020219052159639013 -0.0048294669791022283 -0.0029583076572712906 0.0065265288897871374
+leaf_weight=47 72 56 42 44
+leaf_count=47 72 56 42 44
+internal_value=0 -0.0385724 0.0466411 0.13692
+internal_weight=0 189 133 91
+internal_count=261 189 133 91
+shrinkage=0.02
+
+
+Tree=2365
+num_leaves=5
+num_cat=0
+split_feature=2 8 7 1
+split_gain=0.963403 4.23203 5.36808 2.98003
+threshold=7.5000000000000009 69.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0022957055682525881 0.0055337695345756841 0.0057171776586600791 -0.0055422438022132772 -0.0017251190064690742
+leaf_weight=58 48 50 62 43
+leaf_count=58 48 50 62 43
+internal_value=0 0.0327866 -0.0497484 0.104814
+internal_weight=0 203 153 91
+internal_count=261 203 153 91
+shrinkage=0.02
+
+
+Tree=2366
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.9676 3.93496 3.86117 3.48387
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019179475947509765 -0.0026580698708274864 0.0050838471874947175 -0.0049061488876521201 0.0058040323981535758
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.0284313 -0.0528376 0.0744663
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=2367
+num_leaves=4
+num_cat=0
+split_feature=8 1 9
+split_gain=0.943345 4.763 6.14665
+threshold=50.500000000000007 7.5000000000000009 66.500000000000014
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0019481671262704288 -0.0079717108787714513 0.0032387275205022978 0.0012771757760740956
+leaf_weight=73 57 73 58
+leaf_count=73 57 73 58
+internal_value=0 -0.0378918 -0.165108
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=2368
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 2
+split_gain=0.933877 3.87701 7.2276 5.83215 8.4262
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.0027577828320324606 -0.0087414919121036518 0.0080704734933295282 -0.0035746080435417726 -0.0056327239406420374 0.0066229620347907046
+leaf_weight=42 43 47 39 47 43
+leaf_count=42 43 47 39 47 43
+internal_value=0 -0.0265121 0.139083 -0.133906 0.0107242
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=2369
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.99 4.15808 5.99092 12.9135
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012388926629200933 -0.0026879434969048969 -0.0053364237485058266 -0.0027575684128326701 0.012703556235438831
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.028757 0.0945617 0.241278
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=2370
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=0.968466 4.53606 7.08737
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0019733794046374966 -0.0083521470937240744 0.0031327509336796545 0.0015814723071850495
+leaf_weight=73 56 73 59
+leaf_count=73 56 73 59
+internal_value=0 -0.0383839 -0.162548
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=2371
+num_leaves=5
+num_cat=0
+split_feature=7 3 3 2
+split_gain=0.944013 4.37423 4.18396 2.95527
+threshold=74.500000000000014 66.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0050138078439201303 -0.0024066772389281644 0.0060657714296634482 -0.0064636427430390213 -0.0014669023870793017
+leaf_weight=45 53 46 41 76
+leaf_count=45 53 46 41 76
+internal_value=0 0.0306564 -0.0466085 0.0469088
+internal_weight=0 208 162 121
+internal_count=261 208 162 121
+shrinkage=0.02
+
+
+Tree=2372
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=0.951852 4.06952 4.50126 3.0147
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.002282220898816769 0.0055958866222294845 0.0062063341751953252 -0.0046168546517692871 -0.0017047640427666805
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0325916 -0.0397135 0.106934
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=2373
+num_leaves=5
+num_cat=0
+split_feature=7 5 8 7
+split_gain=0.966443 4.38859 3.40918 2.24281
+threshold=74.500000000000014 65.500000000000014 55.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0024708111977261855 -0.0024345855358429993 0.0065833993060112244 -0.0046808794082409027 0.0034970641651356537
+leaf_weight=40 53 40 59 69
+leaf_count=40 53 40 59 69
+internal_value=0 0.0310074 -0.0398533 0.0649752
+internal_weight=0 208 168 109
+internal_count=261 208 168 109
+shrinkage=0.02
+
+
+Tree=2374
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=0.9433 2.6825 4.52668 4.70678
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0062244578109348038 -0.0019311274658318747 0.0054439553542533197 -0.0017316507007362786 0.0068041457182186965
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0381829 -0.0233126 0.0830832
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2375
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 3
+split_gain=0.9525 3.24314 2.31225 0.933521
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00086688672178771953 0.0019761140401401089 -0.004803380423504677 -0.0025103205036192022 0.0051561065806592513
+leaf_weight=43 72 56 49 41
+leaf_count=43 72 56 49 41
+internal_value=0 -0.0377132 0.0473122 0.148625
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2376
+num_leaves=5
+num_cat=0
+split_feature=2 1 4 7
+split_gain=0.927098 2.45253 8.05203 6.53697
+threshold=6.5000000000000009 4.5000000000000009 67.500000000000014 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0024722992822703476 0.0026503081128873719 -0.0036251876572071205 -0.0072113637938989511 0.0078129483922673802
+leaf_weight=50 65 39 66 41
+leaf_count=50 65 39 66 41
+internal_value=0 -0.0293641 -0.101737 0.111429
+internal_weight=0 211 146 80
+internal_count=261 211 146 80
+shrinkage=0.02
+
+
+Tree=2377
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 2
+split_gain=0.949518 5.06154 4.02896 2.87061
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0048995010314427864 0.0071763413840924386 -0.0020845521350698342 -0.0063818153960116452 -0.0014884609029341487
+leaf_weight=45 39 60 41 76
+leaf_count=45 39 60 41 76
+internal_value=0 0.0779048 -0.047667 0.0441039
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2378
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.999537 3.12785 3.24227 3.9241
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0036795243794446671 0.0020234822411365643 -0.0054551252927643821 0.0054217453579964194 -0.0043154671338878304
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0386073 0.0322664 -0.0616188
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=2379
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 3 3
+split_gain=0.966842 4.19213 4.42368 2.41189 6.87613
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0022996552150734363 0.0048811341498241423 0.0062940696089404313 -0.0066838864483261531 0.0049589533440455259 -0.0068494539441029982
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.032847 -0.0405373 0.0531468 -0.0487515
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2380
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 3
+split_gain=0.955082 3.06641 2.28458 0.956306
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00078317317797685403 0.0019789556525022195 -0.0046929936259533182 -0.0025374216141776295 0.0051219794384197281
+leaf_weight=43 72 56 49 41
+leaf_count=43 72 56 49 41
+internal_value=0 -0.0377523 0.0449311 0.145647
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2381
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=0.922867 4.03685 4.26026 2.91789
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0022477573792741858 0.0054572475413590931 0.0061745096090317685 -0.0045174413847356761 -0.0017260433515844751
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0321105 -0.0399044 0.102772
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=2382
+num_leaves=5
+num_cat=0
+split_feature=7 5 7 6
+split_gain=0.932428 4.49481 3.23831 3.27506
+threshold=74.500000000000014 65.500000000000014 59.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016243137224524562 -0.0023920756199949764 0.0066442172537577076 -0.0053588673420006221 0.0051799355414230072
+leaf_weight=77 53 40 46 45
+leaf_count=77 53 40 46 45
+internal_value=0 0.0304764 -0.0412356 0.0440214
+internal_weight=0 208 168 122
+internal_count=261 208 168 122
+shrinkage=0.02
+
+
+Tree=2383
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=0.930827 2.2921 8.00179
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0024773035368234639 0.0025422773339811543 -0.0064264980118431229 0.0029548673053432935
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0294148 -0.0994035
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=2384
+num_leaves=5
+num_cat=0
+split_feature=2 7 2 6
+split_gain=0.936264 4.36047 2.31756 3.5702
+threshold=13.500000000000002 65.500000000000014 24.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0020803072881649147 0.0009225144095448783 0.0057405587832988873 0.002252241600553072 -0.0069617452639831705
+leaf_weight=65 46 51 53 46
+leaf_count=65 46 51 53 46
+internal_value=0 0.0676336 -0.0541466 -0.150661
+internal_weight=0 116 145 92
+internal_count=261 116 145 92
+shrinkage=0.02
+
+
+Tree=2385
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 2
+split_gain=0.929004 3.96972 4.9213 1.79708
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0022549248737333892 0.0039797403247117868 0.0055473246731776215 -0.0064340059089510572 -0.0012221483585628465
+leaf_weight=58 54 50 46 53
+leaf_count=58 54 50 46 53
+internal_value=0 0.0322217 -0.0477198 0.0698259
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=2386
+num_leaves=5
+num_cat=0
+split_feature=7 5 8 4
+split_gain=0.941006 4.32477 3.10375 3.52562
+threshold=74.500000000000014 65.500000000000014 55.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0018086922376189718 -0.0024027092172215834 0.0065323353182995805 -0.0045013680230209362 0.0055080182062817807
+leaf_weight=64 53 40 59 45
+leaf_count=64 53 40 59 45
+internal_value=0 0.0306191 -0.0397252 0.0603115
+internal_weight=0 208 168 109
+internal_count=261 208 168 109
+shrinkage=0.02
+
+
+Tree=2387
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 9
+split_gain=0.934423 2.93581 5.31772 3.21891
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0027587151870978027 0.00048830279002703481 0.0046979883598317522 -0.0085373337929313259 -0.002437029817140043
+leaf_weight=42 72 64 41 42
+leaf_count=42 72 64 41 42
+internal_value=0 -0.0265125 -0.139133 0.093181
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=2388
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=0.925288 4.22518 2.28589 5.77032
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0020344888115141715 -0.0037246162115764985 0.0056645420252611567 -0.0042104658075049067 0.0065670215241594278
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0672456 -0.0538337 0.0472909
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=2389
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=0.928062 3.74919 6.11948 3.96523
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016508468185553059 -0.0026040930100576154 0.006178980283238926 -0.0074600453645404545 0.0052686928153045601
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.0278678 -0.0342882 0.0684244
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=2390
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 3
+split_gain=0.929578 3.83178 7.06656 6.20039 10.8355
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 68.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.0027516596555171458 -0.0089157527785930744 0.0079934021981723103 -0.0035214374203922376 0.0080848006470887069 -0.005881768668247884
+leaf_weight=42 43 47 39 40 50
+leaf_count=42 43 47 39 40 50
+internal_value=0 -0.0264474 0.138182 -0.133217 0.0159086
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=2391
+num_leaves=5
+num_cat=0
+split_feature=3 7 3 4
+split_gain=0.94305 4.38274 3.88889 2.59367
+threshold=66.500000000000014 74.500000000000014 61.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0018659117264609854 0.0060805999319284787 -0.0023643297055851655 -0.0062837771668355349 0.0040221132882323433
+leaf_weight=65 46 53 41 56
+leaf_count=65 46 53 41 56
+internal_value=0 0.0776513 -0.047501 0.0426633
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2392
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=0.9316 2.86161 4.44264 4.63308
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.006215612103078084 -0.0019191563090799116 0.0055921746869548863 -0.0017696055585917231 0.0066995034883214405
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0379607 -0.0255488 0.0798554
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2393
+num_leaves=6
+num_cat=0
+split_feature=4 1 7 6 4
+split_gain=0.923346 3.66136 5.9103 6.10202 1.87841
+threshold=50.500000000000007 7.5000000000000009 58.500000000000007 65.500000000000014 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -3
+right_child=1 4 3 -5 -6
+leaf_value=0.0027425309604807309 -0.0087188570891185441 0.0055257813021167045 0.0050735472680194958 -0.0053910711634788952 -0.00040388870636912371
+leaf_weight=42 43 45 49 41 41
+leaf_count=42 43 45 49 41 41
+internal_value=0 -0.0263647 -0.130748 0.0148483 0.134576
+internal_weight=0 219 133 90 86
+internal_count=261 219 133 90 86
+shrinkage=0.02
+
+
+Tree=2394
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 2
+split_gain=0.931017 5.1946 3.88049 2.86894
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0048735227348377583 0.0072345583787317138 -0.0021469842026232483 -0.0062721996654608748 -0.0015126885330926203
+leaf_weight=45 39 60 41 76
+leaf_count=45 39 60 41 76
+internal_value=0 0.07716 -0.0472079 0.0428593
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2395
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 3 3
+split_gain=0.958975 4.10782 4.28554 2.49754 6.77277
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0022905063960686474 0.0047839018826714361 0.0062347203347188213 -0.0065797713852604545 0.0050097431771639611 -0.0068582304064877054
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.032714 -0.0399299 0.0522821 -0.051404
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2396
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=0.920508 5.89525 6.37349 4.58156
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0017895862348676777 -0.0054250748940838757 -0.0046719465156634717 0.0077213618587876768 0.0034494303908114716
+leaf_weight=51 54 52 63 41
+leaf_count=51 54 52 63 41
+internal_value=0 0.0453796 0.173048 -0.0793445
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2397
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 3 3
+split_gain=0.921423 3.92362 4.19336 2.37935 6.48021
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0022461984668517864 0.0047068684500353218 0.0060961101654166995 -0.0064974495364648168 0.0049158210089527178 -0.0066818084515908246
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.0320778 -0.0389218 0.0522949 -0.0489171
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2398
+num_leaves=5
+num_cat=0
+split_feature=7 5 7 7
+split_gain=0.95347 4.32446 3.3378 2.66381
+threshold=74.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0025462344124455804 -0.0024184632319300685 0.0065358532372037457 -0.0043064722320902494 0.0040866767158586276
+leaf_weight=40 53 40 66 62
+leaf_count=40 53 40 66 62
+internal_value=0 0.0308058 -0.039536 0.0738867
+internal_weight=0 208 168 102
+internal_count=261 208 168 102
+shrinkage=0.02
+
+
+Tree=2399
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=0.937349 2.65488 3.21649 2.55779
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0024953985469341874 -0.0019250873856591492 0.0052722454427700429 -0.0050352916999931155 0.004005035194045433
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.038068 -0.0250919 0.0724022
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=2400
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=0.917057 2.49604 8.04715
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0024591296794577847 0.0026818247108767626 -0.0064951812456295133 0.002912584249983567
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0292095 -0.102215
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=2401
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.907442 3.19869 6.17779 7.35504
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0061382198004999869 0.001929972555606718 -0.0058514126001003612 -0.0020266206440535252 0.0083183629573802525
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0368202 0.0295138 0.152331
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2402
+num_leaves=5
+num_cat=0
+split_feature=2 1 4 7
+split_gain=0.918785 2.38378 7.71224 6.60241
+threshold=6.5000000000000009 4.5000000000000009 67.500000000000014 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0024614704355213585 0.0026075212676916811 -0.003722450385351208 -0.007078411658937982 0.0077728825429418625
+leaf_weight=50 65 39 66 41
+leaf_count=50 65 39 66 41
+internal_value=0 -0.0292327 -0.100594 0.108028
+internal_weight=0 211 146 80
+internal_count=261 211 146 80
+shrinkage=0.02
+
+
+Tree=2403
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 2
+split_gain=0.919153 5.03421 3.79279 2.90855
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0048864693411020269 0.007136720954715855 -0.0020992822169424077 -0.0062060695265775583 -0.0015434858427127497
+leaf_weight=45 39 60 41 76
+leaf_count=45 39 60 41 76
+internal_value=0 0.076677 -0.0469128 0.0421327
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2404
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 7
+split_gain=0.952893 3.05784 5.90623 7.32381
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.006036386159268407 0.0019766849426874943 -0.0057560083167381938 -0.0015911902393410512 0.0088147535848225739
+leaf_weight=40 72 39 62 48
+leaf_count=40 72 39 62 48
+internal_value=0 -0.0377123 0.027148 0.147252
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2405
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.931641 2.64481 5.02258 8.98194
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0024186350390692809 -0.0045692647528643524 -0.0044283145301241044 -0.0021082930236834144 0.0095856208778686853
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.0301575 0.0362863 0.159118
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2406
+num_leaves=5
+num_cat=0
+split_feature=8 1 4 7
+split_gain=0.957638 4.47534 8.9512 11.3668
+threshold=50.500000000000007 4.5000000000000009 73.500000000000014 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0019625705658402478 -0.0061945271150202746 0.012920275925064379 -0.0057106273340483292 -0.0013549136898056639
+leaf_weight=73 46 39 51 52
+leaf_count=73 46 39 51 52
+internal_value=0 -0.0381716 0.0496245 0.237973
+internal_weight=0 188 142 91
+internal_count=261 188 142 91
+shrinkage=0.02
+
+
+Tree=2407
+num_leaves=5
+num_cat=0
+split_feature=4 2 4 4
+split_gain=1.02032 2.81228 3.87963 6.51826
+threshold=74.500000000000014 24.500000000000004 64.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0045955854927794918 0.0026235633279535321 0.0041029377837692822 -0.0058491001346379417 0.0051147457634456318
+leaf_weight=53 49 41 60 58
+leaf_count=53 49 41 60 58
+internal_value=0 -0.0303961 -0.087166 0.0235552
+internal_weight=0 212 171 111
+internal_count=261 212 171 111
+shrinkage=0.02
+
+
+Tree=2408
+num_leaves=5
+num_cat=0
+split_feature=3 9 7 7
+split_gain=1.02045 4.87669 4.03024 2.38819
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0023793531844584401 0.0071290183473127653 -0.0019614927322590273 -0.0051106737738508389 0.0039032157645678589
+leaf_weight=40 39 60 60 62
+leaf_count=40 39 60 60 62
+internal_value=0 0.0807025 -0.0493818 0.0715842
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=2409
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 3
+split_gain=0.990762 3.44673 7.39156 5.82266 10.3214
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 68.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.0028387139588488177 -0.0086305519256464885 0.0079261535717067965 -0.0038505860997613264 0.0078990929263999775 -0.0057327348756913967
+leaf_weight=42 43 47 39 40 50
+leaf_count=42 43 47 39 40 50
+internal_value=0 -0.0272967 0.128873 -0.128594 0.0159202
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=2410
+num_leaves=5
+num_cat=0
+split_feature=3 9 7 6
+split_gain=1.00697 4.6651 4.01362 2.36289
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0013810823162108124 0.0069980631821717574 -0.0018936667023392512 -0.0050958331307947927 0.0047404362545420929
+leaf_weight=55 39 60 60 47
+leaf_count=55 39 60 60 47
+internal_value=0 0.0801765 -0.0490623 0.0716548
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=2411
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=1.05039 3.12963 8.89764 5.19505
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0070284434235985726 0.0020732704505677926 0.0032460816176177899 -0.0091579660058426302 -0.0023553418584783899
+leaf_weight=42 72 43 50 54
+leaf_count=42 72 43 50 54
+internal_value=0 -0.0395614 -0.170802 0.0871933
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=2412
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 9
+split_gain=1.00797 3.00475 8.54528 5.00431
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0034640814647847124 0.002031845754596303 0.0031812655044897321 -0.0089750628559942241 0.0057463858025956337
+leaf_weight=42 72 43 50 54
+leaf_count=42 72 43 50 54
+internal_value=0 -0.0387664 -0.167382 0.0854446
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=2413
+num_leaves=5
+num_cat=0
+split_feature=6 4 2 6
+split_gain=1.03502 3.02467 5.24534 5.9389
+threshold=69.500000000000014 68.500000000000014 10.500000000000002 47.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0061934296489815866 0.0026758511196136076 -0.0054262661569427929 0.0039741595677314405 -0.0050751406433109996
+leaf_weight=48 48 42 47 76
+leaf_count=48 48 42 47 76
+internal_value=0 -0.0302171 0.0288525 -0.0805242
+internal_weight=0 213 171 123
+internal_count=261 213 171 123
+shrinkage=0.02
+
+
+Tree=2414
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=1.00953 4.68206 3.77981 6.05884
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0023168237559585583 0.0070100088637595846 -0.0018978102769394453 0.0029500587344040295 -0.0075898427825561591
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0802865 -0.0491135 -0.168278
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2415
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 1
+split_gain=0.999383 2.98185 2.22309 0.881347
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0048700887277559751 0.0020235701493553967 -0.0046554319391238705 -0.0025309171331907836 0.0006996360282219325
+leaf_weight=43 72 56 49 41
+leaf_count=43 72 56 49 41
+internal_value=0 -0.0385924 0.0429461 0.142315
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2416
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 2
+split_gain=0.989878 11.5441 7.09618 4.34337
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 23.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0063691250885684735 0.0026182039812073926 -0.010426801589098556 -0.005258924225632078 0.003193413800665837
+leaf_weight=73 48 39 60 41
+leaf_count=73 48 39 60 41
+internal_value=0 -0.0295521 0.0806118 -0.0910013
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=2417
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=1.06529 4.27289 4.83749 9.38469
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0024113311028755614 0.0066118785274074422 0.0057748525985967672 -0.006402297447113528 -0.0053241154955138512
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0344616 -0.0484695 0.068072
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=2418
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=1.04209 4.31305 3.14306 3.09037
+threshold=65.500000000000014 72.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0040815493449586114 -0.0020245733103140106 0.0065864396785366187 -0.0047825395170712154 -0.0027013717567468819
+leaf_weight=60 54 41 57 49
+leaf_count=60 54 41 57 49
+internal_value=0 0.0842729 -0.048268 0.0512617
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=2419
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 3 3
+split_gain=1.04832 4.07883 4.13878 2.46427 6.36102
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0023925174579514435 0.0046212067430323432 0.0062444291478640571 -0.0064459355628784885 0.0049862195096957822 -0.0066624029579455939
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.0341852 -0.0382018 0.0524205 -0.050575
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2420
+num_leaves=5
+num_cat=0
+split_feature=2 8 7 1
+split_gain=1.00606 3.94528 4.78026 2.91068
+threshold=7.5000000000000009 69.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0023447252808205124 0.0053913440161803333 0.0055578348487585827 -0.0052161526042486094 -0.0017833543817432902
+leaf_weight=58 48 50 62 43
+leaf_count=58 48 50 62 43
+internal_value=0 0.0335025 -0.0461925 0.0996776
+internal_weight=0 203 153 91
+internal_count=261 203 153 91
+shrinkage=0.02
+
+
+Tree=2421
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 7
+split_gain=0.987845 2.88895 6.01785 7.32609
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0061477082403990774 0.0020120510606986071 -0.0056300332270789585 -0.0016188633785705665 0.0087887520722026557
+leaf_weight=40 72 39 62 48
+leaf_count=40 72 39 62 48
+internal_value=0 -0.0383751 0.0246731 0.145904
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2422
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 3 3
+split_gain=0.951956 3.81388 3.98883 2.40771 6.21043
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.002282188599709494 0.0045608294245189406 0.0060301204031766786 -0.0063265890082511754 0.0049241472616710262 -0.0065887857764208146
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.0326011 -0.0374003 0.0515682 -0.0502437
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2423
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 3
+split_gain=0.943707 2.85449 2.13708 1.0144
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00060377213547781671 0.0019674343220549449 -0.004550937619336004 -0.0024789180022187795 0.0050668690416400446
+leaf_weight=43 72 56 49 41
+leaf_count=43 72 56 49 41
+internal_value=0 -0.0375286 0.0422561 0.139705
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2424
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 2
+split_gain=0.926353 4.00882 2.99068 3.07926
+threshold=65.500000000000014 72.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0040814445407036963 -0.0019861449008290464 0.0063169448620099822 -0.0046355744580138854 -0.0026893180413488605
+leaf_weight=60 54 41 57 49
+leaf_count=60 54 41 57 49
+internal_value=0 0.0795446 -0.0455665 0.05153
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=2425
+num_leaves=5
+num_cat=0
+split_feature=7 5 7 6
+split_gain=0.943456 4.51732 3.01526 3.21399
+threshold=74.500000000000014 65.500000000000014 59.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016605880206292038 -0.0024058374334060026 0.0066628001108932954 -0.0052009374158150058 0.0050804741141045997
+leaf_weight=77 53 40 46 45
+leaf_count=77 53 40 46 45
+internal_value=0 0.0306547 -0.0412363 0.0410402
+internal_weight=0 208 168 122
+internal_count=261 208 168 122
+shrinkage=0.02
+
+
+Tree=2426
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.905368 3.91351 3.63064 3.60848
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0020689668345635548 -0.0025728218187239418 0.0050535649893600097 -0.0048037161083517811 0.0057896832714978783
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.0275279 -0.0535201 0.0699337
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=2427
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 3
+split_gain=0.885588 5.15625 3.97148 3.99195
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0015409160851837245 0.0071763760835458655 -0.0021706836784126078 0.0031092451769258967 -0.0065915703091026824
+leaf_weight=40 39 60 61 61
+leaf_count=40 39 60 61 61
+internal_value=0 0.0752943 -0.0460669 -0.168202
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2428
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.930361 3.63991 4.71066 9.10897
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0022566583019249693 0.0065866706687389611 0.0053406665457064028 -0.0062480766600471332 -0.005172839825535647
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0322386 -0.0443174 0.0706901
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=2429
+num_leaves=5
+num_cat=0
+split_feature=7 5 7 6
+split_gain=0.925645 4.19569 2.95028 3.04091
+threshold=74.500000000000014 65.500000000000014 59.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015644664473012835 -0.002383557010532571 0.0064387148758152466 -0.0051076785227417666 0.004993431045728961
+leaf_weight=77 53 40 46 45
+leaf_count=77 53 40 46 45
+internal_value=0 0.030367 -0.0389214 0.0424676
+internal_weight=0 208 168 122
+internal_count=261 208 168 122
+shrinkage=0.02
+
+
+Tree=2430
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=0.92168 2.846 4.14355 4.56933
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.00602176955558726 -0.0019091706883010875 0.0055750651562470575 -0.0018190640574989553 0.0065919853516125428
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0377601 -0.0255764 0.0762239
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2431
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 4
+split_gain=0.90445 3.69802 5.77506 1.76998
+threshold=50.500000000000007 7.5000000000000009 66.500000000000014 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0027148792188723524 -0.0062915986966908949 0.0054646521564701168 0.0021156884454298507 -0.00029220623388933616
+leaf_weight=42 75 45 58 41
+leaf_count=42 75 45 58 41
+internal_value=0 -0.0261015 -0.131003 0.13564
+internal_weight=0 219 133 86
+internal_count=261 219 133 86
+shrinkage=0.02
+
+
+Tree=2432
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 5 2
+split_gain=0.899236 3.65595 4.13378 2.26548 2.4067
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 55.150000000000006 18.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.002219449550077635 0.0025678590067625346 0.0059002887215159816 -0.0064152861378760639 0.0048514944701742221 -0.0043877018971397955
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.0317036 -0.0368361 0.053732 -0.0450363
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2433
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.91707 2.79217 4.01199 3.48083
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 60.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0059238679615196401 -0.0019044270876111557 0.0055277966213845712 0.0043222562900079396 -0.003086287191322258
+leaf_weight=40 74 39 67 41
+leaf_count=40 74 39 67 41
+internal_value=0 0.0376708 -0.0250657 0.0751087
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2434
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 6
+split_gain=0.947424 2.44895 6.20741 3.7969
+threshold=43.500000000000007 51.650000000000013 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0024387201958731039 -0.0045345274145962245 0.0066165612250820675 -0.005185771890922764 0.0022630517372897543
+leaf_weight=52 49 48 64 48
+leaf_count=52 49 48 64 48
+internal_value=0 -0.030401 0.0295466 -0.099343
+internal_weight=0 209 160 112
+internal_count=261 209 160 112
+shrinkage=0.02
+
+
+Tree=2435
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 3
+split_gain=0.907787 3.5748 6.79543 5.63691 10.6092
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 68.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.002719902050716168 -0.0085473418108805831 0.0077867893178181361 -0.0035055885346673595 0.007943424829706041 -0.0058769661522635411
+leaf_weight=42 43 47 39 40 50
+leaf_count=42 43 47 39 40 50
+internal_value=0 -0.0261423 0.132892 -0.129293 0.0128974
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=2436
+num_leaves=5
+num_cat=0
+split_feature=7 3 3 2
+split_gain=0.912471 4.20433 3.77358 2.38526
+threshold=74.500000000000014 66.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0045293415988714256 -0.0023668392357773221 0.0059493886707712475 -0.0061664984843212709 -0.001297095554470781
+leaf_weight=45 53 46 41 76
+leaf_count=45 53 46 41 76
+internal_value=0 0.0301575 -0.0455947 0.043226
+internal_weight=0 208 162 121
+internal_count=261 208 162 121
+shrinkage=0.02
+
+
+Tree=2437
+num_leaves=5
+num_cat=0
+split_feature=8 7 2 5
+split_gain=0.963216 3.64175 2.76737 3.34936
+threshold=50.500000000000007 58.500000000000007 9.5000000000000018 65.100000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.001968356680664903 -0.00621730396356734 -0.0036963801255610368 0.0070581027410022432 -0.00030107999984210543
+leaf_weight=73 39 42 39 68
+leaf_count=73 39 42 39 68
+internal_value=0 -0.0382706 0.0329237 0.118831
+internal_weight=0 188 149 107
+internal_count=261 188 149 107
+shrinkage=0.02
+
+
+Tree=2438
+num_leaves=5
+num_cat=0
+split_feature=8 1 4 7
+split_gain=0.924384 4.25363 9.07451 10.6838
+threshold=50.500000000000007 4.5000000000000009 73.500000000000014 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0019290271164642671 -0.0060457289684018069 0.012666620936770101 -0.0057873724107759114 -0.0011732221434698788
+leaf_weight=73 46 39 51 52
+leaf_count=73 46 39 51 52
+internal_value=0 -0.0375107 0.0480869 0.237727
+internal_weight=0 188 142 91
+internal_count=261 188 142 91
+shrinkage=0.02
+
+
+Tree=2439
+num_leaves=5
+num_cat=0
+split_feature=4 2 9 2
+split_gain=0.960439 2.98724 5.31573 6.85037
+threshold=74.500000000000014 24.500000000000004 46.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0070280811856763157 0.0025470492663440818 0.0042644023982976263 -0.0029115274698953619 0.007214495375233612
+leaf_weight=53 49 41 77 41
+leaf_count=53 49 41 77 41
+internal_value=0 -0.0295028 -0.0879968 0.0301126
+internal_weight=0 212 171 118
+internal_count=261 212 171 118
+shrinkage=0.02
+
+
+Tree=2440
+num_leaves=6
+num_cat=0
+split_feature=9 4 4 9 7
+split_gain=0.937479 2.52312 5.03908 9.32176 0.79134
+threshold=43.500000000000007 53.500000000000007 67.500000000000014 70.500000000000014 62.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 -2 4 -4 -3
+right_child=1 2 3 -5 -6
+leaf_value=0.0024261872803129502 -0.0051365792337783661 0.0062219349999912323 -0.0098117810034943475 0.0031095092772028465 0.0021228211786689078
+leaf_weight=52 40 39 41 49 40
+leaf_count=52 40 39 41 49 40
+internal_value=0 -0.0302426 0.0232348 -0.138551 0.208013
+internal_weight=0 209 169 90 79
+internal_count=261 209 169 90 79
+shrinkage=0.02
+
+
+Tree=2441
+num_leaves=5
+num_cat=0
+split_feature=4 2 9 2
+split_gain=0.966988 2.87296 5.13978 6.57146
+threshold=74.500000000000014 24.500000000000004 46.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0069198425215657921 0.0025557653342047409 0.0041693830935245722 -0.002858048640863432 0.0070602863021276578
+leaf_weight=53 49 41 77 41
+leaf_count=53 49 41 77 41
+internal_value=0 -0.0295901 -0.0869644 0.029176
+internal_weight=0 212 171 118
+internal_count=261 212 171 118
+shrinkage=0.02
+
+
+Tree=2442
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=1.0031 2.48894 7.66817 1.90143
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0025699904468784746 0.0026513626248065793 -0.0093846646465965636 0.0030453269471204998 -0.0031750095100280418
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0304989 -0.1034 -0.309012
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=2443
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 7
+split_gain=0.977173 2.47874 4.42519 4.27926
+threshold=43.500000000000007 73.500000000000014 53.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0024762375721114481 -0.0050608118643390588 -0.0043210063215234221 0.0065040401694325877 -0.0012171171203944964
+leaf_weight=52 40 54 58 57
+leaf_count=52 40 54 58 57
+internal_value=0 -0.0308497 0.0334823 0.133583
+internal_weight=0 209 155 115
+internal_count=261 209 155 115
+shrinkage=0.02
+
+
+Tree=2444
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 5
+split_gain=0.978196 2.7375 9.28712 4.19988
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0012737176314493906 0.0025703054390785428 -0.0093588792752619474 0.0028384905644884394 0.0068633863356966545
+leaf_weight=73 49 48 52 39
+leaf_count=73 49 48 52 39
+internal_value=0 -0.0297541 -0.150535 0.0777558
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=2445
+num_leaves=5
+num_cat=0
+split_feature=2 9 2 3
+split_gain=0.969996 2.31268 4.39487 3.7
+threshold=6.5000000000000009 68.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0025281252610081083 0.0064901626469869109 -0.003616993849282912 0.0026974006398616424 -0.0049442717203133559
+leaf_weight=50 40 69 48 54
+leaf_count=50 40 69 48 54
+internal_value=0 -0.029999 0.0430732 -0.0670485
+internal_weight=0 211 142 102
+internal_count=261 211 142 102
+shrinkage=0.02
+
+
+Tree=2446
+num_leaves=5
+num_cat=0
+split_feature=4 2 9 2
+split_gain=0.969903 2.71487 5.04784 6.41457
+threshold=74.500000000000014 24.500000000000004 46.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0068424523392116958 0.0025597634581749906 0.0040366077024352682 -0.0028065114339084441 0.006993006347506942
+leaf_weight=53 49 41 77 41
+leaf_count=53 49 41 77 41
+internal_value=0 -0.0296224 -0.0854107 0.0296879
+internal_weight=0 212 171 118
+internal_count=261 212 171 118
+shrinkage=0.02
+
+
+Tree=2447
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.985441 2.42195 4.74556 8.29985
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0024866609279275949 -0.0044948833793347059 -0.0042810420741297654 -0.0020449243794625651 0.0091969512453733242
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.0309684 0.0326255 0.152045
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2448
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=1.01113 2.32101 7.25148
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0025802320355018597 0.0025378715479467367 -0.0062463843079257984 0.0026849857102138395
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0306101 -0.101033
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=2449
+num_leaves=5
+num_cat=0
+split_feature=3 9 7 7
+split_gain=0.984806 5.02976 3.85048 2.43165
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0024505271222084453 0.0071873848074258126 -0.0020443819657486569 -0.0050004856130540795 0.0038887712062101389
+leaf_weight=40 39 60 60 62
+leaf_count=40 39 60 60 62
+internal_value=0 0.0793404 -0.0484963 0.0697479
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=2450
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.985553 3.49372 7.19095 5.71097
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0028320328424088544 -0.0062347153294595803 0.0078764195242092966 -0.0037395863622114241 0.0021259576295341621
+leaf_weight=42 75 47 39 58
+leaf_count=42 75 47 39 58
+internal_value=0 -0.0271941 0.130032 -0.129175
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=2451
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 4
+split_gain=0.968449 2.58375 8.78215 4.05293
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0017359369691871812 0.0025580681937275823 -0.0091128402171005134 0.0027487862108420886 0.0059820142582087399
+leaf_weight=65 49 48 52 47
+leaf_count=65 49 48 52 47
+internal_value=0 -0.0295914 -0.14696 0.0748711
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=2452
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 3
+split_gain=0.969974 3.35384 6.87152 5.64282 10.1784
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 68.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.0028101473135706758 -0.0085028654018172445 0.0076994069363183473 -0.0036562134080266357 0.0078352901826552 -0.0057019296429555808
+leaf_weight=42 43 47 39 40 50
+leaf_count=42 43 47 39 40 50
+internal_value=0 -0.0269757 0.127084 -0.126908 0.0153572
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=2453
+num_leaves=5
+num_cat=0
+split_feature=8 7 2 6
+split_gain=0.967001 3.70567 2.57021 4.76116
+threshold=50.500000000000007 58.500000000000007 9.5000000000000018 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0019727368540047329 -0.0062655653553963147 -0.0035276412410608004 0.0074808388833576727 -0.0011286455595818459
+leaf_weight=73 39 42 43 64
+leaf_count=73 39 42 43 64
+internal_value=0 -0.0383145 0.0335009 0.11632
+internal_weight=0 188 149 107
+internal_count=261 188 149 107
+shrinkage=0.02
+
+
+Tree=2454
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 9
+split_gain=0.94945 6.30915 6.38908 4.56517
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0016937879862058459 0.0032067076042242605 -0.004849635865371185 0.0078285647946434549 -0.0056083168675763522
+leaf_weight=51 43 52 63 52
+leaf_count=51 43 52 63 52
+internal_value=0 0.0461026 0.178156 -0.080526
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2455
+num_leaves=4
+num_cat=0
+split_feature=8 1 8
+split_gain=0.948059 4.0825 5.84206
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0019535768934769884 -0.0045953260409013477 0.0073960542688520326 -0.001855683334224374
+leaf_weight=73 70 43 75
+leaf_count=73 70 43 75
+internal_value=0 -0.037952 0.0755662
+internal_weight=0 188 118
+internal_count=261 188 118
+shrinkage=0.02
+
+
+Tree=2456
+num_leaves=6
+num_cat=0
+split_feature=1 3 3 7 9
+split_gain=0.993364 5.34828 8.2318 7.63175 4.36701
+threshold=8.5000000000000018 75.500000000000014 65.500000000000014 53.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0059039485470178225 0.0030650017666019585 -0.0055342560297148534 0.010450707398520494 -0.0059860107673691014 -0.0055570642163342799
+leaf_weight=40 43 39 40 47 52
+leaf_count=40 43 39 40 47 52
+internal_value=0 0.0471326 0.146994 -0.0254912 -0.0823323
+internal_weight=0 166 127 87 95
+internal_count=261 166 127 87 95
+shrinkage=0.02
+
+
+Tree=2457
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.969243 2.4598 4.76196 3.90217
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0023131719107676056 0.0028913560120697058 -0.0049603642178969228 0.004298415090479824 -0.0055598574226277744
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.026203 0.0241762 -0.11488
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=2458
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.962335 3.87684 12.0619 1.1009
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0018720151079105929 -0.0020059606342757155 -0.00020260082300831543 0.011783495682824812 -0.0049882589207159364
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0375075 0.158448 -0.131905
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2459
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 2
+split_gain=0.94178 4.80848 3.70944 2.45728
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.003384650830523197 0.0070289116751546601 -0.0019981844143996882 -0.0061589454536491554 -0.0023650188090092641
+leaf_weight=67 39 60 41 54
+leaf_count=67 39 60 41 54
+internal_value=0 0.0776162 -0.0474535 0.0406095
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2460
+num_leaves=5
+num_cat=0
+split_feature=4 2 9 2
+split_gain=0.908707 2.71991 4.94587 6.22247
+threshold=74.500000000000014 24.500000000000004 46.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0067730293177989207 0.0024793361912974761 0.0040594898699051474 -0.0027610798370935621 0.0068910128117652602
+leaf_weight=53 49 41 77 41
+leaf_count=53 49 41 77 41
+internal_value=0 -0.0286943 -0.0845347 0.0293967
+internal_weight=0 212 171 118
+internal_count=261 212 171 118
+shrinkage=0.02
+
+
+Tree=2461
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=0.945878 2.39368 7.48066 1.76078
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.002497267834031227 0.0026062412124023531 -0.0091703857088259854 0.0030278558025701374 -0.0031895050918628065
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.0296249 -0.101132 -0.304224
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=2462
+num_leaves=5
+num_cat=0
+split_feature=9 9 3 6
+split_gain=0.959769 2.00936 4.25763 3.19601
+threshold=43.500000000000007 63.500000000000007 59.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0024547109927974759 0.00098387803169459366 -0.0013872935049989966 -0.007334114246582645 0.0056940479694505318
+leaf_weight=52 56 68 44 41
+leaf_count=52 56 68 44 41
+internal_value=0 -0.0305704 -0.133531 0.063547
+internal_weight=0 209 100 109
+internal_count=261 209 100 109
+shrinkage=0.02
+
+
+Tree=2463
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.920972 2.49878 4.88699 7.95746
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0024056827455733293 -0.0045305591278705874 -0.004318012227098449 -0.0018636381931491331 0.0091440338528801686
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.0299558 0.0346352 0.155809
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2464
+num_leaves=5
+num_cat=0
+split_feature=2 1 4 7
+split_gain=0.943215 2.29243 7.25114 6.11464
+threshold=6.5000000000000009 4.5000000000000009 67.500000000000014 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0024938704228482135 0.0025391527330747622 -0.0036073456849165819 -0.0069046741831143878 0.0074563370203671459
+leaf_weight=50 65 39 66 41
+leaf_count=50 65 39 66 41
+internal_value=0 -0.0295817 -0.0995752 0.102718
+internal_weight=0 211 146 80
+internal_count=261 211 146 80
+shrinkage=0.02
+
+
+Tree=2465
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 5
+split_gain=0.980563 2.57546 8.60466 4.1765
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0013305530733712743 0.0025736770856786169 -0.0090501518656341002 0.0026911306848836441 0.0067841675431146511
+leaf_weight=73 49 48 52 39
+leaf_count=73 49 48 52 39
+internal_value=0 -0.0297731 -0.146954 0.0745221
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=2466
+num_leaves=5
+num_cat=0
+split_feature=4 2 9 2
+split_gain=0.940943 2.48937 4.8396 5.79012
+threshold=74.500000000000014 24.500000000000004 46.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0066800989761431956 0.0025222767524182834 0.0038503375333614354 -0.0026290028148144777 0.0066826728923146039
+leaf_weight=53 49 41 77 41
+leaf_count=53 49 41 77 41
+internal_value=0 -0.0291742 -0.082619 0.0300839
+internal_weight=0 212 171 118
+internal_count=261 212 171 118
+shrinkage=0.02
+
+
+Tree=2467
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=0.975404 4.31586 2.40845 4.98121
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0020347406639240483 -0.003368277930781875 0.005746069115704933 -0.0043202375698542881 0.0061958401587528878
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0690321 -0.0552153 0.0485717
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=2468
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.991849 2.35953 4.65419 7.48713
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0024947491268009743 -0.004463469271798812 -0.0042357282685289909 -0.0018307057724098381 0.0088473334184041609
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.031058 0.0317146 0.149987
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2469
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=0.989115 4.18412 2.34256 4.78681
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0019729277608288988 -0.0033190748018015193 0.0056885896706291676 -0.004283976108462418 0.006057313661311136
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0695002 -0.0556 0.0467632
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=2470
+num_leaves=6
+num_cat=0
+split_feature=9 4 4 9 7
+split_gain=0.995652 2.27345 4.57943 9.1324 0.751174
+threshold=43.500000000000007 53.500000000000007 67.500000000000014 70.500000000000014 62.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 -2 4 -4 -3
+right_child=1 2 3 -5 -6
+leaf_value=0.0024993215592562673 -0.0049258719317360304 0.0059264019443642799 -0.0096611921070903252 0.0031285027582338833 0.0019309117591660725
+leaf_weight=52 40 39 41 49 40
+leaf_count=52 40 39 41 49 40
+internal_value=0 -0.0311219 0.0196506 -0.134601 0.195849
+internal_weight=0 209 169 90 79
+internal_count=261 209 169 90 79
+shrinkage=0.02
+
+
+Tree=2471
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 5
+split_gain=1.00895 2.65644 8.22237 3.88921
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0012078343832987589 0.0026100254483978009 -0.0089575984696166951 0.0025201130941845023 0.0066237257489095971
+leaf_weight=73 49 48 52 39
+leaf_count=73 49 48 52 39
+internal_value=0 -0.0301874 -0.14918 0.0757261
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=2472
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 2
+split_gain=0.99455 3.41692 6.86529 5.40304 6.99145
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.0028449001332374376 -0.0084001986215023854 0.0077191737310658964 -0.0036312478568690004 -0.0051057347543228956 0.0060604674491399066
+leaf_weight=42 43 47 39 47 43
+leaf_count=42 43 47 39 47 43
+internal_value=0 -0.0273042 0.128191 -0.128165 0.0110455
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=2473
+num_leaves=4
+num_cat=0
+split_feature=8 1 8
+split_gain=0.996992 3.96138 5.86701
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0020025617226324057 -0.0045569772739561479 0.0073560986093725283 -0.0019154706149916211
+leaf_weight=73 70 43 75
+leaf_count=73 70 43 75
+internal_value=0 -0.0388883 0.0729367
+internal_weight=0 188 118
+internal_count=261 188 118
+shrinkage=0.02
+
+
+Tree=2474
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 4
+split_gain=0.978179 2.56507 7.90855 3.7817
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0016363530553131953 0.0025707808429072001 -0.0087927224361520808 0.0024641889761271257 0.0058198586800548213
+leaf_weight=65 49 48 52 47
+leaf_count=65 49 48 52 47
+internal_value=0 -0.029729 -0.146675 0.0743568
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=2475
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.95406 2.30898 4.44419 7.31137
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0024478597638530101 -0.0043490731408233098 -0.0041853195169793498 -0.0018289615551822255 0.0087232802367364463
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.0304656 0.0316345 0.147224
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2476
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 5
+split_gain=0.999133 2.53972 7.60161 3.60241
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0011495804563123927 0.0025976181773661308 -0.0086728791346638284 0.0023637105077247552 0.0063889542218590447
+leaf_weight=73 49 48 52 39
+leaf_count=73 49 48 52 39
+internal_value=0 -0.0300397 -0.146411 0.0735329
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=2477
+num_leaves=5
+num_cat=0
+split_feature=8 1 4 7
+split_gain=1.00176 3.82454 8.06224 10.9262
+threshold=50.500000000000007 4.5000000000000009 73.500000000000014 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0020073206874358278 -0.0058020784386150848 0.012421583610939375 -0.0055181406695991673 -0.0015748251376422101
+leaf_weight=73 46 39 51 52
+leaf_count=73 46 39 51 52
+internal_value=0 -0.0389757 0.042197 0.220989
+internal_weight=0 188 142 91
+internal_count=261 188 142 91
+shrinkage=0.02
+
+
+Tree=2478
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 4
+split_gain=1.04588 2.42482 7.43972 3.47004
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0015824617738247981 0.0026565239160785321 -0.0085723797684375165 0.0023462901345273689 0.0055613910729259046
+leaf_weight=65 49 48 52 47
+leaf_count=65 49 48 52 47
+internal_value=0 -0.0307208 -0.14445 0.0704934
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=2479
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 5
+split_gain=1.00368 2.32787 7.14496 3.36173
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0011498319039757788 0.0026034693626126276 -0.0084011816127845355 0.0022994273154353694 0.0061339035469276815
+leaf_weight=73 49 48 52 39
+leaf_count=73 49 48 52 39
+internal_value=0 -0.0301033 -0.141558 0.0690789
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=2480
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=0.983827 2.39522 7.03612
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0025462731365758023 0.0025961308568299268 -0.0061968523067491947 0.0026010992209179909
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0301803 -0.101709
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=2481
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=1.00028 3.36687 9.06139 10.5961 3.6736
+threshold=50.500000000000007 3.5000000000000004 55.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0028531766160950684 -0.0055764230958285348 0.0089171617050544764 -0.010306979523455106 0.0054414106351710657 -0.0025193720183060522
+leaf_weight=42 43 41 41 52 42
+leaf_count=42 43 41 41 52 42
+internal_value=0 -0.0273684 0.0339253 -0.0910503 0.0938366
+internal_weight=0 219 176 135 94
+internal_count=261 219 176 135 94
+shrinkage=0.02
+
+
+Tree=2482
+num_leaves=5
+num_cat=0
+split_feature=2 3 3 5
+split_gain=0.983891 4.05159 1.91399 4.4264
+threshold=13.500000000000002 66.500000000000014 56.500000000000007 65.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0019808925266257128 0.0020640328168029768 0.0055440484347912588 -0.0076444750832978638 0.0010516502209666175
+leaf_weight=64 50 52 42 53
+leaf_count=64 50 52 42 53
+internal_value=0 0.0693387 -0.0554373 -0.139367
+internal_weight=0 116 145 95
+internal_count=261 116 145 95
+shrinkage=0.02
+
+
+Tree=2483
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=0.985292 2.78473 2.87506 2.25999
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0023764867623019821 -0.0019715651807006725 0.0054003573706659759 -0.0048000501282555418 0.0037366600213048734
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0390664 -0.0256143 0.0665762
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=2484
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 9
+split_gain=0.972281 2.46122 4.86939 2.99822
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0028137223507889325 0.00052650268712064606 0.0043895665884241229 -0.0081115376307838369 -0.0024983688342598179
+leaf_weight=42 72 64 41 42
+leaf_count=42 72 64 41 42
+internal_value=0 -0.026992 -0.130183 0.0826497
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=2485
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 9
+split_gain=0.96532 6.46857 5.96294 4.31394
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0014745544515431966 0.0030597647626687294 -0.0049140314811911131 0.0077250808006764137 -0.0055099936316424063
+leaf_weight=51 43 52 63 52
+leaf_count=51 43 52 63 52
+internal_value=0 0.046499 0.180203 -0.0811619
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2486
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=0.955043 2.66896 2.72301 2.21101
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0023704523540194681 -0.0019417804768689978 0.0052920950203589759 -0.0046708992586834844 0.0036766935213235954
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0384691 -0.0248573 0.0648713
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=2487
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=0.945406 3.23793 8.84958 10.0112 3.41991
+threshold=50.500000000000007 3.5000000000000004 55.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0027752541070429878 -0.0054650308226287326 0.0088117085891771946 -0.010049385410287475 0.0052340409677638098 -0.0024482723022827718
+leaf_weight=42 43 41 41 52 42
+leaf_count=42 43 41 41 52 42
+internal_value=0 -0.0266291 0.0334828 -0.0900239 0.0896873
+internal_weight=0 219 176 135 94
+internal_count=261 219 176 135 94
+shrinkage=0.02
+
+
+Tree=2488
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=0.96194 6.19711 5.71025 4.17695
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0014240809025095941 -0.0052861904001112502 -0.0047920731996245643 0.0075789055032134348 0.0031885318263244074
+leaf_weight=51 54 52 63 41
+leaf_count=51 54 52 63 41
+internal_value=0 0.0464113 0.177292 -0.0810305
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2489
+num_leaves=5
+num_cat=0
+split_feature=8 7 2 6
+split_gain=0.935778 3.88669 2.57813 5.11009
+threshold=50.500000000000007 58.500000000000007 9.5000000000000018 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.001941395294891429 -0.0063852943763392398 -0.0034870117701924779 0.0077149870221565574 -0.0012035220201616079
+leaf_weight=73 39 42 43 64
+leaf_count=73 39 42 43 64
+internal_value=0 -0.037698 0.0358477 0.118789
+internal_weight=0 188 149 107
+internal_count=261 188 149 107
+shrinkage=0.02
+
+
+Tree=2490
+num_leaves=6
+num_cat=0
+split_feature=1 3 3 7 9
+split_gain=0.929467 5.17612 7.6863 7.449 3.95406
+threshold=8.5000000000000018 75.500000000000014 65.500000000000014 53.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0058808359432717299 0.0028900752795221413 -0.0054595081513880584 0.010135918367130667 -0.0058663992580585932 -0.0053157512290431513
+leaf_weight=40 43 39 40 47 52
+leaf_count=40 43 39 40 47 52
+internal_value=0 0.0456304 0.143881 -0.0227899 -0.0796863
+internal_weight=0 166 127 87 95
+internal_count=261 166 127 87 95
+shrinkage=0.02
+
+
+Tree=2491
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 7
+split_gain=0.915726 3.86658 2.29451 4.029
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.001894481033865384 -0.0037290655575936233 0.005471807279236891 -0.0042103721517354736 0.0048758480155544869
+leaf_weight=65 40 51 57 48
+leaf_count=65 40 51 57 48
+internal_value=0 0.06693 -0.0535354 0.0477792
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=2492
+num_leaves=5
+num_cat=0
+split_feature=4 2 9 2
+split_gain=0.914423 2.31721 4.8249 5.40298
+threshold=74.500000000000014 24.500000000000004 46.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0066272610591891932 0.0024872253889558467 0.0037033982540652906 -0.0024773105353105393 0.0065185268127863098
+leaf_weight=53 49 41 77 41
+leaf_count=53 49 41 77 41
+internal_value=0 -0.0287689 -0.0803528 0.0321799
+internal_weight=0 212 171 118
+internal_count=261 212 171 118
+shrinkage=0.02
+
+
+Tree=2493
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 3
+split_gain=0.951787 3.64714 2.26819 5.17263
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0017760021141849762 0.002005769025429485 0.0053789478279861755 0.0029665975940176932 -0.0068856143273192663
+leaf_weight=65 50 51 40 55
+leaf_count=65 50 51 40 55
+internal_value=0 0.0682082 -0.0545565 -0.132275
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=2494
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=1.00586 2.93863 4.03426 4.15349
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0059355907751298884 -0.0019918800401787407 0.0056860569325026143 -0.0016770230253363456 0.0063434585955903025
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0394515 -0.0249038 0.0755477
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2495
+num_leaves=5
+num_cat=0
+split_feature=5 2 2 3
+split_gain=0.965223 2.51435 3.51047 2.31869
+threshold=68.250000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-2.0154128988166889e-05 -0.0019520798996664243 -0.0041014993059052384 0.0033607413497666588 0.0067979041378312902
+leaf_weight=39 74 66 41 41
+leaf_count=39 74 66 41 41
+internal_value=0 0.0386599 -0.0617168 0.17335
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=2496
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 3
+split_gain=0.966142 3.09033 6.57639 4.90457 10.1062
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 68.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.0028047361660377694 -0.0080197009141162283 0.0074660999794370544 -0.0036436978590467075 0.0076969549546284603 -0.0057925620260223408
+leaf_weight=42 43 47 39 40 50
+leaf_count=42 43 47 39 40 50
+internal_value=0 -0.0269218 0.120989 -0.122877 0.00976097
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=2497
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=0.980852 3.71497 3.45142 3.22248
+threshold=62.500000000000007 11.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0036346975282775459 -0.0061397797915051155 0.001413980377364736 0.0058622915204506292 -0.0035523206072875999
+leaf_weight=40 42 69 43 67
+leaf_count=40 42 69 43 67
+internal_value=0 -0.0719532 0.0532675 -0.0428747
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=2498
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=0.974697 3.59877 5.84246
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0019805087945489663 -0.0076156677816223289 0.0027062445045520855 0.0014052217515597451
+leaf_weight=73 56 73 59
+leaf_count=73 56 73 59
+internal_value=0 -0.0384588 -0.149128
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=2499
+num_leaves=6
+num_cat=0
+split_feature=1 3 3 7 9
+split_gain=1.01636 4.99201 7.21664 7.46664 3.97108
+threshold=8.5000000000000018 75.500000000000014 65.500000000000014 53.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0059977723864477299 0.002828442852071413 -0.0053043577025041642 0.0099169878479412193 -0.0057636666489123594 -0.0053947113832952158
+leaf_weight=40 43 39 40 47 52
+leaf_count=40 43 39 40 47 52
+internal_value=0 0.0476809 0.144176 -0.0173223 -0.0832448
+internal_weight=0 166 127 87 95
+internal_count=261 166 127 87 95
+shrinkage=0.02
+
+
+Tree=2500
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.995114 4.09255 11.8982 1.06558
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0017590360753041493 -0.0020388867239652178 -0.00032017311015976096 0.011803432848728106 -0.0050314759883666113
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0381415 0.16238 -0.135905
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2501
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.954789 3.93013 11.4272 1.02245
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0017238905340054586 -0.0019981492325544057 -0.00031378117659099883 0.011567766496320698 -0.0049310226631816825
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0373677 0.159132 -0.133202
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2502
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=0.92172 2.54276 7.39421 1.54223
+threshold=6.5000000000000009 4.5000000000000009 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0024659022512682569 0.0027112806911876687 -0.0089897800881691171 0.0029626583721022413 -0.0033811318500324757
+leaf_weight=50 65 39 65 42
+leaf_count=50 65 39 65 42
+internal_value=0 -0.029249 -0.102928 -0.304845
+internal_weight=0 211 146 81
+internal_count=261 211 146 81
+shrinkage=0.02
+
+
+Tree=2503
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.898458 3.06025 6.36509 4.85423
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0027066489483869812 -0.0057969934078742555 0.0073889642214038098 -0.0035412048347654751 0.00191276181826988
+leaf_weight=42 75 47 39 58
+leaf_count=42 75 47 39 58
+internal_value=0 -0.0259877 0.121206 -0.12148
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=2504
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=0.937153 2.88096 3.99378 4.02277
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0059227208101097894 -0.0019241663970307689 0.0056111560076273007 -0.0016510193946908582 0.0062427725426857893
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0381004 -0.0256227 0.0743242
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2505
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.953123 3.778 11.1096 0.99989
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0017032657271702724 -0.0019965505142897615 -0.0002736374082881409 0.011402601503182248 -0.0048404942630107554
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0373303 0.156729 -0.129916
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2506
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=0.927893 3.45586 3.38217 3.21386
+threshold=62.500000000000007 11.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0036191732832282927 -0.0059355675535896829 0.0013512147709822215 0.0057854432118085702 -0.003558229698640003
+leaf_weight=40 42 69 43 67
+leaf_count=40 42 69 43 67
+internal_value=0 -0.0700373 0.0518254 -0.0433502
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=2507
+num_leaves=4
+num_cat=0
+split_feature=8 1 3
+split_gain=0.938177 3.5923 5.7675
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0019435455730337607 -0.0043550698336336643 -0.0022200742579049936 0.0068177604944697871
+leaf_weight=73 70 71 47
+leaf_count=73 70 71 47
+internal_value=0 -0.0377595 0.0687437
+internal_weight=0 188 118
+internal_count=261 188 118
+shrinkage=0.02
+
+
+Tree=2508
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=0.934572 2.80402 3.94487 3.90463
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0058738010714171332 -0.001921708235031554 0.0055452453458764185 -0.0016010001960833245 0.0061764153538542942
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0380421 -0.0248268 0.0745078
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2509
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=0.920331 3.34527 3.27507 3.18375
+threshold=62.500000000000007 11.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0036244420950806051 -0.0058572159401518113 0.0013125499086790258 0.0057059943512694482 -0.0035195486036697092
+leaf_weight=40 42 69 43 67
+leaf_count=40 42 69 43 67
+internal_value=0 -0.0697557 0.0516201 -0.0420401
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=2510
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.984383 3.73787 10.4641 0.991266
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0015613913833371956 -0.002028432002596938 -0.00025391463446806299 0.011158314674824208 -0.0048013175441598789
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0379218 0.156687 -0.128436
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2511
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=0.95595 2.52716 7.46938
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0025101470516926518 0.0026904787411516822 -0.006353287517877503 0.0027109649217459276
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0297844 -0.103239
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=2512
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=0.930584 3.69369 2.27563 3.82889
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0018111472568498042 0.0017702091164723294 0.0053891834128514558 0.0029849769547302765 -0.0059527128988317865
+leaf_weight=65 45 51 40 60
+leaf_count=65 45 51 40 60
+internal_value=0 0.0674482 -0.0539698 -0.131815
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=2513
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=0.915782 2.68005 3.83504 3.96887
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.005778345941589871 -0.0019026397122365675 0.0054315957084816839 -0.0016335185361985736 0.0062074109800514558
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0376689 -0.0237989 0.0741465
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2514
+num_leaves=4
+num_cat=0
+split_feature=8 1 8
+split_gain=0.984807 3.5986 5.47964
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0019903017440817176 -0.0043763013260841241 0.007058879861373317 -0.0019024505864506766
+leaf_weight=73 70 43 75
+leaf_count=73 70 43 75
+internal_value=0 -0.038666 0.0679296
+internal_weight=0 188 118
+internal_count=261 188 118
+shrinkage=0.02
+
+
+Tree=2515
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.978068 3.65474 10.2016 0.945638
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0015309096008551961 -0.0020220389872038771 -0.00027139677823215361 0.011028490141995608 -0.0047158106771468125
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0378027 0.155249 -0.126702
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2516
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.947072 2.46 4.43926 7.04194
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0024386105942124023 -0.0043047218645738934 -0.0042977022943907666 -0.0016999949149714294 0.0086561721767776847
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.0303788 0.0337108 0.149233
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2517
+num_leaves=4
+num_cat=0
+split_feature=8 1 3
+split_gain=0.989021 3.56659 5.66163
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.001994262984387278 -0.0043621579089802897 -0.0022145583751383793 0.0067402343201566359
+leaf_weight=73 70 71 47
+leaf_count=73 70 71 47
+internal_value=0 -0.0387574 0.0673643
+internal_weight=0 188 118
+internal_count=261 188 118
+shrinkage=0.02
+
+
+Tree=2518
+num_leaves=4
+num_cat=0
+split_feature=8 1 3
+split_gain=0.949091 3.42463 5.43705
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0019544162362532527 -0.0042750020487630352 -0.0021703107324820025 0.0066056293009166787
+leaf_weight=73 70 71 47
+leaf_count=73 70 71 47
+internal_value=0 -0.0379822 0.066013
+internal_weight=0 188 118
+internal_count=261 188 118
+shrinkage=0.02
+
+
+Tree=2519
+num_leaves=5
+num_cat=0
+split_feature=1 2 3 2
+split_gain=0.950347 5.57486 5.38414 4.06891
+threshold=8.5000000000000018 20.500000000000004 68.500000000000014 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0071855388225196652 -0.0052296564831230156 -0.0045038728780571581 -0.001595523723497735 0.0031351444742701074
+leaf_weight=65 54 52 49 41
+leaf_count=65 54 52 49 41
+internal_value=0 0.0461113 0.170277 -0.080576
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2520
+num_leaves=6
+num_cat=0
+split_feature=1 3 3 7 9
+split_gain=0.91168 5.03149 7.27861 7.18073 3.99439
+threshold=8.5000000000000018 75.500000000000014 65.500000000000014 53.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0058189727006364355 0.0029274373446702131 -0.0053791044395019375 0.0099047575048992614 -0.0057154829954933865 -0.0053200432270713791
+leaf_weight=40 43 39 40 47 52
+leaf_count=40 43 39 40 47 52
+internal_value=0 0.0451799 0.142056 -0.0201341 -0.0789576
+internal_weight=0 166 127 87 95
+internal_count=261 166 127 87 95
+shrinkage=0.02
+
+
+Tree=2521
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=0.896715 3.43986 9.88561 0.422809
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 65.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0015598299279351779 -0.0019381161568552965 -0.0039509804196709679 0.010803863804851798 -0.00092205302975261361
+leaf_weight=70 71 40 41 39
+leaf_count=70 71 40 41 39
+internal_value=0 0.0362174 0.150183 -0.123397
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2522
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.934893 2.72685 3.87525 3.73719
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 60.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0058093315535853686 -0.0019224068333347174 0.0054791626733661494 0.0044111811422868023 -0.0032642924210901586
+leaf_weight=40 74 39 67 41
+leaf_count=40 74 39 67 41
+internal_value=0 0.0380297 -0.0239706 0.0744857
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2523
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 2
+split_gain=0.915902 3.22131 3.10144 2.52332
+threshold=62.500000000000007 55.150000000000006 69.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0025785653533374094 -0.0053785826084358666 0.0056648877388312258 0.0014193721080780835 -0.0036131576096646296
+leaf_weight=48 46 43 65 59
+leaf_count=48 46 43 65 59
+internal_value=0 0.051479 -0.0696105 -0.041411
+internal_weight=0 150 111 107
+internal_count=261 150 111 107
+shrinkage=0.02
+
+
+Tree=2524
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 6
+split_gain=0.915153 2.21168 5.82921 3.61135
+threshold=43.500000000000007 51.650000000000013 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0023978080676479714 -0.0043307798640509843 0.006381952098235783 -0.0050764064169025883 0.0021888545460864166
+leaf_weight=52 49 48 64 48
+leaf_count=52 49 48 64 48
+internal_value=0 -0.0298843 0.0270986 -0.0978081
+internal_weight=0 209 160 112
+internal_count=261 209 160 112
+shrinkage=0.02
+
+
+Tree=2525
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.919931 4.10345 6.25808 11.6446
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00089733232779570793 -0.0025928404703105586 -0.0053177713062723857 -0.0028886977786865115 0.01234262406357489
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.027751 0.0931259 0.243068
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=2526
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=0.947633 3.6193 6.33705
+threshold=50.500000000000007 7.5000000000000009 16.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.00195266880540592 -0.0074024487235687829 0.0027259461185675051 0.0020061361190019133
+leaf_weight=73 61 73 54
+leaf_count=73 61 73 54
+internal_value=0 -0.0379675 -0.148951
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=2527
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 3
+split_gain=0.917047 3.64291 2.217 5.24303
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0017993608093287369 0.0020738717857677587 0.0053515430132960399 0.0029400053171853282 -0.006877782015406936
+leaf_weight=65 50 51 40 55
+leaf_count=65 50 51 40 55
+internal_value=0 0.0669505 -0.0535999 -0.130447
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=2528
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 2
+split_gain=0.940669 3.96567 6.12947 11.0064
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0099115139636164178 -0.0026212527803124125 -0.005212567520204151 -0.0028555620488080928 -0.0031788675294002898
+leaf_weight=66 46 39 68 42
+leaf_count=66 46 39 68 42
+internal_value=0 0.0280573 0.0923328 0.240732
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=2529
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=0.889449 3.57826 6.32268
+threshold=50.500000000000007 7.5000000000000009 16.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0018930440985122133 -0.0073618246128150369 0.0027294119885613206 0.0020361805590779413
+leaf_weight=73 61 73 54
+leaf_count=73 61 73 54
+internal_value=0 -0.0368087 -0.147167
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=2530
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 5
+split_gain=0.898067 3.78994 5.99216 10.9252
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 57.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00013398687449761807 -0.0025625491398927418 -0.0050963913873772453 -0.0028439494427630117 0.013031865674895423
+leaf_weight=68 46 39 68 40
+leaf_count=68 46 39 68 40
+internal_value=0 0.0274243 0.0902706 0.237007
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=2531
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.927323 3.1845 2.96041 3.63926
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0036225033515568297 0.0019505625138240435 -0.0054692585657101144 0.0052513338644660712 -0.0040785003900155846
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0372121 0.0342995 -0.0554222
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=2532
+num_leaves=4
+num_cat=0
+split_feature=8 1 8
+split_gain=0.902053 3.62705 5.40865
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0019061634834869562 -0.0043583924031443079 0.0070623965319553108 -0.0018407409519266796
+leaf_weight=73 70 43 75
+leaf_count=73 70 43 75
+internal_value=0 -0.0370606 0.0699555
+internal_weight=0 188 118
+internal_count=261 188 118
+shrinkage=0.02
+
+
+Tree=2533
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 5
+split_gain=0.916816 3.03795 2.16464 0.935135
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 48.70000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00085804172503279024 0.0019398144108752563 -0.0046597908304106305 -0.0024391285872566305 0.0051594082540888488
+leaf_weight=45 72 56 49 39
+leaf_count=45 72 56 49 39
+internal_value=0 -0.0370002 0.0453002 0.143363
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2534
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=0.879692 3.05339 7.6311 5.37504
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0071539939927047474 0.0019010559282240666 0.0028517197978615567 -0.0086367277144814344 -0.0023904355146185138
+leaf_weight=42 72 43 50 54
+leaf_count=42 72 43 50 54
+internal_value=0 -0.0362563 -0.165906 0.0889548
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=2535
+num_leaves=5
+num_cat=0
+split_feature=3 9 7 6
+split_gain=0.874883 4.84198 3.69973 2.59393
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0015454780625421922 0.0069928925364469673 -0.0020656836795537982 -0.0048670731209043624 0.0048667158376063824
+leaf_weight=55 39 60 60 47
+leaf_count=55 39 60 60 47
+internal_value=0 0.0748595 -0.0457821 0.0701317
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=2536
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.889105 3.00519 5.80799 6.54173
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0059673466069318426 0.001911012660006437 -0.00568775625890376 -0.0018453950416984376 0.0079118821050800196
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0364437 0.0278579 0.146963
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2537
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 3
+split_gain=0.874154 3.74233 2.25627 5.02664
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0018728660834477725 0.0019876480661444209 0.0053746681430783547 0.0030000331147757736 -0.006777748677623192
+leaf_weight=65 50 51 40 55
+leaf_count=65 50 51 40 55
+internal_value=0 0.0653989 -0.0523602 -0.12988
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=2538
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 1
+split_gain=0.846722 3.82943 4.17348 2.11921
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0021549754232342692 0.0034351030555534994 0.0060049405789641668 -0.0064925263665324756 -0.0018793955071340007
+leaf_weight=58 67 42 39 55
+leaf_count=58 67 42 39 55
+internal_value=0 0.0307921 -0.0393521 0.0516483
+internal_weight=0 203 161 122
+internal_count=261 203 161 122
+shrinkage=0.02
+
+
+Tree=2539
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.889385 3.69634 5.79141 11.4467
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010368655378980138 -0.0025504151715557205 -0.0050291598776828796 -0.0027836426702455685 0.012090385558120456
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0272937 0.0893652 0.233632
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=2540
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.881257 3.05168 5.51184 6.26895
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0057863940263972614 0.0019025145321195365 -0.0057228007274178075 -0.0017930556923305158 0.0077590447777804022
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0362976 0.0284981 0.144542
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2541
+num_leaves=5
+num_cat=0
+split_feature=2 3 2 6
+split_gain=0.914502 3.50416 2.16044 3.40376
+threshold=13.500000000000002 66.500000000000014 24.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0017954711160654954 0.00090792039275454004 0.0052048208119516897 0.0021499995639348 -0.0067911291483402358
+leaf_weight=64 46 52 53 46
+leaf_count=64 46 52 53 46
+internal_value=0 0.0668472 -0.0535393 -0.146758
+internal_weight=0 116 145 92
+internal_count=261 116 145 92
+shrinkage=0.02
+
+
+Tree=2542
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.899088 3.15643 6.28353 5.32202
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0027070135079343728 -0.0059851795557622871 0.0074020129719059363 -0.0034579058028500133 0.0020866191859333165
+leaf_weight=42 75 47 39 58
+leaf_count=42 75 47 39 58
+internal_value=0 -0.0260248 0.123453 -0.122994
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=2543
+num_leaves=5
+num_cat=0
+split_feature=5 7 7 6
+split_gain=0.909892 3.36059 2.54919 2.52363
+threshold=72.700000000000003 69.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014807665658144332 -0.0025790905103913022 0.005875895198406941 -0.0034635834734465928 0.0048443284052077295
+leaf_weight=55 46 39 74 47
+leaf_count=55 46 39 74 47
+internal_value=0 0.0275957 -0.0312577 0.0713612
+internal_weight=0 215 176 102
+internal_count=261 215 176 102
+shrinkage=0.02
+
+
+Tree=2544
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.901372 2.451 4.48878 6.88239
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0023799822445002314 -0.0043204190262422712 -0.0042768315577079311 -0.0016219699563786057 0.0086163061562424172
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.0296679 0.0343055 0.150466
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2545
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 3
+split_gain=0.900072 3.03465 6.1332 4.62749 9.36315
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 68.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.0027084669042205991 -0.0078260134499228591 0.0072847113076938566 -0.0034449046140806981 0.0073757870841166138 -0.0056094563340674105
+leaf_weight=42 43 47 39 40 50
+leaf_count=42 43 47 39 40 50
+internal_value=0 -0.0260385 0.120541 -0.121133 0.0077064
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=2546
+num_leaves=4
+num_cat=0
+split_feature=8 1 8
+split_gain=0.917836 3.50856 5.35825
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0019223341952682572 -0.004305542639274732 0.0069946088420284689 -0.0018671877906609746
+leaf_weight=73 70 43 75
+leaf_count=73 70 43 75
+internal_value=0 -0.0373801 0.0678784
+internal_weight=0 188 118
+internal_count=261 188 118
+shrinkage=0.02
+
+
+Tree=2547
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.897573 2.54853 4.42918 3.85443
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0024206156734250003 0.0027841420345601519 -0.0050202674199270316 0.0042000887926608678 -0.0054046938454283032
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0252613 0.0260154 -0.108105
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=2548
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=0.887036 5.23201 5.32189 4.03566
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0015006240359696247 -0.0051618186202136559 -0.0043656139874185878 0.0071918311567667863 0.0031690400552947008
+leaf_weight=51 54 52 63 41
+leaf_count=51 54 52 63 41
+internal_value=0 0.0445699 0.164878 -0.0779147
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2549
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 6
+split_gain=0.915919 3.26972 3.12317 4.27904
+threshold=62.500000000000007 11.500000000000002 9.5000000000000018 47.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=0.0055941615758984013 -0.0058039722484847503 0.0012847454451316862 0.0037174598819160504 -0.0043518059306182823
+leaf_weight=43 42 69 47 60
+leaf_count=43 42 69 47 60
+internal_value=0 -0.0696118 0.0514788 -0.0399889
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=2550
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 9
+split_gain=0.878826 3.1601 3.1367 3.00545
+threshold=62.500000000000007 69.500000000000014 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0035146330182454755 -0.005388041387346683 0.0014737011262226981 0.0055834961917302387 -0.0034275730557887484
+leaf_weight=40 46 65 43 67
+leaf_count=40 46 65 43 67
+internal_value=0 -0.0682152 0.0504515 -0.0412141
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=2551
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=0.863429 5.03493 5.24885 3.88051
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0015247365868801192 -0.005071805216852918 -0.0042774897528193795 0.0071080946683321367 0.0030979938149481236
+leaf_weight=51 54 52 63 41
+leaf_count=51 54 52 63 41
+internal_value=0 0.0439906 0.162023 -0.0768896
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2552
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 8
+split_gain=0.894628 3.19523 3.03785 3.65574
+threshold=62.500000000000007 11.500000000000002 9.5000000000000018 49.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=0.0055201143430451214 -0.0057377597239352852 0.0012701695961132053 0.0033898171954076968 -0.004071181147015589
+leaf_weight=43 42 69 47 60
+leaf_count=43 42 69 47 60
+internal_value=0 -0.0688111 0.0508943 -0.0393187
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=2553
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=0.858377 3.06821 3.05711 2.87634
+threshold=62.500000000000007 11.500000000000002 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0034327120679570819 -0.0056231954133628198 0.0012447917401203809 0.0055140261063864708 -0.0033596538296751144
+leaf_weight=40 42 69 43 67
+leaf_count=40 42 69 43 67
+internal_value=0 -0.0674305 0.0498787 -0.0406198
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=2554
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=0.860043 2.43653 7.23235
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0023835507202696333 0.002661394635497361 -0.0062287171957819826 0.0026909100220623493
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0282866 -0.100427
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=2555
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 3
+split_gain=0.883652 3.65988 2.19194 4.87322
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0018304960883321422 0.001933979416634 0.0053370555107313455 0.002936973505434265 -0.0066969550341849371
+leaf_weight=65 50 51 40 55
+leaf_count=65 50 51 40 55
+internal_value=0 0.065759 -0.0526237 -0.129041
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=2556
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=0.857774 3.77876 3.859 3.1049
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0021684006745464339 0.0054513598107140951 0.0059735319808228221 -0.0043144317064022263 -0.0019580343596088878
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0310013 -0.0386782 0.097131
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=2557
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=0.903847 2.61168 3.93014 4.01131
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0058325476343119454 -0.001890574099515622 0.0053670635422782761 -0.0016151850343904723 0.0062672814688772239
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0374225 -0.0232587 0.0758914
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2558
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=0.86725 2.50771 3.77388 3.85203
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0057161000790086096 -0.0018527979789661531 0.0052599151885231845 -0.0015829161530415256 0.0061421395693296958
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0366714 -0.0227941 0.0743692
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2559
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.883288 2.40736 4.42766 6.54465
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0023568159519240977 -0.0042915588538370237 -0.0042380260237268189 -0.0015279332547096863 0.0084563762756440005
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.02936 0.034044 0.149416
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2560
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 9
+split_gain=0.903901 3.53372 2.18073 4.82205
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0017613753638171155 -0.0033586341903366918 0.0052820231647301629 -0.0041258421692222397 0.0060521732181094967
+leaf_weight=65 48 51 57 40
+leaf_count=65 48 51 57 40
+internal_value=0 0.0664858 -0.053216 0.0455666
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=2561
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 7
+split_gain=0.887891 2.30452 3.83755 4.53167
+threshold=43.500000000000007 73.500000000000014 53.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0023627145380920702 -0.0046857024513190602 -0.0041614411819525738 0.0064609627959156318 -0.0014845254428150103
+leaf_weight=52 40 54 58 57
+leaf_count=52 40 54 58 57
+internal_value=0 -0.0294397 0.0326015 0.125865
+internal_weight=0 209 155 115
+internal_count=261 209 155 115
+shrinkage=0.02
+
+
+Tree=2562
+num_leaves=5
+num_cat=0
+split_feature=4 5 5 5
+split_gain=0.884514 2.51908 4.91835 3.87994
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0012225651953318907 0.0024466506172057347 -0.0078951830468481851 0.0010428871026493354 0.0065997605611974701
+leaf_weight=73 49 44 56 39
+leaf_count=73 49 44 56 39
+internal_value=0 -0.028327 -0.144232 0.0748281
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=2563
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 3
+split_gain=0.866623 3.46087 2.22187 4.73911
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0017565880177005271 0.0018709822027345652 0.0052142330893740832 0.0029737930624211908 -0.0066406327909234435
+leaf_weight=65 50 51 40 55
+leaf_count=65 50 51 40 55
+internal_value=0 0.0651287 -0.0521333 -0.129066
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=2564
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.880179 2.32073 4.17892 6.48904
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0023527416433485816 -0.0041722487423068669 -0.0041712929136721779 -0.001595990720456965 0.008346072752497562
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.0293102 0.0329478 0.145054
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2565
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 7
+split_gain=0.879067 3.71794 4.85431 2.55885
+threshold=57.500000000000007 66.500000000000014 67.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0024794794917701634 -0.0048793846558806151 0.0069435560083889684 -0.0021266951569234626 0.0040222183551230604
+leaf_weight=40 60 39 60 62
+leaf_count=40 60 39 60 62
+internal_value=0 -0.047014 0.072037 0.0732372
+internal_weight=0 159 99 102
+internal_count=261 159 99 102
+shrinkage=0.02
+
+
+Tree=2566
+num_leaves=4
+num_cat=0
+split_feature=8 1 3
+split_gain=0.902477 3.43595 5.32144
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0019067527400871401 -0.0042623974299514219 -0.0021111784610161892 0.006571158627271716
+leaf_weight=73 70 71 47
+leaf_count=73 70 71 47
+internal_value=0 -0.0370615 0.0671055
+internal_weight=0 188 118
+internal_count=261 188 118
+shrinkage=0.02
+
+
+Tree=2567
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=0.903154 2.45761 3.72644 3.75671
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0056567592418696596 -0.0018900566807023523 0.0052293189597657679 -0.0015304991292828915 0.006098690070185939
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0373989 -0.0214714 0.0750814
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2568
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.894945 2.31102 4.15179 6.30983
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0023718328239113258 -0.0041641217425225684 -0.0041687458871538423 -0.0015482243757796959 0.0082558325153144103
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.0295559 0.0325721 0.144316
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2569
+num_leaves=4
+num_cat=0
+split_feature=8 1 3
+split_gain=0.910602 3.36253 5.24324
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.001915054869942191 -0.0042281314957766259 -0.002111394273105915 0.0065071580127207679
+leaf_weight=73 70 71 47
+leaf_count=73 70 71 47
+internal_value=0 -0.0372282 0.0658233
+internal_weight=0 188 118
+internal_count=261 188 118
+shrinkage=0.02
+
+
+Tree=2570
+num_leaves=5
+num_cat=0
+split_feature=8 2 6 2
+split_gain=0.914561 3.07698 4.09339 3.03295
+threshold=62.500000000000007 9.5000000000000018 47.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=0.0055598801692732817 -0.0058955983021793572 0.0036315713109599324 -0.0042614564792733244 0.0010411052165993115
+leaf_weight=43 39 47 60 72
+leaf_count=43 39 47 60 72
+internal_value=0 0.0514481 -0.0393423 -0.0695546
+internal_weight=0 150 107 111
+internal_count=261 150 107 111
+shrinkage=0.02
+
+
+Tree=2571
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 7
+split_gain=0.910437 3.44255 2.22168 4.11174
+threshold=13.500000000000002 65.500000000000014 65.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0017166817462149354 -0.0038065405138299926 0.0052356303924782554 -0.0041579984984371574 0.0048860348656615477
+leaf_weight=65 40 51 57 48
+leaf_count=65 40 51 57 48
+internal_value=0 0.066718 -0.0534064 0.0462948
+internal_weight=0 116 145 88
+internal_count=261 116 145 88
+shrinkage=0.02
+
+
+Tree=2572
+num_leaves=5
+num_cat=0
+split_feature=5 2 2 3
+split_gain=0.881107 2.43912 3.51127 2.0962
+threshold=68.250000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=3.5221263449729663e-05 -0.0018674147371879166 -0.0041060073503445486 0.0033570709982027476 0.0065610966547173487
+leaf_weight=39 74 66 41 41
+leaf_count=39 74 66 41 41
+internal_value=0 0.0369464 -0.0619263 0.169627
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=2573
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.885792 3.31666 9.83148 0.996278
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0015925563161147207 -0.0019265354448722123 -9.5337943512672707e-05 0.010737361050824746 -0.0046522091332444658
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.036001 0.147922 -0.12074
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2574
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=0.875573 3.34625 6.1269
+threshold=50.500000000000007 7.5000000000000009 16.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0018786169561647076 -0.0072152222309640381 0.0026213161693815828 0.0020365351657892126
+leaf_weight=73 61 73 54
+leaf_count=73 61 73 54
+internal_value=0 -0.0365233 -0.143269
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=2575
+num_leaves=6
+num_cat=0
+split_feature=1 3 3 7 9
+split_gain=0.909384 4.74455 6.89175 6.95743 3.7911
+threshold=8.5000000000000018 75.500000000000014 65.500000000000014 53.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0057521095912831969 0.0028134193435909857 -0.0051989396631389687 0.0096581050601495244 -0.0056021420741526971 -0.0052222144939127
+leaf_weight=40 43 39 40 47 52
+leaf_count=40 43 39 40 47 52
+internal_value=0 0.0451231 0.139212 -0.018609 -0.0788612
+internal_weight=0 166 127 87 95
+internal_count=261 166 127 87 95
+shrinkage=0.02
+
+
+Tree=2576
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.882749 3.2819 9.56515 0.951491
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.001543388643902924 -0.0019233187083304308 -0.00013113891770231289 0.010618569748460274 -0.0045873669831866431
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0359394 0.147276 -0.119982
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2577
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=0.851123 2.3601 7.27735
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0023712533776818908 0.0026133795445995329 -0.0062165537725182331 0.0027307819737523555
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0281523 -0.099163
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=2578
+num_leaves=5
+num_cat=0
+split_feature=2 2 7 1
+split_gain=0.87386 3.42554 2.18204 3.59106
+threshold=13.500000000000002 7.5000000000000009 70.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0021284041477010276 0.0016958664942533605 0.0047563097088764352 0.0029335630732877371 -0.0057842539695132011
+leaf_weight=58 45 58 40 60
+leaf_count=58 45 58 40 60
+internal_value=0 0.0653926 -0.052347 -0.128594
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=2579
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=0.856967 2.48959 3.0219 2.62943
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015723114822885835 -0.0018421188659590798 0.0050984503434381842 -0.0048894734133228526 0.0048833912199460865
+leaf_weight=55 74 41 44 47
+leaf_count=55 74 41 44 47
+internal_value=0 0.0364538 -0.0247159 0.0697923
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=2580
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 4
+split_gain=0.845591 2.93751 5.12442 1.50155
+threshold=50.500000000000007 7.5000000000000009 66.500000000000014 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.002627304733252905 -0.0058359235261725862 0.0049172935717011184 0.0020851389725939713 -0.00038968429884151995
+leaf_weight=42 75 45 58 41
+leaf_count=42 75 45 58 41
+internal_value=0 -0.0252432 -0.118817 0.118983
+internal_weight=0 219 133 86
+internal_count=261 219 133 86
+shrinkage=0.02
+
+
+Tree=2581
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 5
+split_gain=0.847377 2.31039 6.88082 3.81191
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0012736140473998002 0.0023960494259017439 -0.0082419871712936209 0.0022593824830123002 0.0064803509641126935
+leaf_weight=73 49 48 52 39
+leaf_count=73 49 48 52 39
+internal_value=0 -0.0277319 -0.138776 0.0710825
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=2582
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=0.870607 2.48013 3.68938 3.77432
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0056493057067000963 -0.0018562770786828336 0.0052365535192929599 -0.0015657354725731746 0.006081351875456188
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0367418 -0.0223969 0.0736751
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2583
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 6
+split_gain=0.879109 2.09507 5.4846 3.5902
+threshold=43.500000000000007 51.650000000000013 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0023513785340872062 -0.0042201076598888457 0.0061890032330098954 -0.0050109808865497953 0.0022332371505830203
+leaf_weight=52 49 48 64 48
+leaf_count=52 49 48 64 48
+internal_value=0 -0.0292909 0.0261772 -0.0949861
+internal_weight=0 209 160 112
+internal_count=261 209 160 112
+shrinkage=0.02
+
+
+Tree=2584
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=0.863134 3.24979 9.28467 0.423454
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 65.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0014955757399381648 -0.0019021264706145064 -0.0038756461819345173 0.010486961669633938 -0.00084579293528633226
+leaf_weight=70 71 40 41 39
+leaf_count=70 71 40 41 39
+internal_value=0 0.0355559 0.146351 -0.119604
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2585
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 9
+split_gain=0.872656 3.15281 3.00167 2.84234
+threshold=62.500000000000007 55.150000000000006 69.500000000000014 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0033877197140049155 -0.00528169321660005 0.0055918512627783417 0.0014066850760642775 -0.0033645214027329001
+leaf_weight=40 46 43 65 67
+leaf_count=40 46 43 65 67
+internal_value=0 0.050286 -0.0679727 -0.0416141
+internal_weight=0 150 111 107
+internal_count=261 150 111 107
+shrinkage=0.02
+
+
+Tree=2586
+num_leaves=4
+num_cat=0
+split_feature=8 1 2
+split_gain=0.878663 3.28591 6.03134
+threshold=50.500000000000007 7.5000000000000009 16.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=0.0018820927356244506 -0.0071631160691265827 0.0025900544530484053 0.0020163743845554869
+leaf_weight=73 61 73 54
+leaf_count=73 61 73 54
+internal_value=0 -0.0365744 -0.142359
+internal_weight=0 188 115
+internal_count=261 188 115
+shrinkage=0.02
+
+
+Tree=2587
+num_leaves=5
+num_cat=0
+split_feature=1 7 4 7
+split_gain=0.882284 3.09289 6.23841 4.79862
+threshold=9.5000000000000018 53.500000000000007 65.500000000000014 74.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0056729005110183507 -0.0019226091398591649 -0.0070409520077669412 0.006190361202931656 -0.0022865408594331007
+leaf_weight=40 71 43 54 53
+leaf_count=40 71 43 54 53
+internal_value=0 0.0359408 -0.0299486 0.099265
+internal_weight=0 190 150 107
+internal_count=261 190 150 107
+shrinkage=0.02
+
+
+Tree=2588
+num_leaves=5
+num_cat=0
+split_feature=2 1 4 7
+split_gain=0.879652 2.32467 7.19592 6.17943
+threshold=6.5000000000000009 4.5000000000000009 67.500000000000014 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0024100992801227754 0.0025807667337100376 -0.0036426356621706369 -0.0068759614413239625 0.0074794051177039592
+leaf_weight=50 65 39 66 41
+leaf_count=50 65 39 66 41
+internal_value=0 -0.0285931 -0.0990735 0.102449
+internal_weight=0 211 146 80
+internal_count=261 211 146 80
+shrinkage=0.02
+
+
+Tree=2589
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 5
+split_gain=0.855009 2.28582 6.88727 3.63507
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0012232239232174886 0.0024067133734321944 -0.008235112735864053 0.0022711918360530611 0.0063494895128588073
+leaf_weight=73 49 48 52 39
+leaf_count=73 49 48 52 39
+internal_value=0 -0.0278463 -0.138304 0.0704442
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=2590
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 7 3
+split_gain=0.856847 2.73981 5.97064 4.55528 9.07757
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 58.500000000000007 68.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -5
+right_child=1 2 -4 4 -6
+leaf_value=0.002644634858103186 -0.0076771615203431081 0.0070877946250177074 -0.0034993052333097551 0.0073517567341408602 -0.005434102396098873
+leaf_weight=42 43 47 39 40 50
+leaf_count=42 43 47 39 40 50
+internal_value=0 -0.0253917 0.113922 -0.115787 0.0120458
+internal_weight=0 219 86 133 90
+internal_count=261 219 86 133 90
+shrinkage=0.02
+
+
+Tree=2591
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=0.876072 4.93465 5.16165 3.83282
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0015018911613324676 -0.005060715721432683 -0.0042193437691771512 0.007059088822059063 0.0030588734956852326
+leaf_weight=51 54 52 63 41
+leaf_count=51 54 52 63 41
+internal_value=0 0.0443229 0.16118 -0.0774193
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2592
+num_leaves=5
+num_cat=0
+split_feature=5 6 8 6
+split_gain=0.881139 2.37669 2.89183 2.52411
+threshold=68.250000000000014 58.500000000000007 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001468094286326382 -0.0018671419460538174 0.0050091431736002771 -0.0046877498821908583 0.0048945168846466552
+leaf_weight=55 74 41 45 46
+leaf_count=55 74 41 45 46
+internal_value=0 0.0369624 -0.0228091 0.0711598
+internal_weight=0 187 146 101
+internal_count=261 187 146 101
+shrinkage=0.02
+
+
+Tree=2593
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.855394 2.6709 5.79157 4.96028
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0026423285819726456 -0.005696818420870161 0.0069806926195563751 -0.0034468597898344145 0.002096842802831345
+leaf_weight=42 75 47 39 58
+leaf_count=42 75 47 39 58
+internal_value=0 -0.0253764 0.112183 -0.114638
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=2594
+num_leaves=5
+num_cat=0
+split_feature=8 5 2 9
+split_gain=0.915772 3.17303 3.02291 2.68826
+threshold=62.500000000000007 55.150000000000006 10.500000000000002 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0032906867047929394 -0.005888737762465574 0.0056306295160187744 0.0010365338729177846 -0.0032771781441954585
+leaf_weight=40 39 43 72 67
+leaf_count=40 39 43 72 67
+internal_value=0 0.0514989 -0.0695822 -0.0406942
+internal_weight=0 150 111 107
+internal_count=261 150 111 107
+shrinkage=0.02
+
+
+Tree=2595
+num_leaves=5
+num_cat=0
+split_feature=1 2 3 2
+split_gain=0.887751 4.74978 5.03957 3.78476
+threshold=8.5000000000000018 20.500000000000004 68.500000000000014 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0068431614416067342 -0.0050487595238239381 -0.004117241678750513 -0.0016532553831088415 0.0030199119842688128
+leaf_weight=65 54 52 49 41
+leaf_count=65 54 52 49 41
+internal_value=0 0.0446121 0.15927 -0.0779208
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2596
+num_leaves=4
+num_cat=0
+split_feature=8 1 3
+split_gain=0.866352 3.21884 5.23274
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0018693256136312914 -0.0041351288273256421 -0.0021340684907436708 0.0064759565676147579
+leaf_weight=73 70 71 47
+leaf_count=73 70 71 47
+internal_value=0 -0.0363145 0.0645189
+internal_weight=0 188 118
+internal_count=261 188 118
+shrinkage=0.02
+
+
+Tree=2597
+num_leaves=5
+num_cat=0
+split_feature=5 4 2 6
+split_gain=0.878366 2.35561 3.16671 7.23976
+threshold=68.250000000000014 65.500000000000014 10.500000000000002 47.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0043151901637314884 -0.001864231901362275 0.0051262780918332361 0.0036358594137163003 -0.0068480720285053996
+leaf_weight=41 74 39 47 60
+leaf_count=41 74 39 47 60
+internal_value=0 0.0369072 -0.0207331 -0.111807
+internal_weight=0 187 148 107
+internal_count=261 187 148 107
+shrinkage=0.02
+
+
+Tree=2598
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 1
+split_gain=0.87707 3.81107 4.27959 2.21168
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0021919755585041311 0.0035237578662209285 0.0060031368176642983 -0.0065498437984370505 -0.0019044264003198811
+leaf_weight=58 67 42 39 55
+leaf_count=58 67 42 39 55
+internal_value=0 0.0313466 -0.0386294 0.0535192
+internal_weight=0 203 161 122
+internal_count=261 203 161 122
+shrinkage=0.02
+
+
+Tree=2599
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 6
+split_gain=0.870579 2.3992 2.8261 2.55797
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015657008345815043 -0.0018561187230399607 0.0050248773331069765 -0.0047176286104127401 0.0048023197999521256
+leaf_weight=55 74 41 44 47
+leaf_count=55 74 41 44 47
+internal_value=0 0.0367477 -0.0233052 0.0681013
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=2600
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 9
+split_gain=0.854273 3.26851 3.0067 2.58888
+threshold=62.500000000000007 55.150000000000006 69.500000000000014 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0031523782395650123 -0.0052707085682437817 0.0056645782015454843 0.0014232963891060138 -0.0032934263741381752
+leaf_weight=40 46 43 65 67
+leaf_count=40 46 43 65 67
+internal_value=0 0.0497765 -0.0672583 -0.0437911
+internal_weight=0 150 111 107
+internal_count=261 150 111 107
+shrinkage=0.02
+
+
+Tree=2601
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.864279 3.70922 5.98277 10.8658
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00084798632180786411 -0.0025145610932455625 -0.0050460238892814837 -0.0028634740991250562 0.011941939975036692
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0269344 0.0891134 0.235736
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=2602
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.856795 3.26834 5.58269 5.83344
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0057715010232823674 0.0018769095098697746 -0.0058857722788293989 -0.0015573288975753567 0.0076573781344770218
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.035782 0.0312691 0.148049
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2603
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 9
+split_gain=0.83233 3.04347 3.02827 2.59138
+threshold=62.500000000000007 55.150000000000006 69.500000000000014 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0032070738144845535 -0.0052679184127363702 0.0054892419152340654 0.0014499975272600455 -0.0032420625502863789
+leaf_weight=40 46 43 65 67
+leaf_count=40 46 43 65 67
+internal_value=0 0.0491384 -0.0664183 -0.0411589
+internal_weight=0 150 111 107
+internal_count=261 150 111 107
+shrinkage=0.02
+
+
+Tree=2604
+num_leaves=4
+num_cat=0
+split_feature=8 1 8
+split_gain=0.840899 3.2771 5.04762
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0018421498197357094 -0.0041553019784657825 0.0067907988706126634 -0.0018111347873868014
+leaf_weight=73 70 43 75
+leaf_count=73 70 43 75
+internal_value=0 -0.0357963 0.065943
+internal_weight=0 188 118
+internal_count=261 188 118
+shrinkage=0.02
+
+
+Tree=2605
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.867952 3.05426 9.08969 0.89141
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0015142148269537907 -0.0019073531593101615 -9.8068134114050889e-05 0.010342095903970623 -0.0044146618797411968
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0356505 0.143085 -0.114789
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2606
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 7
+split_gain=0.844916 3.09447 5.49714 5.62856
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0057538288383225658 0.0018639958698772371 -0.0057425232781209336 -0.001065072149052719 0.0080592773753366195
+leaf_weight=40 72 39 62 48
+leaf_count=40 72 39 62 48
+internal_value=0 -0.0355466 0.029701 0.145589
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2607
+num_leaves=4
+num_cat=0
+split_feature=8 1 3
+split_gain=0.865937 3.21325 5.1025
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0018685278101105754 -0.004132376537715826 -0.0020931705481915166 0.0064093496599963752
+leaf_weight=73 70 71 47
+leaf_count=73 70 71 47
+internal_value=0 -0.036324 0.0644221
+internal_weight=0 188 118
+internal_count=261 188 118
+shrinkage=0.02
+
+
+Tree=2608
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 2
+split_gain=0.861577 3.59687 5.88299 10.5613
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0096632870813893445 -0.0025111031521613874 -0.004962369711435083 -0.0028446857575822448 -0.0031599809185807425
+leaf_weight=66 46 39 68 42
+leaf_count=66 46 39 68 42
+internal_value=0 0.0268739 0.0881113 0.233512
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=2609
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 3 3
+split_gain=0.830405 3.75533 4.00785 2.15759 5.88319
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0021348343750060028 0.0044933618382381807 0.0059467790569266215 -0.0063712016021866685 0.0046909549451934094 -0.0063595813007791468
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.0304888 -0.0389749 0.0502044 -0.0461967
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2610
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.872706 3.65633 3.5101 2.91231
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0017143685177083696 -0.00252708598256551 0.0048940501645774008 -0.0046975222258781773 0.0053490443912004668
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.0270339 -0.0513127 0.0700814
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=2611
+num_leaves=4
+num_cat=0
+split_feature=8 1 8
+split_gain=0.839707 3.17368 4.90826
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0018404431300130968 -0.0041008795006513025 0.0066829303023237798 -0.0017998817622407518
+leaf_weight=73 70 43 75
+leaf_count=73 70 43 75
+internal_value=0 -0.035793 0.0643333
+internal_weight=0 188 118
+internal_count=261 188 118
+shrinkage=0.02
+
+
+Tree=2612
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 8
+split_gain=0.876668 2.76747 8.71329 0.430657
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 65.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0015221729301063997 -0.0019171125917003952 -0.0036422910718867871 0.010086533214188505 -0.00059236103009469737
+leaf_weight=70 71 40 41 39
+leaf_count=70 71 40 41 39
+internal_value=0 0.0358039 0.138109 -0.10743
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2613
+num_leaves=5
+num_cat=0
+split_feature=2 1 5 5
+split_gain=0.848501 2.64103 3.89874 5.51869
+threshold=24.500000000000004 8.5000000000000018 67.65000000000002 52.800000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0039516131915124861 0.0022830907016885872 -0.0035963884404913416 0.0058308951334475135 -0.0061447952211304245
+leaf_weight=41 53 75 46 46
+leaf_count=41 53 75 46 46
+internal_value=0 -0.0291607 0.0555465 -0.0689089
+internal_weight=0 208 133 87
+internal_count=261 208 133 87
+shrinkage=0.02
+
+
+Tree=2614
+num_leaves=5
+num_cat=0
+split_feature=7 3 7 7
+split_gain=0.866351 3.92741 3.57726 2.55685
+threshold=74.500000000000014 66.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0025396731619320816 -0.0023077765993306434 0.0057559346221185241 -0.0047625058141726314 0.0039597774686512986
+leaf_weight=40 53 46 60 62
+leaf_count=40 53 46 60 62
+internal_value=0 0.0293918 -0.0438283 0.0701571
+internal_weight=0 208 162 102
+internal_count=261 208 162 102
+shrinkage=0.02
+
+
+Tree=2615
+num_leaves=5
+num_cat=0
+split_feature=5 6 8 6
+split_gain=0.858301 2.45988 2.80138 2.46684
+threshold=68.250000000000014 58.500000000000007 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014955844751920939 -0.0018439707942975911 0.0050726027101358128 -0.0046521881750398609 0.0047951297038595622
+leaf_weight=55 74 41 45 46
+leaf_count=55 74 41 45 46
+internal_value=0 0.0364589 -0.024346 0.0681457
+internal_weight=0 187 146 101
+internal_count=261 187 146 101
+shrinkage=0.02
+
+
+Tree=2616
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.829444 2.65397 5.73388 5.06139
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0026022406879104964 -0.0057186677020360241 0.0069554017693443815 -0.0034201980464013603 0.0021538698597805871
+leaf_weight=42 75 47 39 58
+leaf_count=42 75 47 39 58
+internal_value=0 -0.0250289 0.112097 -0.11401
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=2617
+num_leaves=5
+num_cat=0
+split_feature=5 6 8 6
+split_gain=0.864154 2.35727 2.65592 2.39639
+threshold=68.250000000000014 58.500000000000007 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001475092808661713 -0.001850051249133377 0.0049842490232249147 -0.0045155321450753997 0.0047257780500883553
+leaf_weight=55 74 41 45 46
+leaf_count=55 74 41 45 46
+internal_value=0 0.0365829 -0.0229451 0.0671234
+internal_weight=0 187 146 101
+internal_count=261 187 146 101
+shrinkage=0.02
+
+
+Tree=2618
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 9
+split_gain=0.849619 3.19427 2.98135 2.53117
+threshold=62.500000000000007 55.150000000000006 69.500000000000014 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0031255281097965705 -0.0052512847425002507 0.0056082928656756761 0.0014145954826908838 -0.0032485797132147543
+leaf_weight=40 46 43 65 67
+leaf_count=40 46 43 65 67
+internal_value=0 0.0496125 -0.0671104 -0.0428889
+internal_weight=0 150 111 107
+internal_count=261 150 111 107
+shrinkage=0.02
+
+
+Tree=2619
+num_leaves=5
+num_cat=0
+split_feature=5 3 3 2
+split_gain=0.854522 3.23263 3.50456 2.53075
+threshold=72.700000000000003 66.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0046180091002496881 -0.0025012637750494887 0.0048347327027231917 -0.0059331073492787205 -0.0013823768696318605
+leaf_weight=45 46 53 41 76
+leaf_count=45 46 53 41 76
+internal_value=0 0.0267547 -0.0434061 0.0421972
+internal_weight=0 215 162 121
+internal_count=261 215 162 121
+shrinkage=0.02
+
+
+Tree=2620
+num_leaves=5
+num_cat=0
+split_feature=2 6 7 9
+split_gain=0.87207 2.4679 5.12862 6.54055
+threshold=24.500000000000004 46.500000000000007 59.500000000000007 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0048733461243607541 0.0023139565435645495 0.0056571740690925512 -0.0082693676026104907 0.0017662324230010391
+leaf_weight=43 53 53 41 71
+leaf_count=43 53 53 41 71
+internal_value=0 -0.0295491 0.0260888 -0.0951623
+internal_weight=0 208 165 112
+internal_count=261 208 165 112
+shrinkage=0.02
+
+
+Tree=2621
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 3 3
+split_gain=0.851226 3.5787 3.96519 2.098 5.69924
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0021608305297405764 0.0044657853186978406 0.0058278200002699308 -0.0063012362357170839 0.0046709527945558169 -0.0062168214325301523
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.0308588 -0.0369548 0.0517502 -0.0433146
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2622
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 3
+split_gain=0.87671 3.75767 3.58321 7.46695
+threshold=74.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020773844284561372 -0.0023211545014653208 0.0056470901753396833 0.0027023492947907323 -0.0091406022234441203
+leaf_weight=49 53 46 67 46
+leaf_count=49 53 46 67 46
+internal_value=0 0.0295664 -0.0420571 -0.16744
+internal_weight=0 208 162 95
+internal_count=261 208 162 95
+shrinkage=0.02
+
+
+Tree=2623
+num_leaves=5
+num_cat=0
+split_feature=5 2 2 3
+split_gain=0.865693 1.95288 3.44777 2.07549
+threshold=68.250000000000014 13.500000000000002 24.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00019067517713204291 -0.0018515318113693393 -0.0038801418549537811 0.0035162017721023352 0.0062628369642517305
+leaf_weight=39 74 66 41 41
+leaf_count=39 74 66 41 41
+internal_value=0 0.0366212 -0.0519056 0.155467
+internal_weight=0 187 107 80
+internal_count=261 187 107 80
+shrinkage=0.02
+
+
+Tree=2624
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 1
+split_gain=0.841263 3.51719 3.86869 2.11447
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0021483939364411366 0.0034210140131990482 0.005779620186078852 -0.0062253312080419679 -0.0018876275341719016
+leaf_weight=58 67 42 39 55
+leaf_count=58 67 42 39 55
+internal_value=0 0.0306842 -0.0365456 0.0510755
+internal_weight=0 203 161 122
+internal_count=261 203 161 122
+shrinkage=0.02
+
+
+Tree=2625
+num_leaves=5
+num_cat=0
+split_feature=7 3 3 2
+split_gain=0.866891 3.6201 3.3644 2.41388
+threshold=74.500000000000014 66.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0045461450003720667 -0.0023084343654221681 0.005550930404290476 -0.005781411378596106 -0.0013149237615121593
+leaf_weight=45 53 46 41 76
+leaf_count=45 53 46 41 76
+internal_value=0 0.0294029 -0.0409002 0.0429787
+internal_weight=0 208 162 121
+internal_count=261 208 162 121
+shrinkage=0.02
+
+
+Tree=2626
+num_leaves=4
+num_cat=0
+split_feature=5 1 5
+split_gain=0.84528 1.8075 5.65174
+threshold=68.250000000000014 9.5000000000000018 58.20000000000001
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.0011749844310749119 -0.0018302096463704669 -0.00179602049105577 0.007926586366630288
+leaf_weight=72 74 71 44
+leaf_count=72 74 71 44
+internal_value=0 0.0361898 0.113657
+internal_weight=0 187 116
+internal_count=261 187 116
+shrinkage=0.02
+
+
+Tree=2627
+num_leaves=5
+num_cat=0
+split_feature=2 7 3 1
+split_gain=0.829794 3.45797 3.53078 8.76757
+threshold=7.5000000000000009 73.500000000000014 54.500000000000007 8.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0021342397344431617 0.0036915325507185337 0.0057319094377740543 -0.0071132052031891635 0.0044754042434443034
+leaf_weight=58 50 42 69 42
+leaf_count=58 50 42 69 42
+internal_value=0 0.0304692 -0.0361935 -0.136053
+internal_weight=0 203 161 111
+internal_count=261 203 161 111
+shrinkage=0.02
+
+
+Tree=2628
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 3
+split_gain=0.85717 3.43447 3.46635 7.05041
+threshold=74.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020210665343539983 -0.0022957909403855639 0.0054194807504298302 0.0027006676553151328 -0.0088801120586138576
+leaf_weight=49 53 46 67 46
+leaf_count=49 53 46 67 46
+internal_value=0 0.0292393 -0.0392421 -0.162582
+internal_weight=0 208 162 95
+internal_count=261 208 162 95
+shrinkage=0.02
+
+
+Tree=2629
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=0.846157 2.30875 2.7991 2.53971
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0025643493221723618 -0.001831061753088668 0.0049332232349163316 -0.0046854173244465936 0.0039135727801049456
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0362119 -0.0227029 0.0682678
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=2630
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 4
+split_gain=0.824158 2.9504 2.70365 2.34432
+threshold=62.500000000000007 69.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0025516035562743763 -0.0052112864630973234 0.0014201459149077631 0.004623161419672955 -0.0037403149465824489
+leaf_weight=42 46 65 53 55
+leaf_count=42 46 65 53 55
+internal_value=0 -0.0661182 0.0488832 -0.0503931
+internal_weight=0 111 150 97
+internal_count=261 111 150 97
+shrinkage=0.02
+
+
+Tree=2631
+num_leaves=6
+num_cat=0
+split_feature=1 3 3 7 2
+split_gain=0.824568 4.93253 6.70764 6.16123 3.67353
+threshold=8.5000000000000018 75.500000000000014 65.500000000000014 53.500000000000007 17.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0054283174252849229 -0.0049428929453837981 -0.0053608102248831422 0.0095602128885468856 -0.0052584779753866344 0.0030069823043898476
+leaf_weight=40 54 39 40 47 41
+leaf_count=40 54 39 40 47 41
+internal_value=0 0.043002 0.138929 -0.0167703 -0.0751896
+internal_weight=0 166 127 87 95
+internal_count=261 166 127 87 95
+shrinkage=0.02
+
+
+Tree=2632
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=0.829394 2.32118 2.71112 2.49724
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0025704498685355315 -0.0018132182614797601 0.0049374656684357436 -0.0046290408656092389 0.0038535662613111712
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0358617 -0.0232111 0.0663236
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=2633
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 1
+split_gain=0.812708 3.41558 3.83294 2.05232
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00211252359416774 0.0033869586645694826 0.0056946115585724535 -0.0061908294648382106 -0.0018436825297068007
+leaf_weight=58 67 42 39 55
+leaf_count=58 67 42 39 55
+internal_value=0 0.030169 -0.0360849 0.0511312
+internal_weight=0 203 161 122
+internal_count=261 203 161 122
+shrinkage=0.02
+
+
+Tree=2634
+num_leaves=5
+num_cat=0
+split_feature=7 5 7 7
+split_gain=0.838676 3.39649 2.5053 2.3769
+threshold=74.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0025043418839860204 -0.0022714624460953296 0.0058283012068595921 -0.0037178830678621408 0.0037640645840288228
+leaf_weight=40 53 40 66 62
+leaf_count=40 53 40 66 62
+internal_value=0 0.0289292 -0.0334248 0.0648998
+internal_weight=0 208 168 102
+internal_count=261 208 168 102
+shrinkage=0.02
+
+
+Tree=2635
+num_leaves=5
+num_cat=0
+split_feature=2 9 9 2
+split_gain=0.840402 2.30748 8.38855 2.91871
+threshold=6.5000000000000009 60.500000000000007 72.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0023563900802285225 0.0046769285809553649 -0.0086118001252894934 0.0026584493827964397 -0.0020187079617368341
+leaf_weight=50 56 50 56 49
+leaf_count=50 56 50 56 49
+internal_value=0 -0.0279898 -0.132617 0.0772711
+internal_weight=0 211 106 105
+internal_count=261 211 106 105
+shrinkage=0.02
+
+
+Tree=2636
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=0.82348 2.10312 3.84063 3.76284
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0056814154926785104 -0.0018069779705053163 0.0048630588421407859 -0.0014490447346014017 0.0061860508262931218
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0357324 -0.0187447 0.0792745
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2637
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 3
+split_gain=0.802861 2.24954 4.45363 4.84043
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0023044261394992295 0.0026271393361661267 -0.0033413708610558175 0.0065074484180527538 -0.0064699950627938345
+leaf_weight=50 53 75 41 42
+leaf_count=50 53 75 41 42
+internal_value=0 -0.0273715 0.0494196 -0.069407
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=2638
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 5 3
+split_gain=0.828378 3.45395 3.72416 2.02057 2.34925
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0021322873620693598 0.0026439473444096781 0.0057286122556760759 -0.0061148085021624837 0.0045650082799695239 -0.0042309760099668295
+leaf_weight=58 39 42 39 42 41
+leaf_count=58 39 42 39 42 41
+internal_value=0 0.0304525 -0.0361715 0.0498004 -0.0435039
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2639
+num_leaves=5
+num_cat=0
+split_feature=2 9 9 2
+split_gain=0.80034 2.18443 8.09123 2.81286
+threshold=6.5000000000000009 60.500000000000007 72.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0023009881865815747 0.0045768972586050427 -0.0084363045042709171 0.0026328141753189233 -0.0019969795148387713
+leaf_weight=50 56 50 56 49
+leaf_count=50 56 50 56 49
+internal_value=0 -0.0273248 -0.129152 0.0751094
+internal_weight=0 211 106 105
+internal_count=261 211 106 105
+shrinkage=0.02
+
+
+Tree=2640
+num_leaves=5
+num_cat=0
+split_feature=2 8 7 1
+split_gain=0.820797 3.33558 4.03406 3.03929
+threshold=7.5000000000000009 69.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0021226617357770114 0.0052930803352392265 0.0051029520263828065 -0.004804358501806532 -0.002038420170012776
+leaf_weight=58 48 50 62 43
+leaf_count=58 48 50 62 43
+internal_value=0 0.0303201 -0.0429748 0.0910528
+internal_weight=0 203 153 91
+internal_count=261 203 153 91
+shrinkage=0.02
+
+
+Tree=2641
+num_leaves=5
+num_cat=0
+split_feature=7 9 9 4
+split_gain=0.828844 3.3065 3.18507 3.12667
+threshold=74.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0018186075579700034 -0.0022583178500710671 0.0049548894735863417 -0.0044589427597143665 0.0054988426512710721
+leaf_weight=53 53 52 61 42
+leaf_count=53 53 52 61 42
+internal_value=0 0.0287683 -0.0440459 0.0704864
+internal_weight=0 208 156 95
+internal_count=261 208 156 95
+shrinkage=0.02
+
+
+Tree=2642
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=0.807404 2.30753 2.59667 2.3592
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0025057803443580724 -0.0017896423632445264 0.0049157835083458298 -0.0045468027804859215 0.0037394635447254312
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.035392 -0.0235078 0.0641236
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=2643
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.799256 2.7324 5.52304 5.11413
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0025556792168994684 -0.0061386339741427778 0.0069172446176311584 -0.003266067330660892 0.0017118982604998351
+leaf_weight=42 68 47 39 65
+leaf_count=42 68 47 39 65
+internal_value=0 -0.0245753 0.114552 -0.114851
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=2644
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 5 2
+split_gain=0.804419 3.26756 3.58704 2.04246 1.913
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 55.150000000000006 18.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0021019434057793895 0.0022099132668147933 0.0055807687024450204 -0.0059875477227616693 0.0045799611046616305 -0.0039968777425812172
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.0300204 -0.0347856 0.0495926 -0.0442136
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2645
+num_leaves=5
+num_cat=0
+split_feature=7 5 7 7
+split_gain=0.84429 3.48731 2.45459 2.27041
+threshold=74.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0024531074654053418 -0.0022787645344633138 0.0058996098807454853 -0.003701610115737477 0.0036743365781057935
+leaf_weight=40 53 40 66 62
+leaf_count=40 53 40 66 62
+internal_value=0 0.0290292 -0.034151 0.0631773
+internal_weight=0 208 168 102
+internal_count=261 208 168 102
+shrinkage=0.02
+
+
+Tree=2646
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=0.826444 2.22946 7.77108
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0023373001670404982 0.0025327198315696349 -0.0063101133164750701 0.0029353405476755566
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0277568 -0.0967948
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=2647
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 3
+split_gain=0.792878 2.18537 4.31613 4.6562
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0022906194616152658 0.0025686140723185326 -0.0032980677804450506 0.0064036431703249387 -0.0063543173307360349
+leaf_weight=50 53 75 41 42
+leaf_count=50 53 75 41 42
+internal_value=0 -0.0271943 0.0485 -0.068481
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=2648
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.814486 3.29842 4.41431 8.29557
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0021145486647325077 0.0063105343303308126 0.0050758406343706739 -0.0060446639704114322 -0.0049126409362373977
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0302126 -0.0426739 0.0686634
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=2649
+num_leaves=5
+num_cat=0
+split_feature=7 5 7 6
+split_gain=0.793234 3.39104 2.34794 2.19402
+threshold=74.500000000000014 65.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014912637682343776 -0.0022103377904171564 0.0058088481351119617 -0.0036356686591308171 0.0044098487553359449
+leaf_weight=55 53 40 66 47
+leaf_count=55 53 40 66 47
+internal_value=0 0.0281635 -0.0341408 0.0610599
+internal_weight=0 208 168 102
+internal_count=261 208 168 102
+shrinkage=0.02
+
+
+Tree=2650
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.801896 2.73917 5.3931 5.00101
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00255996250556545 -0.0057178031369414526 0.0068655032614241664 -0.0031975544002436295 0.0021077005735810044
+leaf_weight=42 75 47 39 58
+leaf_count=42 75 47 39 58
+internal_value=0 -0.0246064 0.114692 -0.114993
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=2651
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=0.82425 2.26335 2.31653 2.17909
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0024373272379675736 -0.0018075630744707697 0.0048829900998543273 -0.004303930279130376 0.0035667584271957781
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0357607 -0.0225745 0.060216
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=2652
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 5 3
+split_gain=0.811854 3.2259 3.63367 2.1483 2.39223
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.002111285138985587 0.00263578138602857 0.0055519218776142179 -0.0060105858066211984 0.0046928166906766216 -0.0043010845139263496
+leaf_weight=58 39 42 39 42 41
+leaf_count=58 39 42 39 42 41
+internal_value=0 0.0301613 -0.0342312 0.0506927 -0.0455012
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2653
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 4
+split_gain=0.826821 3.36006 3.58034 5.31374
+threshold=74.500000000000014 66.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0022216593478820369 -0.0022555104410842321 0.0053571670635522307 0.0030478535702661604 -0.007057458657251079
+leaf_weight=43 53 46 61 58
+leaf_count=43 53 46 61 58
+internal_value=0 0.0287397 -0.0389978 -0.155011
+internal_weight=0 208 162 101
+internal_count=261 208 162 101
+shrinkage=0.02
+
+
+Tree=2654
+num_leaves=5
+num_cat=0
+split_feature=8 5 2 9
+split_gain=0.813217 3.34649 2.80762 2.42886
+threshold=62.500000000000007 55.150000000000006 11.500000000000002 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0029803030123310786 -0.0054038259868815783 0.0056957514722800629 0.0011676566423806474 -0.0032642094604032256
+leaf_weight=40 42 43 69 67
+leaf_count=40 42 43 69 67
+internal_value=0 0.0485794 -0.0656743 -0.0460959
+internal_weight=0 150 111 107
+internal_count=261 150 111 107
+shrinkage=0.02
+
+
+Tree=2655
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.824772 2.23092 4.09094 4.52497
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0023352984005828234 0.0027484102723695121 -0.0033367209955881202 0.0062658702775687239 -0.006013268155185496
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.027714 0.0487602 -0.0651328
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=2656
+num_leaves=6
+num_cat=0
+split_feature=1 3 3 9 2
+split_gain=0.793823 4.77628 6.48016 5.81477 3.92878
+threshold=8.5000000000000018 75.500000000000014 65.500000000000014 54.500000000000007 17.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0058175919222547279 -0.0050317564986567635 -0.0052772310977629577 0.0093986982392021221 0.0045488657943851037 0.0031887420027221763
+leaf_weight=41 54 39 40 46 41
+leaf_count=41 54 39 40 46 41
+internal_value=0 0.0422298 0.136635 -0.0164019 -0.0737906
+internal_weight=0 166 127 87 95
+internal_count=261 166 127 87 95
+shrinkage=0.02
+
+
+Tree=2657
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.803931 2.19687 5.19485 7.70846
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0023063948206619896 0.0099423272591166421 -0.0034886518625813013 -0.0040050055342635985 -0.0018954174392816362
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.0273659 0.0438653 0.194158
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=2658
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 5 3
+split_gain=0.789854 3.23522 3.55507 1.93359 2.22402
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0020829816991298116 0.0025796042142818736 0.0055512125237214193 -0.0059626530274455138 0.0044778592832473273 -0.0041110502982011875
+leaf_weight=58 39 42 39 42 41
+leaf_count=58 39 42 39 42 41
+internal_value=0 0.0297697 -0.0347157 0.0492864 -0.0419981
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2659
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.800773 2.15699 3.91942 4.36619
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0023019329659954763 0.0027075813605940829 -0.0032827070155925981 0.0061369583619491361 -0.0058996275465640459
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0273152 0.0478888 -0.0635955
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=2660
+num_leaves=5
+num_cat=0
+split_feature=2 6 1 3
+split_gain=0.791174 2.6398 5.84806 14.9213
+threshold=24.500000000000004 46.500000000000007 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0049910060771800871 0.0022070252394438103 0.0043679378072514563 0.0051502080100298431 -0.011352722448084288
+leaf_weight=43 53 55 67 43
+leaf_count=43 53 55 67 43
+internal_value=0 -0.0281534 0.029383 -0.126246
+internal_weight=0 208 165 98
+internal_count=261 208 165 98
+shrinkage=0.02
+
+
+Tree=2661
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.78692 2.71345 8.96363 0.910902
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0016394728188450403 -0.001818197634565406 2.2211982400209238e-05 0.010134736446095464 -0.0042981005585160919
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0339871 0.1353 -0.107852
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2662
+num_leaves=5
+num_cat=0
+split_feature=2 9 9 1
+split_gain=0.809258 2.07047 7.69364 3.78571
+threshold=6.5000000000000009 60.500000000000007 72.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0023138698635893312 0.0047460530630578134 -0.0082403702071166835 0.0025538511083409688 -0.0029372724353116555
+leaf_weight=50 60 50 56 45
+leaf_count=50 60 50 56 45
+internal_value=0 -0.0274526 -0.126615 0.0722911
+internal_weight=0 211 106 105
+internal_count=261 211 106 105
+shrinkage=0.02
+
+
+Tree=2663
+num_leaves=5
+num_cat=0
+split_feature=2 6 1 3
+split_gain=0.797299 2.51711 5.73059 14.2102
+threshold=24.500000000000004 46.500000000000007 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0048897434372151298 0.0022153894476619218 0.0042039735957544516 0.0050753608314645102 -0.011137801616283756
+leaf_weight=43 53 55 67 43
+leaf_count=43 53 55 67 43
+internal_value=0 -0.0282571 0.0279312 -0.12613
+internal_weight=0 208 165 98
+internal_count=261 208 165 98
+shrinkage=0.02
+
+
+Tree=2664
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=0.816268 2.56037 7.56305 9.49862 3.22882
+threshold=50.500000000000007 3.5000000000000004 55.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0025826522950919812 -0.0048858320000333862 0.0081022609957877752 -0.0097456864803296562 0.005134271529349527 -0.0023312046099122105
+leaf_weight=42 43 41 41 52 42
+leaf_count=42 43 41 41 52 42
+internal_value=0 -0.0248004 0.0286739 -0.0855066 0.0895438
+internal_weight=0 219 176 135 94
+internal_count=261 219 176 135 94
+shrinkage=0.02
+
+
+Tree=2665
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=0.794939 4.28608 5.69464 3.92815
+threshold=8.5000000000000018 20.500000000000004 58.20000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0019390978541466641 -0.0050323499659248932 -0.0039141200206113547 0.0070527599698047925 0.0031874792971168671
+leaf_weight=51 54 52 63 41
+leaf_count=51 54 52 63 41
+internal_value=0 0.0422652 0.151218 -0.0738347
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=2666
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.80618 2.53667 5.15442 5.00535
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.002566957221139999 -0.0060340843482463748 0.0066584777844931669 -0.0031801938342413448 0.0017328619958802234
+leaf_weight=42 68 47 39 65
+leaf_count=42 68 47 39 65
+internal_value=0 -0.0246539 0.109425 -0.111664
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=2667
+num_leaves=6
+num_cat=0
+split_feature=1 3 3 7 2
+split_gain=0.804055 4.39007 6.40737 5.85196 3.89464
+threshold=8.5000000000000018 75.500000000000014 65.500000000000014 53.500000000000007 17.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.005234503581216278 -0.0050254467494588737 -0.0050197872279785409 0.0092893341416458199 -0.0051812850804067558 0.0031593466667122348
+leaf_weight=40 54 39 40 47 41
+leaf_count=40 54 39 40 47 41
+internal_value=0 0.0425014 0.133032 -0.0191435 -0.0742461
+internal_weight=0 166 127 87 95
+internal_count=261 166 127 87 95
+shrinkage=0.02
+
+
+Tree=2668
+num_leaves=6
+num_cat=0
+split_feature=1 3 3 9 9
+split_gain=0.771284 4.21582 6.15323 5.76714 3.4903
+threshold=8.5000000000000018 75.500000000000014 65.500000000000014 54.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0058420406568941491 0.0027583200737249279 -0.0049195711121882268 0.0091038715412469755 0.0044818514202534833 -0.0049536311036841143
+leaf_weight=41 43 39 40 46 52
+leaf_count=41 43 39 40 46 52
+internal_value=0 0.0416483 0.130376 -0.0187514 -0.0727541
+internal_weight=0 166 127 87 95
+internal_count=261 166 127 87 95
+shrinkage=0.02
+
+
+Tree=2669
+num_leaves=5
+num_cat=0
+split_feature=2 1 5 6
+split_gain=0.78677 2.44171 4.12933 7.91043
+threshold=24.500000000000004 8.5000000000000018 67.65000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0048862904385693733 0.0022011313289937405 -0.0034596534297829536 0.0059248031577487986 -0.0071963641698898143
+leaf_weight=41 53 75 46 46
+leaf_count=41 53 75 46 46
+internal_value=0 -0.0280716 0.0533926 -0.0746851
+internal_weight=0 208 133 87
+internal_count=261 208 133 87
+shrinkage=0.02
+
+
+Tree=2670
+num_leaves=5
+num_cat=0
+split_feature=7 3 3 4
+split_gain=0.813108 3.41324 3.56231 2.45967
+threshold=74.500000000000014 66.500000000000014 61.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0017169094177294168 -0.0022367220965256365 0.0053904353695110362 -0.0059013632516369194 0.0040176587824900566
+leaf_weight=65 53 46 41 56
+leaf_count=65 53 46 41 56
+internal_value=0 0.0285287 -0.0397415 0.0465643
+internal_weight=0 208 162 121
+internal_count=261 208 162 121
+shrinkage=0.02
+
+
+Tree=2671
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=0.794951 2.27517 2.49808 2.25617
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0024525927041039253 -0.0017755810019074948 0.004881635513732635 -0.0044658789324711753 0.0036557853793380574
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0351517 -0.0233354 0.0626233
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=2672
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 9
+split_gain=0.782003 2.4456 5.42316 2.78261
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0025291542325984388 0.00076011395535456497 0.0043371389537993892 -0.0083550126560709044 -0.0022994976290347797
+leaf_weight=42 72 64 41 42
+leaf_count=42 72 64 41 42
+internal_value=0 -0.0242887 -0.12716 0.0850102
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=2673
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.776717 2.11526 4.9994 7.23383
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0022681218949047056 0.0096792453103976654 -0.0034247932162077056 -0.0039298019725336744 -0.0017887684102462565
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.0269033 0.0430003 0.190454
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=2674
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.801931 3.21095 4.3121 7.82545
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0020983179811428672 0.0061582787812440786 0.005012240792454087 -0.0059694365060896119 -0.0047428540094961967
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0299977 -0.0419188 0.0681244
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=2675
+num_leaves=5
+num_cat=0
+split_feature=2 6 1 2
+split_gain=0.798277 2.48246 5.7669 6.37971
+threshold=24.500000000000004 46.500000000000007 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0048605060390565858 0.0022166524944566886 0.0026619130098971006 0.0050814684603568243 -0.0075474860202963782
+leaf_weight=43 53 48 67 50
+leaf_count=43 53 48 67 50
+internal_value=0 -0.0282771 0.0275246 -0.127024
+internal_weight=0 208 165 98
+internal_count=261 208 165 98
+shrinkage=0.02
+
+
+Tree=2676
+num_leaves=5
+num_cat=0
+split_feature=7 5 8 6
+split_gain=0.812599 3.34619 2.34947 2.16583
+threshold=74.500000000000014 65.500000000000014 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014183025067225328 -0.0022361834712827725 0.0057812123846644808 -0.0035849781747309207 0.0044790559565914883
+leaf_weight=55 53 40 67 46
+leaf_count=55 53 40 67 46
+internal_value=0 0.0285127 -0.033379 0.0630475
+internal_weight=0 208 168 101
+internal_count=261 208 168 101
+shrinkage=0.02
+
+
+Tree=2677
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=0.803505 2.19597 2.32625 2.08544
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0023463342008014734 -0.0017849981507800186 0.0048124282960041852 -0.0043031703368157309 0.0035281778356739783
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0353296 -0.0221347 0.060829
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=2678
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 2
+split_gain=0.842461 2.62946 5.12896 5.02672
+threshold=50.500000000000007 7.5000000000000009 66.500000000000014 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.002622633977204965 -0.0057365896260514471 0.0066404223247542617 0.0021882145016980043 -0.0030757847273474859
+leaf_weight=42 75 47 58 39
+leaf_count=42 75 47 58 39
+internal_value=0 -0.0251934 -0.113766 0.111301
+internal_weight=0 219 133 86
+internal_count=261 219 133 86
+shrinkage=0.02
+
+
+Tree=2679
+num_leaves=5
+num_cat=0
+split_feature=8 5 2 9
+split_gain=0.83404 3.33264 2.9093 2.33841
+threshold=62.500000000000007 55.150000000000006 11.500000000000002 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0029235705784618456 -0.0054927754798509577 0.0056982631361730861 0.0011959501051585202 -0.0032044494191727025
+leaf_weight=40 42 43 69 67
+leaf_count=40 42 43 69 67
+internal_value=0 0.0491935 -0.0664792 -0.0452858
+internal_weight=0 150 111 107
+internal_count=261 150 111 107
+shrinkage=0.02
+
+
+Tree=2680
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 2
+split_gain=0.819503 2.53609 4.9638 4.89769
+threshold=50.500000000000007 7.5000000000000009 66.500000000000014 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0025876386408741243 -0.0056423327447857712 0.0065419949885732387 0.0021542299209239254 -0.0030491248756410643
+leaf_weight=42 75 47 58 39
+leaf_count=42 75 47 58 39
+internal_value=0 -0.0248485 -0.111849 0.109215
+internal_weight=0 219 133 86
+internal_count=261 219 133 86
+shrinkage=0.02
+
+
+Tree=2681
+num_leaves=5
+num_cat=0
+split_feature=8 2 3 4
+split_gain=0.830163 2.85575 2.61111 2.27342
+threshold=62.500000000000007 11.500000000000002 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0025359722700599597 -0.0054513880655980606 0.0011758339096983109 0.0045647962513517167 -0.0036609159937912791
+leaf_weight=42 42 69 53 55
+leaf_count=42 42 69 53 55
+internal_value=0 -0.0663208 0.0490889 -0.0484796
+internal_weight=0 111 150 97
+internal_count=261 111 150 97
+shrinkage=0.02
+
+
+Tree=2682
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=0.79886 2.06185 3.98678 3.78289
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0057800075958457584 -0.001779735952538285 0.0048127307260939622 -0.0014193447039793105 0.0062358574732179744
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0352408 -0.0187017 0.0811611
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2683
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 1
+split_gain=0.801782 3.13376 3.54283 1.87775
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0020980194680404289 0.003270457120629205 0.0054779726806660576 -0.0059287584584090973 -0.0017346625605576783
+leaf_weight=58 67 42 39 55
+leaf_count=58 67 42 39 55
+internal_value=0 0.0300003 -0.0334683 0.0503898
+internal_weight=0 203 161 122
+internal_count=261 203 161 122
+shrinkage=0.02
+
+
+Tree=2684
+num_leaves=5
+num_cat=0
+split_feature=7 3 3 4
+split_gain=0.801719 3.29709 3.56075 2.35061
+threshold=74.500000000000014 66.500000000000014 61.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016387678887302909 -0.0022214666046468925 0.0053042216949926594 -0.005880939451547211 0.0039680102952814626
+leaf_weight=65 53 46 41 56
+leaf_count=65 53 46 41 56
+internal_value=0 0.0283287 -0.0387729 0.0475145
+internal_weight=0 208 162 121
+internal_count=261 208 162 121
+shrinkage=0.02
+
+
+Tree=2685
+num_leaves=4
+num_cat=0
+split_feature=8 7 5
+split_gain=0.794523 3.27957 2.1363
+threshold=50.500000000000007 58.500000000000007 68.250000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0017919016160112702 -0.0058717757271994162 0.0030474999692105932 -0.0017594509723327077
+leaf_weight=73 39 75 74
+leaf_count=73 39 75 74
+internal_value=0 -0.034816 0.0327542
+internal_weight=0 188 149
+internal_count=261 188 149
+shrinkage=0.02
+
+
+Tree=2686
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 3
+split_gain=0.778568 2.15348 3.82666 4.37861
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0022706724322384807 0.0025802105044114604 -0.0032729897792105576 0.0060819313742106118 -0.006073975151044784
+leaf_weight=50 53 75 41 42
+leaf_count=50 53 75 41 42
+internal_value=0 -0.0269386 0.0482048 -0.0619545
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=2687
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 1
+split_gain=0.788949 3.16735 3.37961 1.80967
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0020816456749172445 0.0031791127092422027 0.0054991217531726068 -0.0058183991251499548 -0.001735474650842948
+leaf_weight=58 67 42 39 55
+leaf_count=58 67 42 39 55
+internal_value=0 0.0297616 -0.0340456 0.0478621
+internal_weight=0 203 161 122
+internal_count=261 203 161 122
+shrinkage=0.02
+
+
+Tree=2688
+num_leaves=5
+num_cat=0
+split_feature=2 9 2 3
+split_gain=0.775911 2.11389 3.35625 2.70316
+threshold=6.5000000000000009 68.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0022668973181585702 0.0057821213034343509 -0.0034236704594486273 0.0023883653121677039 -0.0041493179119292487
+leaf_weight=50 40 69 48 54
+leaf_count=50 40 69 48 54
+internal_value=0 -0.0268935 0.0429875 -0.0532698
+internal_weight=0 211 142 102
+internal_count=261 211 142 102
+shrinkage=0.02
+
+
+Tree=2689
+num_leaves=5
+num_cat=0
+split_feature=2 8 7 1
+split_gain=0.789506 3.14743 3.84078 2.73566
+threshold=7.5000000000000009 69.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0020823495480547407 0.0050824039984151137 0.0049641607539582834 -0.0046784136449251655 -0.0018750802733545544
+leaf_weight=58 48 50 62 43
+leaf_count=58 48 50 62 43
+internal_value=0 0.0297725 -0.0414313 0.0893551
+internal_weight=0 203 153 91
+internal_count=261 203 153 91
+shrinkage=0.02
+
+
+Tree=2690
+num_leaves=5
+num_cat=0
+split_feature=7 5 7 7
+split_gain=0.781103 3.51415 2.27778 2.10282
+threshold=74.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0024113834256806934 -0.0021934689838701235 0.0058987831359109538 -0.0036177959082363711 0.0034876266515219446
+leaf_weight=40 53 40 66 62
+leaf_count=40 53 40 66 62
+internal_value=0 0.0279688 -0.035454 0.0583192
+internal_weight=0 208 168 102
+internal_count=261 208 168 102
+shrinkage=0.02
+
+
+Tree=2691
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.783319 2.07578 3.86263 4.19011
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0022773946518763314 0.0026203078431860909 -0.0032253085257441102 0.0060770637341186554 -0.0058121504860317091
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0270198 0.0467637 -0.063912
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=2692
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 6
+split_gain=0.723422 3.54978 3.06487 4.56598
+threshold=65.500000000000014 72.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0020585369225277084 -0.0019561884794346346 0.0058595301462845617 -0.0050192471519370707 0.0061452924000544315
+leaf_weight=74 54 41 49 43
+leaf_count=74 54 41 49 43
+internal_value=0 0.0705164 -0.0403723 0.0475792
+internal_weight=0 95 166 117
+internal_count=261 95 166 117
+shrinkage=0.02
+
+
+Tree=2693
+num_leaves=5
+num_cat=0
+split_feature=2 6 1 4
+split_gain=0.785005 2.50105 5.32693 6.00862
+threshold=24.500000000000004 46.500000000000007 7.5000000000000009 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0048718045513176551 0.002198641897258683 0.0016966461644682598 0.0049147190993080493 -0.0083811345991720611
+leaf_weight=43 53 58 67 40
+leaf_count=43 53 58 67 40
+internal_value=0 -0.0280449 0.0279646 -0.120581
+internal_weight=0 208 165 98
+internal_count=261 208 165 98
+shrinkage=0.02
+
+
+Tree=2694
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=0.776048 2.53579 7.34643 8.90853 2.98614
+threshold=50.500000000000007 3.5000000000000004 55.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.002519757585851943 -0.0048528667548180518 0.0080008911681575794 -0.0094528340138104947 0.004936539272366181 -0.0022443936190859903
+leaf_weight=42 43 41 41 52 42
+leaf_count=42 43 41 41 52 42
+internal_value=0 -0.0241978 0.0290205 -0.0835137 0.0860125
+internal_weight=0 219 176 135 94
+internal_count=261 219 176 135 94
+shrinkage=0.02
+
+
+Tree=2695
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.778379 2.50698 8.69857 0.837732
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0016562786419649039 -0.0018085299147128121 3.9965184655737499e-05 0.0099429085879015871 -0.0041064233520484968
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0338078 0.131223 -0.102557
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2696
+num_leaves=5
+num_cat=0
+split_feature=2 1 5 6
+split_gain=0.789752 2.47212 4.28805 7.4666
+threshold=24.500000000000004 8.5000000000000018 67.65000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0046650604849637267 0.0022051020083127329 -0.0034786190195583515 0.0060257184023608844 -0.0070742636151807491
+leaf_weight=41 53 75 46 46
+leaf_count=41 53 75 46 46
+internal_value=0 -0.0281281 0.0538392 -0.0766724
+internal_weight=0 208 133 87
+internal_count=261 208 133 87
+shrinkage=0.02
+
+
+Tree=2697
+num_leaves=5
+num_cat=0
+split_feature=2 9 2 3
+split_gain=0.786402 2.13183 3.2403 2.4931
+threshold=6.5000000000000009 68.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0022818537837216925 0.0056992647930187634 -0.0034392281762249178 0.0022879438976723711 -0.0039923013228904481
+leaf_weight=50 40 69 48 54
+leaf_count=50 40 69 48 54
+internal_value=0 -0.0270669 0.0431081 -0.0514756
+internal_weight=0 211 142 102
+internal_count=261 211 142 102
+shrinkage=0.02
+
+
+Tree=2698
+num_leaves=5
+num_cat=0
+split_feature=2 6 1 3
+split_gain=0.781375 2.50438 5.13702 13.7396
+threshold=24.500000000000004 46.500000000000007 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0048732479780545668 0.0021938191393865171 0.0042581405153892778 0.0048388675204155372 -0.010827989364849433
+leaf_weight=43 53 55 67 43
+leaf_count=43 53 55 67 43
+internal_value=0 -0.0279746 0.0280721 -0.117807
+internal_weight=0 208 165 98
+internal_count=261 208 165 98
+shrinkage=0.02
+
+
+Tree=2699
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.770922 2.03446 4.95223 6.64382
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0022599594688163158 0.0093967663468189754 -0.0033676015822435581 -0.003931978346791311 -0.001594201210982947
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.0268002 0.0417632 0.188525
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=2700
+num_leaves=5
+num_cat=0
+split_feature=2 6 1 3
+split_gain=0.792581 2.41785 5.0088 13.1052
+threshold=24.500000000000004 46.500000000000007 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0048025686705724146 0.002209092617618941 0.0041167842633974888 0.0047620700779856277 -0.010617225853229361
+leaf_weight=43 53 55 67 43
+leaf_count=43 53 55 67 43
+internal_value=0 -0.0281701 0.0269036 -0.117147
+internal_weight=0 208 165 98
+internal_count=261 208 165 98
+shrinkage=0.02
+
+
+Tree=2701
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 3
+split_gain=0.791407 4.85266 3.69357 7.0198
+threshold=66.500000000000014 67.500000000000014 56.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.001843950176933814 0.0069279083474566641 -0.0021408515772685368 0.0027258696746449373 -0.0090332106512022933
+leaf_weight=49 39 60 67 46
+leaf_count=49 39 60 67 46
+internal_value=0 0.0712993 -0.0435779 -0.170862
+internal_weight=0 99 162 95
+internal_count=261 99 162 95
+shrinkage=0.02
+
+
+Tree=2702
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.775258 3.12816 4.0805 7.68064
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0020637915455239846 0.0060631073989744332 0.0049457611114125969 -0.0058214590741984106 -0.0047370075118346715
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0295168 -0.0414695 0.0655832
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=2703
+num_leaves=6
+num_cat=0
+split_feature=4 1 4 5 6
+split_gain=0.787006 2.70769 4.30885 4.70237 3.0365
+threshold=50.500000000000007 3.5000000000000004 63.500000000000007 67.050000000000011 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0025371574631546578 -0.0050005854047283048 0.0056609237991502685 -0.0066257225481160574 0.0055469048996547744 -0.0021295742359538996
+leaf_weight=42 43 49 44 39 44
+leaf_count=42 43 49 44 39 44
+internal_value=0 -0.024358 0.0306279 -0.0665493 0.0734725
+internal_weight=0 219 176 127 83
+internal_count=261 219 176 127 83
+shrinkage=0.02
+
+
+Tree=2704
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.78514 2.00045 3.91185 4.27773
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0022801589726842235 0.0026194224831220898 -0.003177060373608816 0.0060823401601929322 -0.005900280895026493
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0270412 0.0453995 -0.0659785
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=2705
+num_leaves=5
+num_cat=0
+split_feature=2 6 7 9
+split_gain=0.791715 2.42013 4.33672 6.33419
+threshold=24.500000000000004 46.500000000000007 59.500000000000007 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0048041536808290704 0.00220800938294256 0.0052631275294324391 -0.007956972954364365 0.0019199205003023587
+leaf_weight=43 53 53 41 71
+leaf_count=43 53 53 41 71
+internal_value=0 -0.0281503 0.0269492 -0.0845651
+internal_weight=0 208 165 112
+internal_count=261 208 165 112
+shrinkage=0.02
+
+
+Tree=2706
+num_leaves=6
+num_cat=0
+split_feature=4 9 4 2 2
+split_gain=0.770355 1.95922 4.42964 4.23328 8.60032
+threshold=75.500000000000014 41.500000000000007 68.500000000000014 10.500000000000002 21.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -5
+right_child=-2 2 -4 4 -6
+leaf_value=-0.0044317685039716248 0.0025845703327182761 0.0078143691322459935 -0.0050047737132532253 -0.0055225394993293573 0.0064967136250376461
+leaf_weight=41 40 39 45 52 44
+leaf_count=41 40 39 45 52 44
+internal_value=0 -0.0234132 0.0215732 0.112556 -0.000233404
+internal_weight=0 221 180 135 96
+internal_count=261 221 180 135 96
+shrinkage=0.02
+
+
+Tree=2707
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 5 2
+split_gain=0.799079 3.08325 3.03381 1.95147 1.75878
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 55.150000000000006 18.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.002094431944038775 0.002025609565459495 0.0054378990661454706 -0.0055292721443204341 0.0044007676883749194 -0.0039276250328897453
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.0299577 -0.0329987 0.0446164 -0.0470924
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2708
+num_leaves=5
+num_cat=0
+split_feature=7 5 3 6
+split_gain=0.782707 3.62155 2.18505 2.01729
+threshold=74.500000000000014 65.500000000000014 62.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014655405055893809 -0.0021954171471290722 0.0059801030974897451 -0.0046323748158140924 0.0037401373663276216
+leaf_weight=75 53 40 43 50
+leaf_count=75 53 40 43 50
+internal_value=0 0.0280091 -0.0363735 0.0305631
+internal_weight=0 208 168 125
+internal_count=261 208 168 125
+shrinkage=0.02
+
+
+Tree=2709
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 9
+split_gain=0.791037 2.42943 4.85774 2.5801
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0025435439938741766 0.00058745935304958515 0.0042303735202907202 -0.0080404410450482331 -0.0021614685007518221
+leaf_weight=42 72 64 41 42
+leaf_count=42 72 64 41 42
+internal_value=0 -0.0244159 -0.126949 0.084523
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=2710
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.77901 2.02849 4.74509 6.40751
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0022715642774637193 0.0092297811424591064 -0.0033661341662860503 -0.0038361093796002838 -0.0015643209046393878
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.0269329 0.0415303 0.185207
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=2711
+num_leaves=5
+num_cat=0
+split_feature=2 8 7 1
+split_gain=0.775143 3.04196 3.51163 2.41617
+threshold=7.5000000000000009 69.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0020636643166280929 0.0047902534377904753 0.0048856628087554027 -0.0044919525640721835 -0.0017508832534283421
+leaf_weight=58 48 50 62 43
+leaf_count=58 48 50 62 43
+internal_value=0 0.0295136 -0.0404908 0.0845816
+internal_weight=0 203 153 91
+internal_count=261 203 153 91
+shrinkage=0.02
+
+
+Tree=2712
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 3
+split_gain=0.786762 3.65738 3.47584 6.6836
+threshold=74.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0018118681879351623 -0.0022010753948865512 0.0055497692457786582 0.0026383627255076327 -0.0088021529416911701
+leaf_weight=49 53 46 67 46
+leaf_count=49 53 46 67 46
+internal_value=0 0.0280737 -0.0425902 -0.166092
+internal_weight=0 208 162 95
+internal_count=261 208 162 95
+shrinkage=0.02
+
+
+Tree=2713
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 3
+split_gain=0.754896 3.51181 3.33746 6.41879
+threshold=74.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017756821862276737 -0.0021571122174610497 0.0054389423267790105 0.0025856505576323987 -0.0086263779288961191
+leaf_weight=49 53 46 67 46
+leaf_count=49 53 46 67 46
+internal_value=0 0.0275165 -0.0417304 -0.162767
+internal_weight=0 208 162 95
+internal_count=261 208 162 95
+shrinkage=0.02
+
+
+Tree=2714
+num_leaves=5
+num_cat=0
+split_feature=2 9 9 1
+split_gain=0.775247 2.11062 7.60859 3.35691
+threshold=6.5000000000000009 60.500000000000007 72.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0022662120408430439 0.0045854159543671823 -0.0082160934329104339 0.0025183633737371038 -0.0026513588531651574
+leaf_weight=50 60 50 56 45
+leaf_count=50 60 50 56 45
+internal_value=0 -0.0268693 -0.12698 0.0738313
+internal_weight=0 211 106 105
+internal_count=261 211 106 105
+shrinkage=0.02
+
+
+Tree=2715
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.764505 2.91582 4.181 7.18158
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.002049709956535522 0.0059776919771098091 0.0047924157912225956 -0.0058374210269662805 -0.0044661841306155572
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0293207 -0.0392217 0.0691401
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=2716
+num_leaves=5
+num_cat=0
+split_feature=5 6 8 9
+split_gain=0.791105 2.46052 2.21376 2.19448
+threshold=68.250000000000014 58.500000000000007 54.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.004570555456115886 -0.0017712423066261957 0.00504560839674146 -0.0042211125944481747 -0.0014086195797277273
+leaf_weight=43 74 41 45 58
+leaf_count=43 74 41 45 58
+internal_value=0 0.0350759 -0.0257377 0.0565228
+internal_weight=0 187 146 101
+internal_count=261 187 146 101
+shrinkage=0.02
+
+
+Tree=2717
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.763934 2.08408 3.95892 4.21796
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0022499591781156422 0.0026155444260140283 -0.0032238691121804289 0.0061501024560043638 -0.0058447214970857569
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0266812 0.0472491 -0.0647949
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=2718
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 5 3
+split_gain=0.771864 3.00179 3.0834 2.00569 2.05736
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0020593586774866573 0.0023416153927547471 0.005363949069592572 -0.0055620314280395476 0.0044678542957981441 -0.0040948082284245849
+leaf_weight=58 39 42 39 42 41
+leaf_count=58 39 42 39 42 41
+internal_value=0 0.029455 -0.0326668 0.0455787 -0.0473878
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2719
+num_leaves=5
+num_cat=0
+split_feature=7 5 3 4
+split_gain=0.749011 3.48216 2.12578 1.93845
+threshold=74.500000000000014 65.500000000000014 62.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0017903044677392596 -0.0021488585033748297 0.0058635100048469559 -0.0045665104516648021 0.0032146686763538787
+leaf_weight=65 53 40 43 60
+leaf_count=65 53 40 43 60
+internal_value=0 0.0274142 -0.0357201 0.030307
+internal_weight=0 208 168 125
+internal_count=261 208 168 125
+shrinkage=0.02
+
+
+Tree=2720
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.777051 2.02884 4.20479 6.20729
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0022687117015191102 0.0089763833639487228 -0.0033657823774202599 -0.0035623694925712135 -0.0016483250833652699
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.0269032 0.041566 0.176861
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=2721
+num_leaves=5
+num_cat=0
+split_feature=2 4 7 9
+split_gain=0.778798 2.48573 5.74776 6.10188
+threshold=24.500000000000004 53.500000000000007 59.500000000000007 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0043117068725632302 0.0021902887771667367 0.0069448138146879839 -0.0078144181712224651 0.0018801355900472778
+leaf_weight=53 53 43 41 71
+leaf_count=53 53 43 41 71
+internal_value=0 -0.0279296 0.036047 -0.0832145
+internal_weight=0 208 155 112
+internal_count=261 208 155 112
+shrinkage=0.02
+
+
+Tree=2722
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=0.785437 2.90446 7.61701 8.5538 2.81324
+threshold=50.500000000000007 3.5000000000000004 55.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0025347310674425712 -0.0051600138226877328 0.008207531636841606 -0.0092659765364394037 0.0048053481678644941 -0.002165716787893613
+leaf_weight=42 43 41 41 52 42
+leaf_count=42 43 41 41 52 42
+internal_value=0 -0.0243323 0.0326099 -0.0819763 0.0841409
+internal_weight=0 219 176 135 94
+internal_count=261 219 176 135 94
+shrinkage=0.02
+
+
+Tree=2723
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 5 3
+split_gain=0.762669 2.90467 2.99723 1.927 2.02106
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.002047430922628342 0.0023440882150919991 0.0052831117471266965 -0.0054767618653473417 0.0043928648378777062 -0.0040359312388796517
+leaf_weight=58 39 42 39 42 41
+leaf_count=58 39 42 39 42 41
+internal_value=0 0.0292803 -0.0318313 0.0453165 -0.0458175
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2724
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.765922 2.03061 4.22394 5.87024
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0022528167672430013 0.0088374809080413539 -0.0033632497430986829 -0.0035679638878527951 -0.0014951070607541696
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.0267147 0.0417843 0.177385
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=2725
+num_leaves=5
+num_cat=0
+split_feature=2 6 1 3
+split_gain=0.787748 2.42043 5.14636 12.5192
+threshold=24.500000000000004 46.500000000000007 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0048031275661799318 0.0022025238280469735 0.003933760663093663 0.0048216849721693803 -0.010467326236568306
+leaf_weight=43 53 55 67 43
+leaf_count=43 53 55 67 43
+internal_value=0 -0.0280857 0.0270173 -0.118994
+internal_weight=0 208 165 98
+internal_count=261 208 165 98
+shrinkage=0.02
+
+
+Tree=2726
+num_leaves=6
+num_cat=0
+split_feature=4 1 4 5 6
+split_gain=0.794918 2.83778 4.14085 4.50254 2.9416
+threshold=50.500000000000007 3.5000000000000004 63.500000000000007 67.050000000000011 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0025495859773022453 -0.0051093006907634245 0.0055856143523312068 -0.0064507838641404301 0.0054849307604814884 -0.0020712040490017528
+leaf_weight=42 43 49 44 39 44
+leaf_count=42 43 49 44 39 44
+internal_value=0 -0.024476 0.0318107 -0.0634563 0.0735634
+internal_weight=0 219 176 127 83
+internal_count=261 219 176 127 83
+shrinkage=0.02
+
+
+Tree=2727
+num_leaves=5
+num_cat=0
+split_feature=2 4 7 9
+split_gain=0.765958 2.35566 5.47045 5.91772
+threshold=24.500000000000004 53.500000000000007 59.500000000000007 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.004208486506510796 0.0021726493401807742 0.0067642340598926768 -0.0076923209589880867 0.0018552324607752375
+leaf_weight=53 53 43 41 71
+leaf_count=53 53 43 41 71
+internal_value=0 -0.0277025 0.0345854 -0.0817669
+internal_weight=0 208 155 112
+internal_count=261 208 155 112
+shrinkage=0.02
+
+
+Tree=2728
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.759037 2.01665 3.85363 4.21245
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0022429681537791549 0.0026206821900000422 -0.0031787116205674831 0.0060585952777481734 -0.0058341015025631816
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0265954 0.0461365 -0.0644108
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=2729
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 9
+split_gain=0.776915 2.31579 4.55401 2.45485
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0025213885315812797 0.00054065269989363282 0.0041216602393537791 -0.0078139384967844828 -0.0021141561167679918
+leaf_weight=42 72 64 41 42
+leaf_count=42 72 64 41 42
+internal_value=0 -0.0241981 -0.124327 0.0821779
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=2730
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 3
+split_gain=0.778019 4.93154 3.40994 6.33049
+threshold=66.500000000000014 67.500000000000014 56.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0016854751827956363 0.006960645569295325 -0.0021813393482079178 0.0025928583461694082 -0.0086447618896231
+leaf_weight=49 39 60 67 46
+leaf_count=49 39 60 67 46
+internal_value=0 0.0707174 -0.0432082 -0.16554
+internal_weight=0 99 162 95
+internal_count=261 99 162 95
+shrinkage=0.02
+
+
+Tree=2731
+num_leaves=6
+num_cat=0
+split_feature=4 9 4 1 4
+split_gain=0.730794 1.90812 4.24049 3.60022 0.471354
+threshold=75.500000000000014 41.500000000000007 68.500000000000014 4.5000000000000009 62.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -5
+right_child=-2 2 -4 4 -6
+leaf_value=-0.0043683150710344381 0.0025191935723578212 -0.0016072544618456672 -0.0048875683310828297 0.0066229590203776088 0.0033732295291088775
+leaf_weight=41 40 57 45 39 39
+leaf_count=41 40 57 45 39 39
+internal_value=0 -0.0228128 0.0215867 0.110619 0.250641
+internal_weight=0 221 180 135 78
+internal_count=261 221 180 135 78
+shrinkage=0.02
+
+
+Tree=2732
+num_leaves=5
+num_cat=0
+split_feature=2 8 7 1
+split_gain=0.758261 2.91771 3.395 2.38205
+threshold=7.5000000000000009 69.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0020414427829390245 0.004749477970977075 0.0047915331913083526 -0.0044080307582774108 -0.0017456688019026451
+leaf_weight=58 48 50 62 43
+leaf_count=58 48 50 62 43
+internal_value=0 0.0292084 -0.0393562 0.0836288
+internal_weight=0 203 153 91
+internal_count=261 203 153 91
+shrinkage=0.02
+
+
+Tree=2733
+num_leaves=5
+num_cat=0
+split_feature=2 2 8 1
+split_gain=0.766466 1.85091 6.41746 4.32874
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0022537483378540966 -0.0041497922439598474 0.0027698972113962997 0.0075458184333905744 -0.0047695949069927416
+leaf_weight=50 45 51 39 76
+leaf_count=50 45 51 39 76
+internal_value=0 -0.0267164 0.0221144 -0.0867886
+internal_weight=0 211 166 127
+internal_count=261 211 166 127
+shrinkage=0.02
+
+
+Tree=2734
+num_leaves=5
+num_cat=0
+split_feature=7 5 7 7
+split_gain=0.791969 3.53314 2.05781 2.0123
+threshold=74.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0024257841205727825 -0.0022079005329714379 0.0059172692610076887 -0.0034743506953163091 0.0033462932737088349
+leaf_weight=40 53 40 66 62
+leaf_count=40 53 40 66 62
+internal_value=0 0.0281775 -0.0354159 0.0537392
+internal_weight=0 208 168 102
+internal_count=261 208 168 102
+shrinkage=0.02
+
+
+Tree=2735
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=0.780913 2.58967 2.20255 1.44229
+threshold=68.250000000000014 58.500000000000007 58.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010481862837860736 -0.0017599574843175389 0.0051529949010942358 -0.0046367231443894324 0.00367900504646953
+leaf_weight=62 74 41 39 45
+leaf_count=62 74 41 39 45
+internal_value=0 0.0348609 -0.0275227 0.0466759
+internal_weight=0 187 146 107
+internal_count=261 187 146 107
+shrinkage=0.02
+
+
+Tree=2736
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=0.774157 2.81946 7.47333 8.10659 2.58292
+threshold=50.500000000000007 3.5000000000000004 55.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0025170205538817473 -0.0050880985335985977 0.0081229584147989951 -0.0090559238324584481 0.0045964587394120215 -0.0020849610257753009
+leaf_weight=42 43 41 41 52 42
+leaf_count=42 43 41 41 52 42
+internal_value=0 -0.0241562 0.0319493 -0.0815516 0.0801655
+internal_weight=0 219 176 135 94
+internal_count=261 219 176 135 94
+shrinkage=0.02
+
+
+Tree=2737
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 5 3
+split_gain=0.757829 2.76937 2.89748 1.93171 1.95132
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0020409908047622251 0.0022866232962079876 0.0051714597371459326 -0.0053691838913205525 0.0043982779157963623 -0.0039832547324429998
+leaf_weight=58 39 42 39 42 41
+leaf_count=58 39 42 39 42 41
+internal_value=0 0.0291946 -0.0304813 0.0453763 -0.0458686
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2738
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 3
+split_gain=0.772334 3.5126 3.35769 6.16398
+threshold=74.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016736274842261683 -0.0021811682492036909 0.0054457112965005227 0.0026020546021325703 -0.0085201596929112573
+leaf_weight=49 53 46 67 46
+leaf_count=49 53 46 67 46
+internal_value=0 0.0278283 -0.0414263 -0.162827
+internal_weight=0 208 162 95
+internal_count=261 208 162 95
+shrinkage=0.02
+
+
+Tree=2739
+num_leaves=5
+num_cat=0
+split_feature=2 9 9 1
+split_gain=0.753855 2.12207 7.29308 3.26375
+threshold=6.5000000000000009 60.500000000000007 72.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0022356042953660823 0.0045550105256508015 -0.0080954752143138371 0.0024143927990699253 -0.0025810264799159518
+leaf_weight=50 60 50 56 45
+leaf_count=50 60 50 56 45
+internal_value=0 -0.0265014 -0.126881 0.0744706
+internal_weight=0 211 106 105
+internal_count=261 211 106 105
+shrinkage=0.02
+
+
+Tree=2740
+num_leaves=5
+num_cat=0
+split_feature=5 6 8 9
+split_gain=0.758527 2.50548 2.26409 2.13683
+threshold=68.250000000000014 58.500000000000007 54.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0045188870445492376 -0.0017351528989490357 0.0050707748833438739 -0.0042876273402888418 -0.0013818234222695239
+leaf_weight=43 74 41 45 58
+leaf_count=43 74 41 45 58
+internal_value=0 0.034372 -0.026993 0.0561917
+internal_weight=0 187 146 101
+internal_count=261 187 146 101
+shrinkage=0.02
+
+
+Tree=2741
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=0.727683 2.3413 3.62908 3.9823
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0056345648770919007 -0.001700482746656364 0.0050487748288058675 -0.0016917633040262404 0.0061625549593684794
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0336817 -0.0237856 0.0714991
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2742
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 3 3
+split_gain=0.759506 2.77598 2.91272 1.90586 4.33158
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0020432005259149845 0.0037473977567074393 0.0051775054963376877 -0.0053823962116564886 0.0043782416734838257 -0.0055697967270856375
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.0292255 -0.0305212 0.045535 -0.0451002
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2743
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.739481 2.10884 4.30224 5.64134
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0022146846431087826 0.0087934210148493154 -0.0034075616931145531 -0.00357328696184333 -0.0013358461792040007
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.0262571 0.0435414 0.180383
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=2744
+num_leaves=5
+num_cat=0
+split_feature=7 5 3 6
+split_gain=0.731332 3.47929 2.15919 2.16575
+threshold=74.500000000000014 65.500000000000014 62.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015408674872189909 -0.0021240391240607711 0.0058549813957085844 -0.0046022085186387266 0.0038513657939345963
+leaf_weight=75 53 40 43 50
+leaf_count=75 53 40 43 50
+internal_value=0 0.0270959 -0.0360124 0.0305289
+internal_weight=0 208 168 125
+internal_count=261 208 168 125
+shrinkage=0.02
+
+
+Tree=2745
+num_leaves=6
+num_cat=0
+split_feature=4 1 4 5 6
+split_gain=0.742885 2.66561 4.0556 4.37398 2.75874
+threshold=50.500000000000007 3.5000000000000004 63.500000000000007 67.050000000000011 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0024668413132875413 -0.0049521606130253446 0.005516028963234363 -0.0063756242633839708 0.0053208333990718516 -0.0019980414705412283
+leaf_weight=42 43 49 44 39 44
+leaf_count=42 43 49 44 39 44
+internal_value=0 -0.023682 0.0308767 -0.063407 0.0716452
+internal_weight=0 219 176 127 83
+internal_count=261 219 176 127 83
+shrinkage=0.02
+
+
+Tree=2746
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.736778 2.65194 4.11848 7.15396
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0020133010492778304 0.0060052839217238363 0.0045883995113626128 -0.0057471529088569933 -0.0044184349218649756
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0287909 -0.0365877 0.0709637
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=2747
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=0.76647 2.4146 2.2371 2.0718
+threshold=68.250000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0024385688892171247 -0.0017442739607352101 0.0049943723377009978 -0.0043004783154183138 0.0034173599627353307
+leaf_weight=40 74 41 44 62
+leaf_count=40 74 41 44 62
+internal_value=0 0.0345322 -0.0257137 0.0556491
+internal_weight=0 187 146 102
+internal_count=261 187 146 102
+shrinkage=0.02
+
+
+Tree=2748
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.7465 2.20179 4.5074 2.39667
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0024725449479105128 0.00058364023629845277 -0.00078818984491146893 -0.0077283669150830592 0.0054003657074429738
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.0237448 -0.121403 0.0799969
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=2749
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 1
+split_gain=0.762348 2.38382 3.53288 3.90344
+threshold=68.250000000000014 65.500000000000014 41.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0055613017394592077 -0.0017396964198771771 0.0051031384068069971 -0.0016812742571228384 0.0060952446739995234
+leaf_weight=40 74 39 65 43
+leaf_count=40 74 39 65 43
+internal_value=0 0.0344416 -0.0235428 0.0704736
+internal_weight=0 187 148 108
+internal_count=261 187 148 108
+shrinkage=0.02
+
+
+Tree=2750
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.753559 2.09607 3.77041 3.90476
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0022348861468928717 0.0025293843480549568 -0.0032281199855097482 0.0060329221698063439 -0.0056121137174235634
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0265109 0.0476306 -0.0617178
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=2751
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 3 3
+split_gain=0.743241 2.7105 2.86469 1.87796 4.16891
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0020219277719265732 0.0036679584652163128 0.0051171460282301044 -0.0053353529578131558 0.0043483398423672069 -0.0054733178406276995
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.0289112 -0.0301292 0.0452994 -0.0446739
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2752
+num_leaves=5
+num_cat=0
+split_feature=2 9 2 3
+split_gain=0.750567 2.0335 2.66545 2.03663
+threshold=6.5000000000000009 68.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.002230632462817227 0.0052319229321495277 -0.0033600809055660858 0.0021258532278052183 -0.003555261026871542
+leaf_weight=50 40 69 48 54
+leaf_count=50 40 69 48 54
+internal_value=0 -0.0264559 0.0420919 -0.0437167
+internal_weight=0 211 142 102
+internal_count=261 211 142 102
+shrinkage=0.02
+
+
+Tree=2753
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 2
+split_gain=0.756834 2.5167 4.53008 5.5233
+threshold=48.500000000000007 62.500000000000007 9.5000000000000018 20.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.001685699343109032 0.004497172236559278 -0.0059157938208734351 0.0066925888270340239 -0.0033427597270999127
+leaf_weight=77 51 45 46 42
+leaf_count=77 51 45 46 42
+internal_value=0 0.0352973 -0.0371711 0.0947528
+internal_weight=0 184 133 88
+internal_count=261 184 133 88
+shrinkage=0.02
+
+
+Tree=2754
+num_leaves=5
+num_cat=0
+split_feature=2 4 7 5
+split_gain=0.770572 2.40529 5.34969 5.94951
+threshold=24.500000000000004 53.500000000000007 59.500000000000007 67.65000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0042481135376343879 0.0021789746907711119 0.0067083978520099544 -0.0070271083081328289 0.0023183479458116548
+leaf_weight=53 53 43 47 65
+leaf_count=53 53 43 47 65
+internal_value=0 -0.0277858 0.0351517 -0.0799104
+internal_weight=0 208 155 112
+internal_count=261 208 155 112
+shrinkage=0.02
+
+
+Tree=2755
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.764645 1.99385 3.6011 3.75786
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0022509909090564616 0.0024675819993789402 -0.0031658045213708748 0.005878271613064142 -0.0055199477700032641
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0266928 0.0456294 -0.0612416
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=2756
+num_leaves=5
+num_cat=0
+split_feature=2 6 1 3
+split_gain=0.754604 2.51212 4.79934 12.3424
+threshold=24.500000000000004 46.500000000000007 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0048703459051221663 0.002156986591223833 0.0040213939537256504 0.0047078008903988942 -0.010277956730671207
+leaf_weight=43 53 55 67 43
+leaf_count=43 53 55 67 43
+internal_value=0 -0.0274972 0.028636 -0.112376
+internal_weight=0 208 165 98
+internal_count=261 208 165 98
+shrinkage=0.02
+
+
+Tree=2757
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 6
+split_gain=0.770402 4.78195 3.47714 2.45758
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0014271632918819689 0.0068694529571220768 -0.0021332534960751253 -0.0059053377020176177 0.0044370215213777467
+leaf_weight=74 39 60 41 47
+leaf_count=74 39 60 41 47
+internal_value=0 0.070377 -0.0430035 0.0422651
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2758
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.747848 2.34385 2.93599 2.71006
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 11.500000000000002
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0024749264453294471 -0.0039776912866842738 0.0047386371840206594 -0.0050920154968161959 0.0013659254881033284
+leaf_weight=42 57 51 42 69
+leaf_count=42 57 51 42 69
+internal_value=0 -0.0237553 0.0376768 -0.0536043
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=2759
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.762872 1.87602 3.47956 3.81482
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0022485510440513907 0.0024892801179422753 -0.0030869620169814522 0.0057519655683947969 -0.0055582943411270512
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0266574 0.0435095 -0.0615475
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=2760
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 6
+split_gain=0.767407 4.51849 3.41557 2.41728
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.001421982437569361 0.0067149356578907948 -0.0020370457308506121 -0.0058590317177371967 0.0043943167070889643
+leaf_weight=74 39 60 41 47
+leaf_count=74 39 60 41 47
+internal_value=0 0.0702469 -0.0429185 0.0415934
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2761
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 9
+split_gain=0.795453 2.547 7.00435 5.06959
+threshold=70.500000000000014 6.5000000000000009 53.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.003189024300980987 0.0018104159406282809 0.0028514413879840478 -0.0081562636606655661 0.0060169810579283542
+leaf_weight=46 72 43 50 50
+leaf_count=46 72 43 50 50
+internal_value=0 -0.03449 -0.152988 0.0799167
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=2762
+num_leaves=5
+num_cat=0
+split_feature=2 6 1 3
+split_gain=0.765519 2.41315 4.76065 11.9713
+threshold=24.500000000000004 46.500000000000007 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0047888188775077846 0.0021722287551166649 0.0039117702859617397 0.0046652166668141818 -0.01017118673812272
+leaf_weight=43 53 55 67 43
+leaf_count=43 53 55 67 43
+internal_value=0 -0.0276854 0.0273351 -0.113109
+internal_weight=0 208 165 98
+internal_count=261 208 165 98
+shrinkage=0.02
+
+
+Tree=2763
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.790903 4.41639 3.38891 5.23704
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0021546185600638586 0.0066756562198676019 -0.0019771390094973592 0.0028532418050878426 -0.0070573339155173163
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0712886 -0.0435529 -0.156436
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2764
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.789816 3.38775 5.2101 6.85041
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.005502164214663533 0.001804304356495906 -0.0059505155472795715 -0.0019615336369762284 0.0080229734916970989
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0343628 0.0338999 0.146733
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2765
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 6
+split_gain=0.780064 4.33933 3.31007 2.29188
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0013961519234348151 0.0066203151226409849 -0.0019569403392968032 -0.0057884860758599154 0.0042684867876159032
+leaf_weight=74 39 60 41 47
+leaf_count=74 39 60 41 47
+internal_value=0 0.0708097 -0.0432617 0.0399375
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2766
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 3
+split_gain=0.798317 2.60352 1.55313 1.07709
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00024511243839232913 0.0018136021362694375 -0.0043218494553350821 -0.0020038604137487901 0.0048368904152025641
+leaf_weight=43 72 56 49 41
+leaf_count=43 72 56 49 41
+internal_value=0 -0.03455 0.0416618 0.124901
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2767
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.776169 1.80629 7.94611 9.7107
+threshold=6.5000000000000009 72.500000000000014 5.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0022676445459096951 0.0031377171519779228 0.0025503733149819861 -0.012654819754033127 0.0011043015045806718
+leaf_weight=50 73 56 42 40
+leaf_count=50 73 56 42 40
+internal_value=0 -0.0268789 -0.0829515 -0.296904
+internal_weight=0 211 155 82
+internal_count=261 211 155 82
+shrinkage=0.02
+
+
+Tree=2768
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 3
+split_gain=0.759743 4.30835 3.22846 3.00441
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0011983922112752648 0.0065839050677782562 -0.0019628392780345074 0.0027814138673498451 -0.0058603240416583635
+leaf_weight=40 39 60 61 61
+leaf_count=40 39 60 61 61
+internal_value=0 0.0699129 -0.0427005 -0.152899
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2769
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 7
+split_gain=0.745201 3.35272 4.9584 6.40697
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0053390967877154525 0.0017540483111837413 -0.0059041129422975017 -0.0013507969526924219 0.0083830769313257159
+leaf_weight=40 72 39 62 48
+leaf_count=40 72 39 62 48
+internal_value=0 -0.0333952 0.0345149 0.144604
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2770
+num_leaves=5
+num_cat=0
+split_feature=9 9 3 2
+split_gain=0.765699 1.61881 3.94675 3.91344
+threshold=43.500000000000007 65.500000000000014 72.500000000000014 11.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.002198657782883202 0.0029697393684519021 -0.0021621352401087505 0.0060773915595515376 -0.004847372843991493
+leaf_weight=52 39 54 41 75
+leaf_count=52 39 54 41 75
+internal_value=0 -0.0273527 0.0693656 -0.108295
+internal_weight=0 209 95 114
+internal_count=261 209 95 114
+shrinkage=0.02
+
+
+Tree=2771
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=0.773064 2.66046 7.31133 8.28187 2.5236
+threshold=50.500000000000007 3.5000000000000004 55.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0025155858026424723 -0.0049566899605712955 0.0080103499278524146 -0.0091421978404581748 0.0045902160629100672 -0.0020143227039349102
+leaf_weight=42 43 41 41 52 42
+leaf_count=42 43 41 41 52 42
+internal_value=0 -0.0241246 0.0303814 -0.0818835 0.0815722
+internal_weight=0 219 176 135 94
+internal_count=261 219 176 135 94
+shrinkage=0.02
+
+
+Tree=2772
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 3 4
+split_gain=0.741714 2.59755 5.21202 4.73289 9.92159
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0024653582669845919 -0.0079070862328262954 0.0050178516558273224 0.0018309017278933873 0.006405990908643782 -0.00874324564598194
+leaf_weight=42 45 44 43 47 40
+leaf_count=42 45 44 43 47 40
+internal_value=0 -0.0236433 -0.1571 0.0657377 -0.076368
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=2773
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=0.73379 2.78364 2.78897 2.44005
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0020088008711724287 0.0048029290995554195 0.0051745234045530121 -0.0036351694639831194 -0.0017702905714359644
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0287601 -0.0310691 0.0844572
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=2774
+num_leaves=5
+num_cat=0
+split_feature=2 9 9 1
+split_gain=0.717675 1.97261 7.10609 3.21008
+threshold=6.5000000000000009 60.500000000000007 72.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0021830142107711289 0.0044709314529205579 -0.0079400488920547026 0.0024346046363135933 -0.0026066729719315608
+leaf_weight=50 60 50 56 45
+leaf_count=50 60 50 56 45
+internal_value=0 -0.0258596 -0.122678 0.0715171
+internal_weight=0 211 106 105
+internal_count=261 211 106 105
+shrinkage=0.02
+
+
+Tree=2775
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=0.731001 2.59052 7.05908 7.86112 2.46487
+threshold=50.500000000000007 3.5000000000000004 55.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0024480551817027811 -0.004884923980632957 0.0078806108345159925 -0.0089118802248488276 0.0045096317049819175 -0.0020182427481287928
+leaf_weight=42 43 41 41 52 42
+leaf_count=42 43 41 41 52 42
+internal_value=0 -0.0234717 0.030316 -0.0799963 0.0792543
+internal_weight=0 219 176 135 94
+internal_count=261 219 176 135 94
+shrinkage=0.02
+
+
+Tree=2776
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.739312 2.67117 3.97892 7.08096
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0020161809633043805 0.0059420277482661156 0.0046042541921174482 -0.0056651364260080044 -0.0044285886908681732
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0288635 -0.0367508 0.0689661
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=2777
+num_leaves=5
+num_cat=0
+split_feature=2 6 1 3
+split_gain=0.725254 2.30965 4.70048 11.7264
+threshold=24.500000000000004 46.500000000000007 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0046832178390189393 0.0021160415036767717 0.003856881621941608 0.004630100645985279 -0.010081406633013055
+leaf_weight=43 53 55 67 43
+leaf_count=43 53 55 67 43
+internal_value=0 -0.0269556 0.0268774 -0.112679
+internal_weight=0 208 165 98
+internal_count=261 208 165 98
+shrinkage=0.02
+
+
+Tree=2778
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.762601 2.2267 4.36147 2.29334
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.002498947737022565 0.00051921897053106567 -0.00072906460211686285 -0.0076574238036884604 0.0053253660211350943
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.0239644 -0.122168 0.0803585
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=2779
+num_leaves=5
+num_cat=0
+split_feature=7 5 8 7
+split_gain=0.732422 3.66199 2.2027 2.06978
+threshold=74.500000000000014 65.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0024229178578591211 -0.0021251497517647167 0.0059927228172729228 -0.0035774697727074269 0.0034489414073918486
+leaf_weight=40 53 40 67 61
+leaf_count=40 53 40 67 61
+internal_value=0 0.027137 -0.0376035 0.0557735
+internal_weight=0 208 168 101
+internal_count=261 208 168 101
+shrinkage=0.02
+
+
+Tree=2780
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=0.739104 2.63363 6.79896 7.41028 2.44119
+threshold=50.500000000000007 3.5000000000000004 55.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0024611399030356729 -0.0049238311027965725 0.0077520021595222288 -0.0086524719216105484 0.004450414742232056 -0.0020464078523617104
+leaf_weight=42 43 41 41 52 42
+leaf_count=42 43 41 41 52 42
+internal_value=0 -0.0236023 0.0306294 -0.0776325 0.0769856
+internal_weight=0 219 176 135 94
+internal_count=261 219 176 135 94
+shrinkage=0.02
+
+
+Tree=2781
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 3
+split_gain=0.753755 4.80609 3.37329 5.95236
+threshold=66.500000000000014 67.500000000000014 56.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0015605481124128324 0.006868580085467829 -0.0021568048266135498 0.0025877914981300297 -0.0084569171012185366
+leaf_weight=49 39 60 67 46
+leaf_count=49 39 60 67 46
+internal_value=0 0.0696458 -0.0425344 -0.164213
+internal_weight=0 99 162 95
+internal_count=261 99 162 95
+shrinkage=0.02
+
+
+Tree=2782
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.718174 2.05557 4.15878 5.31609
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0021837512996707681 0.0085866288927610567 -0.0033635298955003866 -0.0035086393556952901 -0.001246861959339537
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.0258685 0.0430485 0.177603
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=2783
+num_leaves=5
+num_cat=0
+split_feature=2 4 7 5
+split_gain=0.733207 2.34079 5.01608 5.8857
+threshold=24.500000000000004 53.500000000000007 59.500000000000007 67.65000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0041850102338634558 0.0021272946573233724 0.0065157429324188398 -0.0069285242422538274 0.0023669859448074838
+leaf_weight=53 53 43 47 65
+leaf_count=53 53 43 47 65
+internal_value=0 -0.0270994 0.034993 -0.0764281
+internal_weight=0 208 155 112
+internal_count=261 208 155 112
+shrinkage=0.02
+
+
+Tree=2784
+num_leaves=5
+num_cat=0
+split_feature=7 5 7 7
+split_gain=0.732133 3.51845 2.06308 1.9466
+threshold=74.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0023846019781049365 -0.0021247754516952205 0.0058853084271406932 -0.0034961150963475672 0.0032932894724337631
+leaf_weight=40 53 40 66 62
+leaf_count=40 53 40 66 62
+internal_value=0 0.0271302 -0.0363315 0.052936
+internal_weight=0 208 168 102
+internal_count=261 208 168 102
+shrinkage=0.02
+
+
+Tree=2785
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=0.740487 2.60438 6.68732 7.27133 2.32621
+threshold=50.500000000000007 3.5000000000000004 55.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0024633480305622955 -0.0048996879643039915 0.0076868626712620737 -0.0085744371963063972 0.004363907612008831 -0.0019790584623232744
+leaf_weight=42 43 41 41 52 42
+leaf_count=42 43 41 41 52 42
+internal_value=0 -0.0236255 0.0303053 -0.0770647 0.0760974
+internal_weight=0 219 176 135 94
+internal_count=261 219 176 135 94
+shrinkage=0.02
+
+
+Tree=2786
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 3
+split_gain=0.730257 4.65751 3.33178 5.86424
+threshold=66.500000000000014 67.500000000000014 56.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0015524584976286274 0.0067623691394684835 -0.0021229164579807868 0.0025796574414602884 -0.0083907555121000982
+leaf_weight=49 39 60 67 46
+leaf_count=49 39 60 67 46
+internal_value=0 0.0685789 -0.0418848 -0.162818
+internal_weight=0 99 162 95
+internal_count=261 99 162 95
+shrinkage=0.02
+
+
+Tree=2787
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 3 3
+split_gain=0.732563 2.55441 2.72621 1.91339 4.03457
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0020072580746240145 0.0035711903913615496 0.004981927022476052 -0.0051896819291530998 0.0043743593170831579 -0.0054220924475319766
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.0287321 -0.0285892 0.0450003 -0.0458134
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2788
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 7
+split_gain=0.743461 3.36868 3.23243 5.59178
+threshold=74.500000000000014 66.500000000000014 56.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00085213555006796358 -0.0021407541829411066 0.0053351907456337779 0.0025563896215137971 -0.0090117708686858408
+leaf_weight=56 53 46 67 39
+leaf_count=56 53 46 67 39
+internal_value=0 0.0273318 -0.0404929 -0.159625
+internal_weight=0 208 162 95
+internal_count=261 208 162 95
+shrinkage=0.02
+
+
+Tree=2789
+num_leaves=5
+num_cat=0
+split_feature=5 6 8 9
+split_gain=0.717517 2.58578 2.29075 2.19478
+threshold=68.250000000000014 58.500000000000007 54.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0045364153527704225 -0.0016885868578558794 0.0051218888450197163 -0.004346850921011617 -0.0014433325442468029
+leaf_weight=43 74 41 45 58
+leaf_count=43 74 41 45 58
+internal_value=0 0.0334667 -0.0288709 0.0547982
+internal_weight=0 187 146 101
+internal_count=261 187 146 101
+shrinkage=0.02
+
+
+Tree=2790
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.70692 2.04415 4.10882 5.09734
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0021669825136729059 0.0084662582606097967 -0.0033518044054033588 -0.0034822963928589877 -0.0011631362888377655
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.0256734 0.0430532 0.176802
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=2791
+num_leaves=5
+num_cat=0
+split_feature=2 7 2 5
+split_gain=0.733552 2.52491 2.73569 2.85719
+threshold=7.5000000000000009 73.500000000000014 15.500000000000002 55.150000000000006
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0020086627519609792 -0.0040526432130471015 0.004956895738790516 -0.0020363273205979992 0.0046412420315506192
+leaf_weight=58 58 42 50 53
+leaf_count=58 58 42 50 53
+internal_value=0 0.0287466 -0.028244 0.069638
+internal_weight=0 203 161 103
+internal_count=261 203 161 103
+shrinkage=0.02
+
+
+Tree=2792
+num_leaves=5
+num_cat=0
+split_feature=7 5 8 9
+split_gain=0.729227 3.30046 2.06037 2.10178
+threshold=74.500000000000014 65.500000000000014 54.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0044859897091185548 -0.0021208397507328758 0.0057169214938982251 -0.0034216508017809863 -0.0013665108047829903
+leaf_weight=43 53 40 67 58
+leaf_count=43 53 40 67 58
+internal_value=0 0.0270691 -0.0343999 0.0559307
+internal_weight=0 208 168 101
+internal_count=261 208 168 101
+shrinkage=0.02
+
+
+Tree=2793
+num_leaves=5
+num_cat=0
+split_feature=5 6 8 7
+split_gain=0.721726 2.41325 2.17207 2.05153
+threshold=68.250000000000014 58.500000000000007 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0024267595795166592 -0.0016936290364516836 0.0049736116205017621 -0.0042051380925626066 0.0034194490447730704
+leaf_weight=40 74 41 45 61
+leaf_count=40 74 41 45 61
+internal_value=0 0.0335506 -0.026679 0.0548063
+internal_weight=0 187 146 101
+internal_count=261 187 146 101
+shrinkage=0.02
+
+
+Tree=2794
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.706005 2.11325 3.6039 3.6982
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.002165383753343146 0.0025003959290174115 -0.0032222568251979618 0.0059429060111000562 -0.0054239778286587883
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.025669 0.0487748 -0.0581358
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=2795
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 3 3
+split_gain=0.730986 2.5572 2.85918 1.8524 3.78307
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0020053515260834175 0.003492440829885134 0.0049835185635421411 -0.0053015550837542417 0.0043529095294386581 -0.0052174696871429308
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.028692 -0.0286604 0.0466966 -0.0426639
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2796
+num_leaves=5
+num_cat=0
+split_feature=2 9 9 1
+split_gain=0.703821 1.97905 6.91396 3.11374
+threshold=6.5000000000000009 60.500000000000007 72.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0021621871874441707 0.0044330627353254487 -0.0078640614160406692 0.0023696093855215435 -0.0025379922173360192
+leaf_weight=50 60 50 56 45
+leaf_count=50 60 50 56 45
+internal_value=0 -0.0256272 -0.122603 0.0719077
+internal_weight=0 211 106 105
+internal_count=261 211 106 105
+shrinkage=0.02
+
+
+Tree=2797
+num_leaves=5
+num_cat=0
+split_feature=7 5 3 6
+split_gain=0.686994 3.27392 2.09032 2.14675
+threshold=74.500000000000014 65.500000000000014 62.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015310337311801986 -0.0020601957890819121 0.0056807697112345483 -0.0045187355073167583 0.0038376902063759072
+leaf_weight=75 53 40 43 50
+leaf_count=75 53 40 43 50
+internal_value=0 0.0262952 -0.034927 0.0305503
+internal_weight=0 208 168 125
+internal_count=261 208 168 125
+shrinkage=0.02
+
+
+Tree=2798
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 5 2
+split_gain=0.706213 2.49616 2.85113 1.80705 1.47163
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 55.150000000000006 18.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0019720117940944483 0.0018870383385026846 0.0049214568033562949 -0.0052907993039390403 0.0043132866653037075 -0.0035642264022891406
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.0282142 -0.0284524 0.046799 -0.0414668
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2799
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.715331 2.06726 3.41354 3.64748
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0021792905000195617 0.0025129525338644055 -0.003196139996468156 0.005791307398661634 -0.0053572693131044126
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0258311 0.0478028 -0.0562524
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=2800
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=0.704477 2.45723 2.70204 2.34896
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0019695912534443191 0.0047691421858952407 0.0048870082939495695 -0.0035277930744639883 -0.0016807948581187609
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0281836 -0.0280411 0.0856818
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=2801
+num_leaves=5
+num_cat=0
+split_feature=7 2 6 2
+split_gain=0.712927 3.22697 5.98277 5.28378
+threshold=74.500000000000014 15.500000000000002 54.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0016695825324933814 -0.0020976996550272249 -0.0014595741042953796 0.0080205692524964265 -0.0076878505961568335
+leaf_weight=61 53 57 50 40
+leaf_count=61 53 57 50 40
+internal_value=0 0.0267701 0.148264 -0.101559
+internal_weight=0 208 107 101
+internal_count=261 208 107 101
+shrinkage=0.02
+
+
+Tree=2802
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.702288 2.04677 3.29115 3.54391
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0021598150160305747 0.0024959211572873423 -0.0031784344613512401 0.0057016331466816913 -0.005262377518278849
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0256041 0.0476666 -0.0545105
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=2803
+num_leaves=5
+num_cat=0
+split_feature=2 8 7 1
+split_gain=0.71268 2.45308 3.25141 2.30897
+threshold=7.5000000000000009 69.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0019807755228421335 0.0047459593610553255 0.0044272035469855526 -0.0042352442656313147 -0.0016491513877643464
+leaf_weight=58 48 50 62 43
+leaf_count=58 48 50 62 43
+internal_value=0 0.0283394 -0.0345503 0.0858182
+internal_weight=0 203 153 91
+internal_count=261 203 153 91
+shrinkage=0.02
+
+
+Tree=2804
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.699893 2.00037 3.23679 3.40605
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0021562386592223256 0.0024268049236284162 -0.0031474928502095152 0.0056468023956620208 -0.0051797866151125664
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0255613 0.0468795 -0.0544526
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=2805
+num_leaves=5
+num_cat=0
+split_feature=6 3 9 3
+split_gain=0.708043 2.54438 2.51296 3.94546
+threshold=48.500000000000007 62.500000000000007 65.500000000000014 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0016317111948236538 0.0044955365985065894 -0.004274249680475968 -0.0029874094749617408 0.0057955627391735719
+leaf_weight=77 51 51 41 41
+leaf_count=77 51 51 41 41
+internal_value=0 0.0341805 -0.0386846 0.0697763
+internal_weight=0 184 133 82
+internal_count=261 184 133 82
+shrinkage=0.02
+
+
+Tree=2806
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.707765 2.39894 3.85051 6.69202
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0019741712100255354 0.0058370131319684868 0.0043827705907564527 -0.0055295624237710547 -0.0042453194834610099
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0282416 -0.0339533 0.0700487
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=2807
+num_leaves=5
+num_cat=0
+split_feature=7 5 3 6
+split_gain=0.712961 3.37632 2.11135 2.1225
+threshold=74.500000000000014 65.500000000000014 62.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015220106423766602 -0.002097883696310027 0.0057696207724874209 -0.0045472727221570223 0.0038165659384382733
+leaf_weight=75 53 40 43 50
+leaf_count=75 53 40 43 50
+internal_value=0 0.026764 -0.0354058 0.0303982
+internal_weight=0 208 168 125
+internal_count=261 208 168 125
+shrinkage=0.02
+
+
+Tree=2808
+num_leaves=5
+num_cat=0
+split_feature=2 9 2 3
+split_gain=0.713514 1.99677 2.5675 1.92472
+threshold=6.5000000000000009 68.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0021764161921918562 0.0051517114280494108 -0.0033217352946277156 0.0020751421862489744 -0.0034491544617441597
+leaf_weight=50 40 69 48 54
+leaf_count=50 40 69 48 54
+internal_value=0 -0.0258082 0.042122 -0.0421004
+internal_weight=0 211 142 102
+internal_count=261 211 142 102
+shrinkage=0.02
+
+
+Tree=2809
+num_leaves=5
+num_cat=0
+split_feature=6 3 9 3
+split_gain=0.679715 2.35497 2.44626 3.7838
+threshold=48.500000000000007 62.500000000000007 65.500000000000014 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0015997623163731597 0.0043385580940117734 -0.0041864895323426004 -0.0028841312719082236 0.0057176583621806045
+leaf_weight=77 51 51 41 41
+leaf_count=77 51 51 41 41
+internal_value=0 0.0335033 -0.036609 0.0704112
+internal_weight=0 184 133 82
+internal_count=261 184 133 82
+shrinkage=0.02
+
+
+Tree=2810
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 8
+split_gain=0.698166 4.04789 6.81372 1.83085
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015455351017626593 -0.002266021715891524 -0.0053476747916975636 0.0084041861483040055 -0.0032583384859451213
+leaf_weight=73 46 39 46 57
+leaf_count=73 46 39 46 57
+internal_value=0 0.0242772 0.0892144 -0.0277624
+internal_weight=0 215 176 130
+internal_count=261 215 176 130
+shrinkage=0.02
+
+
+Tree=2811
+num_leaves=5
+num_cat=0
+split_feature=2 6 1 3
+split_gain=0.721979 2.47249 4.62737 11.4351
+threshold=24.500000000000004 46.500000000000007 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0048248614166351437 0.0021109561068719225 0.0038402142415619039 0.0046361362670281799 -0.009924201451350952
+leaf_weight=43 53 55 67 43
+leaf_count=43 53 55 67 43
+internal_value=0 -0.0269178 0.0287729 -0.109694
+internal_weight=0 208 165 98
+internal_count=261 208 165 98
+shrinkage=0.02
+
+
+Tree=2812
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 3
+split_gain=0.721301 4.38015 3.41392 5.63893
+threshold=66.500000000000014 67.500000000000014 56.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0014344083465406504 0.0065915832505495861 -0.0020259691713139382 0.0026260338542143957 -0.0083161535650161794
+leaf_weight=49 39 60 67 46
+leaf_count=49 39 60 67 46
+internal_value=0 0.0681504 -0.041652 -0.164057
+internal_weight=0 99 162 95
+internal_count=261 99 162 95
+shrinkage=0.02
+
+
+Tree=2813
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.726507 3.42864 5.22814 6.47858
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0054773533498970149 0.0017321323867475291 -0.0059548879568308921 -0.0017875806517156237 0.007922477430097493
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0330027 0.0356704 0.148696
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2814
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.722165 1.8835 3.31379 3.51601
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0021891760144666186 0.0024082474866584718 -0.0030781199593224512 0.0056516083049634848 -0.0053193017291946962
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0259618 0.0443445 -0.0581847
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=2815
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 4
+split_gain=0.729461 4.26039 3.26762 2.42413
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0018134917691865241 0.0065274577338218943 -0.0019718450780282586 -0.0057294225787083144 0.003880278144755295
+leaf_weight=65 39 60 41 56
+leaf_count=65 39 60 41 56
+internal_value=0 0.0685268 -0.0418782 0.0407877
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2816
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.756562 3.36997 5.0188 6.26545
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0053775200528904544 0.0017665825821526493 -0.0059228460169949131 -0.0017791134807883641 0.0077702911680697607
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0336643 0.0344198 0.145173
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2817
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.721787 1.79439 3.26666 3.42969
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0021885479089086206 0.0023454174130355539 -0.0030174685471763274 0.0055845534714405523 -0.0052870241251153039
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0259588 0.0426762 -0.0591242
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=2818
+num_leaves=5
+num_cat=0
+split_feature=9 9 9 8
+split_gain=0.744028 2.38524 1.47317 3.28926
+threshold=70.500000000000014 60.500000000000007 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0029897169161303828 0.0017522576668192349 -0.004144443442886561 0.0038567404331008442 -0.004679018126470683
+leaf_weight=47 72 56 43 43
+leaf_count=47 72 56 43 43
+internal_value=0 -0.033392 0.0395696 -0.0333071
+internal_weight=0 189 133 90
+internal_count=261 189 133 90
+shrinkage=0.02
+
+
+Tree=2819
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 2
+split_gain=0.743729 2.29155 4.09185 5.40093
+threshold=48.500000000000007 62.500000000000007 9.5000000000000018 20.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0016713978593971568 0.0043190700347371736 -0.0056005692093513059 0.006569025147781472 -0.0033550160260446453
+leaf_weight=77 51 45 46 42
+leaf_count=77 51 45 46 42
+internal_value=0 0.0349994 -0.0341655 0.0912283
+internal_weight=0 184 133 88
+internal_count=261 184 133 88
+shrinkage=0.02
+
+
+Tree=2820
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.73894 1.75657 3.74074 5.23106
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0022137738148389238 0.008297805708772709 -0.0031582928562502595 -0.0033952679026362769 -0.0014574870294600971
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.0262538 0.0374869 0.165151
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=2821
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 7
+split_gain=0.758935 3.21141 4.85497 6.30529
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0053114522181754407 0.0017692162902862665 -0.0057996898572219751 -0.0013752735227668114 0.0082813111419411892
+leaf_weight=40 72 39 62 48
+leaf_count=40 72 39 62 48
+internal_value=0 -0.0337188 0.0327479 0.141691
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2822
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 4
+split_gain=0.750244 4.1395 3.20286 2.28049
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0017629778930187154 0.0064727464404471073 -0.0019054622167018443 -0.0056926980737296521 0.0037608435146732518
+leaf_weight=65 39 60 41 56
+leaf_count=65 39 60 41 56
+internal_value=0 0.0694605 -0.0424649 0.0393795
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2823
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.768861 3.16522 4.65518 6.25578
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0052017603527140027 0.001780322877346717 -0.0057673236121294118 -0.0024447610554686559 0.007135579090894747
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0339395 0.0320485 0.138741
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2824
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 9 3
+split_gain=0.780886 2.30352 4.79945 9.11642 6.93932
+threshold=43.500000000000007 50.850000000000001 68.500000000000014 72.500000000000014 63.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 -2 4 -4 -3
+right_child=1 2 3 -5 -6
+leaf_value=0.0022191741549169716 -0.0045208326250554065 0.0099565724600483001 -0.0096859597288107453 0.0036511587513606736 -0.001747697907002674
+leaf_weight=52 46 40 40 42 41
+leaf_count=52 46 40 40 42 41
+internal_value=0 -0.0276474 0.0281688 -0.142386 0.201296
+internal_weight=0 209 163 82 81
+internal_count=261 209 163 82 81
+shrinkage=0.02
+
+
+Tree=2825
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 6
+split_gain=0.783143 4.18888 3.13518 2.10625
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0013524705202968656 0.0065319705354242889 -0.0018957843261519587 -0.0056595901172179098 0.0040798981569110651
+leaf_weight=74 39 60 41 47
+leaf_count=74 39 60 41 47
+internal_value=0 0.0709217 -0.0433689 0.0376077
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2826
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.774142 2.35239 4.24193 2.44008
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0025165467203329319 0.00041992699647555164 -0.00074893244949375722 -0.0076439974837445969 0.0054948242630384137
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.0241784 -0.125088 0.0830298
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=2827
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.749977 2.18243 3.87103 3.15141
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0021234517210122739 0.0025506839802475205 -0.0046435974748038249 0.0039282755683204022 -0.0049553185171399353
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0231268 0.0243404 -0.101069
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=2828
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 9 3
+split_gain=0.764623 2.24208 4.66555 8.78513 6.57468
+threshold=43.500000000000007 50.850000000000001 68.500000000000014 72.500000000000014 63.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 -2 4 -4 -3
+right_child=1 2 3 -5 -6
+leaf_value=0.0021966053947551664 -0.0044623138243706497 0.0097415184163975842 -0.0095223092599970634 0.0035705875383261858 -0.0016515256566434757
+leaf_weight=52 46 40 40 42 41
+leaf_count=52 46 40 40 42 41
+internal_value=0 -0.0273613 0.027709 -0.140456 0.198418
+internal_weight=0 209 163 82 81
+internal_count=261 209 163 82 81
+shrinkage=0.02
+
+
+Tree=2829
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.811079 4.29535 2.97095 4.85352
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0020893459937842062 0.0066207099481101293 -0.0019130275519919787 0.0026057208320289117 -0.0067798523542001166
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0721488 -0.0441126 -0.149855
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2830
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 4
+split_gain=0.777976 4.12486 2.94342 2.15242
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0017734916022942515 0.0064885334484040789 -0.0018748117712332085 -0.0055087170937301068 0.00359454976081508
+leaf_weight=65 39 60 41 56
+leaf_count=65 39 60 41 56
+internal_value=0 0.070701 -0.0432214 0.0352463
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2831
+num_leaves=5
+num_cat=0
+split_feature=2 9 9 1
+split_gain=0.763453 1.7366 6.85648 2.6559
+threshold=6.5000000000000009 60.500000000000007 72.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0022490839807929358 0.0040624960819893403 -0.0077415099332307381 0.0024498401820096227 -0.0023788799919784794
+leaf_weight=50 60 50 56 45
+leaf_count=50 60 50 56 45
+internal_value=0 -0.0266823 -0.11759 0.0647273
+internal_weight=0 211 106 105
+internal_count=261 211 106 105
+shrinkage=0.02
+
+
+Tree=2832
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 3 2
+split_gain=0.767835 2.30117 3.61723 3.4146 1.0344
+threshold=24.500000000000004 46.500000000000007 6.5000000000000009 68.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0046913357854359997 0.0021751188686030135 0.005854771927109698 -0.0008534226692604659 -0.0053362914258337137 0.0037810228930155515
+leaf_weight=43 53 39 39 48 39
+leaf_count=43 53 39 39 48 39
+internal_value=0 -0.0277416 0.0259925 -0.0563711 0.0727433
+internal_weight=0 208 165 126 78
+internal_count=261 208 165 126 78
+shrinkage=0.02
+
+
+Tree=2833
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 3 4
+split_gain=0.775304 2.91552 5.11946 4.45206 9.2645
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0025185997227690749 -0.0080325612854291045 0.0049779489091363984 0.0016182735956044548 0.0063479444250030739 -0.008320789455564236
+leaf_weight=42 45 44 43 47 40
+leaf_count=42 45 44 43 47 40
+internal_value=0 -0.0241856 -0.16551 0.0704822 -0.0673462
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=2834
+num_leaves=5
+num_cat=0
+split_feature=8 4 4 6
+split_gain=0.760522 3.42385 2.85159 1.97168
+threshold=65.500000000000014 73.500000000000014 63.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0014766709269683717 0.0053441174581585473 -0.0024255172773081472 -0.0055608784054013392 0.0035142598693115824
+leaf_weight=76 46 45 39 55
+leaf_count=76 46 45 39 55
+internal_value=0 0.0747147 -0.0400022 0.0306706
+internal_weight=0 91 170 131
+internal_count=261 91 170 131
+shrinkage=0.02
+
+
+Tree=2835
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 5
+split_gain=0.764127 2.13135 7.56149 8.73044
+threshold=43.500000000000007 55.150000000000006 19.500000000000004 67.65000000000002
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0021960491267096773 -0.0035013418119337982 -0.0096098090830603715 0.0070145056567267709 0.0028691123084287158
+leaf_weight=52 67 40 51 51
+leaf_count=52 67 40 51 51
+internal_value=0 -0.0273458 0.0421241 -0.130526
+internal_weight=0 209 142 91
+internal_count=261 209 142 91
+shrinkage=0.02
+
+
+Tree=2836
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 6
+split_gain=0.777383 2.67553 6.98544 7.57256 2.40109
+threshold=50.500000000000007 3.5000000000000004 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0025219971768952959 -0.0049709835128189661 0.0078453162296543404 -0.0087626252744445726 -0.0012101816895137283 0.0052689621966617618
+leaf_weight=42 43 41 41 54 40
+leaf_count=42 43 41 41 54 40
+internal_value=0 -0.0242117 0.0304478 -0.0792879 0.0770133
+internal_weight=0 219 176 135 94
+internal_count=261 219 176 135 94
+shrinkage=0.02
+
+
+Tree=2837
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 3 4
+split_gain=0.745856 2.58154 4.99897 4.19684 8.96223
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0024716409748286854 -0.007802523128309773 0.0048518609686830517 0.0017347304794581883 0.0061031238969303835 -0.0082284244201056584
+leaf_weight=42 45 44 43 47 40
+leaf_count=42 45 44 43 47 40
+internal_value=0 -0.0237281 -0.156776 0.0653783 -0.0684498
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=2838
+num_leaves=5
+num_cat=0
+split_feature=9 6 8 1
+split_gain=0.708627 1.49656 2.93333 1.47139
+threshold=43.500000000000007 57.500000000000007 68.500000000000014 3.5000000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0021170801367873262 0.00015377485574966299 0.0049149436208827651 -0.0015302263856722756 -0.0050075326150633764
+leaf_weight=52 43 46 74 46
+leaf_count=52 43 46 74 46
+internal_value=0 -0.0263515 0.0467592 -0.125336
+internal_weight=0 209 120 89
+internal_count=261 209 120 89
+shrinkage=0.02
+
+
+Tree=2839
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 3 4
+split_gain=0.722434 2.52665 4.80845 4.03386 8.62124
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0024337307595571939 -0.0076774189631955338 0.0047733703852781834 0.0016767705135896805 0.0059981091743141627 -0.008056196055270682
+leaf_weight=42 45 44 43 47 40
+leaf_count=42 45 44 43 47 40
+internal_value=0 -0.0233535 -0.154992 0.0648057 -0.0664026
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=2840
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 8
+split_gain=0.721425 3.88799 6.48866 1.85836
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015999980424421831 -0.002302177448916492 -0.0052236822961479433 0.0082271091291644134 -0.0032396837752504989
+leaf_weight=73 46 39 46 57
+leaf_count=73 46 39 46 57
+internal_value=0 0.0246796 0.0883302 -0.0258234
+internal_weight=0 215 176 130
+internal_count=261 215 176 130
+shrinkage=0.02
+
+
+Tree=2841
+num_leaves=5
+num_cat=0
+split_feature=3 2 3 4
+split_gain=0.708651 3.67149 2.85914 2.13668
+threshold=66.500000000000014 13.500000000000002 61.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0017482474264927097 0.0050254259272960559 -0.0026976291900838996 -0.0054035875946464749 0.0036002047740777421
+leaf_weight=65 52 47 41 56
+leaf_count=65 52 47 41 56
+internal_value=0 0.0675767 -0.0412847 0.0360556
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2842
+num_leaves=5
+num_cat=0
+split_feature=2 1 5 6
+split_gain=0.72553 2.36742 5.14917 6.57446
+threshold=24.500000000000004 8.5000000000000018 67.65000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0040214995005457606 0.0021161715076741063 -0.0033937021621108553 0.0064859482356180781 -0.0069948702736223811
+leaf_weight=41 53 75 46 46
+leaf_count=41 53 75 46 46
+internal_value=0 -0.0269737 0.053249 -0.08975
+internal_weight=0 208 133 87
+internal_count=261 208 133 87
+shrinkage=0.02
+
+
+Tree=2843
+num_leaves=6
+num_cat=0
+split_feature=5 7 4 5 4
+split_gain=0.774911 3.16084 5.15274 2.99082 1.78136
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0025175894139774935 -0.0023838617445487427 0.0056754355501390224 -0.0068490044246893728 0.0059372514466480251 -0.00301283879593537
+leaf_weight=41 46 39 41 39 55
+leaf_count=41 46 39 41 39 55
+internal_value=0 0.0255497 -0.0315329 0.0627263 -0.0321222
+internal_weight=0 215 176 135 96
+internal_count=261 215 176 135 96
+shrinkage=0.02
+
+
+Tree=2844
+num_leaves=5
+num_cat=0
+split_feature=9 4 7 9
+split_gain=0.716121 2.14835 3.54884 5.36537
+threshold=43.500000000000007 73.500000000000014 56.500000000000007 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0021280378446094541 -0.0032469716175956985 -0.0039803786384259047 0.0082960680991390461 -0.0011738814604531512
+leaf_weight=52 58 54 43 54
+leaf_count=52 58 54 43 54
+internal_value=0 -0.0264818 0.0334327 0.150943
+internal_weight=0 209 155 97
+internal_count=261 209 155 97
+shrinkage=0.02
+
+
+Tree=2845
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.74574 2.27283 3.62414 2.86517
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020335349417740269 0.0025440722119341118 -0.0047268650138903518 0.003838404479055943 -0.0047178475757618868
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0230424 0.0253937 -0.0959617
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=2846
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.715437 2.18222 3.47982 2.75122
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0019929304642164712 0.00249327954937759 -0.0046324888087985062 0.0037617067861246728 -0.0046235988389768364
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.022579 0.0248863 -0.0940365
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=2847
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.722885 2.0811 4.08508 6.14411
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0021378363854646547 -0.0041293814419388212 -0.0039288345076845125 -0.0015115144547053865 0.0081632028798787198
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.026601 0.0323734 0.143222
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2848
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 4
+split_gain=0.747503 4.1398 2.82951 2.13363
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0017763184089072204 0.0064707945027496615 -0.0019077208638687349 -0.0054016524918299395 0.0035684833670972145
+leaf_weight=65 39 60 41 56
+leaf_count=65 39 60 41 56
+internal_value=0 0.0693536 -0.0423724 0.0345667
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2849
+num_leaves=5
+num_cat=0
+split_feature=3 2 3 4
+split_gain=0.717065 3.64394 2.71681 2.0485
+threshold=66.500000000000014 13.500000000000002 61.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0017408300683632856 0.0050193799621476914 -0.0026747379705408005 -0.0052938036179060715 0.0034972026366929822
+leaf_weight=65 52 47 41 56
+leaf_count=65 52 47 41 56
+internal_value=0 0.0679616 -0.0415266 0.0338698
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2850
+num_leaves=5
+num_cat=0
+split_feature=2 1 5 6
+split_gain=0.70661 2.33634 5.02305 6.4776
+threshold=24.500000000000004 8.5000000000000018 67.65000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0040100529488055472 0.0020890701520189132 -0.003368273331526039 0.0064157414017154213 -0.0069251248921648346
+leaf_weight=41 53 75 46 46
+leaf_count=41 53 75 46 46
+internal_value=0 -0.026633 0.0530644 -0.0881748
+internal_weight=0 208 133 87
+internal_count=261 208 133 87
+shrinkage=0.02
+
+
+Tree=2851
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 8
+split_gain=0.750692 3.815 6.28293 1.772
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015846665788646339 -0.0023473395143591299 -0.0051604743259533441 0.0081217067988699782 -0.0031424973784195728
+leaf_weight=73 46 39 46 57
+leaf_count=73 46 39 46 57
+internal_value=0 0.0251538 0.0882082 -0.0241219
+internal_weight=0 215 176 130
+internal_count=261 215 176 130
+shrinkage=0.02
+
+
+Tree=2852
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 8
+split_gain=0.720176 3.66343 6.03367 1.70116
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015530037525921462 -0.0023004634256266658 -0.00505745019179218 0.0079595195135740079 -0.0030797244940264459
+leaf_weight=73 46 39 46 57
+leaf_count=73 46 39 46 57
+internal_value=0 0.0246475 0.0864466 -0.0236342
+internal_weight=0 215 176 130
+internal_count=261 215 176 130
+shrinkage=0.02
+
+
+Tree=2853
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.745402 2.90968 4.68282 5.95041
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0052630051404483191 0.0017538371976592662 -0.0055486036816124185 -0.0018262047286188409 0.0074808031306241212
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0334217 0.0298538 0.136864
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2854
+num_leaves=6
+num_cat=0
+split_feature=4 3 6 5 7
+split_gain=0.711678 2.116 2.66867 2.28131 2.13022
+threshold=75.500000000000014 69.500000000000014 58.500000000000007 52.800000000000004 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024677267763600968 0.0024866029217798335 -0.0045683013911748827 0.0049132885195054552 -0.004453288900933247 0.0037159801666835114
+leaf_weight=40 40 41 42 47 51
+leaf_count=40 40 41 42 47 51
+internal_value=0 -0.0225361 0.024207 -0.0429938 0.0494638
+internal_weight=0 221 180 138 91
+internal_count=261 221 180 138 91
+shrinkage=0.02
+
+
+Tree=2855
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 9 3
+split_gain=0.769674 2.08761 4.52827 8.79392 6.32683
+threshold=43.500000000000007 50.850000000000001 68.500000000000014 72.500000000000014 63.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 -2 4 -4 -3
+right_child=1 2 3 -5 -6
+leaf_value=0.002203773053612296 -0.0043279171885289005 0.0095417203169408087 -0.0095160772983707148 0.0035833862123535848 -0.0016349470281589343
+leaf_weight=52 46 40 40 42 41
+leaf_count=52 46 40 40 42 41
+internal_value=0 -0.0274439 0.0257047 -0.139976 0.1939
+internal_weight=0 209 163 82 81
+internal_count=261 209 163 82 81
+shrinkage=0.02
+
+
+Tree=2856
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.761787 4.01852 2.65817 4.45694
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0020175650555987299 0.0064086752231388953 -0.0018466039075120348 0.0024445599168709847 -0.0064827071043286003
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0699816 -0.0427794 -0.142849
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2857
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 6
+split_gain=0.764077 2.0123 4.26348 2.91736
+threshold=43.500000000000007 51.650000000000013 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0021960236456381832 -0.0041094552824398594 0.0055384711031857218 -0.0044034873592661908 0.002130585059458485
+leaf_weight=52 49 48 64 48
+leaf_count=52 49 48 64 48
+internal_value=0 -0.0273427 0.0270257 -0.0798225
+internal_weight=0 209 160 112
+internal_count=261 209 160 112
+shrinkage=0.02
+
+
+Tree=2858
+num_leaves=5
+num_cat=0
+split_feature=3 9 8 6
+split_gain=0.753389 3.88059 2.70667 2.17053
+threshold=66.500000000000014 67.500000000000014 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0015228543057293647 0.0063150261543521435 -0.0017978900729548183 -0.0041899503662813824 0.0043813482210903702
+leaf_weight=55 39 60 61 46
+leaf_count=55 39 60 61 46
+internal_value=0 0.0696118 -0.0425418 0.0579723
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2859
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.740585 2.77659 4.50718 5.78364
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0051795128037693322 0.0017483227104424144 -0.0054343506395587975 -0.0018291798888286934 0.0073468676245276501
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0333157 0.0285 0.133498
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2860
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 6
+split_gain=0.777998 1.98891 4.10213 2.81734
+threshold=43.500000000000007 51.650000000000013 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0022153713124737485 -0.0040937742381370896 0.0054323072145306111 -0.0043258184998348397 0.002095936507154012
+leaf_weight=52 49 48 64 48
+leaf_count=52 49 48 64 48
+internal_value=0 -0.0275874 0.0264658 -0.0783455
+internal_weight=0 209 160 112
+internal_count=261 209 160 112
+shrinkage=0.02
+
+
+Tree=2861
+num_leaves=5
+num_cat=0
+split_feature=3 9 8 9
+split_gain=0.763116 3.83337 2.68595 2.06778
+threshold=66.500000000000014 67.500000000000014 54.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0044865526180409053 0.0062937812290137949 -0.0017697774261528907 -0.0041826175029058789 -0.0013186272050378983
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0700452 -0.0428115 0.0573183
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2862
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.756593 2.72753 4.47229 5.65352
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0051752919448055717 0.0017665685909919507 -0.0053993477089373946 -0.0023183056990710329 0.0067903138328277279
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0336674 0.0276013 0.132196
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2863
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 7
+split_gain=0.762481 1.91747 3.80433 4.24445
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0021936660069226074 -0.00402444148855635 -0.0038082381837663886 0.0070502288364115385 -0.00098131441393227762
+leaf_weight=52 49 54 49 57
+leaf_count=52 49 54 49 57
+internal_value=0 -0.0273209 0.0293002 0.136302
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2864
+num_leaves=5
+num_cat=0
+split_feature=4 5 2 4
+split_gain=0.772206 1.6516 4.96608 3.42145
+threshold=75.500000000000014 55.95000000000001 17.500000000000004 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0017296002194026622 0.0025873068285190703 0.0010777021392652322 -0.0077390699543916953 0.0053648934024064588
+leaf_weight=65 40 68 41 47
+leaf_count=65 40 68 41 47
+internal_value=0 -0.023455 -0.11171 0.0620953
+internal_weight=0 221 109 112
+internal_count=261 221 109 112
+shrinkage=0.02
+
+
+Tree=2865
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 5
+split_gain=0.756812 2.60203 1.61868 0.818701
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 48.70000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00066606239823404224 0.0017667353043232679 -0.004303394615682069 -0.0020454973904960676 0.0046967311007060572
+leaf_weight=45 72 56 49 39
+leaf_count=45 72 56 49 39
+internal_value=0 -0.0336762 0.0425145 0.127466
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2866
+num_leaves=5
+num_cat=0
+split_feature=3 2 8 7
+split_gain=0.795641 3.5274 2.60956 1.92327
+threshold=66.500000000000014 13.500000000000002 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0023115026193692078 0.0050309589642559887 -0.002539360363923594 -0.004152946722854935 0.0033504314557881759
+leaf_weight=40 52 47 61 61
+leaf_count=40 52 47 61 61
+internal_value=0 0.071482 -0.0436946 0.0550059
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2867
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.763273 3.81922 2.68643 4.46134
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0020085851321896852 0.0062848077360125867 -0.0017639137683701392 0.0024611126803641276 -0.0064958355238746816
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.070046 -0.042822 -0.143417
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2868
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.733969 2.62309 4.34726 5.69819
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0051086807532116519 0.0017406417180301911 -0.0052987974764655736 -0.0018648974619512148 0.007243411742276178
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0331735 0.0269147 0.130047
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2869
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.778904 1.96767 3.06639 5.14175
+threshold=43.500000000000007 55.150000000000006 67.500000000000014 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0022165695280952739 -0.0033919444749087647 0.0046045658515181179 -0.0068161335774184406 0.0028535571892367912
+leaf_weight=52 67 53 40 49
+leaf_count=52 67 53 40 49
+internal_value=0 -0.027606 0.0391588 -0.0742665
+internal_weight=0 209 142 89
+internal_count=261 209 142 89
+shrinkage=0.02
+
+
+Tree=2870
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.768895 2.00558 3.16297 2.6756
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0019945410939527274 0.0025820136214540225 -0.0044776628577334774 0.0035552221486489163 -0.0045310915860408306
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0234 0.0221128 -0.091289
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=2871
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 3
+split_gain=0.764904 1.90611 7.21154 5.94307
+threshold=43.500000000000007 55.150000000000006 18.500000000000004 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0021971773809930611 -0.0033426706872150625 -0.0076236395390646104 0.0065286566944600301 0.0027962362410698838
+leaf_weight=52 67 47 54 41
+leaf_count=52 67 47 54 41
+internal_value=0 -0.0273573 0.0383618 -0.138074
+internal_weight=0 209 142 88
+internal_count=261 209 142 88
+shrinkage=0.02
+
+
+Tree=2872
+num_leaves=5
+num_cat=0
+split_feature=2 9 9 2
+split_gain=0.750087 1.80788 6.85862 2.4389
+threshold=6.5000000000000009 60.500000000000007 72.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0022300332037064993 0.0042012339022488273 -0.0077739995923946075 0.0024188621096354192 -0.0019231837399384386
+leaf_weight=50 56 50 56 49
+leaf_count=50 56 50 56 49
+internal_value=0 -0.0264429 -0.119175 0.0668091
+internal_weight=0 211 106 105
+internal_count=261 211 106 105
+shrinkage=0.02
+
+
+Tree=2873
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 4
+split_gain=0.727199 3.90642 2.58636 1.97939
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0017422635133537223 0.0063076418528387182 -0.0018322204754676837 -0.0051918255293749542 0.0034076184249081589
+leaf_weight=65 39 60 41 56
+leaf_count=65 39 60 41 56
+internal_value=0 0.0684254 -0.0418129 0.0317569
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2874
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 3 4
+split_gain=0.743048 2.55743 4.40048 3.91743 8.04533
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0024671460025407423 -0.0075019669384656954 0.0046083074399665943 0.0014473310759927217 0.0059341494063802252 -0.0077862217106782266
+leaf_weight=42 45 44 43 47 40
+leaf_count=42 45 44 43 47 40
+internal_value=0 -0.0236825 -0.156113 0.065009 -0.0642951
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=2875
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 8
+split_gain=0.727168 3.59756 5.93861 1.75571
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015937353904912585 -0.0023112109649561737 -0.0050051146553457939 0.0079017385128187685 -0.0031119580412571086
+leaf_weight=73 46 39 46 57
+leaf_count=73 46 39 46 57
+internal_value=0 0.0247682 0.0860135 -0.0231972
+internal_weight=0 215 176 130
+internal_count=261 215 176 130
+shrinkage=0.02
+
+
+Tree=2876
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.722093 1.96133 3.70021 5.74442
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0021365218752516148 -0.0039337740598930863 -0.0038304916969482401 -0.0015073109017975342 0.0078483019287779159
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.0265956 0.0306662 0.136202
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2877
+num_leaves=5
+num_cat=0
+split_feature=3 9 8 6
+split_gain=0.723355 3.65137 2.6269 2.04015
+threshold=66.500000000000014 67.500000000000014 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0014545009989952334 0.0061409558542311147 -0.0017297430169032661 -0.0041241344053616052 0.004270999661062762
+leaf_weight=55 39 60 61 46
+leaf_count=55 39 60 61 46
+internal_value=0 0.0682454 -0.0417089 0.0573195
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2878
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 3 4
+split_gain=0.726331 2.52405 4.27538 3.81457 7.68693
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0024399095772280103 -0.0074172038733893077 0.0045033200763103408 0.0014043087630751295 0.005866840259776086 -0.0076125941018913047
+leaf_weight=42 45 44 43 47 40
+leaf_count=42 45 44 43 47 40
+internal_value=0 -0.0234247 -0.154996 0.0646894 -0.0629091
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=2879
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.71036 2.62276 6.87456 4.15883
+threshold=70.500000000000014 6.5000000000000009 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0026676787392343232 0.0017133227174715774 0.0019790084029424919 -0.0089263720120192399 0.0056727635587835506
+leaf_weight=46 72 50 43 50
+leaf_count=46 72 50 43 50
+internal_value=0 -0.0326426 -0.152879 0.0834471
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=2880
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 3
+split_gain=0.713272 1.824 6.89232 5.30985
+threshold=43.500000000000007 55.150000000000006 18.500000000000004 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0021238418456023178 -0.0032640420096596329 -0.007289359393534145 0.0063901923087843916 0.0025609902777403615
+leaf_weight=52 67 47 54 41
+leaf_count=52 67 47 54 41
+internal_value=0 -0.0264342 0.0378642 -0.134626
+internal_weight=0 209 142 88
+internal_count=261 209 142 88
+shrinkage=0.02
+
+
+Tree=2881
+num_leaves=5
+num_cat=0
+split_feature=2 9 9 1
+split_gain=0.71595 1.74027 6.82634 3.03884
+threshold=6.5000000000000009 60.500000000000007 72.500000000000014 5.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0021802024528702647 0.0046963219121954908 -0.0077148438365439919 0.0024541518012427465 -0.0021211141890473987
+leaf_weight=50 53 50 56 52
+leaf_count=50 53 50 56 52
+internal_value=0 -0.0258423 -0.116846 0.0656645
+internal_weight=0 211 106 105
+internal_count=261 211 106 105
+shrinkage=0.02
+
+
+Tree=2882
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 6
+split_gain=0.683637 2.64774 2.45127 3.17527
+threshold=55.500000000000007 4.5000000000000009 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0021466529329679535 -0.0041596832807205683 0.0045541891475292372 -0.001676178404469488 0.0053834429118416738
+leaf_weight=45 57 50 68 41
+leaf_count=45 57 50 68 41
+internal_value=0 0.0686224 -0.0392583 0.0486846
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=2883
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 8
+split_gain=0.725616 3.50308 5.74239 1.69201
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015762103258935341 -0.0023087698009026029 -0.0049332044527815658 0.007782563427691608 -0.0030443317126283638
+leaf_weight=73 46 39 46 57
+leaf_count=73 46 39 46 57
+internal_value=0 0.0247445 0.0851867 -0.0222059
+internal_weight=0 215 176 130
+internal_count=261 215 176 130
+shrinkage=0.02
+
+
+Tree=2884
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=0.696092 3.15762 4.91534 2.96513
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014269515757995132 -0.0022626644890453803 0.0056468424720473699 -0.0067300882094499118 0.0045610982281555877
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.0242464 -0.0328076 0.0592566
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=2885
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 3 4
+split_gain=0.697506 2.47621 4.11005 3.54831 7.32281
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0023924102752316953 -0.0072992548445045017 0.0044483580544932462 0.0013504946119746006 0.0056977476157122975 -0.0073779443228426268
+leaf_weight=42 45 44 43 47 40
+leaf_count=42 45 44 43 47 40
+internal_value=0 -0.0229638 -0.153294 0.064316 -0.0587576
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=2886
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 8
+split_gain=0.696428 3.41703 5.55749 1.62898
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015487640959074189 -0.0022631448000145498 -0.0048762455860275368 0.0076596378170023377 -0.0029858865593994943
+leaf_weight=73 46 39 46 57
+leaf_count=73 46 39 46 57
+internal_value=0 0.0242545 0.0839561 -0.0216946
+internal_weight=0 215 176 130
+internal_count=261 215 176 130
+shrinkage=0.02
+
+
+Tree=2887
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.699197 2.60353 6.55361 4.06798
+threshold=70.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0063445066038491692 0.0017001871733025671 0.0018738223798312611 -0.008774342131304692 -0.0019624688021462485
+leaf_weight=42 72 50 43 54
+leaf_count=42 72 50 43 54
+internal_value=0 -0.0323917 -0.152191 0.083274
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=2888
+num_leaves=5
+num_cat=0
+split_feature=4 8 1 3
+split_gain=0.705939 2.38925 2.88048 5.94262
+threshold=53.500000000000007 55.500000000000007 8.5000000000000018 75.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0018302215263648245 0.0046677691806359866 0.004753101949030141 -0.0049203746785970405 -0.0050454581629018639
+leaf_weight=65 45 68 44 39
+leaf_count=65 45 68 44 39
+internal_value=0 0.0303853 -0.0299276 0.0586614
+internal_weight=0 196 151 107
+internal_count=261 196 151 107
+shrinkage=0.02
+
+
+Tree=2889
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.729988 3.61939 2.62322 6.72197
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0052967178741238023 0.0061262212336322744 -0.0017100517215358848 -0.0044738740916343131 0.0049538512428030238
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0685519 -0.041892 0.0309867
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=2890
+num_leaves=5
+num_cat=0
+split_feature=3 2 9 2
+split_gain=0.70025 3.61612 2.51866 6.45534
+threshold=66.500000000000014 13.500000000000002 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0051909683866039136 0.0049897877985029555 -0.0026750791951023092 -0.0043845082667712887 0.0048548789762396924
+leaf_weight=40 52 47 56 66
+leaf_count=40 52 47 56 66
+internal_value=0 0.0671759 -0.0410562 0.0303606
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=2891
+num_leaves=5
+num_cat=0
+split_feature=9 4 8 2
+split_gain=0.725977 1.94445 3.18802 3.63185
+threshold=43.500000000000007 73.500000000000014 65.500000000000014 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0021419546033865848 0.0034435855690684663 -0.0038179451093802463 0.0050352905980801154 -0.0041030762145062884
+leaf_weight=52 41 54 46 68
+leaf_count=52 41 54 46 68
+internal_value=0 -0.0266726 0.0303436 -0.062835
+internal_weight=0 209 155 109
+internal_count=261 209 155 109
+shrinkage=0.02
+
+
+Tree=2892
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.713305 2.14872 3.09995 2.4273
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0018850170782721179 0.0024894649302063961 -0.0046001202376010162 0.0035728078234739495 -0.0043323172266537579
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0225563 0.0245451 -0.0877231
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=2893
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.712846 1.87612 3.59787 5.28238
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.002123149368008382 -0.0038924230339086449 -0.0037554979585600317 -0.0013845290671902514 0.0075877872432421473
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.0264303 0.0295815 0.13366
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2894
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 7
+split_gain=0.706309 3.51564 2.58637 2.00159
+threshold=66.500000000000014 13.500000000000002 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0023762601206419858 0.0049447016638621546 -0.0026133493667882747 -0.0041325266639166674 0.0033803495163116288
+leaf_weight=40 52 47 60 62
+leaf_count=40 52 47 60 62
+internal_value=0 0.0674575 -0.0412289 0.0557468
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=2895
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 6
+split_gain=0.698664 2.48128 2.47596 3.27385
+threshold=55.500000000000007 4.5000000000000009 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0020203548085935526 -0.0041851350358557285 0.0044675749323671403 -0.0017167596975419428 0.0054510539900742803
+leaf_weight=45 57 50 68 41
+leaf_count=45 57 50 68 41
+internal_value=0 0.0693353 -0.0396913 0.0486912
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=2896
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.70857 2.11962 3.05632 2.34874
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001836641553468485 0.0024812899270734794 -0.0045708601404229081 0.0035461779214775767 -0.0042798731498150623
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0224895 0.0242933 -0.0871854
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=2897
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=0.703667 4.04357 4.45334 3.35481
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0019522611254102118 -0.0020255884135319418 -0.0042869955886306764 0.0068141480401912782 0.0056263186708039557
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0398289 0.100168 0.0695765
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=2898
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 4
+split_gain=0.725618 1.82698 6.57059 3.47471
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0017497120249174297 0.0022216678809944715 -0.0078341916636863167 0.0024287524537204984 0.0053995241331451383
+leaf_weight=65 49 48 52 47
+leaf_count=65 49 48 52 47
+internal_value=0 -0.0257044 -0.124575 0.0622387
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=2899
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 3 4
+split_gain=0.715376 2.51506 3.84854 3.55737 7.11975
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0024219264117334529 -0.0071887867110040568 0.0043745455768661812 0.0011818209247603504 0.0057111134159608034 -0.0072869915340587578
+leaf_weight=42 45 44 43 47 40
+leaf_count=42 45 44 43 47 40
+internal_value=0 -0.0232526 -0.154592 0.0647053 -0.0585248
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=2900
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=0.711997 3.99077 4.3243 3.26075
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0018970234474489779 -0.0019895929876072855 -0.0042686804661918824 0.0067215778030293959 0.0055750055499560825
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0400504 0.0990322 0.0699829
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=2901
+num_leaves=5
+num_cat=0
+split_feature=4 2 9 9
+split_gain=0.721241 1.69335 4.18654 5.12343
+threshold=74.500000000000014 24.500000000000004 46.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.006074324805834929 0.002215276433757349 0.0031501223508650466 0.0063169285710985151 -0.0023956466177352336
+leaf_weight=53 49 41 42 76
+leaf_count=53 49 41 42 76
+internal_value=0 -0.0256219 -0.06981 0.0350285
+internal_weight=0 212 171 118
+internal_count=261 212 171 118
+shrinkage=0.02
+
+
+Tree=2902
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 8
+split_gain=0.721825 2.44481 3.71617 3.147
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0024326744772686878 -0.0070833381330038568 0.0048665952712260239 0.0011425289897097218 -0.0014110079961498268
+leaf_weight=42 45 56 43 75
+leaf_count=42 45 56 43 75
+internal_value=0 -0.0233468 -0.152854 0.0633805
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=2903
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.747886 2.4825 7.43147 0.878498
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0013543873144502697 -0.0017733459211744405 9.0232999055685212e-05 0.0093679269596785558 -0.004154397931506815
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0331713 0.130116 -0.10253
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2904
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.728894 1.77368 3.43815 5.14437
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0021463249104939201 -0.0038287403934813826 -0.0036727988013326961 -0.0014141032827460912 0.0074406894633520515
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.0267153 0.0277554 0.129517
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2905
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.717282 2.45144 7.11032 0.852498
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0012934602378727078 -0.0017377601943640701 6.2106796045696339e-05 0.0091950140502698417 -0.0041201622849588301
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.032498 0.128841 -0.102358
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2906
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 8 3
+split_gain=0.737449 2.0118 2.84313 3.61217 1.64253
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 49.500000000000007 61.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0043578122782801558 0.0025301105527768325 -0.0044743505222593636 0.0033043433847773068 -0.0064840374786042819 -0.00072472395259521791
+leaf_weight=53 40 41 46 42 39
+leaf_count=53 40 41 46 42 39
+internal_value=0 -0.0229248 0.0226583 -0.0585769 -0.186196
+internal_weight=0 221 180 127 81
+internal_count=261 221 180 127 81
+shrinkage=0.02
+
+
+Tree=2907
+num_leaves=5
+num_cat=0
+split_feature=3 9 8 6
+split_gain=0.724844 3.48767 2.57807 2.05404
+threshold=66.500000000000014 67.500000000000014 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0014826049732386967 0.006034606842699337 -0.001658363162985018 -0.0040945162088171791 0.0042622990001559861
+leaf_weight=55 39 60 61 46
+leaf_count=55 39 60 61 46
+internal_value=0 0.0683124 -0.041752 0.0563555
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=2908
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 2
+split_gain=0.706237 9.74548 5.50834 3.29326
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 23.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0057162768250290253 0.0022205569083461997 -0.0095397928691227669 -0.0044984690468700675 0.0028663086304851538
+leaf_weight=73 48 39 60 41
+leaf_count=73 48 39 60 41
+internal_value=0 -0.025047 0.0761718 -0.0750488
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=2909
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.769744 2.64485 6.2552 3.71856
+threshold=70.500000000000014 6.5000000000000009 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0024486034328414326 0.0017815080109740225 0.0017106958386282354 -0.0086924559604493329 0.0054396215204424022
+leaf_weight=46 72 50 43 50
+leaf_count=46 72 50 43 50
+internal_value=0 -0.033949 -0.154684 0.0826245
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=2910
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 1
+split_gain=0.738458 2.54597 1.45942 0.839962
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0044318163801795075 0.0017459126042396731 -0.004256231390751682 -0.0019088813035750987 0.00036134425845493328
+leaf_weight=43 72 56 49 41
+leaf_count=43 72 56 49 41
+internal_value=0 -0.0332673 0.0421019 0.122825
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=2911
+num_leaves=5
+num_cat=0
+split_feature=4 2 9 2
+split_gain=0.724633 1.64908 4.08039 4.90929
+threshold=74.500000000000014 24.500000000000004 46.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0060045784706222105 0.0022203999765054842 0.003101277868330319 -0.0022908550126165585 0.0062854046132374717
+leaf_weight=53 49 41 77 41
+leaf_count=53 49 41 77 41
+internal_value=0 -0.0256774 -0.0692926 0.0342108
+internal_weight=0 212 171 118
+internal_count=261 212 171 118
+shrinkage=0.02
+
+
+Tree=2912
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 5
+split_gain=0.724505 1.79674 6.593 8.46185
+threshold=43.500000000000007 55.150000000000006 19.500000000000004 67.65000000000002
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0021400837678929451 -0.0032477391150947908 -0.0093720907674247501 0.0065084182091578128 0.0029139031681945371
+leaf_weight=52 67 40 51 51
+leaf_count=52 67 40 51 51
+internal_value=0 -0.026634 0.0371853 -0.12404
+internal_weight=0 209 142 91
+internal_count=261 209 142 91
+shrinkage=0.02
+
+
+Tree=2913
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=0.721799 3.82093 4.18023 3.17545
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0018442215884902147 -0.0019879094361425612 -0.0041996920470108601 0.0065775738233606971 0.0055298283815893969
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0403105 0.0957879 0.0704571
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=2914
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 4
+split_gain=0.724747 1.70144 6.19767 3.21092
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0016945732721209584 0.0022206494578378417 -0.007612028424063319 0.0023561020583824392 0.0051794021824045954
+leaf_weight=65 49 48 52 47
+leaf_count=65 49 48 52 47
+internal_value=0 -0.0256753 -0.121129 0.0592168
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=2915
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 3 3
+split_gain=0.720584 2.43003 3.64487 3.4697 6.88059
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0024307620281671044 -0.0070364197060409604 0.0049699365664755022 0.0011103776248488925 0.0056255232196262455 -0.0065107684729764229
+leaf_weight=42 45 39 43 47 45
+leaf_count=42 45 39 43 47 45
+internal_value=0 -0.0233211 -0.15244 0.0631451 -0.0585613
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=2916
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=0.727437 3.78292 4.03792 3.08855
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0017940207641408204 -0.0019374478620422895 -0.0041857879076857667 0.0064814830230496287 0.0054788756407381156
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0404568 0.0949647 0.0707308
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=2917
+num_leaves=5
+num_cat=0
+split_feature=4 5 7 4
+split_gain=0.718248 1.6636 3.75354 3.06788
+threshold=74.500000000000014 55.95000000000001 70.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0016463551778058334 0.002211070689572952 -0.0059136976360387207 0.0018812235244922795 0.0050735787164387447
+leaf_weight=65 49 55 45 47
+leaf_count=65 49 55 45 47
+internal_value=0 -0.0255566 -0.119956 0.0583943
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=2918
+num_leaves=5
+num_cat=0
+split_feature=9 9 3 1
+split_gain=0.702306 2.41065 2.95321 2.1343
+threshold=55.500000000000007 65.500000000000014 72.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0017701992473873141 -0.0035960079075600076 -0.0017810040871096514 0.0053512474854613039 0.0042498944930409351
+leaf_weight=45 71 54 41 50
+leaf_count=45 71 54 41 50
+internal_value=0 -0.0397698 0.0645192 0.0695326
+internal_weight=0 166 95 95
+internal_count=261 166 95 95
+shrinkage=0.02
+
+
+Tree=2919
+num_leaves=5
+num_cat=0
+split_feature=4 1 7 8
+split_gain=0.731037 2.26568 3.41221 3.10619
+threshold=50.500000000000007 5.5000000000000009 58.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0024479305673331298 -0.0070018299855681065 0.0047764072939952855 0.00088164512716880101 -0.0014607908979179349
+leaf_weight=42 43 56 45 75
+leaf_count=42 43 56 45 75
+internal_value=0 -0.0234814 -0.148196 0.0600258
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=2920
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.772204 2.448 7.04016 0.908117
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0012516192967037306 -0.0018010169518837636 0.00015520188260450675 0.0091850044610060893 -0.004159626449421811
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.033702 0.129975 -0.101058
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2921
+num_leaves=5
+num_cat=0
+split_feature=1 7 4 7
+split_gain=0.74082 2.42073 6.36864 4.11217
+threshold=9.5000000000000018 53.500000000000007 65.500000000000014 74.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.005047368410075726 -0.0017650319653689922 -0.0070146622656668753 0.0059990492028230572 -0.001849505267328342
+leaf_weight=40 71 43 54 53
+leaf_count=40 71 43 54 53
+internal_value=0 0.0330252 -0.0252903 0.105265
+internal_weight=0 190 150 107
+internal_count=261 190 150 107
+shrinkage=0.02
+
+
+Tree=2922
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.710671 2.34986 6.81827 0.872531
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0012558624528606829 -0.0017297663713568324 0.00014005871770447222 0.0090153865386657771 -0.0040907819207273346
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0323613 0.126706 -0.0996873
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2923
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.703023 1.82373 3.57299 3.64233
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0021609607652582664 0.0023777006810160096 -0.0030307191730228429 0.0058180042684426534 -0.005486475978345051
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0256148 0.0435752 -0.0628799
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=2924
+num_leaves=5
+num_cat=0
+split_feature=1 7 6 2
+split_gain=0.713234 2.2824 3.11088 5.95618
+threshold=9.5000000000000018 53.500000000000007 60.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0049091330449540097 -0.0017327892586150653 -0.004968640941231328 0.0054534701211217855 -0.0041435324469928821
+leaf_weight=40 71 44 61 45
+leaf_count=40 71 44 61 45
+internal_value=0 0.0324184 -0.0242132 0.0685841
+internal_weight=0 190 150 106
+internal_count=261 190 150 106
+shrinkage=0.02
+
+
+Tree=2925
+num_leaves=6
+num_cat=0
+split_feature=3 1 3 7 8
+split_gain=0.701573 3.39772 6.51274 5.18852 4.71965
+threshold=75.500000000000014 8.5000000000000018 65.500000000000014 53.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -3
+right_child=-2 4 -4 -5 -6
+leaf_value=0.0048111217895707263 -0.0023653545389602766 0.0015439956162992185 0.0092727514548821728 -0.0049981189615247307 -0.0076363299094235363
+leaf_weight=40 43 51 40 47 40
+leaf_count=40 43 51 40 47 40
+internal_value=0 0.023374 0.129487 -0.0239347 -0.124265
+internal_weight=0 218 127 87 91
+internal_count=261 218 127 87 91
+shrinkage=0.02
+
+
+Tree=2926
+num_leaves=6
+num_cat=0
+split_feature=7 1 4 3 4
+split_gain=0.686929 3.86734 5.61615 4.44271 9.19876
+threshold=50.500000000000007 7.5000000000000009 64.500000000000014 71.500000000000014 59.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 4 -2
+right_child=1 2 -4 -5 -6
+leaf_value=-0.0024439413063479147 -0.0057623136610235751 0.0093783082014952356 -0.00083788034813999756 -0.007182444933124317 0.0068265612159619498
+leaf_weight=40 45 39 48 41 48
+leaf_count=40 45 39 48 41 48
+internal_value=0 0.022164 0.186823 -0.0844849 0.0363411
+internal_weight=0 221 87 134 93
+internal_count=261 221 87 134 93
+shrinkage=0.02
+
+
+Tree=2927
+num_leaves=5
+num_cat=0
+split_feature=1 7 4 9
+split_gain=0.735803 2.1447 5.95029 4.18181
+threshold=9.5000000000000018 53.500000000000007 65.500000000000014 76.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0047893891134909456 -0.0017594598918897421 -0.0067324118759368072 0.0053979036793649071 -0.0026438160171334585
+leaf_weight=40 71 43 63 44
+leaf_count=40 71 43 63 44
+internal_value=0 0.0329033 -0.0220005 0.1042
+internal_weight=0 190 150 107
+internal_count=261 190 150 107
+shrinkage=0.02
+
+
+Tree=2928
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.705847 2.11937 6.81267 0.807229
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.001350733812946778 -0.001724305132471326 0.00018961506363434472 0.0089165312193999896 -0.0038832561913826591
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0322413 0.121885 -0.0932046
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2929
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.696521 2.66452 3.25804 2.47225
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026814520116574692 0.0016968526213480399 -0.0049717937675982024 0.0054497622032582925 -0.0036717685423960033
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0323398 0.0330934 -0.0610188
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=2930
+num_leaves=5
+num_cat=0
+split_feature=1 7 4 9
+split_gain=0.688862 2.08017 5.7729 4.08459
+threshold=9.5000000000000018 53.500000000000007 65.500000000000014 76.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0047065987416208613 -0.0017039937290844074 -0.0066425214531057979 0.0053173030787420032 -0.0026308000624680268
+leaf_weight=40 71 43 63 44
+leaf_count=40 71 43 63 44
+internal_value=0 0.0318627 -0.0222131 0.102093
+internal_weight=0 190 150 107
+internal_count=261 190 150 107
+shrinkage=0.02
+
+
+Tree=2931
+num_leaves=5
+num_cat=0
+split_feature=2 1 5 5
+split_gain=0.663384 2.34922 4.54718 3.98251
+threshold=24.500000000000004 8.5000000000000018 67.65000000000002 52.800000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.002922300239378645 0.0020258532349663938 -0.0033600946757667027 0.006177194514785901 -0.0056581195477992206
+leaf_weight=41 53 75 46 46
+leaf_count=41 53 75 46 46
+internal_value=0 -0.025835 0.0540816 -0.0803093
+internal_weight=0 208 133 87
+internal_count=261 208 133 87
+shrinkage=0.02
+
+
+Tree=2932
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 8
+split_gain=0.717741 3.26011 5.45804 3.03265
+threshold=72.700000000000003 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014020223323568302 -0.0022967343607123774 -0.0047452727450658086 0.0063246347662046934 -0.0055192084727676066
+leaf_weight=73 46 39 64 39
+leaf_count=73 46 39 64 39
+internal_value=0 0.024604 0.08293 -0.0501426
+internal_weight=0 215 176 112
+internal_count=261 215 176 112
+shrinkage=0.02
+
+
+Tree=2933
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.725884 2.71654 4.6903 5.02793
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0053018263023275084 0.0017312553728008895 -0.0053765190422672251 -0.0014901731119545808 0.0070664928707724608
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0329966 0.0281492 0.135246
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2934
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.696443 2.6481 3.11517 2.47415
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.002720553439574436 0.0016966640669710351 -0.0049586021114374906 0.0053402172809451755 -0.0036352572521444549
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0323428 0.0328891 -0.0591421
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=2935
+num_leaves=6
+num_cat=0
+split_feature=4 1 3 4 7
+split_gain=0.674074 2.23249 3.34251 6.62799 3.15771
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 65.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0023528718344808788 -0.0068132398502751138 0.0041671041686815666 0.0054886251738022317 -0.0070853698283009983 0.00077153886425169809
+leaf_weight=42 43 44 47 40 45
+leaf_count=42 43 44 47 40 45
+internal_value=0 -0.0225932 0.0603048 -0.0591569 -0.146402
+internal_weight=0 219 131 84 88
+internal_count=261 219 131 84 88
+shrinkage=0.02
+
+
+Tree=2936
+num_leaves=6
+num_cat=0
+split_feature=3 1 3 8 9
+split_gain=0.709518 3.27567 6.13721 4.61909 4.19564
+threshold=75.500000000000014 8.5000000000000018 65.500000000000014 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -3 -1
+right_child=-2 3 -4 -5 -6
+leaf_value=-0.0050917081775414506 -0.0023785031841696345 0.0015566055291969295 0.0090419746092319613 -0.0075257983168581042 0.003719026336047353
+leaf_weight=41 43 51 40 40 46
+leaf_count=41 43 51 40 40 46
+internal_value=0 0.0234943 0.127698 -0.12148 -0.0212363
+internal_weight=0 218 127 91 87
+internal_count=261 218 127 91 87
+shrinkage=0.02
+
+
+Tree=2937
+num_leaves=6
+num_cat=0
+split_feature=5 9 5 5 7
+split_gain=0.711224 3.1847 5.22574 1.37154 2.03341
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 52.800000000000004 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024362450257958928 -0.0022865534277678522 -0.0046868090250316964 0.0074429040694407537 -0.0035676217445303237 0.0036066655855350872
+leaf_weight=40 46 39 46 39 51
+leaf_count=40 46 39 46 39 51
+internal_value=0 0.0244958 0.0821491 -0.0203025 0.0470913
+internal_weight=0 215 176 130 91
+internal_count=261 215 176 130 91
+shrinkage=0.02
+
+
+Tree=2938
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.71361 2.68938 4.58537 4.84532
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0052367376620733206 0.0017169179405024104 -0.0053476503403680486 -0.0014379950376921464 0.0069622389510045207
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0327257 0.0281148 0.134015
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2939
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=0.695407 3.88069 3.87132 2.85304
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0017008068437110869 -0.0018058537161794281 -0.0042119521780568971 0.0064379575122116804 0.0052908058078095788
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0396079 0.0975485 0.0691713
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=2940
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.692922 2.16131 6.65189 0.741412
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0012942692479011048 -0.0017091005045275357 7.4521440861015812e-05 0.0088512918639711332 -0.0038312903496580649
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0319421 0.12246 -0.0947314
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2941
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.701572 2.60381 2.90877 2.48831
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0027802547429427262 0.0017026100469078854 -0.0049250865495202223 0.0051702063817495505 -0.0035938322061618449
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0324642 0.0322218 -0.0567176
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=2942
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 3 4
+split_gain=0.695776 2.28924 3.57196 3.32675 6.30738
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.002389257069803741 -0.0069140374378801484 0.0040555311004023238 0.0011513511760068212 0.005492220454872453 -0.0069221276232272226
+leaf_weight=42 45 44 43 47 40
+leaf_count=42 45 44 43 47 40
+internal_value=0 -0.0229494 -0.148306 0.0609889 -0.058191
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=2943
+num_leaves=5
+num_cat=0
+split_feature=1 7 4 9
+split_gain=0.721956 2.07447 5.60546 4.00782
+threshold=9.5000000000000018 53.500000000000007 65.500000000000014 76.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.004715630976166665 -0.0017434069350942608 -0.0065362706494311983 0.0052663934021002145 -0.0026069553930499205
+leaf_weight=40 71 43 63 44
+leaf_count=40 71 43 63 44
+internal_value=0 0.0325935 -0.0214081 0.101085
+internal_weight=0 190 150 107
+internal_count=261 190 150 107
+shrinkage=0.02
+
+
+Tree=2944
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.693237 2.60189 4.51028 4.762
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0051999931538345987 0.0016928733858616258 -0.0052621651132118375 -0.0019023062745884836 0.0064587907948558659
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0322699 0.0275763 0.132612
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2945
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.727622 2.04863 6.44596 0.738271
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0012678847105625235 -0.0017501986105389717 0.00015256594842676926 0.0087197438070365976 -0.0037458164988088882
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0327103 0.12086 -0.0906375
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2946
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.718959 1.84639 3.62242 4.87648
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0021316381062384368 -0.0039190618127481211 -0.0037326328432425483 -0.00122996699531353 0.0073914674839533024
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.0265577 0.0290112 0.133442
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=2947
+num_leaves=4
+num_cat=0
+split_feature=2 1 2
+split_gain=0.715598 1.87942 6.49509
+threshold=6.5000000000000009 4.5000000000000009 18.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0021791463007059357 0.0023197479015472432 -0.0057865634033331019 0.0026675372594808112
+leaf_weight=50 65 77 69
+leaf_count=50 65 77 69
+internal_value=0 -0.0258629 -0.0893146
+internal_weight=0 211 146
+internal_count=261 211 146
+shrinkage=0.02
+
+
+Tree=2948
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=0.688845 3.64688 3.70882 2.70245
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0016249122001007494 -0.0018063939282856993 -0.0041043046958552411 0.0062634217404032768 0.005180684930217898
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0394261 0.0935462 0.0688531
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=2949
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 2
+split_gain=0.720209 9.36052 5.73197 3.07082
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 23.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0057549557917761195 0.0022416265798949242 -0.0093648526874960374 -0.0045020088912624276 0.002610384093197065
+leaf_weight=73 48 39 60 41
+leaf_count=73 48 39 60 41
+internal_value=0 -0.0252962 0.0739034 -0.0803538
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=2950
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.761898 2.53758 2.69911 2.40878
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0027395717689215706 0.001772451073001588 -0.0048971831480039887 0.0049623900392875789 -0.0035325694144404743
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0337892 0.0300711 -0.055615
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=2951
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.730907 2.51085 5.89208 3.98351
+threshold=70.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0062403486612745895 0.0017370360515741895 0.001647430787739793 -0.0084499038971436388 -0.0019804175429298317
+leaf_weight=42 72 50 43 54
+leaf_count=42 72 50 43 54
+internal_value=0 -0.0331095 -0.150774 0.0804883
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=2952
+num_leaves=5
+num_cat=0
+split_feature=4 2 2 9
+split_gain=0.730756 1.64468 7.25074 3.02164
+threshold=74.500000000000014 10.500000000000002 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0019751348729012503 0.0022293421308450601 -0.009114694838591602 -0.0030880618118066701 0.0039197988501300787
+leaf_weight=71 49 39 42 60
+leaf_count=71 49 39 42 60
+internal_value=0 -0.0257912 -0.0888082 0.0513116
+internal_weight=0 212 141 102
+internal_count=261 212 141 102
+shrinkage=0.02
+
+
+Tree=2953
+num_leaves=6
+num_cat=0
+split_feature=6 4 6 5 7
+split_gain=0.708766 2.25428 2.06056 2.27337 2.02892
+threshold=69.500000000000014 68.500000000000014 57.500000000000007 52.800000000000004 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0023460799439280057 0.0022244439399463113 -0.0046695808233573263 0.0043837921718449394 -0.0047852137858738894 0.003716259584327837
+leaf_weight=40 48 42 42 39 50
+leaf_count=40 48 42 42 39 50
+internal_value=0 -0.0250893 0.0259349 -0.0367601 0.0506638
+internal_weight=0 213 171 129 90
+internal_count=261 213 171 129 90
+shrinkage=0.02
+
+
+Tree=2954
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 5
+split_gain=0.716317 1.7639 6.1341 3.23251
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.001264831456551396 0.0022078297082702958 -0.0076169699150855806 0.0022999195352451391 0.0058788054391440457
+leaf_weight=73 49 48 52 39
+leaf_count=73 49 48 52 39
+internal_value=0 -0.0255404 -0.12271 0.0608832
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=2955
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 8
+split_gain=0.702043 2.28431 3.51898 2.89103
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0023999372920203385 -0.0068838682500279771 0.0046668273510036993 0.0011216528149071276 -0.0013515272838973771
+leaf_weight=42 45 56 43 75
+leaf_count=42 45 56 43 75
+internal_value=0 -0.0230375 -0.148261 0.060811
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=2956
+num_leaves=5
+num_cat=0
+split_feature=1 7 4 9
+split_gain=0.726355 2.00792 5.51783 3.95691
+threshold=9.5000000000000018 53.500000000000007 65.500000000000014 76.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.004652630897094283 -0.0017483870328453938 -0.0064690923681714058 0.0052461246947431706 -0.0025772206651966997
+leaf_weight=40 71 43 63 44
+leaf_count=40 71 43 63 44
+internal_value=0 0.032699 -0.0204334 0.1011
+internal_weight=0 190 150 107
+internal_count=261 190 150 107
+shrinkage=0.02
+
+
+Tree=2957
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 3 3
+split_gain=0.712581 2.98064 3.11982 1.70489 3.51544
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0019808253089059992 0.0033771655510154365 0.0053247524913031165 -0.0056088585425802355 0.0041842286822516483 -0.0050205926150492606
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.0283283 -0.0335754 0.0451292 -0.040622
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=2958
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.717406 2.02429 6.6836 0.755377
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00134980113970854 -0.001737942931725705 0.00018530036128021915 0.0088199876518414381 -0.0037572869958204021
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.032499 0.12013 -0.0901194
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2959
+num_leaves=5
+num_cat=0
+split_feature=3 6 7 8
+split_gain=0.713083 3.06877 6.15531 2.83607
+threshold=75.500000000000014 64.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013933459125368447 -0.0023843593829008052 -0.0038844452334397899 0.0071930223968081335 -0.0053013455330761074
+leaf_weight=73 43 50 56 39
+leaf_count=73 43 50 56 39
+internal_value=0 0.023549 0.0886538 -0.0466279
+internal_weight=0 218 168 112
+internal_count=261 218 168 112
+shrinkage=0.02
+
+
+Tree=2960
+num_leaves=5
+num_cat=0
+split_feature=1 7 4 9
+split_gain=0.716771 1.91073 5.32106 4.83208
+threshold=9.5000000000000018 53.500000000000007 66.500000000000014 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.004551214300577618 -0.0017373239522294288 -0.0058053023247866273 0.0077589016459407422 -0.0012305079723433901
+leaf_weight=40 71 49 39 62
+leaf_count=40 71 49 39 62
+internal_value=0 0.0324785 -0.0193588 0.111785
+internal_weight=0 190 150 101
+internal_count=261 190 150 101
+shrinkage=0.02
+
+
+Tree=2961
+num_leaves=6
+num_cat=0
+split_feature=3 1 3 8 7
+split_gain=0.696905 3.16729 6.0667 4.53759 4.46271
+threshold=75.500000000000014 8.5000000000000018 65.500000000000014 55.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -3 -1
+right_child=-2 3 -4 -5 -6
+leaf_value=0.0044603490798230004 -0.0023580232870144221 0.0015652400795578233 0.0089660131379437624 -0.00743701992247329 -0.0046396555190433841
+leaf_weight=40 43 51 40 40 47
+leaf_count=40 43 51 40 40 47
+internal_value=0 0.0232818 0.12576 -0.119284 -0.0223168
+internal_weight=0 218 127 91 87
+internal_count=261 218 127 91 87
+shrinkage=0.02
+
+
+Tree=2962
+num_leaves=5
+num_cat=0
+split_feature=2 8 7 1
+split_gain=0.68799 2.90345 3.40966 2.71005
+threshold=7.5000000000000009 69.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0019474616603143494 0.0049341362836283062 0.0047540340367395869 -0.0044397636248866817 -0.0019914312454838747
+leaf_weight=58 48 50 62 43
+leaf_count=58 48 50 62 43
+internal_value=0 0.0278405 -0.0405576 0.0826908
+internal_weight=0 203 153 91
+internal_count=261 203 153 91
+shrinkage=0.02
+
+
+Tree=2963
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.757432 2.60095 4.53988 4.83484
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0052475255523978673 0.0017673755435585001 -0.0052896946976793259 -0.0019587970044838113 0.0064659125768783115
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0336929 0.0261418 0.131521
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2964
+num_leaves=5
+num_cat=0
+split_feature=9 7 9 4
+split_gain=0.728036 2.7115 2.61015 2.63667
+threshold=65.500000000000014 71.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0016054969080338622 0.0053064703024490239 -0.001528686405810098 -0.0037232991161310547 0.0051173057579104453
+leaf_weight=53 41 54 71 42
+leaf_count=53 41 54 71 42
+internal_value=0 0.0707272 -0.0405051 0.0679927
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2965
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=0.685944 3.00807 5.44196 3.39384
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014893372479713087 -0.002247012763930837 0.0055200484857279722 -0.0070225476963925839 0.0049144866748249269
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.024052 -0.0316383 0.0652272
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=2966
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.686119 2.44568 5.77811 3.83388
+threshold=70.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0061433224491589094 0.0016841833323831615 0.0016523793333181964 -0.0083471095721129891 -0.0019221619493048139
+leaf_weight=42 72 50 43 54
+leaf_count=42 72 50 43 54
+internal_value=0 -0.0321196 -0.148262 0.0800033
+internal_weight=0 189 93 96
+internal_count=261 189 93 96
+shrinkage=0.02
+
+
+Tree=2967
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.680924 2.1288 2.87345 2.37601
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0019353255192918514 0.0024335592653437804 -0.0045712995205899071 0.0034643078960730029 -0.0042167245868007242
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0220686 0.0248151 -0.0832905
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=2968
+num_leaves=6
+num_cat=0
+split_feature=7 1 4 3 4
+split_gain=0.686716 3.98799 5.03543 4.36067 8.2678
+threshold=50.500000000000007 7.5000000000000009 64.500000000000014 71.500000000000014 59.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 4 -2
+right_child=1 2 -4 -5 -6
+leaf_value=-0.0024440043620227846 -0.005481275314300268 0.0091294723453197099 -0.00054473207686937277 -0.0071650213884819685 0.0064549802821838665
+leaf_weight=40 45 39 48 41 48
+leaf_count=40 45 39 48 41 48
+internal_value=0 0.0221391 0.189332 -0.0861556 0.0335499
+internal_weight=0 221 87 134 93
+internal_count=261 221 87 134 93
+shrinkage=0.02
+
+
+Tree=2969
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.736761 1.95766 6.48221 0.748137
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0013135543189686583 -0.0017609981935672056 0.0002245537232248137 0.0087021564493975807 -0.0036998449847946329
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.032903 0.119095 -0.0876941
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2970
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.706781 1.87922 6.22532 0.717909
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0012873091498599579 -0.0017258127587524391 0.00022007073729368376 0.0085284095103502107 -0.0036259777263078362
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0322421 0.11671 -0.0859332
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2971
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 6
+split_gain=0.69898 3.42238 2.61386 1.93035
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0013571231232145562 0.0059666527458734769 -0.0016543802347847242 -0.0051994090129006574 0.0038458421420514118
+leaf_weight=74 39 60 41 47
+leaf_count=74 39 60 41 47
+internal_value=0 0.0670932 -0.0410434 0.0329155
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2972
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 4
+split_gain=0.686119 2.82151 2.53126 2.54685
+threshold=65.500000000000014 72.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0015647975127531216 -0.0016281065853825556 0.0053437623096435419 -0.003656557955742051 0.0050432010542221474
+leaf_weight=53 54 41 71 42
+leaf_count=53 54 41 71 42
+internal_value=0 0.0687055 -0.0393653 0.067489
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2973
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 3 3
+split_gain=0.67892 2.27603 3.46524 3.27613 5.99408
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0023606272318427231 -0.0068426409987300896 0.0045869457434327948 0.0011017257406259319 0.0054600786731289746 -0.0061305332218222642
+leaf_weight=42 45 39 43 47 45
+leaf_count=42 45 39 43 47 45
+internal_value=0 -0.0226941 -0.147693 0.0610036 -0.0572684
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=2974
+num_leaves=5
+num_cat=0
+split_feature=1 7 4 9
+split_gain=0.692646 1.84669 5.25855 3.87678
+threshold=9.5000000000000018 53.500000000000007 65.500000000000014 76.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0044749720909662725 -0.0017089392516651419 -0.0062977757697761936 0.005183721540071364 -0.0025603573339236197
+leaf_weight=40 71 43 63 44
+leaf_count=40 71 43 63 44
+internal_value=0 0.0319275 -0.0190387 0.0996088
+internal_weight=0 190 150 107
+internal_count=261 190 150 107
+shrinkage=0.02
+
+
+Tree=2975
+num_leaves=5
+num_cat=0
+split_feature=3 6 7 4
+split_gain=0.690975 3.00329 6.03359 1.74904
+threshold=75.500000000000014 64.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0023049413834837743 -0.0023485624932387547 -0.0038455734593153528 0.0071179381048129767 -0.0028781475172678112
+leaf_weight=42 43 50 56 70
+leaf_count=42 43 50 56 70
+internal_value=0 0.0231696 0.0875825 -0.0463563
+internal_weight=0 218 168 112
+internal_count=261 218 168 112
+shrinkage=0.02
+
+
+Tree=2976
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.700223 2.51509 4.43528 4.8309
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0051757517722529432 0.001700784950327804 -0.0051885934845700057 -0.0015009498887862968 0.0068869859043013395
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0324456 0.0263972 0.130563
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=2977
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.68798 1.81979 5.95918 0.680891
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0012442525795315208 -0.0017035173748196457 0.00019906793580141892 0.0083598505355651758 -0.0035486711537507753
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0318137 0.114952 -0.0844933
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2978
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.707074 1.84745 3.75247 6.96647
+threshold=43.500000000000007 50.850000000000001 67.500000000000014 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.002114084635651773 -0.0040844968973697592 0.0038536041583832749 -0.0083505921342641679 0.0028230192040064584
+leaf_weight=52 46 73 41 49
+leaf_count=52 46 73 41 49
+internal_value=0 -0.0263604 0.0236554 -0.113042
+internal_weight=0 209 163 90
+internal_count=261 209 163 90
+shrinkage=0.02
+
+
+Tree=2979
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 6
+split_gain=0.685758 3.47139 2.55823 1.80027
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0012967612828837566 0.0059869771783907823 -0.0016882362848032091 -0.0051454790124938624 0.0037295089982131856
+leaf_weight=74 39 60 41 47
+leaf_count=74 39 60 41 47
+internal_value=0 0.0664676 -0.0406701 0.0325006
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=2980
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.679383 1.80969 4.519 7.8386
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0021245431903595693 0.0029190036700660685 -0.011141167375823196 0.0020882758838415495 0.00084100389129683516
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0252324 -0.0759283 -0.230044
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=2981
+num_leaves=5
+num_cat=0
+split_feature=3 9 7 7
+split_gain=0.691343 3.34004 2.45194 1.89267
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.00232337239275319 0.0059039008038441242 -0.0016253190789640257 -0.0040380257238226648 0.0032759037454702135
+leaf_weight=40 39 60 60 62
+leaf_count=40 39 60 60 62
+internal_value=0 0.0667369 -0.0408238 0.0536092
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=2982
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 4
+split_gain=0.719942 2.62235 2.51228 2.46743
+threshold=65.500000000000014 72.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0015458028169816689 -0.0014879279943199944 0.0052345707121123535 -0.0036644234106026408 0.0049590793309371552
+leaf_weight=53 54 41 71 42
+leaf_count=53 54 41 71 42
+internal_value=0 0.0703332 -0.0402956 0.0661579
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2983
+num_leaves=5
+num_cat=0
+split_feature=9 3 3 6
+split_gain=0.690568 2.51799 2.42009 2.55811
+threshold=65.500000000000014 72.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0021927242269393792 -0.0014582080237907781 0.0051300578596878144 -0.0041429447439478477 0.0039529915565642447
+leaf_weight=53 54 41 57 56
+leaf_count=53 54 41 57 56
+internal_value=0 0.0689209 -0.0394898 0.0478942
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=2984
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 8
+split_gain=0.697828 2.26348 3.46401 2.77784
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.002392325968733303 -0.0068412159788970922 0.0045922272029047632 0.0011017375331980074 -0.0013078032767461433
+leaf_weight=42 45 56 43 75
+leaf_count=42 45 56 43 75
+internal_value=0 -0.023 -0.147656 0.0604675
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=2985
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.711671 1.78045 5.80664 0.658366
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0012058466165275365 -0.0017316870216400259 0.00020394524947926307 0.0082747984341215806 -0.0034828606271702124
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0323466 0.114591 -0.0827053
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2986
+num_leaves=6
+num_cat=0
+split_feature=3 1 3 7 8
+split_gain=0.714833 3.0485 6.09031 4.41848 4.39155
+threshold=75.500000000000014 8.5000000000000018 65.500000000000014 53.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -3
+right_child=-2 4 -4 -5 -6
+leaf_value=0.0043970942120912645 -0.0023877098268909507 0.001560368272267094 0.008945479940261394 -0.0046577323948486056 -0.007296394836152912
+leaf_weight=40 43 51 40 47 40
+leaf_count=40 43 51 40 47 40
+internal_value=0 0.0235518 0.124104 -0.0242609 -0.116327
+internal_weight=0 218 127 87 91
+internal_count=261 218 127 87 91
+shrinkage=0.02
+
+
+Tree=2987
+num_leaves=5
+num_cat=0
+split_feature=2 6 1 3
+split_gain=0.693622 2.3712 4.01757 12.0829
+threshold=24.500000000000004 46.500000000000007 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0047269964922545598 0.0020697309592023101 0.0041842141946625841 0.0043475006122391472 -0.0099646366811944522
+leaf_weight=43 53 55 67 43
+leaf_count=43 53 55 67 43
+internal_value=0 -0.0264231 0.0281198 -0.100924
+internal_weight=0 208 165 98
+internal_count=261 208 165 98
+shrinkage=0.02
+
+
+Tree=2988
+num_leaves=5
+num_cat=0
+split_feature=9 7 9 4
+split_gain=0.692129 2.51287 2.36802 2.34866
+threshold=65.500000000000014 71.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0015226425657574236 0.0051278242973521416 -0.0014537734880324144 -0.0035665800835163065 0.0048249427863359742
+leaf_weight=53 41 54 71 42
+leaf_count=53 41 54 71 42
+internal_value=0 0.0689987 -0.039531 0.0638365
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=2989
+num_leaves=6
+num_cat=0
+split_feature=5 4 9 5 6
+split_gain=0.708348 3.36601 3.52373 3.39147 2.74798
+threshold=67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00076970318417504376 0.0054260427025171823 -0.0057613259412408139 -0.0042137066160528808 0.0067189122353082309 -0.0018780987248389336
+leaf_weight=50 39 41 40 47 44
+leaf_count=50 39 41 40 47 44
+internal_value=0 -0.0360928 0.0391322 0.142639 0.0773009
+internal_weight=0 178 137 97 83
+internal_count=261 178 137 97 83
+shrinkage=0.02
+
+
+Tree=2990
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 3 3
+split_gain=0.720785 2.22845 3.52912 3.16696 5.48993
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0024302237374441964 -0.0068656003455351859 0.0043495351423578311 0.0011514887998379216 0.0053583747529986061 -0.0059085874185081811
+leaf_weight=42 45 39 43 47 45
+leaf_count=42 45 39 43 47 45
+internal_value=0 -0.0233676 -0.147064 0.0594549 -0.0568358
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=2991
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 6
+split_gain=0.726567 1.70487 5.6009 0.0551581
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0011716701100543579 -0.0017492174785214674 -0.00093518066099607209 0.0081399197363602391 -0.0022226381649214162
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0326745 0.113175 -0.0799283
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=2992
+num_leaves=5
+num_cat=0
+split_feature=1 7 4 3
+split_gain=0.696887 1.74674 5.394 3.94946
+threshold=9.5000000000000018 53.500000000000007 65.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0043724583346319524 -0.0017142673511285063 -0.0063437864323807672 0.0065715365407073845 -0.001219179888949247
+leaf_weight=40 71 43 45 62
+leaf_count=40 71 43 45 62
+internal_value=0 0.0320098 -0.0175659 0.102599
+internal_weight=0 190 150 107
+internal_count=261 190 150 107
+shrinkage=0.02
+
+
+Tree=2993
+num_leaves=5
+num_cat=0
+split_feature=2 6 1 3
+split_gain=0.70115 2.25955 3.82593 11.6491
+threshold=24.500000000000004 46.500000000000007 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0046307456885021862 0.0020804490946164482 0.0041051345236703621 0.0042278752410324751 -0.0097877429592995516
+leaf_weight=43 53 55 67 43
+leaf_count=43 53 55 67 43
+internal_value=0 -0.0265706 0.0266782 -0.0992599
+internal_weight=0 208 165 98
+internal_count=261 208 165 98
+shrinkage=0.02
+
+
+Tree=2994
+num_leaves=5
+num_cat=0
+split_feature=1 7 6 2
+split_gain=0.687562 1.68346 2.65934 4.97041
+threshold=9.5000000000000018 53.500000000000007 60.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0043008323091505056 -0.0017030738926905025 -0.0044865713385002452 0.0051092950144512126 -0.003659778892669917
+leaf_weight=40 71 44 61 45
+leaf_count=40 71 44 61 45
+internal_value=0 0.0318013 -0.0168737 0.0689537
+internal_weight=0 190 150 106
+internal_count=261 190 150 106
+shrinkage=0.02
+
+
+Tree=2995
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 3 4
+split_gain=0.722134 2.11475 3.49891 3.09067 5.47338
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.002432366933169772 -0.0067861643910328675 0.0037107087223065098 0.001196847128389273 0.0052652432165354573 -0.0065174175499530997
+leaf_weight=42 45 44 43 47 40
+leaf_count=42 45 44 43 47 40
+internal_value=0 -0.0233923 -0.143922 0.0573026 -0.0575841
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=2996
+num_leaves=5
+num_cat=0
+split_feature=1 7 4 9
+split_gain=0.701903 1.63695 5.11588 3.97208
+threshold=9.5000000000000018 53.500000000000007 65.500000000000014 76.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.00425691030910255 -0.0017201617259054694 -0.0061542263736034568 0.0052533652521321384 -0.002584910375068849
+leaf_weight=40 71 43 63 44
+leaf_count=40 71 43 63 44
+internal_value=0 0.0321262 -0.0158759 0.101155
+internal_weight=0 190 150 107
+internal_count=261 190 150 107
+shrinkage=0.02
+
+
+Tree=2997
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 6
+split_gain=0.709236 2.27942 3.73095 7.16298
+threshold=24.500000000000004 65.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0055750157776789169 0.0020921589378271035 0.0022889146107621518 -0.0065036688656046069 0.0060491958877952135
+leaf_weight=41 53 74 49 44
+leaf_count=41 53 74 49 44
+internal_value=0 -0.0267153 -0.104987 0.0216423
+internal_weight=0 208 134 85
+internal_count=261 208 134 85
+shrinkage=0.02
+
+
+Tree=2998
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 3 4
+split_gain=0.732643 2.03017 3.39632 2.92798 5.28782
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0024496715273402609 -0.0066837710403988742 0.0036532332647920655 0.0011818332873269248 0.0051206179370536587 -0.0064006156588332563
+leaf_weight=42 45 44 43 47 40
+leaf_count=42 45 44 43 47 40
+internal_value=0 -0.0235503 -0.141669 0.0555248 -0.0563071
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=2999
+num_leaves=6
+num_cat=0
+split_feature=3 1 3 8 7
+split_gain=0.749006 3.08683 6.1097 4.31768 4.08107
+threshold=75.500000000000014 8.5000000000000018 65.500000000000014 55.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -3 -1
+right_child=-2 3 -4 -5 -6
+leaf_value=0.0042261756358968963 -0.0024424812567551209 0.0015210739918970796 0.0089791148909538921 -0.007261060205724491 -0.0044776048196433381
+leaf_weight=40 43 51 40 40 47
+leaf_count=40 43 51 40 40 47
+internal_value=0 0.0240991 0.125275 -0.116652 -0.0233249
+internal_weight=0 218 127 91 87
+internal_count=261 218 127 91 87
+shrinkage=0.02
+
+
+Tree=3000
+num_leaves=6
+num_cat=0
+split_feature=3 1 3 8 9
+split_gain=0.718604 2.96385 5.86733 4.14637 3.98833
+threshold=75.500000000000014 8.5000000000000018 65.500000000000014 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -3 -1
+right_child=-2 3 -4 -5 -6
+leaf_value=-0.0050078494601914969 -0.0023937110664093331 0.001490694223982447 0.0087998464740003945 -0.0071160928068656065 0.0035832945438716846
+leaf_weight=41 43 51 40 40 46
+leaf_count=41 43 51 40 40 46
+internal_value=0 0.0236181 0.122775 -0.114314 -0.0228494
+internal_weight=0 218 127 91 87
+internal_count=261 218 127 91 87
+shrinkage=0.02
+
+
+Tree=3001
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.746115 3.15264 3.07099 2.28834
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001446125383810155 -0.0023409061233887244 0.0045453749789114029 -0.0043898644148878162 0.0048197554466643359
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.0250516 -0.0477154 0.0658574
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3002
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 2
+split_gain=0.715787 3.02997 5.2986 1.40243
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0022713413953266122 -0.0022941588029905826 -0.0045590823290462936 0.0074560621974652987 0.0019484873673846553
+leaf_weight=74 46 39 46 56
+leaf_count=74 46 39 46 56
+internal_value=0 0.024548 0.0807958 -0.0223674
+internal_weight=0 215 176 130
+internal_count=261 215 176 130
+shrinkage=0.02
+
+
+Tree=3003
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 8
+split_gain=0.708137 2.07276 2.88211 2.39593
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0024094936436532314 -0.0037589458240003875 0.0046413482845541502 -0.0046241855609208665 0.0013561330447255404
+leaf_weight=42 57 51 46 65
+leaf_count=42 57 51 46 65
+internal_value=0 -0.023162 0.0346273 -0.0558173
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=3004
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.70383 3.12376 2.99748 2.16242
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014040579316484429 -0.0022754267732375665 0.0045129085285809407 -0.0043561647879410154 0.0046883187183212839
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.0243485 -0.048086 0.0641234
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3005
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 3 3
+split_gain=0.706166 2.01272 3.19393 2.87164 5.13779
+threshold=50.500000000000007 5.5000000000000009 15.500000000000002 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.002406253092697575 -0.006904038040306204 0.0042047327203856791 0.00074015037675230076 0.0050837669552594514 -0.0057200281743546248
+leaf_weight=42 41 39 47 47 45
+leaf_count=42 41 39 47 47 45
+internal_value=0 -0.0231296 -0.140746 0.0556077 -0.0551462
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=3006
+num_leaves=5
+num_cat=0
+split_feature=1 9 5 4
+split_gain=0.736161 1.70658 5.30839 0.52743
+threshold=9.5000000000000018 67.500000000000014 58.20000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0014354822802919484 -0.0017602920479390027 -0.0032238153922705091 0.0074755470409086948 6.4395320006058879e-05
+leaf_weight=64 71 40 46 40
+leaf_count=64 71 40 46 40
+internal_value=0 0.0328903 0.114303 -0.078555
+internal_weight=0 190 110 80
+internal_count=261 190 110 80
+shrinkage=0.02
+
+
+Tree=3007
+num_leaves=6
+num_cat=0
+split_feature=3 1 3 7 8
+split_gain=0.719769 2.90889 5.55487 4.11643 4.05847
+threshold=75.500000000000014 8.5000000000000018 65.500000000000014 53.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -3
+right_child=-2 4 -4 -5 -6
+leaf_value=0.0043166541032788764 -0.0023955908401527373 0.0014764536566199307 0.0086111564655159088 -0.0044248660835385046 -0.0070389578998133464
+leaf_weight=40 43 51 40 47 40
+leaf_count=40 43 51 40 47 40
+internal_value=0 0.023637 0.121877 -0.0198175 -0.113017
+internal_weight=0 218 127 87 91
+internal_count=261 218 127 87 91
+shrinkage=0.02
+
+
+Tree=3008
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.739151 3.1444 2.88493 2.09625
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013982106648934456 -0.0023302304115294377 0.0045378556082213495 -0.0042852492486597036 0.0046010644465068595
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.024938 -0.0477342 0.062356
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3009
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.709098 3.01927 2.76994 2.01268
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013702834038853936 -0.0022836964292965614 0.0044472093141987743 -0.004199639805924105 0.0045091964464899423
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.0244367 -0.04678 0.0611028
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3010
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=0.722821 1.96857 3.33566 2.94147 2.72791
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0024336896086917911 -0.006610620496197395 0.0023878168766713363 0.0011847629706112145 0.0048557926773359714 -0.0050124287794199793
+leaf_weight=42 45 40 43 51 40
+leaf_count=42 45 40 43 51 40
+internal_value=0 -0.0233934 -0.139726 0.0544812 -0.0651731
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3011
+num_leaves=5
+num_cat=0
+split_feature=1 7 4 3
+split_gain=0.716703 1.6932 4.79543 4.09426
+threshold=9.5000000000000018 53.500000000000007 65.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0043244854314148148 -0.0017375096254783526 -0.0059787889111061398 0.0065407974603093064 -0.0013913634979465129
+leaf_weight=40 71 43 45 62
+leaf_count=40 71 43 45 62
+internal_value=0 0.0324637 -0.0163506 0.0969608
+internal_weight=0 190 150 107
+internal_count=261 190 150 107
+shrinkage=0.02
+
+
+Tree=3012
+num_leaves=5
+num_cat=0
+split_feature=2 6 7 9
+split_gain=0.701076 2.13811 3.72528 5.57024
+threshold=24.500000000000004 46.500000000000007 59.500000000000007 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0045197494505507399 0.002080619075113217 0.0048853515991275995 -0.0074397395155364242 0.001824150164651606
+leaf_weight=43 53 53 41 71
+leaf_count=43 53 53 41 71
+internal_value=0 -0.0265554 0.0252492 -0.0781243
+internal_weight=0 208 165 112
+internal_count=261 208 165 112
+shrinkage=0.02
+
+
+Tree=3013
+num_leaves=5
+num_cat=0
+split_feature=4 5 7 4
+split_gain=0.723164 1.94862 1.59084 2.3834
+threshold=50.500000000000007 53.500000000000007 64.500000000000014 73.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0024343830209631861 -0.0036643107007488557 0.0038193332115222614 0.0018995878805082326 -0.003907144406725958
+leaf_weight=42 57 46 66 50
+leaf_count=42 57 46 66 50
+internal_value=0 -0.0233922 0.03265 -0.0298634
+internal_weight=0 219 162 116
+internal_count=261 219 162 116
+shrinkage=0.02
+
+
+Tree=3014
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 3 4
+split_gain=0.693745 1.88526 3.22778 2.86087 5.1327
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0023857764567846015 -0.0064902056574107324 0.0035638465884999405 0.0011786845806291547 0.0050303424012833201 -0.0063418160932659663
+leaf_weight=42 45 44 43 47 40
+leaf_count=42 45 44 43 47 40
+internal_value=0 -0.0229213 -0.136793 0.0532999 -0.0572486
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=3015
+num_leaves=5
+num_cat=0
+split_feature=1 9 5 4
+split_gain=0.733962 1.89747 5.22946 0.554508
+threshold=9.5000000000000018 67.500000000000014 58.20000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0013208917436872125 -0.001757541723822984 -0.0033848790188501505 0.0075235597078676525 0
+leaf_weight=64 71 40 46 40
+leaf_count=64 71 40 46 40
+internal_value=0 0.0328519 0.118643 -0.0846121
+internal_weight=0 190 110 80
+internal_count=261 190 110 80
+shrinkage=0.02
+
+
+Tree=3016
+num_leaves=5
+num_cat=0
+split_feature=3 6 7 4
+split_gain=0.73139 3.0249 5.93879 1.77812
+threshold=75.500000000000014 64.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0023704776325842421 -0.0024141972791295418 -0.0038477536164550031 0.0070934634671128115 -0.0028553261448708558
+leaf_weight=42 43 50 56 70
+leaf_count=42 43 50 56 70
+internal_value=0 0.0238288 0.0884702 -0.0444127
+internal_weight=0 218 168 112
+internal_count=261 218 168 112
+shrinkage=0.02
+
+
+Tree=3017
+num_leaves=5
+num_cat=0
+split_feature=1 9 5 4
+split_gain=0.733072 1.79702 5.01414 0.545436
+threshold=9.5000000000000018 67.500000000000014 58.20000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0012901730626816868 -0.0017566642808867219 -0.0033097084014975641 0.0073708178876329723 3.2112221799498934e-05
+leaf_weight=64 71 40 46 40
+leaf_count=64 71 40 46 40
+internal_value=0 0.0328245 0.116341 -0.081512
+internal_weight=0 190 110 80
+internal_count=261 190 110 80
+shrinkage=0.02
+
+
+Tree=3018
+num_leaves=5
+num_cat=0
+split_feature=3 6 7 8
+split_gain=0.724098 2.95513 5.6412 2.70516
+threshold=75.500000000000014 64.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014336793038005524 -0.0024025613991039826 -0.0038002848306148865 0.0069415115929019845 -0.0051059963023049283
+leaf_weight=73 43 50 56 39
+leaf_count=73 43 50 56 39
+internal_value=0 0.0237075 0.0876058 -0.0419079
+internal_weight=0 218 168 112
+internal_count=261 218 168 112
+shrinkage=0.02
+
+
+Tree=3019
+num_leaves=5
+num_cat=0
+split_feature=1 7 4 9
+split_gain=0.731923 1.72658 4.69393 4.5741
+threshold=9.5000000000000018 53.500000000000007 66.500000000000014 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0043666998260717968 -0.0017554453178869115 -0.0054204039824684311 0.0075083715654957282 -0.0012386968338164957
+leaf_weight=40 71 49 39 62
+leaf_count=40 71 49 39 62
+internal_value=0 0.0327933 -0.0164967 0.106691
+internal_weight=0 190 150 101
+internal_count=261 190 150 101
+shrinkage=0.02
+
+
+Tree=3020
+num_leaves=5
+num_cat=0
+split_feature=3 6 7 8
+split_gain=0.706881 2.86698 5.44957 2.53837
+threshold=75.500000000000014 64.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013824623976521214 -0.0023747123246102148 -0.0037420333523414135 0.00682828692142309 -0.0049537791500532148
+leaf_weight=73 43 50 56 39
+leaf_count=73 43 50 56 39
+internal_value=0 0.0234262 0.0863731 -0.0409243
+internal_weight=0 218 168 112
+internal_count=261 218 168 112
+shrinkage=0.02
+
+
+Tree=3021
+num_leaves=5
+num_cat=0
+split_feature=1 7 4 9
+split_gain=0.730323 1.63543 4.55896 4.35077
+threshold=9.5000000000000018 53.500000000000007 66.500000000000014 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0042677309619002972 -0.0017536802263858368 -0.0053217095651973021 0.0073658803710249156 -0.0011655949935525901
+leaf_weight=40 71 49 39 62
+leaf_count=40 71 49 39 62
+internal_value=0 0.0327532 -0.0152262 0.106182
+internal_weight=0 190 150 101
+internal_count=261 190 150 101
+shrinkage=0.02
+
+
+Tree=3022
+num_leaves=5
+num_cat=0
+split_feature=3 6 7 8
+split_gain=0.690375 2.78227 5.26404 2.38124
+threshold=75.500000000000014 64.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013331719993549807 -0.002347701996156614 -0.0036851746118280594 0.0067170271728156572 -0.0048052475256080184
+leaf_weight=73 43 50 56 39
+leaf_count=73 43 50 56 39
+internal_value=0 0.0231533 0.0851721 -0.0399421
+internal_weight=0 218 168 112
+internal_count=261 218 168 112
+shrinkage=0.02
+
+
+Tree=3023
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.728284 1.58056 5.49283 0.658497
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00119686964780743 -0.0017513959372917511 0.00034373608046185791 0.008024800184697806 -0.0033447410853866448
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0327037 0.110252 -0.0757519
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=3024
+num_leaves=5
+num_cat=0
+split_feature=1 7 4 7
+split_gain=0.698639 1.54646 4.47421 4.03386
+threshold=9.5000000000000018 53.500000000000007 66.500000000000014 74.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0041552034021167649 -0.0017164026673993802 -0.0052629748823712222 0.0063227992218250493 -0.0016875629846392008
+leaf_weight=40 71 49 48 53
+leaf_count=40 71 49 48 53
+internal_value=0 0.0320468 -0.0146186 0.105658
+internal_weight=0 190 150 101
+internal_count=261 190 150 101
+shrinkage=0.02
+
+
+Tree=3025
+num_leaves=5
+num_cat=0
+split_feature=2 6 7 5
+split_gain=0.704606 2.2057 4.03711 6.09359
+threshold=24.500000000000004 46.500000000000007 59.500000000000007 67.65000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0045833390540137827 0.0020853888618422695 0.0050784828496311767 -0.0071264413670924214 0.0023311385903601939
+leaf_weight=43 53 53 47 65
+leaf_count=43 53 53 47 65
+internal_value=0 -0.0266362 0.0259771 -0.0816251
+internal_weight=0 208 165 112
+internal_count=261 208 165 112
+shrinkage=0.02
+
+
+Tree=3026
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.686193 2.92013 4.64979 4.64954
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0052143232848300951 0.0016839730992667203 -0.0055316832719600993 -0.0017426911732715739 0.0065190211587883339
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0321362 0.0312531 0.137885
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=3027
+num_leaves=5
+num_cat=0
+split_feature=3 6 7 8
+split_gain=0.673275 2.7442 5.12049 2.32126
+threshold=75.500000000000014 64.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00132639769328608 -0.0023194322635603248 -0.0036626425204530368 0.0066342627610170802 -0.0047348668889099907
+leaf_weight=73 43 50 56 39
+leaf_count=73 43 50 56 39
+internal_value=0 0.022865 0.0844623 -0.0389361
+internal_weight=0 218 168 112
+internal_count=261 218 168 112
+shrinkage=0.02
+
+
+Tree=3028
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.715821 1.55726 5.31461 0.642641
+threshold=9.5000000000000018 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0011581908480934263 -0.0017369047163306736 0.00033190288986426227 0.0079130222275036813 -0.0033129535625856777
+leaf_weight=70 71 39 41 40
+leaf_count=70 71 39 41 40
+internal_value=0 0.0324225 0.109406 -0.0752388
+internal_weight=0 190 111 79
+internal_count=261 190 111 79
+shrinkage=0.02
+
+
+Tree=3029
+num_leaves=5
+num_cat=0
+split_feature=1 7 4 9
+split_gain=0.68667 1.51072 4.4036 4.16092
+threshold=9.5000000000000018 53.500000000000007 66.500000000000014 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0041093761991734578 -0.0017022011856481264 -0.0052185664460327177 0.0072265328162156445 -0.0011173392501642437
+leaf_weight=40 71 49 39 62
+leaf_count=40 71 49 39 62
+internal_value=0 0.0317712 -0.0143559 0.104971
+internal_weight=0 190 150 101
+internal_count=261 190 150 101
+shrinkage=0.02
+
+
+Tree=3030
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 7
+split_gain=0.707947 2.88196 4.4516 4.53667
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0051072333733399432 0.001709523769727449 -0.005509824363096676 -0.00087690008743884426 0.0073170734924909997
+leaf_weight=40 72 39 62 48
+leaf_count=40 72 39 62 48
+internal_value=0 -0.0326369 0.0303377 0.134688
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=3031
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.68804 1.87086 3.57228 4.49087
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0020859136627437926 -0.0038700202813769452 -0.0037430125688064368 -0.0010693040321303128 0.0072050031657548263
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.0260287 0.0299052 0.133615
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=3032
+num_leaves=5
+num_cat=0
+split_feature=6 4 2 6
+split_gain=0.696845 2.44363 4.77673 3.79072
+threshold=69.500000000000014 68.500000000000014 10.500000000000002 47.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0059244444554031137 0.0022052286912878738 -0.0048364479916663027 0.0029397215757662257 -0.0042951290221671578
+leaf_weight=48 48 42 47 76
+leaf_count=48 48 42 47 76
+internal_value=0 -0.0249306 0.0281844 -0.0761996
+internal_weight=0 213 171 123
+internal_count=261 213 171 123
+shrinkage=0.02
+
+
+Tree=3033
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 6
+split_gain=0.69295 2.33697 3.61547 6.49454
+threshold=24.500000000000004 65.500000000000014 63.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0055558998244149352 0.0020683963302560102 0.0023298495106848695 -0.0068204124127152236 0.0052207236970589418
+leaf_weight=42 53 74 44 48
+leaf_count=42 53 74 44 48
+internal_value=0 -0.0264286 -0.105673 0.00911707
+internal_weight=0 208 134 90
+internal_count=261 208 134 90
+shrinkage=0.02
+
+
+Tree=3034
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 2
+split_gain=0.691125 2.01467 3.25512 2.97345 3.48382
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0023808714670213462 -0.0065815137740326268 0.0027785429534814584 0.0011194227810578028 0.0049037691844950595 -0.0055820891652413589
+leaf_weight=42 45 41 43 51 39
+leaf_count=42 45 41 43 51 39
+internal_value=0 -0.0229053 -0.140579 0.0558702 -0.0644295
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3035
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 7
+split_gain=0.690459 1.80291 3.45173 4.25763
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0020897187101696739 -0.0038153324139708535 -0.0036852294725693373 0.006947382030041028 -0.0010969062383734283
+leaf_weight=52 49 54 49 57
+leaf_count=52 49 54 49 57
+internal_value=0 -0.0260609 0.0288545 0.130813
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=3036
+num_leaves=5
+num_cat=0
+split_feature=2 6 7 5
+split_gain=0.69331 2.0223 3.92073 6.06179
+threshold=24.500000000000004 46.500000000000007 59.500000000000007 67.65000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0044087115606188864 0.0020690663644648416 0.0049724412153102776 -0.0071212785611087818 0.0023116225479389665
+leaf_weight=43 53 53 47 65
+leaf_count=43 53 53 47 65
+internal_value=0 -0.0264279 0.0239614 -0.0820832
+internal_weight=0 208 165 112
+internal_count=261 208 165 112
+shrinkage=0.02
+
+
+Tree=3037
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 2
+split_gain=0.711121 1.94557 3.18005 2.88216 3.33537
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0024142713306747536 -0.0065040287276924603 0.0026949049960908042 0.0011079891610718503 0.0048123740331206524 -0.005486458107573559
+leaf_weight=42 45 41 43 51 39
+leaf_count=42 45 41 43 51 39
+internal_value=0 -0.0232172 -0.138876 0.0542045 -0.0642414
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3038
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 7
+split_gain=0.693733 1.7601 3.27139 4.17187
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.002094675923277509 -0.0037136400315628927 -0.0036489013541267301 0.006836221465905087 -0.0011270420183040056
+leaf_weight=52 49 54 49 57
+leaf_count=52 49 54 49 57
+internal_value=0 -0.0261136 0.0281501 0.127431
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=3039
+num_leaves=5
+num_cat=0
+split_feature=1 4 2 5
+split_gain=0.698678 1.58813 4.38791 5.74338
+threshold=9.5000000000000018 75.500000000000014 17.500000000000004 62.400000000000006
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0023095826490912592 -0.001716344144645582 0.0042589861620432106 -0.0044421758752945153 0.0078069005678065122
+leaf_weight=47 71 39 61 43
+leaf_count=47 71 39 61 43
+internal_value=0 0.0320529 -0.0144809 0.125864
+internal_weight=0 190 151 90
+internal_count=261 190 151 90
+shrinkage=0.02
+
+
+Tree=3040
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 9 2
+split_gain=0.722725 1.84542 3.12012 2.74461 3.14506
+threshold=50.500000000000007 5.5000000000000009 15.500000000000002 72.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0024334074677609479 -0.006763534012693021 0.0025932681847872568 0.00079243500179005505 0.0046793649621367671 -0.0053524065458785252
+leaf_weight=42 41 41 47 51 39
+leaf_count=42 41 41 47 51 39
+internal_value=0 -0.0233981 -0.136073 0.0520188 -0.0635775
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3041
+num_leaves=5
+num_cat=0
+split_feature=2 1 5 5
+split_gain=0.722707 2.06813 3.89957 4.04544
+threshold=24.500000000000004 8.5000000000000018 67.65000000000002 52.800000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030357775865664646 0.0021115212798096129 -0.0032084926611116006 0.005681966615617211 -0.0056122128755041805
+leaf_weight=41 53 75 46 46
+leaf_count=41 53 75 46 46
+internal_value=0 -0.0269545 0.0480548 -0.0764185
+internal_weight=0 208 133 87
+internal_count=261 208 133 87
+shrinkage=0.02
+
+
+Tree=3042
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.770046 3.43445 5.04569 8.5067
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00052194668044430227 -0.0023771836704550063 -0.004866062497845507 -0.0025612552898981269 0.010795934988066653
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.02544 0.0852913 0.219991
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3043
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 9
+split_gain=0.751698 2.45301 2.17496 2.03688
+threshold=62.500000000000007 69.500000000000014 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0029833366964890948 -0.0048128435223007346 0.0012371948280101076 0.004749369615326079 -0.0027405538919724921
+leaf_weight=40 46 65 43 67
+leaf_count=40 46 65 43 67
+internal_value=0 -0.0632139 0.0467411 -0.0296379
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=3044
+num_leaves=6
+num_cat=0
+split_feature=5 2 2 7 5
+split_gain=0.754922 2.77822 2.49586 3.53023 1.34057
+threshold=72.700000000000003 24.500000000000004 13.500000000000002 59.500000000000007 52.800000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0044706312509214061 -0.0023544181513636235 0.0049996991564431161 0.00076775654541496783 -0.0075451969144241819 -0.00049783734467445271
+leaf_weight=39 46 44 43 39 50
+leaf_count=39 46 44 43 39 50
+internal_value=0 0.0251904 -0.0324963 -0.158964 0.0836089
+internal_weight=0 215 171 82 89
+internal_count=261 215 171 82 89
+shrinkage=0.02
+
+
+Tree=3045
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.724281 3.24471 4.91866 8.33651
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00055467833822343902 -0.0023074014986223788 -0.0047312778544175774 -0.0025556458936698014 0.010649629299342316
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0246873 0.0828764 0.21588
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3046
+num_leaves=5
+num_cat=0
+split_feature=7 9 6 6
+split_gain=0.716064 2.5114 2.00398 1.69621
+threshold=57.500000000000007 61.500000000000007 46.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0012677615491322603 -0.004470572513400284 -0.0011643031546742827 0.004373340058825643 0.003993152321831157
+leaf_weight=55 52 64 47 43
+leaf_count=55 52 64 47 43
+internal_value=0 -0.0425582 0.0662474 0.0451051
+internal_weight=0 159 102 107
+internal_count=261 159 102 107
+shrinkage=0.02
+
+
+Tree=3047
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.732589 3.11225 4.73741 8.13862
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00056698804059687627 -0.002320454966770948 -0.0046214975120315235 -0.0024987269298119997 0.010503754491053343
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0248141 0.0818133 0.212356
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3048
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 2
+split_gain=0.735457 2.0033 3.15993 2.79362 3.11709
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0024539159497258102 -0.0065337303721880961 0.0026141955540770596 0.001054093043637962 0.0047697858826355952 -0.0052964058496288739
+leaf_weight=42 45 41 43 51 39
+leaf_count=42 45 41 43 51 39
+internal_value=0 -0.0236107 -0.140953 0.0549429 -0.0616745
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3049
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 7
+split_gain=0.739087 2.7233 3.24051 1.95602
+threshold=57.500000000000007 66.500000000000014 67.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0021054457663180733 -0.004239283087848625 0.0056758918662586271 -0.0017414621476208644 0.0035845754664935643
+leaf_weight=40 60 39 60 62
+leaf_count=40 60 39 60 62
+internal_value=0 -0.0432219 0.0587198 0.0672722
+internal_weight=0 159 99 102
+internal_count=261 159 99 102
+shrinkage=0.02
+
+
+Tree=3050
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.742175 3.02485 4.56657 7.84315
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00053896705967540221 -0.0023352590343013926 -0.0045464080521402566 -0.0024365500933065877 0.010329222910490821
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0249681 0.0811682 0.209347
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3051
+num_leaves=5
+num_cat=0
+split_feature=3 6 7 8
+split_gain=0.747526 2.87888 4.74321 2.48148
+threshold=75.500000000000014 64.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001543528655411624 -0.0024406638529410295 -0.003738221379663979 0.0065023924133022649 -0.0047226496158291201
+leaf_weight=73 43 50 56 39
+leaf_count=73 43 50 56 39
+internal_value=0 0.0240492 0.0871247 -0.0316446
+internal_weight=0 218 168 112
+internal_count=261 218 168 112
+shrinkage=0.02
+
+
+Tree=3052
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 6
+split_gain=0.729449 2.67564 2.89104 1.99149
+threshold=54.500000000000007 66.500000000000014 13.500000000000002 46.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0012220979864679146 -0.004159900755866257 0.0044422617866595971 -0.0024154240537505255 0.004434227512848981
+leaf_weight=55 61 52 47 46
+leaf_count=55 61 52 47 46
+internal_value=0 -0.0426159 0.0589556 0.0673711
+internal_weight=0 160 99 101
+internal_count=261 160 99 101
+shrinkage=0.02
+
+
+Tree=3053
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.732359 2.73672 4.23985 6.45262
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0020084673119059359 0.0057834871246758368 0.0046488251105703858 -0.0058434783702177298 -0.0041171920278002963
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.028654 -0.0377576 0.0713635
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3054
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 8
+split_gain=0.747742 2.09746 3.20117 2.86166
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0024735738966451962 -0.0066156007844763798 0.0045644523107965128 0.0010212096595578371 -0.0014237338855547007
+leaf_weight=42 45 56 43 75
+leaf_count=42 45 56 43 75
+internal_value=0 -0.0238126 -0.143852 0.0565534
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=3055
+num_leaves=5
+num_cat=0
+split_feature=3 6 5 2
+split_gain=0.736791 2.80744 4.67742 2.0345
+threshold=75.500000000000014 64.500000000000014 58.20000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00239993253341574 -0.0024236042601051425 -0.0036892819620069212 0.0076035684525162994 0.0027300475501247862
+leaf_weight=72 43 50 41 55
+leaf_count=72 43 50 41 55
+internal_value=0 0.0238769 0.0861722 -0.00858559
+internal_weight=0 218 168 127
+internal_count=261 218 168 127
+shrinkage=0.02
+
+
+Tree=3056
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 6
+split_gain=0.727847 2.74364 2.93599 1.9239
+threshold=57.500000000000007 66.500000000000014 67.500000000000014 46.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.00120548102975606 -0.004245671262102276 0.005474217655120496 -0.0015877108613008349 0.0043225643219830306
+leaf_weight=55 60 39 60 47
+leaf_count=55 60 39 60 47
+internal_value=0 -0.0429162 0.0594044 0.0667568
+internal_weight=0 159 99 102
+internal_count=261 159 99 102
+shrinkage=0.02
+
+
+Tree=3057
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.738113 1.99607 4.57123 2.54958
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0024580302216078965 0.00069910177474331566 -0.00096004174910892237 -0.0076716752096716734 0.0054221740915613046
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.023662 -0.116694 0.0751479
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3058
+num_leaves=5
+num_cat=0
+split_feature=3 6 7 8
+split_gain=0.72304 2.72072 4.7034 2.3748
+threshold=75.500000000000014 64.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014637424627863727 -0.0024014719713860719 -0.0036291433961562398 0.0064399362871908703 -0.0046670699751160481
+leaf_weight=73 43 50 56 39
+leaf_count=73 43 50 56 39
+internal_value=0 0.0236597 0.0849945 -0.0332769
+internal_weight=0 218 168 112
+internal_count=261 218 168 112
+shrinkage=0.02
+
+
+Tree=3059
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 2
+split_gain=0.69407 2.08337 3.11396 2.9151 3.05289
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0023855547068208026 -0.0065397341449217874 0.0025683103289544972 0.00099275248710326415 0.004891889198275259 -0.0052607829227665978
+leaf_weight=42 45 41 43 51 39
+leaf_count=42 45 41 43 51 39
+internal_value=0 -0.0229647 -0.142607 0.0571338 -0.0619822
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3060
+num_leaves=5
+num_cat=0
+split_feature=3 6 7 8
+split_gain=0.720234 2.68407 4.53876 2.26363
+threshold=75.500000000000014 64.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001446240154731383 -0.0023968548221988913 -0.0036023975416514986 0.0063475439159340124 -0.0045405788567095488
+leaf_weight=73 43 50 56 39
+leaf_count=73 43 50 56 39
+internal_value=0 0.0236188 0.0845431 -0.0316426
+internal_weight=0 218 168 112
+internal_count=261 218 168 112
+shrinkage=0.02
+
+
+Tree=3061
+num_leaves=5
+num_cat=0
+split_feature=7 3 2 6
+split_gain=0.706996 2.76668 2.77815 2.0127
+threshold=57.500000000000007 66.500000000000014 13.500000000000002 46.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0012818814343541986 -0.0042476766788316529 0.0044079636348422534 -0.0023151020968140172 0.0043714358891942763
+leaf_weight=55 60 52 47 47
+leaf_count=55 60 52 47 47
+internal_value=0 -0.0423107 0.0604375 0.0658226
+internal_weight=0 159 99 102
+internal_count=261 159 99 102
+shrinkage=0.02
+
+
+Tree=3062
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=0.725906 2.83979 3.27431 2.67702
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0019998037275193131 0.0051246397348521091 0.005215813240019988 -0.0039014723197219043 -0.0017578990778569865
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0285325 -0.0318953 0.0932408
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=3063
+num_leaves=5
+num_cat=0
+split_feature=3 6 7 8
+split_gain=0.70782 2.61468 4.55705 2.22222
+threshold=75.500000000000014 64.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014027104674505441 -0.0023768044656325526 -0.0035538155546987371 0.0063371198620386085 -0.0045294077189447085
+leaf_weight=73 43 50 56 39
+leaf_count=73 43 50 56 39
+internal_value=0 0.0234133 0.0835528 -0.0328669
+internal_weight=0 218 168 112
+internal_count=261 218 168 112
+shrinkage=0.02
+
+
+Tree=3064
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 1
+split_gain=0.694359 3.2419 3.12651 1.82254
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016230732076232069 -0.0022611534241316037 0.0045839833219497956 -0.0044588088733620327 0.0039437502821405568
+leaf_weight=45 46 57 63 50
+leaf_count=45 46 57 63 50
+internal_value=0 0.0241555 -0.0496316 0.0649583
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3065
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 6
+split_gain=0.686546 2.29518 4.00951 6.75056
+threshold=24.500000000000004 65.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.005304403176323933 0.0020588180017051261 0.0023064559806740305 -0.00666192876389514 0.0059807765172443239
+leaf_weight=41 53 74 49 44
+leaf_count=41 53 74 49 44
+internal_value=0 -0.026323 -0.104863 0.0264024
+internal_weight=0 208 134 85
+internal_count=261 208 134 85
+shrinkage=0.02
+
+
+Tree=3066
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 2
+split_gain=0.695519 2.08237 3.03591 2.75752 2.98412
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0023879651352320427 -0.006493367839539319 0.0025896012365077864 0.00094443314654494431 0.0047889926799395931 -0.0051515485356424312
+leaf_weight=42 45 41 43 51 39
+leaf_count=42 45 41 43 51 39
+internal_value=0 -0.0229884 -0.142602 0.0570908 -0.0587711
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3067
+num_leaves=6
+num_cat=0
+split_feature=3 1 3 3 8
+split_gain=0.697876 2.60311 5.32054 4.36584 4.34344
+threshold=75.500000000000014 8.5000000000000018 65.500000000000014 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -3
+right_child=-2 4 -4 -5 -6
+leaf_value=0.0037779451538275974 -0.0023604028125165759 0.0017446847499549003 0.0083673490971114869 -0.0052088707175884973 -0.0070642318571182095
+leaf_weight=46 43 51 40 41 40
+leaf_count=46 43 51 40 41 40
+internal_value=0 0.0232583 0.116236 -0.0224408 -0.106052
+internal_weight=0 218 127 87 91
+internal_count=261 218 127 87 91
+shrinkage=0.02
+
+
+Tree=3068
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.698802 2.70925 4.15391 6.61447
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0019630509667292258 0.005809274694515045 0.0046156971939302436 -0.005798045379662168 -0.0042146018049330483
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0280135 -0.0380656 0.0699457
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3069
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 1
+split_gain=0.752814 3.05314 2.99113 1.81809
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016064155765996954 -0.0023516749501202457 0.0044830898030357351 -0.0043205607757007755 0.0039535910601813046
+leaf_weight=45 46 57 63 50
+leaf_count=45 46 57 63 50
+internal_value=0 0.0251331 -0.0464802 0.0656123
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3070
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.722218 3.05992 4.53775 7.76123
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00052264821446183979 -0.0023047120743339171 -0.0045822509866191635 -0.0024241129147493322 0.010288692552185577
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0246275 0.0811499 0.208925
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3071
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 4
+split_gain=0.706733 2.56621 1.99676 1.84745
+threshold=62.500000000000007 69.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0023614343810257165 -0.0048564895619752487 0.0013308856963873167 0.0040436869893389418 -0.0032303278827209409
+leaf_weight=42 46 65 53 55
+leaf_count=42 46 65 53 55
+internal_value=0 -0.0613747 0.0453288 -0.0400477
+internal_weight=0 111 150 97
+internal_count=261 111 150 97
+shrinkage=0.02
+
+
+Tree=3072
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 7
+split_gain=0.705356 2.64806 3.14788 1.9786
+threshold=57.500000000000007 66.500000000000014 67.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0021558610691463738 -0.0041736705702921312 0.0056023613397639402 -0.0017087624765174728 0.0035668160030967915
+leaf_weight=40 60 39 60 62
+leaf_count=40 60 39 60 62
+internal_value=0 -0.0422687 0.0582613 0.0657426
+internal_weight=0 159 99 102
+internal_count=261 159 99 102
+shrinkage=0.02
+
+
+Tree=3073
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 6
+split_gain=0.715632 2.24122 3.97038 6.37631
+threshold=24.500000000000004 65.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0053005386781658503 0.0021008033732337335 0.0022624589744827056 -0.0069391078199916023 0.0054300746765673889
+leaf_weight=42 53 74 45 47
+leaf_count=42 53 74 45 47
+internal_value=0 -0.0268576 -0.104477 0.0178511
+internal_weight=0 208 134 89
+internal_count=261 208 134 89
+shrinkage=0.02
+
+
+Tree=3074
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 1
+split_gain=0.719798 3.02575 2.92434 1.80625
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016266550990418742 -0.002301000342895391 0.0044543839797354092 -0.0042872844018610311 0.0039155218848597392
+leaf_weight=45 46 57 63 50
+leaf_count=45 46 57 63 50
+internal_value=0 0.0245849 -0.0467078 0.06413
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3075
+num_leaves=5
+num_cat=0
+split_feature=5 7 7 7
+split_gain=0.690508 2.82305 2.17285 1.86115
+threshold=72.700000000000003 69.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0020684016246226831 -0.0022550506215435009 0.0053644464509945448 -0.003219800086032368 0.0034832361628367014
+leaf_weight=40 46 39 74 62
+leaf_count=40 46 39 74 62
+internal_value=0 0.0240903 -0.0298651 0.064918
+internal_weight=0 215 176 102
+internal_count=261 215 176 102
+shrinkage=0.02
+
+
+Tree=3076
+num_leaves=5
+num_cat=0
+split_feature=2 5 7 6
+split_gain=0.687356 1.7636 4.89968 4.78161
+threshold=24.500000000000004 67.65000000000002 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0041414720633756773 0.002060007654595155 0.0022132610960986479 -0.0070765837310908944 0.0048435930035052293
+leaf_weight=43 53 65 47 53
+leaf_count=43 53 65 47 53
+internal_value=0 -0.0263377 -0.088914 0.040531
+internal_weight=0 208 143 96
+internal_count=261 208 143 96
+shrinkage=0.02
+
+
+Tree=3077
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.689629 3.06669 4.45179 7.71334
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0005420742482459348 -0.0022536174836866709 -0.0045988704229456894 -0.0023954448909929049 0.010235946621925481
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0240772 0.0806621 0.207228
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3078
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.756711 1.83498 4.27732 2.53101
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0024878658635162361 0.00067000638085181103 -0.0010378946406749312 -0.0074281110604197736 0.0053215445975752862
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.023957 -0.113198 0.0708117
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3079
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 8
+split_gain=0.725966 2.08999 2.92136 2.84233
+threshold=50.500000000000007 5.5000000000000009 15.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0024381907971760485 -0.0067775507335509589 0.0045568204021760022 0.0005340701990606731 -0.0014112012581762056
+leaf_weight=42 41 56 47 75
+leaf_count=42 41 56 47 75
+internal_value=0 -0.023475 -0.143304 0.0567491
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=3080
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 8
+split_gain=0.69644 2.00629 3.09808 2.7292
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0023895085229141454 -0.0064870092765055556 0.0044657975506480633 0.0010264624223469414 -0.001383003499257163
+leaf_weight=42 45 56 43 75
+leaf_count=42 45 56 43 75
+internal_value=0 -0.0230028 -0.140434 0.0556097
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=3081
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=0.668079 1.9259 2.97501 2.73521 2.57745
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0023417976081357142 -0.0063574706136829877 0.0023704333119940395 0.0010059668853730206 0.0047225136768101299 -0.0048244081327139905
+leaf_weight=42 45 40 43 51 40
+leaf_count=42 45 40 43 51 40
+internal_value=0 -0.0225399 -0.13762 0.054493 -0.0609034
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3082
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 9
+split_gain=0.680665 2.44102 2.17899 1.88607
+threshold=62.500000000000007 69.500000000000014 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0028034089198872903 -0.0047451056655806066 0.0012904792066376681 0.0047086905593077162 -0.0027061494816424015
+leaf_weight=40 46 65 43 67
+leaf_count=40 46 65 43 67
+internal_value=0 -0.0602483 0.044524 -0.0319272
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=3083
+num_leaves=6
+num_cat=0
+split_feature=5 9 5 6 3
+split_gain=0.689256 2.99501 4.39858 1.53482 1.98714
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 49.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0016923302908846269 -0.0022527225204952272 -0.0045392830764084853 0.0069231297780537474 -0.0035040039852323223 0.0043064793122234747
+leaf_weight=46 46 39 46 41 43
+leaf_count=46 46 39 46 41 43
+internal_value=0 0.0240861 0.0800118 -0.0139906 0.0599048
+internal_weight=0 215 176 130 89
+internal_count=261 215 176 130 89
+shrinkage=0.02
+
+
+Tree=3084
+num_leaves=5
+num_cat=0
+split_feature=3 6 6 8
+split_gain=0.671775 2.65229 4.60358 1.72931
+threshold=75.500000000000014 64.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001417589993716363 -0.0023170530494360463 -0.0035940926434371392 0.0067615602128408567 -0.0035897840049331888
+leaf_weight=73 43 50 50 45
+leaf_count=73 43 50 50 45
+internal_value=0 0.0228337 0.0834007 -0.0243111
+internal_weight=0 218 168 118
+internal_count=261 218 168 118
+shrinkage=0.02
+
+
+Tree=3085
+num_leaves=5
+num_cat=0
+split_feature=2 1 5 6
+split_gain=0.652715 1.90953 4.07542 6.85473
+threshold=24.500000000000004 8.5000000000000018 67.65000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0043227352986272343 0.0020091154038715166 -0.0030796447022310254 0.0057540744489060066 -0.0069260275477128251
+leaf_weight=41 53 75 46 46
+leaf_count=41 53 75 46 46
+internal_value=0 -0.0256755 0.0464203 -0.0808243
+internal_weight=0 208 133 87
+internal_count=261 208 133 87
+shrinkage=0.02
+
+
+Tree=3086
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.663859 3.05096 2.84588 1.73626
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011649990673116401 -0.0021834031656932144 0.004502910101144778 -0.0042514172489827948 0.0042990025297774256
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.023958 -0.047164 0.0621818
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=3087
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=0.652978 1.86219 2.93455 2.67443 2.41263
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0023160528538769434 -0.0062900912520994978 0.0022594733556696744 0.0010234316837519151 0.0046618451213670939 -0.004702968648433805
+leaf_weight=42 45 40 43 51 40
+leaf_count=42 45 40 43 51 40
+internal_value=0 -0.0222864 -0.135469 0.0534713 -0.0606412
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3088
+num_leaves=5
+num_cat=0
+split_feature=8 8 5 1
+split_gain=0.673551 2.42807 2.11248 0.87745
+threshold=62.500000000000007 69.500000000000014 53.500000000000007 2.5000000000000004
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0013519435335727268 -0.0047295636792542076 0.0012901127667714323 0.0041594762964786217 -0.002505635374292282
+leaf_weight=42 46 65 52 56
+leaf_count=42 46 65 52 56
+internal_value=0 -0.0599367 0.0443024 -0.0422222
+internal_weight=0 111 150 98
+internal_count=261 111 150 98
+shrinkage=0.02
+
+
+Tree=3089
+num_leaves=6
+num_cat=0
+split_feature=5 9 5 6 7
+split_gain=0.675658 3.04681 4.32406 1.43536 1.93978
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 49.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0020990767712779908 -0.0022309388818362026 -0.0045868543164944275 0.0068830023142839696 -0.0033784173633281929 0.0038555977323013004
+leaf_weight=40 46 39 46 41 49
+leaf_count=40 46 39 46 41 49
+internal_value=0 0.0238583 0.0802614 -0.012942 0.0585406
+internal_weight=0 215 176 130 89
+internal_count=261 215 176 130 89
+shrinkage=0.02
+
+
+Tree=3090
+num_leaves=6
+num_cat=0
+split_feature=3 2 5 5 1
+split_gain=0.663848 2.62374 6.94889 4.9672 1.84099
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 55.150000000000006 9.5000000000000018
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0049604402245550343 -0.0023036579849660772 0.0020189814266330509 -0.006762236166085075 0.0077618514546914869 -0.0039315630970436768
+leaf_weight=42 43 44 52 40 40
+leaf_count=42 43 44 52 40 40
+internal_value=0 0.0227065 -0.030912 0.0977094 -0.0403005
+internal_weight=0 218 176 124 84
+internal_count=261 218 176 124 84
+shrinkage=0.02
+
+
+Tree=3091
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 7
+split_gain=0.671594 2.80729 3.16338 2.03176
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0019254025607012995 -0.00083820287789620595 0.0051684618206255962 -0.0038601005559252052 0.005197779828896837
+leaf_weight=58 51 42 70 40
+leaf_count=58 51 42 70 40
+internal_value=0 0.0274851 -0.0325974 0.0904074
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=3092
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.653671 3.01881 2.74246 1.60272
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011226584482534425 -0.0021955329174588654 0.004427665682688724 -0.0042026820007209 0.0041292281668798819
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.0234716 -0.0477402 0.0596072
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3093
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 6
+split_gain=0.653246 2.1046 3.66314 6.25023
+threshold=24.500000000000004 65.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0051213819660756148 0.0020100011377937044 0.0021999550575273023 -0.0063825915604738695 0.0057388106198478029
+leaf_weight=41 53 74 49 44
+leaf_count=41 53 74 49 44
+internal_value=0 -0.025681 -0.100925 0.0245529
+internal_weight=0 208 134 85
+internal_count=261 208 134 85
+shrinkage=0.02
+
+
+Tree=3094
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=0.711581 1.89438 2.9354 2.61182 2.24304
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.002414935712778061 -0.0063285797752732579 0.0021565686716294389 0.00098586021438811866 0.0046139449353247959 -0.0045584345658223535
+leaf_weight=42 45 40 43 51 40
+leaf_count=42 45 40 43 51 40
+internal_value=0 -0.0232293 -0.137373 0.0531744 -0.0595996
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3095
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.682588 1.6931 4.01638 2.50158
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0023667169188217678 0.00067270165810443439 -0.001073807794271535 -0.0071755154450821538 0.0052489881288955943
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.0227584 -0.108524 0.0683055
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3096
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.678907 3.04284 4.79062 7.85259
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00049756960622784506 -0.0022360318509725575 -0.00458234867561129 -0.0025524121512395799 0.010377074011114974
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0239195 0.0802861 0.211558
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3097
+num_leaves=6
+num_cat=0
+split_feature=3 2 6 3 1
+split_gain=0.678175 2.59592 6.77 5.74711 3.88094
+threshold=75.500000000000014 6.5000000000000009 64.500000000000014 60.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0049414488416061513 -0.0023276003867920571 0.0030467376535196797 -0.0077320155788721881 0.0079187629802702428 -0.0050524289222460359
+leaf_weight=42 43 46 41 40 49
+leaf_count=42 43 46 41 40 49
+internal_value=0 0.0229464 -0.0303881 0.0776432 -0.0561478
+internal_weight=0 218 176 135 95
+internal_count=261 218 176 135 95
+shrinkage=0.02
+
+
+Tree=3098
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.677593 1.7472 3.95027 2.46504
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0023582055576062411 0.00062390199066267044 -0.0010257865747072483 -0.0071595729169457801 0.005250797863493647
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.0226815 -0.10979 0.0698135
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3099
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.67148 2.64783 4.02052 6.72894
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0019251190999175424 0.0058168051691624457 0.0045593584226959602 -0.005712430593065412 -0.0042933248801167567
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0274891 -0.0378399 0.0684266
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3100
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.687919 2.93824 2.62147 1.56829
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011145537685927911 -0.0022505375685985783 0.0043867162205520399 -0.0040998782777211659 0.0040812522402448956
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.0240665 -0.0461917 0.0587719
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3101
+num_leaves=6
+num_cat=0
+split_feature=3 2 5 5 5
+split_gain=0.663703 2.53603 6.6249 4.68938 1.68134
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 55.150000000000006 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0048850621038302698 -0.0023033680402681782 0.0022006547927023437 -0.0065997957933743492 0.0075551743496377671 -0.0034887078940016303
+leaf_weight=42 43 40 52 40 44
+leaf_count=42 43 40 52 40 44
+internal_value=0 0.0227065 -0.0300115 0.0955786 -0.0385198
+internal_weight=0 218 176 124 84
+internal_count=261 218 176 124 84
+shrinkage=0.02
+
+
+Tree=3102
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=0.685261 2.7401 3.07686 2.45162
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0019442781620721964 0.0049150860557591871 0.0051187009326998526 -0.0037963974190150453 -0.0016731283335057992
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0277581 -0.0316033 0.0897148
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=3103
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 8
+split_gain=0.670933 2.02135 3.0466 2.55483
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0023468830624016612 -0.0064566508485349398 0.004372088554200162 0.00099434577914645503 -0.0012878388455836074
+leaf_weight=42 45 56 43 75
+leaf_count=42 45 56 43 75
+internal_value=0 -0.0225749 -0.140442 0.0563306
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=3104
+num_leaves=5
+num_cat=0
+split_feature=3 7 2 7
+split_gain=0.679613 2.84419 2.75424 1.73301
+threshold=66.500000000000014 57.500000000000007 13.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0020261552149677679 0.0045086505263328379 -0.004277674740201149 -0.0021850846542569007 0.0033329702557977014
+leaf_weight=40 52 60 47 62
+leaf_count=40 52 60 47 62
+internal_value=0 -0.0404981 0.0661722 0.0611783
+internal_weight=0 162 99 102
+internal_count=261 162 99 102
+shrinkage=0.02
+
+
+Tree=3105
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=0.689277 2.64162 2.89616 2.43188
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0019498169573034499 0.0048537390391606419 0.0050381075968248187 -0.003679784527079039 -0.0017082613067226173
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0278365 -0.030452 0.087265
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=3106
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=0.705831 2.97358 4.91243 2.58039
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012166218567050459 -0.0022788877797820239 0.0054975304319417207 -0.0066923370228099341 0.0043714708337045998
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.0243662 -0.0310047 0.0610329
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=3107
+num_leaves=6
+num_cat=0
+split_feature=4 3 6 4 9
+split_gain=0.683409 2.27657 2.80831 2.85326 2.45549
+threshold=75.500000000000014 69.500000000000014 58.500000000000007 58.500000000000007 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0041506850402418848 0.0024373669527045262 -0.004712215254914596 0.0050693996913159069 -0.0054475592889534352 -0.0021656658508021937
+leaf_weight=49 40 41 42 39 50
+leaf_count=49 40 41 42 39 50
+internal_value=0 -0.0221328 0.0263433 -0.042586 0.0476629
+internal_weight=0 221 180 138 99
+internal_count=261 221 180 138 99
+shrinkage=0.02
+
+
+Tree=3108
+num_leaves=5
+num_cat=0
+split_feature=5 9 2 5
+split_gain=0.672305 2.86601 2.59992 3.08906
+threshold=72.700000000000003 66.500000000000014 15.500000000000002 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0035550792139606969 -0.00222568959282359 0.0043333281136543967 -0.0024584719798419674 0.0053693186660149564
+leaf_weight=77 46 57 39 42
+leaf_count=77 46 57 39 42
+internal_value=0 0.0237941 -0.0455985 0.0795823
+internal_weight=0 215 158 81
+internal_count=261 215 158 81
+shrinkage=0.02
+
+
+Tree=3109
+num_leaves=5
+num_cat=0
+split_feature=3 9 7 7
+split_gain=0.657286 3.74915 2.80461 1.60909
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0019099056783209187 0.006141389313258569 -0.0018338098454261076 -0.004240812573160847 0.0032558162212587894
+leaf_weight=40 39 60 60 62
+leaf_count=40 39 60 60 62
+internal_value=0 0.065099 -0.0398553 0.0611142
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=3110
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 8
+split_gain=0.693974 1.95254 2.66282 2.55285
+threshold=50.500000000000007 5.5000000000000009 15.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.002385576440484954 -0.0065119273195214187 0.0043364377612414504 0.00047016938164947341 -0.0013214486945369393
+leaf_weight=42 41 56 47 75
+leaf_count=42 41 56 47 75
+internal_value=0 -0.0229541 -0.138818 0.0546055
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=3111
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 3 3
+split_gain=0.665713 1.87429 2.9869 2.57639 4.67227
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0023379438285281323 -0.006333050911339789 0.0040336058534622679 0.0010451458309071507 0.0048336794408917151 -0.0054325711698047551
+leaf_weight=42 45 39 43 47 45
+leaf_count=42 45 39 43 47 45
+internal_value=0 -0.0224923 -0.136037 0.0535089 -0.0514173
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=3112
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.660368 2.84702 2.50325 1.59919
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011721389508357442 -0.002206287799014532 0.0043166369406807672 -0.0040155702566163033 0.0040743180856530163
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.0235946 -0.0455687 0.0570112
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3113
+num_leaves=5
+num_cat=0
+split_feature=3 9 7 6
+split_gain=0.663478 3.67686 2.72308 1.58899
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0011211156636200519 0.0061008222215402034 -0.0017974083501903274 -0.0041942531750070013 0.003907673231068629
+leaf_weight=55 39 60 60 47
+leaf_count=55 39 60 60 47
+internal_value=0 0.0654026 -0.0400304 0.0594662
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=3114
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 2
+split_gain=0.671383 1.8121 2.90212 2.59715 3.04357
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0023476552131597066 -0.0062460126783198738 0.0025961641113572903 0.0010272317536093947 0.004583747077121272 -0.0052211835426627627
+leaf_weight=42 45 41 43 51 39
+leaf_count=42 45 41 43 51 39
+internal_value=0 -0.0225819 -0.134248 0.0521572 -0.0603017
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3115
+num_leaves=6
+num_cat=0
+split_feature=3 1 3 8 3
+split_gain=0.683648 2.5471 5.27439 4.16931 4.08449
+threshold=75.500000000000014 8.5000000000000018 65.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -3 -1
+right_child=-2 3 -4 -5 -6
+leaf_value=0.0036275605278080349 -0.0023365823462664294 0.001689988796272599 0.008316973010470869 -0.0069411341417213611 -0.0050660512975610065
+leaf_weight=46 43 51 40 40 41
+leaf_count=46 43 51 40 40 41
+internal_value=0 0.0230423 0.115023 -0.104877 -0.023051
+internal_weight=0 218 127 91 87
+internal_count=261 218 127 91 87
+shrinkage=0.02
+
+
+Tree=3116
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.684542 2.90419 4.62689 8.14506
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00065373717478289046 -0.0022450697739651647 -0.0044644342471960108 -0.0025047761335831066 0.010421529885168564
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0240136 0.0790929 0.208114
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3117
+num_leaves=6
+num_cat=0
+split_feature=3 2 6 3 1
+split_gain=0.666715 2.4784 6.61996 5.71039 3.52231
+threshold=75.500000000000014 6.5000000000000009 64.500000000000014 60.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0048357972320650037 -0.0023084668028041885 0.0028548749385873436 -0.0076324279475363035 0.0078949111225541345 -0.0048626122796319284
+leaf_weight=42 43 46 41 40 49
+leaf_count=42 43 46 41 40 49
+internal_value=0 0.0227548 -0.029363 0.0774653 -0.0558979
+internal_weight=0 218 176 135 95
+internal_count=261 218 176 135 95
+shrinkage=0.02
+
+
+Tree=3118
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=0.699819 2.63826 2.82951 2.35018
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00196427541775159 0.0047792745372604037 0.0050393600169315123 -0.0036396858598428195 -0.0016722841604087533
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0280414 -0.03021 0.0861505
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=3119
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.657414 2.90246 2.47723 1.54013
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011545345576914191 -0.0022016196326472533 0.0043524776524987352 -0.0040139926212779389 0.0039952355511318292
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.0235369 -0.0462941 0.0557528
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3120
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=0.669098 2.55503 2.76715 2.26084
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0019219930431242139 0.0047017575268129353 0.0049565503485049216 -0.0036000652905791236 -0.0016268068474518719
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.027432 -0.0298968 0.08518
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=3121
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 2
+split_gain=0.671895 1.94889 2.94498 2.54066 2.8579
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0023484016880162798 -0.006353965143201779 0.0025580574302508474 0.00097229084793572522 0.0045998564549264596 -0.0050187091502290207
+leaf_weight=42 45 41 43 51 39
+leaf_count=42 45 41 43 51 39
+internal_value=0 -0.0225963 -0.138354 0.0548917 -0.0563392
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3122
+num_leaves=6
+num_cat=0
+split_feature=5 9 5 5 2
+split_gain=0.696689 2.85351 4.52636 1.48028 2.05401
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 52.800000000000004 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0043322102295065227 -0.0022644637015654047 -0.0044173265535537931 0.0069757046536765852 -0.0036138864937480344 -0.0017137738362042753
+leaf_weight=42 46 39 46 39 49
+leaf_count=42 46 39 46 39 49
+internal_value=0 0.0242136 0.0788145 -0.0165424 0.053454
+internal_weight=0 215 176 130 91
+internal_count=261 215 176 130 91
+shrinkage=0.02
+
+
+Tree=3123
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 6
+split_gain=0.689032 2.03864 3.45356 6.22991
+threshold=24.500000000000004 65.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0051749834021367902 0.0020627387612917698 0.002143913906153613 -0.0062464518992362021 0.0056677957870520943
+leaf_weight=41 53 74 49 44
+leaf_count=41 53 74 49 44
+internal_value=0 -0.0263542 -0.100421 0.0214195
+internal_weight=0 208 134 85
+internal_count=261 208 134 85
+shrinkage=0.02
+
+
+Tree=3124
+num_leaves=6
+num_cat=0
+split_feature=5 9 5 5 2
+split_gain=0.674356 2.79118 4.40137 1.44959 2.00746
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 52.800000000000004 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0042879248296234093 -0.0022289574236188762 -0.0043714824522551538 0.006881437955967175 -0.0035732559776989613 -0.0016897286702154707
+leaf_weight=42 46 39 46 39 49
+leaf_count=42 46 39 46 39 49
+internal_value=0 0.0238306 0.077838 -0.0161948 0.053079
+internal_weight=0 215 176 130 91
+internal_count=261 215 176 130 91
+shrinkage=0.02
+
+
+Tree=3125
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.685609 2.48981 3.92397 6.31356
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0019449295149995803 0.0056969802020561365 0.0044441432611347564 -0.0056082202254794343 -0.0040967814732894596
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0277564 -0.0356009 0.0693855
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3126
+num_leaves=5
+num_cat=0
+split_feature=2 5 7 4
+split_gain=0.686146 1.89418 4.49315 5.51877
+threshold=24.500000000000004 67.65000000000002 59.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0036590704352326242 0.0020584384804731575 0.0023126769971330906 -0.0068970198666236451 0.0059920165771006548
+leaf_weight=53 53 65 47 43
+leaf_count=53 53 65 47 43
+internal_value=0 -0.0263055 -0.0911279 0.0328351
+internal_weight=0 208 143 96
+internal_count=261 208 143 96
+shrinkage=0.02
+
+
+Tree=3127
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 8
+split_gain=0.70774 1.91498 2.96767 2.60881
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0024084871830270384 -0.0063591983478614705 0.0043523081463672101 0.00099515527880348177 -0.0013669542424987189
+leaf_weight=42 45 56 43 75
+leaf_count=42 45 56 43 75
+internal_value=0 -0.0231732 -0.137929 0.0536418
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=3128
+num_leaves=5
+num_cat=0
+split_feature=5 9 2 5
+split_gain=0.687199 2.86196 2.65713 2.93242
+threshold=72.700000000000003 66.500000000000014 15.500000000000002 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0035776908743840896 -0.0022494812260254724 0.0043357217987072079 -0.0020392671380823403 0.0055882437414667757
+leaf_weight=77 46 57 42 39
+leaf_count=77 46 57 42 39
+internal_value=0 0.0240498 -0.0452938 0.0812512
+internal_weight=0 215 158 81
+internal_count=261 215 158 81
+shrinkage=0.02
+
+
+Tree=3129
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.712041 1.70407 3.79412 2.32902
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0024156373743492942 0.00057791311548671567 -0.00099223759040792956 -0.0070506814098253668 0.0051099354524318684
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.0232394 -0.109278 0.0681155
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3130
+num_leaves=6
+num_cat=0
+split_feature=5 9 5 6 2
+split_gain=0.698286 2.75678 4.31876 1.4248 1.78637
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.004135777424247894 -0.0022669996256188662 -0.004333472216918031 0.0068329922318950201 -0.0034126578443730172 -0.001560570820168829
+leaf_weight=42 46 39 46 41 47
+leaf_count=42 46 39 46 41 47
+internal_value=0 0.0242399 0.0779162 -0.0152309 0.0559875
+internal_weight=0 215 176 130 89
+internal_count=261 215 176 130 89
+shrinkage=0.02
+
+
+Tree=3131
+num_leaves=6
+num_cat=0
+split_feature=3 2 6 3 3
+split_gain=0.682508 2.43233 6.61534 5.60689 3.52723
+threshold=75.500000000000014 6.5000000000000009 64.500000000000014 60.500000000000007 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0048003299394412139 -0.0023349365706174757 0.0023491697606111352 -0.007615191445665288 0.0078513857250740813 -0.0054221128726730959
+leaf_weight=42 43 53 41 40 42
+leaf_count=42 43 53 41 40 42
+internal_value=0 0.0230112 -0.0286218 0.0781695 -0.0539801
+internal_weight=0 218 176 135 95
+internal_count=261 218 176 135 95
+shrinkage=0.02
+
+
+Tree=3132
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=0.697781 2.4616 2.69791 2.19634
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0019615827135155365 0.0046626120404459868 0.0048871109798454973 -0.0035302553509949657 -0.001575561010259084
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0279973 -0.0282773 0.0853587
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=3133
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 9
+split_gain=0.669357 2.42154 3.76008 1.78771
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0019223987950460831 -0.00060432533519426011 0.0043844793524741178 -0.0054944831197254575 0.0047852711707910434
+leaf_weight=58 68 50 46 39
+leaf_count=58 68 50 46 39
+internal_value=0 0.0274349 -0.0350515 0.067724
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3134
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 1
+split_gain=0.698352 2.9692 2.49699 1.64175
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016536412825665348 -0.0022672730216577357 0.0044104048121731652 -0.0040281694388453852 0.0036332738956625127
+leaf_weight=45 46 57 63 50
+leaf_count=45 46 57 63 50
+internal_value=0 0.0242325 -0.0463934 0.0560579
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3135
+num_leaves=6
+num_cat=0
+split_feature=8 2 2 3 5
+split_gain=0.673214 2.91496 2.79714 1.30649 1.03734
+threshold=72.500000000000014 24.500000000000004 13.500000000000002 58.500000000000007 52.800000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0042099397704062451 -0.002198403462979706 0.0050840452419256233 -0.00072432002033118181 -0.005872263048248845 -0.00016663236712799925
+leaf_weight=39 47 44 39 42 50
+leaf_count=39 47 44 39 42 50
+internal_value=0 0.0241154 -0.0352814 -0.170313 0.0872006
+internal_weight=0 214 170 81 89
+internal_count=261 214 170 81 89
+shrinkage=0.02
+
+
+Tree=3136
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.647099 2.38138 3.65483 6.29544
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0018913078057657159 0.0056300181424298271 0.0043437078052922266 -0.0054260843462105145 -0.0041498789927598293
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0269784 -0.0349903 0.06634
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3137
+num_leaves=5
+num_cat=0
+split_feature=8 9 2 5
+split_gain=0.678428 3.00098 2.58244 2.88906
+threshold=72.500000000000014 66.500000000000014 15.500000000000002 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0035610537433788231 -0.0022068054068992669 0.0044748368273689002 -0.0023487870323481022 0.0052226453427325417
+leaf_weight=77 47 56 39 42
+leaf_count=77 47 56 39 42
+internal_value=0 0.0241985 -0.0463405 0.0784196
+internal_weight=0 214 158 81
+internal_count=261 214 158 81
+shrinkage=0.02
+
+
+Tree=3138
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 8
+split_gain=0.6746 1.90284 2.94368 2.51712
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0023527087186559917 -0.0063271859323261641 0.00430014683225692 0.00099755396204562695 -0.0013183091883972511
+leaf_weight=42 45 56 43 75
+leaf_count=42 45 56 43 75
+internal_value=0 -0.0226544 -0.137051 0.0539192
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=3139
+num_leaves=6
+num_cat=0
+split_feature=3 2 5 5 5
+split_gain=0.659084 2.49118 6.44745 4.92598 1.76173
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 55.150000000000006 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0048441624223463384 -0.002295895282647049 0.0021769974012758064 -0.0065117202393835108 0.0076689790062455737 -0.0036448947033063612
+leaf_weight=42 43 40 52 40 44
+leaf_count=42 43 40 52 40 44
+internal_value=0 0.0226135 -0.0296381 0.0942604 -0.0431772
+internal_weight=0 218 176 124 84
+internal_count=261 218 176 124 84
+shrinkage=0.02
+
+
+Tree=3140
+num_leaves=6
+num_cat=0
+split_feature=4 9 1 2 2
+split_gain=0.643437 1.58538 4.66545 5.21376 2.1708
+threshold=75.500000000000014 41.500000000000007 6.5000000000000009 13.500000000000002 17.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0039998801524603724 0.0023668614614476935 0.00022175302565878981 -0.0010053727508173144 0.0087917331245043577 -0.0059026026706262315
+leaf_weight=41 40 48 45 42 45
+leaf_count=41 40 48 45 42 45
+internal_value=0 -0.0215067 0.0189886 0.185917 -0.136763
+internal_weight=0 221 180 87 93
+internal_count=261 221 180 87 93
+shrinkage=0.02
+
+
+Tree=3141
+num_leaves=5
+num_cat=0
+split_feature=3 3 8 7
+split_gain=0.658422 2.43151 2.55738 1.62481
+threshold=75.500000000000014 66.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019740089788263149 -0.0022947232424866885 0.004058984220399988 -0.0040375936809461796 0.0032336163133826886
+leaf_weight=40 43 56 61 61
+leaf_count=40 43 56 61 61
+internal_value=0 0.0226051 -0.03955 0.0581668
+internal_weight=0 218 162 101
+internal_count=261 218 162 101
+shrinkage=0.02
+
+
+Tree=3142
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.64141 2.36473 3.56954 6.31613
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0018832231880732896 0.0056153808318826423 0.0043282014834492757 -0.0053689168656735299 -0.0041805947655093679
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0268632 -0.0348895 0.0652542
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3143
+num_leaves=5
+num_cat=0
+split_feature=8 9 2 5
+split_gain=0.664337 3.00244 2.49716 2.77431
+threshold=72.500000000000014 66.500000000000014 15.500000000000002 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.003522797561278059 -0.002184434697547991 0.0044709046545652912 -0.0023171087073523096 0.0051033943001776829
+leaf_weight=77 47 56 39 42
+leaf_count=77 47 56 39 42
+internal_value=0 0.0239529 -0.0466033 0.0760888
+internal_weight=0 214 158 81
+internal_count=261 214 158 81
+shrinkage=0.02
+
+
+Tree=3144
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.680192 1.80328 3.74239 2.19519
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0023621699465463074 0.0005201108366627295 -0.0008618754821634704 -0.0070563432379073124 0.0050632468471859165
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.0227449 -0.111223 0.0712102
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3145
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 1
+split_gain=0.671516 2.87304 2.44251 1.61967
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016283780177019905 -0.0021958073400655874 0.0043870965009035331 -0.0039655117571249961 0.0036231627539529375
+leaf_weight=45 47 56 63 50
+leaf_count=45 47 56 63 50
+internal_value=0 0.024081 -0.0449434 0.0563904
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=3146
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=0.658027 2.7098 4.62169 2.44698
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011748477409723416 -0.0022029211279469764 0.0052550968802208666 -0.0064773661265386008 0.0042678393169528683
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.0235323 -0.0293335 0.0599432
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=3147
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.664856 1.73932 4.45692 4.318
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0023361460301721355 -0.0054257339633157365 0.0059324851173085226 -0.0032193869698648719 0.0017905252354154578
+leaf_weight=42 68 47 39 65
+leaf_count=42 68 47 39 65
+internal_value=0 -0.022495 0.088684 -0.0946946
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=3148
+num_leaves=6
+num_cat=0
+split_feature=4 3 6 4 9
+split_gain=0.657683 2.25568 2.7359 2.65473 2.39109
+threshold=75.500000000000014 69.500000000000014 58.500000000000007 58.500000000000007 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0040665816019333041 0.002392129504029103 -0.0046848721502179618 0.0050143655008960284 -0.0052647056868230712 -0.0021671414258643399
+leaf_weight=49 40 41 42 39 50
+leaf_count=49 40 41 42 39 50
+internal_value=0 -0.0217368 0.0265177 -0.0415201 0.0455427
+internal_weight=0 221 180 138 99
+internal_count=261 221 180 138 99
+shrinkage=0.02
+
+
+Tree=3149
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.637955 2.79763 4.36513 8.25227
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00079579563363983957 -0.0021700198378794776 -0.0043900228006274675 -0.0024245729681257118 0.010352257628501133
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0231838 0.0772536 0.202592
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3150
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=0.64505 1.77896 2.91498 2.51239 2.1363
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0023020476112746557 -0.0062254480112675483 0.0020937214679839396 0.0010639397509349369 0.004520565165986935 -0.0044607727086422065
+leaf_weight=42 45 40 43 51 40
+leaf_count=42 45 40 43 51 40
+internal_value=0 -0.0221709 -0.132824 0.0518874 -0.0587285
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3151
+num_leaves=6
+num_cat=0
+split_feature=3 2 6 3 6
+split_gain=0.632408 2.52028 6.63274 5.38238 3.3076
+threshold=75.500000000000014 6.5000000000000009 64.500000000000014 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0048605845787475874 -0.0022503612297218416 0.0024060702670218952 -0.0076597056623674354 0.0076921363422958102 -0.0050904260120486254
+leaf_weight=42 43 51 41 40 44
+leaf_count=42 43 51 41 40 44
+internal_value=0 0.0221643 -0.0303905 0.0765406 -0.0529384
+internal_weight=0 218 176 135 95
+internal_count=261 218 176 135 95
+shrinkage=0.02
+
+
+Tree=3152
+num_leaves=5
+num_cat=0
+split_feature=4 5 2 4
+split_gain=0.633193 1.63409 4.59736 2.91746
+threshold=75.500000000000014 55.95000000000001 17.500000000000004 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0014692165797216491 0.002348505880489354 0.0010039397002807604 -0.0074801770147250937 0.0050843321058178167
+leaf_weight=65 40 68 41 47
+leaf_count=65 40 68 41 47
+internal_value=0 -0.0213405 -0.109138 0.0637626
+internal_weight=0 221 109 112
+internal_count=261 221 109 112
+shrinkage=0.02
+
+
+Tree=3153
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.651337 3.75136 2.54484 6.2351
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0051861374372105555 0.0061369775836352418 -0.0018405881745358443 -0.0042639105828867277 0.0048168339261051322
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0648065 -0.0396859 0.0321007
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3154
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=0.631902 1.77363 2.82273 2.53099 2.06306
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.002279360559708097 -0.0061610090253667619 0.0020317019983690991 0.0010125673389873597 0.0045357122430251451 -0.0044102439866685978
+leaf_weight=42 45 40 43 51 40
+leaf_count=42 45 40 43 51 40
+internal_value=0 -0.0219416 -0.132432 0.0520068 -0.059016
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3155
+num_leaves=5
+num_cat=0
+split_feature=3 3 8 6
+split_gain=0.64522 2.33007 2.55838 1.61108
+threshold=75.500000000000014 66.500000000000014 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011272082849187039 -0.0022721508583337215 0.0039793171154128186 -0.0040164850252787697 0.0039656433491377938
+leaf_weight=55 43 56 61 46
+leaf_count=55 43 56 61 46
+internal_value=0 0.0223908 -0.0384602 0.0592767
+internal_weight=0 218 162 101
+internal_count=261 218 162 101
+shrinkage=0.02
+
+
+Tree=3156
+num_leaves=6
+num_cat=0
+split_feature=3 1 3 8 3
+split_gain=0.618886 2.4303 5.11985 4.17117 3.7623
+threshold=75.500000000000014 8.5000000000000018 65.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -3 -1
+right_child=-2 3 -4 -5 -6
+leaf_value=0.0034397852544363291 -0.0022267816921024441 0.0017277834280983958 0.0081643134105642869 -0.0069053805923116815 -0.0049053837064883124
+leaf_weight=46 43 51 40 40 41
+leaf_count=46 43 51 40 40 41
+internal_value=0 0.0219402 0.111809 -0.103031 -0.0242295
+internal_weight=0 218 127 91 87
+internal_count=261 218 127 91 87
+shrinkage=0.02
+
+
+Tree=3157
+num_leaves=6
+num_cat=0
+split_feature=5 2 2 3 5
+split_gain=0.629993 2.63129 2.27882 1.97389 1.22653
+threshold=72.700000000000003 24.500000000000004 13.500000000000002 59.500000000000007 52.800000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0042363022441341946 -0.0021567180820030998 0.0048374137933261821 -8.9242163520554584e-05 -0.0063505085880932741 -0.00051913441786966994
+leaf_weight=39 46 44 43 39 50
+leaf_count=39 46 44 43 39 50
+internal_value=0 0.0230497 -0.0330972 -0.153989 0.0778709
+internal_weight=0 215 171 82 89
+internal_count=261 215 171 82 89
+shrinkage=0.02
+
+
+Tree=3158
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=0.637 2.32876 2.47426 2.21615
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0018768818522764191 0.0045865123137670497 0.0047453644596853143 -0.0033995377422825191 -0.0016799811239388692
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0267762 -0.0279657 0.0808811
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=3159
+num_leaves=6
+num_cat=0
+split_feature=5 7 4 5 4
+split_gain=0.635089 2.68959 4.44088 2.41046 1.4696
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0023287721926317849 -0.0021652891995178687 0.0052294054633520871 -0.0063655536689112766 0.0053669446886409613 -0.002700263175018171
+leaf_weight=41 46 39 41 39 55
+leaf_count=41 46 39 41 39 55
+internal_value=0 0.0231332 -0.0295359 0.0579795 -0.0271993
+internal_weight=0 215 176 135 96
+internal_count=261 215 176 135 96
+shrinkage=0.02
+
+
+Tree=3160
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.621664 2.17378 2.68156 2.47986
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0021144019451666131 0.0023277114904042876 -0.0045960065411162956 0.0033923923576122616 -0.004170331993874267
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0211502 0.0262244 -0.0782237
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=3161
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.6327 3.7229 2.44672 6.05879
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0050902104840734996 0.006100632717062026 -0.0018468024920897297 -0.0042109149650326602 0.0047409372628174941
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0639014 -0.0391303 0.0312639
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3162
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.607282 2.76546 2.48896 1.67536
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012164145465347084 -0.0020913029529371157 0.0042910010990706146 -0.0039912043891071006 0.0041522904845507609
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0229371 -0.0447882 0.0575007
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=3163
+num_leaves=5
+num_cat=0
+split_feature=3 9 8 6
+split_gain=0.613606 3.62245 2.38346 1.60972
+threshold=66.500000000000014 67.500000000000014 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0011960468575593801 0.0060166247262654488 -0.0018233807516689405 -0.0039063915406084308 0.0038950768581971396
+leaf_weight=55 39 60 61 46
+leaf_count=55 39 60 61 46
+internal_value=0 0.062955 -0.0385585 0.055793
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=3164
+num_leaves=6
+num_cat=0
+split_feature=5 9 5 5 2
+split_gain=0.590186 2.71566 4.28623 1.2901 1.98808
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 52.800000000000004 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0041751154488966933 -0.0020898011039569733 -0.0043360455420000769 0.0067670617773498204 -0.0034118800280968004 -0.0017743695702837276
+leaf_weight=42 46 39 46 39 49
+leaf_count=42 46 39 46 39 49
+internal_value=0 0.0223243 0.0756049 -0.017192 0.048193
+internal_weight=0 215 176 130 91
+internal_count=261 215 176 130 91
+shrinkage=0.02
+
+
+Tree=3165
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.60011 2.31788 3.58592 6.18769
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0018235985074331496 0.0055711473717811764 0.0042736808354206521 -0.005384480452133876 -0.0041249605663166659
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0260051 -0.0351362 0.0652363
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3166
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 9
+split_gain=0.599555 2.41588 2.18102 1.9255
+threshold=62.500000000000007 55.150000000000006 69.500000000000014 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.002704390436001838 -0.0044816037155372456 0.0048558070139221232 0.0012259580683411406 -0.0028612170225797767
+leaf_weight=40 46 43 65 67
+leaf_count=40 46 43 65 67
+internal_value=0 0.041848 -0.0566734 -0.0386368
+internal_weight=0 150 111 107
+internal_count=261 150 111 107
+shrinkage=0.02
+
+
+Tree=3167
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 1
+split_gain=0.606847 2.82299 2.39771 1.57972
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016392256332417141 -0.0021181897001047055 0.004281156762157616 -0.0039635148763051782 0.0035480403666822936
+leaf_weight=45 46 57 63 50
+leaf_count=45 46 57 63 50
+internal_value=0 0.0226245 -0.046248 0.0541551
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3168
+num_leaves=5
+num_cat=0
+split_feature=8 9 2 5
+split_gain=0.585942 2.77636 2.34061 2.8298
+threshold=72.500000000000014 66.500000000000014 15.500000000000002 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0034154412860348798 -0.0020556050685907289 0.0042904603529528166 -0.0021303697804395051 0.0053638478682600755
+leaf_weight=77 47 56 42 39
+leaf_count=77 47 56 42 39
+internal_value=0 0.0225344 -0.045324 0.0734803
+internal_weight=0 214 158 81
+internal_count=261 214 158 81
+shrinkage=0.02
+
+
+Tree=3169
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.612405 1.81531 4.34311 3.96551
+threshold=50.500000000000007 7.5000000000000009 15.500000000000002 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0022448326034162796 -0.0052924918409629042 0.005944323423487735 -0.0030900733047414075 0.0016238479848664279
+leaf_weight=42 68 47 39 65
+leaf_count=42 68 47 39 65
+internal_value=0 -0.02162 0.0919427 -0.0953619
+internal_weight=0 219 86 133
+internal_count=261 219 86 133
+shrinkage=0.02
+
+
+Tree=3170
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 9
+split_gain=0.59969 2.28692 2.13158 1.82112
+threshold=62.500000000000007 55.150000000000006 69.500000000000014 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0026531974948609833 -0.0044437960637011657 0.0047481705562155575 0.0011991722601266508 -0.0027610553179807725
+leaf_weight=40 46 43 65 67
+leaf_count=40 46 43 65 67
+internal_value=0 0.0418582 -0.056674 -0.0364576
+internal_weight=0 150 111 107
+internal_count=261 150 111 107
+shrinkage=0.02
+
+
+Tree=3171
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.59767 1.75875 2.97325 3.21904
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019961667820344027 0.0023601149550553568 -0.0029484413028859073 0.0053993253219380187 -0.0050358282717628258
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0237331 0.0442244 -0.0529073
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=3172
+num_leaves=5
+num_cat=0
+split_feature=3 2 8 6
+split_gain=0.596722 3.00043 2.41505 1.58084
+threshold=66.500000000000014 13.500000000000002 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0011524502404571251 0.0045659933826024549 -0.0024192853112091094 -0.0039165106271055808 0.0038931083112147698
+leaf_weight=55 52 47 61 46
+leaf_count=55 52 47 61 46
+internal_value=0 0.0621154 -0.0380364 0.0569358
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=3173
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.591565 2.22101 3.43074 6.16006
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0018107937037975586 0.0055401953880319941 0.0041917135415735279 -0.0052604292741315027 -0.0041343513559783523
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0258351 -0.0340212 0.0641616
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3174
+num_leaves=6
+num_cat=0
+split_feature=8 2 2 3 5
+split_gain=0.619234 2.73996 2.82685 1.27588 1.02476
+threshold=72.500000000000014 24.500000000000004 13.500000000000002 58.500000000000007 52.800000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0042248323384986106 -0.0021111426144262168 0.0049256063344488349 -0.00075232224850237204 -0.0058412044449829567 -0.00012524595364908902
+leaf_weight=39 47 44 39 42 50
+leaf_count=39 47 44 39 42 50
+internal_value=0 0.0231541 -0.0344386 -0.170182 0.0886904
+internal_weight=0 214 170 81 89
+internal_count=261 214 170 81 89
+shrinkage=0.02
+
+
+Tree=3175
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.593886 2.8241 2.24132 1.57191
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001266164503007459 -0.0020689827973659767 0.0043260773721386751 -0.0038537210794015115 0.0039364634520662693
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0226843 -0.0457527 0.0513367
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=3176
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 2
+split_gain=0.594851 1.82298 2.93414 2.50944 2.81051
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0022134830786208798 -0.006246929159245366 0.0025161791262848406 0.0010662552956357642 0.0045536098550018186 -0.0049977893901963603
+leaf_weight=42 45 41 43 51 39
+leaf_count=42 45 41 43 51 39
+internal_value=0 -0.0213167 -0.133318 0.0536464 -0.0569028
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3177
+num_leaves=6
+num_cat=0
+split_feature=5 9 5 5 2
+split_gain=0.603719 2.80709 4.26107 1.28735 1.87016
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 52.800000000000004 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0041060621135551355 -0.002112792387607948 -0.004410418995756428 0.0067742059412969277 -0.0033807597342103389 -0.0016656059734728274
+leaf_weight=42 46 39 46 39 49
+leaf_count=42 46 39 46 39 49
+internal_value=0 0.0225734 0.0767343 -0.0157898 0.0495282
+internal_weight=0 215 176 130 91
+internal_count=261 215 176 130 91
+shrinkage=0.02
+
+
+Tree=3178
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.618005 2.16285 3.37152 6.01212
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0018496635970384505 0.0054986113493365038 0.0041545874026213576 -0.005194429586962309 -0.0040593137555196331
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0263807 -0.0326902 0.0646445
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3179
+num_leaves=5
+num_cat=0
+split_feature=5 9 2 5
+split_gain=0.604617 2.7075 2.37297 2.73557
+threshold=72.700000000000003 66.500000000000014 15.500000000000002 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0034235710505673101 -0.0021144672545145723 0.0042017518185615667 -0.0020447288630501461 0.0053241812899071815
+leaf_weight=77 46 57 42 39
+leaf_count=77 46 57 42 39
+internal_value=0 0.0225818 -0.0448727 0.0747465
+internal_weight=0 215 158 81
+internal_count=261 215 158 81
+shrinkage=0.02
+
+
+Tree=3180
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 4
+split_gain=0.621014 2.24477 2.04764 1.49408
+threshold=62.500000000000007 55.150000000000006 69.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0014353372659379705 -0.004397929025680921 0.0047264185035612071 0.0011335530434223443 -0.0033407058806817526
+leaf_weight=59 46 43 65 48
+leaf_count=59 46 43 65 48
+internal_value=0 0.0425683 -0.0576449 -0.0350249
+internal_weight=0 150 111 107
+internal_count=261 150 111 107
+shrinkage=0.02
+
+
+Tree=3181
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 3 6
+split_gain=0.598128 2.6874 4.86464 4.91686 5.28167
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0051357627694322916 -0.0020761157856869906 0.0048751118579350664 0.0051291759647403047 -0.0083670176657441482 0.0047982141647644099
+leaf_weight=41 47 44 43 41 45
+leaf_count=41 47 44 43 41 45
+internal_value=0 0.0227627 -0.0342771 -0.133117 0.00263143
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=3182
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 1
+split_gain=0.622764 1.83837 3.8791 0.751566
+threshold=50.500000000000007 7.5000000000000009 66.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0022632427064828982 -0.0049323949588787018 0.0039272017339504316 0.0019630866434244849 0.00010549526015031052
+leaf_weight=42 75 39 58 47
+leaf_count=42 75 39 58 47
+internal_value=0 -0.0217914 -0.095994 0.0924837
+internal_weight=0 219 133 86
+internal_count=261 219 133 86
+shrinkage=0.02
+
+
+Tree=3183
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 4
+split_gain=0.61779 2.17951 1.95254 1.44931
+threshold=62.500000000000007 55.150000000000006 69.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0014241986466842554 -0.0043192036738746572 0.0046683491186425008 0.0010833089465147453 -0.0032806934572760936
+leaf_weight=59 46 43 65 48
+leaf_count=59 46 43 65 48
+internal_value=0 0.0424769 -0.0574839 -0.033985
+internal_weight=0 150 111 107
+internal_count=261 150 111 107
+shrinkage=0.02
+
+
+Tree=3184
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 7 6
+split_gain=0.612147 2.57486 4.61632 5.30299 5.8944
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0051167186000921228 -0.0020992036122335659 0.0047877288865534554 0.0050088200849808095 -0.0085060217256728316 0.005366508234440198
+leaf_weight=42 47 44 43 41 44
+leaf_count=42 47 44 43 41 44
+internal_value=0 0.0230356 -0.0328014 -0.129102 0.011875
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=3185
+num_leaves=6
+num_cat=0
+split_feature=4 1 3 9 1
+split_gain=0.614232 1.76504 3.74422 8.48209 0.740788
+threshold=50.500000000000007 7.5000000000000009 71.500000000000014 56.500000000000007 9.5000000000000018
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -3
+right_child=1 4 -4 -5 -6
+leaf_value=0.0022484732330171294 -0.0061239455347793801 0.0038700362494573405 -0.0069226521512641805 0.0060515235851526222 7.532725307321964e-05
+leaf_weight=42 43 39 41 49 47
+leaf_count=42 43 39 41 49 47
+internal_value=0 -0.0216313 -0.0943576 0.0175898 0.0903613
+internal_weight=0 219 133 92 86
+internal_count=261 219 133 92 86
+shrinkage=0.02
+
+
+Tree=3186
+num_leaves=6
+num_cat=0
+split_feature=4 3 6 4 9
+split_gain=0.624298 2.13475 2.54468 2.5199 2.28643
+threshold=75.500000000000014 69.500000000000014 58.500000000000007 58.500000000000007 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0039861683009087207 0.0023328489920490247 -0.0045592206808694651 0.004841210125800066 -0.0051182492354816577 -0.0021106187930557191
+leaf_weight=49 40 41 42 39 50
+leaf_count=49 40 41 42 39 50
+internal_value=0 -0.0211754 0.025774 -0.039852 0.0449796
+internal_weight=0 221 180 138 99
+internal_count=261 221 180 138 99
+shrinkage=0.02
+
+
+Tree=3187
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 7
+split_gain=0.613593 4.15386 4.82227 1.57455
+threshold=77.500000000000014 66.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019204656351734226 -0.0022485952493355001 0.0046350864804429771 -0.0063351260181548612 0.0032067433200576503
+leaf_weight=40 42 66 52 61
+leaf_count=40 42 66 52 61
+internal_value=0 0.0215577 -0.0689186 0.0584163
+internal_weight=0 219 153 101
+internal_count=261 219 153 101
+shrinkage=0.02
+
+
+Tree=3188
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 9
+split_gain=0.614681 2.24994 1.877 1.72127
+threshold=62.500000000000007 55.150000000000006 69.500000000000014 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0025830613474968457 -0.0042549574985171913 0.0047271143708361649 0.0010428823103127217 -0.0026822256123925094
+leaf_weight=40 46 43 65 67
+leaf_count=40 46 43 65 67
+internal_value=0 0.0423813 -0.0573357 -0.035301
+internal_weight=0 150 111 107
+internal_count=261 150 111 107
+shrinkage=0.02
+
+
+Tree=3189
+num_leaves=6
+num_cat=0
+split_feature=5 9 5 5 7
+split_gain=0.614897 3.02931 4.33241 1.31874 1.50089
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 52.800000000000004 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0018679931316555425 -0.0021312575292595044 -0.004593715195174348 0.0068636549758579928 -0.0033867823670322419 0.0033304460899583783
+leaf_weight=40 46 39 46 39 51
+leaf_count=40 46 39 46 39 51
+internal_value=0 0.022794 0.0790374 -0.0142562 0.0518477
+internal_weight=0 215 176 130 91
+internal_count=261 215 176 130 91
+shrinkage=0.02
+
+
+Tree=3190
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.605915 1.8465 2.92082 3.16954
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0020097049199965795 0.0023813779118235785 -0.0030115886878178066 0.0053898603634036655 -0.0049579591009303479
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.023878 0.0457416 -0.0505313
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=3191
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 8
+split_gain=0.57008 2.88071 4.20555 2.57725
+threshold=72.700000000000003 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014176586793616581 -0.0020547150900223159 -0.0044854663494742686 0.0056347336828945884 -0.0049666903456966225
+leaf_weight=73 46 39 64 39
+leaf_count=73 46 39 64 39
+internal_value=0 0.0219719 0.0768323 -0.0400019
+internal_weight=0 215 176 112
+internal_count=261 215 176 112
+shrinkage=0.02
+
+
+Tree=3192
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.580266 1.73406 2.78037 3.01269
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019680941312023091 0.002310501192919786 -0.0029242486374600847 0.0052489471715646621 -0.0048459425113549148
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0233838 0.0440989 -0.0498387
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=3193
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.58571 3.45958 2.59499 5.77435
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0051889574280441454 0.0058814668158054476 -0.0017811260042848217 -0.004025296449132393 0.0047143190891081764
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0615709 -0.0376827 0.0348065
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3194
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.576883 1.7452 4.60132 6.91297
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0019625703150911297 0.0028964422297702154 -0.010715201691867767 0.0021772192327465219 0.00053785409293999071
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0233164 -0.0731157 -0.228627
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=3195
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.59275 3.35443 2.34024 4.04632
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0051848986640569451 0.0014967738720440358 0.007451356077615004 -0.0023608936130462507 -0.0013306399168624204
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0313661 0.0488597 0.15267
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3196
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 3
+split_gain=0.59333 1.65616 2.70349 2.92257
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019895618892082655 0.002115875631037328 -0.0028739868387564044 0.0051533860139438125 -0.0049616061456701612
+leaf_weight=50 53 75 41 42
+leaf_count=50 53 75 41 42
+internal_value=0 -0.0236286 0.0423327 -0.0503025
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=3197
+num_leaves=5
+num_cat=0
+split_feature=5 2 6 3
+split_gain=0.600817 3.25618 1.85783 5.28549
+threshold=67.65000000000002 8.5000000000000018 47.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0051221453348712911 0.0015066239181280028 0.0041311693623807691 -0.0058053306027094787 0.0040081731437155597
+leaf_weight=48 77 48 43 45
+leaf_count=48 77 48 43 45
+internal_value=0 -0.0315704 0.0474749 -0.038939
+internal_weight=0 184 136 88
+internal_count=261 184 136 88
+shrinkage=0.02
+
+
+Tree=3198
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.609057 1.68445 4.42052 6.73948
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.002015056576656443 0.0028257866599253148 -0.010571319957488987 0.0021102929593871402 0.0005398805733651561
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0239223 -0.0728586 -0.225298
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=3199
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 5
+split_gain=0.598588 2.38242 3.85401 3.41818
+threshold=67.65000000000002 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00076866832278506692 0.0015041525194217672 -0.0045868861087884358 -0.0044571009097044414 0.0067492474293301052
+leaf_weight=50 77 46 41 47
+leaf_count=50 77 46 41 47
+internal_value=0 -0.0315019 0.0342387 0.143402
+internal_weight=0 184 138 97
+internal_count=261 184 138 97
+shrinkage=0.02
+
+
+Tree=3200
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.594096 1.59512 4.26589 6.43816
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0019910540766694099 0.0027436844547286351 -0.01034934109188305 0.00207925311759545 0.00051101015168117196
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0236309 -0.0712713 -0.221037
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=3201
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.614111 3.32693 2.55143 5.40878
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0051687545112341403 0.0058209409077880879 -0.0016938493124717719 -0.0039028360461555627 0.0045565472840044929
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0630234 -0.0385306 0.0333493
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3202
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 7
+split_gain=0.601106 2.61021 4.3708 4.26614
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0050655600336355433 0.0015796970160564573 -0.0052265770135708168 -0.00079803519922623566 0.007148537464379422
+leaf_weight=40 72 39 62 48
+leaf_count=40 72 39 62 48
+internal_value=0 -0.0301167 0.0298258 0.133232
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=3203
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.600059 1.99052 2.60019 2.43015
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020765190866836574 0.0022888985172840079 -0.0044100611788971981 0.0033162585143266788 -0.0041452676545330209
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0207557 0.0245882 -0.0782722
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=3204
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 4
+split_gain=0.603285 3.24696 2.39033 1.74325
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0015813023576205785 0.0057552908462790969 -0.0016690932784309519 -0.0049528758927711702 0.0032544306655427199
+leaf_weight=65 39 60 41 56
+leaf_count=65 39 60 41 56
+internal_value=0 0.0624794 -0.0382039 0.0325351
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=3205
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 7
+split_gain=0.602583 2.57125 4.16373 4.09842
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0049399945453750191 0.0015815103314770432 -0.0051929817640296271 -0.0007883642271517584 0.0070010049283095298
+leaf_weight=40 72 39 62 48
+leaf_count=40 72 39 62 48
+internal_value=0 -0.0301557 0.0293393 0.130283
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=3206
+num_leaves=5
+num_cat=0
+split_feature=2 9 7 1
+split_gain=0.610935 1.70141 6.63664 3.43395
+threshold=6.5000000000000009 72.500000000000014 65.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0020181458608723698 0.0040540533163378458 0.0025188634881461729 -0.0087099079775145097 -0.0028572196610559923
+leaf_weight=50 62 56 39 54
+leaf_count=50 62 56 39 54
+internal_value=0 -0.0239537 -0.0784004 0.0415031
+internal_weight=0 211 155 116
+internal_count=261 211 155 116
+shrinkage=0.02
+
+
+Tree=3207
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.605005 3.05552 2.18775 4.11916
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0049843911025897417 0.0015118957436976461 0.0073440450177195242 -0.0023300470188846738 -0.0015169227677936476
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0316668 0.0449113 0.145324
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3208
+num_leaves=5
+num_cat=0
+split_feature=2 9 7 1
+split_gain=0.625345 1.63092 6.41742 3.19451
+threshold=6.5000000000000009 72.500000000000014 65.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0020410595582777665 0.0039175897080583897 0.0024512341139505569 -0.0085742839623937726 -0.0027496811527630001
+leaf_weight=50 62 56 39 54
+leaf_count=50 62 56 39 54
+internal_value=0 -0.0242259 -0.0775481 0.0403591
+internal_weight=0 211 155 116
+internal_count=261 211 155 116
+shrinkage=0.02
+
+
+Tree=3209
+num_leaves=5
+num_cat=0
+split_feature=3 9 8 6
+split_gain=0.60055 3.34464 2.35104 1.56941
+threshold=66.500000000000014 67.500000000000014 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0011712376553371117 0.0058193340919681126 -0.0017154036995022869 -0.0038765118057489281 0.0038563853179636094
+leaf_weight=55 39 60 61 46
+leaf_count=55 39 60 61 46
+internal_value=0 0.0623383 -0.0381239 0.055587
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=3210
+num_leaves=5
+num_cat=0
+split_feature=5 2 8 3
+split_gain=0.593873 2.99302 1.85654 5.14787
+threshold=67.65000000000002 8.5000000000000018 49.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0049343630891554458 0.0014983224631249094 0.0040689577657317885 -0.0059142534250213319 0.0037783442005848251
+leaf_weight=48 77 48 42 46
+leaf_count=48 77 48 42 46
+internal_value=0 -0.031386 0.0444075 -0.0419804
+internal_weight=0 184 136 88
+internal_count=261 184 136 88
+shrinkage=0.02
+
+
+Tree=3211
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.629971 1.37209 4.05783 6.51271
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0020484307285123702 0.0024992167295561415 -0.010255736581737602 0.0020474755794973086 0.0006675198437990507
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0243091 -0.0685459 -0.214636
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=3212
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 3
+split_gain=0.606268 3.05157 1.84843 3.13643
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0017783256233870912 0.0013421242113762898 0.0047700213651869989 0.0027900207248714639 -0.0055873281959615429
+leaf_weight=65 50 51 40 55
+leaf_count=65 50 51 40 55
+internal_value=0 0.0547469 -0.0438057 -0.114064
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=3213
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 2
+split_gain=0.598367 1.68881 3.32207 4.07385
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0019501895109659793 -0.0037318744264286459 -0.0035491836935540809 -0.00098546082359682991 0.0068965380422930621
+leaf_weight=52 49 54 58 48
+leaf_count=52 49 54 58 48
+internal_value=0 -0.0242829 0.0288798 0.12892
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=3214
+num_leaves=5
+num_cat=0
+split_feature=2 3 2 6
+split_gain=0.611617 2.75185 1.19732 1.67598
+threshold=13.500000000000002 66.500000000000014 24.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0016774686616200761 0.00042629987932943792 0.0045305883981729619 0.0015242426449775875 -0.004987390521895169
+leaf_weight=64 46 52 53 46
+leaf_count=64 46 52 53 46
+internal_value=0 0.0549808 -0.0439918 -0.11368
+internal_weight=0 116 145 92
+internal_count=261 116 145 92
+shrinkage=0.02
+
+
+Tree=3215
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.597838 1.624 3.40583 5.32806
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.001997393793109317 0.0082304944406173357 -0.0030070282763701608 -0.0032033284498226718 -0.0016149816241686483
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.0236886 0.037621 0.159476
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=3216
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 8
+split_gain=0.59684 1.97391 2.77817 2.54461
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0022181084245577942 -0.0062402606846250989 0.0043726716581376588 0.00087626944675121311 -0.0012759615809809152
+leaf_weight=42 45 56 43 75
+leaf_count=42 45 56 43 75
+internal_value=0 -0.0212988 -0.137792 0.0566832
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=3217
+num_leaves=5
+num_cat=0
+split_feature=4 3 2 9
+split_gain=0.591886 1.99368 2.64532 2.76481
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0042627587843007556 0.0022740161061911681 -0.004410211644977847 -0.0044075854189875975 0.0015495942565724539
+leaf_weight=53 40 41 56 71
+leaf_count=53 40 41 56 71
+internal_value=0 -0.0206058 0.024774 -0.0535939
+internal_weight=0 221 180 127
+internal_count=261 221 180 127
+shrinkage=0.02
+
+
+Tree=3218
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=0.601837 1.63062 3.1547 5.40075
+threshold=43.500000000000007 73.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0019557239630640369 0.0045292442612436326 -0.0034978580775797997 -0.0070089522380995476 0.002347634536579601
+leaf_weight=52 53 54 42 60
+leaf_count=52 53 54 42 60
+internal_value=0 -0.0243474 0.027898 -0.0749702
+internal_weight=0 209 155 102
+internal_count=261 209 155 102
+shrinkage=0.02
+
+
+Tree=3219
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 6 4
+split_gain=0.60209 1.92641 2.45162 2.78312 0.955962
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 47.500000000000007 60.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0041047235977642394 0.0022930059050395063 -0.0043461757061659702 0.0028324227579237171 -0.0055808686752311862 -0.0011311750705003563
+leaf_weight=53 40 41 47 39 41
+leaf_count=53 40 41 47 39 41
+internal_value=0 -0.0207716 0.0238402 -0.0516171 -0.165669
+internal_weight=0 221 180 127 80
+internal_count=261 221 180 127 80
+shrinkage=0.02
+
+
+Tree=3220
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 7
+split_gain=0.620497 2.48655 2.34896 1.80772
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0018521011031718884 -0.00097726646936964522 0.0048787890319759624 -0.003369268727732978 0.0047200480290849655
+leaf_weight=58 51 42 70 40
+leaf_count=58 51 42 70 40
+internal_value=0 0.0264907 -0.0300681 0.0759983
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=3221
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 7
+split_gain=0.595134 2.38748 2.25515 1.73558
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0018151036856895841 -0.00095774797023521476 0.0047813756747996129 -0.0033019505320609995 0.0046258113610516153
+leaf_weight=58 51 42 70 40
+leaf_count=58 51 42 70 40
+internal_value=0 0.0259588 -0.0294666 0.0744724
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=3222
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=0.570775 2.29232 2.16505 1.74807
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0017788450676253069 0.0040998962470249903 0.0046859076027635565 -0.0032359773634299078 -0.0014711320811256832
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0254374 -0.0288771 0.072977
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=3223
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 1
+split_gain=0.611898 2.65119 2.4468 1.6878
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001664352252606624 -0.0021256743678760444 0.0041665510430120021 -0.0039490653458697424 0.0036953382528254392
+leaf_weight=45 46 57 63 50
+leaf_count=45 46 57 63 50
+internal_value=0 0.0227672 -0.043985 0.0574383
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3224
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 8
+split_gain=0.586877 2.6343 4.27384 2.54082
+threshold=72.700000000000003 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013422583754679014 -0.0020832261671167611 -0.0042645982346450522 0.0056270360060074569 -0.0049968231312257421
+leaf_weight=73 46 39 64 39
+leaf_count=73 46 39 64 39
+internal_value=0 0.0223088 0.0747933 -0.0429852
+internal_weight=0 215 176 112
+internal_count=261 215 176 112
+shrinkage=0.02
+
+
+Tree=3225
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.571335 2.46796 4.09905 5.37547
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0049057290500198669 0.0015413620974131957 -0.0050852468949252761 -0.0022574484873721526 0.0066249523875081089
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0293867 0.0289058 0.129068
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=3226
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.597631 1.60783 3.60223 6.27516
+threshold=43.500000000000007 50.850000000000001 67.500000000000014 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.00194877037210796 -0.0038070056736404585 0.0037606308537361912 -0.0080115073438917946 0.0025942905995761738
+leaf_weight=52 46 73 41 49
+leaf_count=52 46 73 41 49
+internal_value=0 -0.0242814 0.022401 -0.111541
+internal_weight=0 209 163 90
+internal_count=261 209 163 90
+shrinkage=0.02
+
+
+Tree=3227
+num_leaves=6
+num_cat=0
+split_feature=4 3 6 4 9
+split_gain=0.597326 1.85654 2.37503 2.17909 2.30688
+threshold=75.500000000000014 69.500000000000014 58.500000000000007 58.500000000000007 48.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0038724012391397663 0.0022838777370633762 -0.0042737215845536107 0.0046422641506692654 -0.0048272126743730635 -0.0022520130410692233
+leaf_weight=49 40 41 42 39 50
+leaf_count=49 40 41 42 39 50
+internal_value=0 -0.0207085 0.0230914 -0.0403197 0.0385891
+internal_weight=0 221 180 138 99
+internal_count=261 221 180 138 99
+shrinkage=0.02
+
+
+Tree=3228
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 2
+split_gain=0.589997 3.37003 2.39759 1.92668
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0029421130347282117 0.0058259836941507428 -0.0017372120645710249 -0.0049510533795294057 -0.002154613267874925
+leaf_weight=67 39 60 41 54
+leaf_count=67 39 60 41 54
+internal_value=0 0.0618082 -0.0377961 0.0330501
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=3229
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.566402 1.60764 2.70813 2.70885
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019456452922904852 0.0021203914225183169 -0.0028282796897900258 0.005148518286774215 -0.0046675311862773199
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0230916 0.0419049 -0.0508098
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=3230
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.58263 3.1169 2.17289 3.90604
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0050161287962881976 0.001484642216160679 0.0072480842795834876 -0.0022923115037191341 -0.0013811082203257303
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0310921 0.0462494 0.146321
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3231
+num_leaves=5
+num_cat=0
+split_feature=2 9 7 1
+split_gain=0.581538 1.63645 6.33368 3.15391
+threshold=6.5000000000000009 72.500000000000014 65.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019706154838635913 0.0038974531813051579 0.0024729955832609972 -0.0085135016567663736 -0.002727539099274754
+leaf_weight=50 62 56 39 54
+leaf_count=50 62 56 39 54
+internal_value=0 -0.0233867 -0.0767994 0.0403364
+internal_weight=0 211 155 116
+internal_count=261 211 155 116
+shrinkage=0.02
+
+
+Tree=3232
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 2
+split_gain=0.576454 3.28672 2.31703 1.81392
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0028597327615591962 0.0057554931313539368 -0.0017141121639295688 -0.0048721446813473545 -0.0020870483742859085
+leaf_weight=67 39 60 41 54
+leaf_count=67 39 60 41 54
+internal_value=0 0.0611186 -0.0373738 0.032277
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=3233
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.571362 3.0781 1.99832 3.67072
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0049831168460813717 0.001470627965043302 0.0070315741621699906 -0.0021650156055367654 -0.0013346104821513889
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0308034 0.0460568 0.142067
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3234
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 9
+split_gain=0.558702 1.63543 3.09306 3.49231
+threshold=43.500000000000007 73.500000000000014 51.650000000000013 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0018862906731958466 -0.0035826185137938405 -0.003485493464965531 0.0064319406951460116 -0.00085592749088464731
+leaf_weight=52 49 54 49 57
+leaf_count=52 49 54 49 57
+internal_value=0 -0.023507 0.0288155 0.125374
+internal_weight=0 209 155 106
+internal_count=261 209 155 106
+shrinkage=0.02
+
+
+Tree=3235
+num_leaves=5
+num_cat=0
+split_feature=2 9 7 1
+split_gain=0.577015 1.65372 6.18752 2.90846
+threshold=6.5000000000000009 72.500000000000014 65.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019630734368620076 0.003744669210592464 0.00248996577214829 -0.0084366515056843467 -0.002618866389938042
+leaf_weight=50 62 56 39 54
+leaf_count=50 62 56 39 54
+internal_value=0 -0.0233046 -0.0769944 0.0387824
+internal_weight=0 211 155 116
+internal_count=261 211 155 116
+shrinkage=0.02
+
+
+Tree=3236
+num_leaves=5
+num_cat=0
+split_feature=5 2 6 4
+split_gain=0.587121 2.99124 1.82652 5.29181
+threshold=67.65000000000002 8.5000000000000018 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0049296596533472984 0.0014900405354439186 0.0042579717800975405 0.0038999783556265726 -0.0057360738636902577
+leaf_weight=48 77 41 51 44
+leaf_count=48 77 41 51 44
+internal_value=0 -0.0312139 0.0445572 -0.0453238
+internal_weight=0 184 136 85
+internal_count=261 184 136 85
+shrinkage=0.02
+
+
+Tree=3237
+num_leaves=5
+num_cat=0
+split_feature=2 9 7 1
+split_gain=0.591228 1.56916 6.01205 2.8128
+threshold=6.5000000000000009 72.500000000000014 65.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019864215535605194 0.0036848250552183655 0.0024087371918337431 -0.0083164728130255636 -0.0025738442717428366
+leaf_weight=50 62 56 39 54
+leaf_count=50 62 56 39 54
+internal_value=0 -0.0235745 -0.0758932 0.038231
+internal_weight=0 211 155 116
+internal_count=261 211 155 116
+shrinkage=0.02
+
+
+Tree=3238
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.579256 2.91043 1.79312 3.49598
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0048673513607322147 0.001480467913098816 0.0067850691183519562 -0.0020498331694999493 -0.0013806308075937942
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0310055 0.0437385 0.134748
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3239
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.60487 1.61129 2.99405 4.60209
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0020084621536296025 0.0077172721413467787 -0.0030001666099242997 -0.002965180092407327 -0.0014345904745017713
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.0238364 0.0372347 0.151542
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=3240
+num_leaves=5
+num_cat=0
+split_feature=2 9 7 1
+split_gain=0.580189 1.55882 5.84964 2.5177
+threshold=6.5000000000000009 72.500000000000014 65.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019683492931273018 0.0035053739709644885 0.0024035592230220561 -0.0082166990618709416 -0.0024180817255167772
+leaf_weight=50 62 56 39 54
+leaf_count=50 62 56 39 54
+internal_value=0 -0.0233633 -0.0755122 0.0370608
+internal_weight=0 211 155 116
+internal_count=261 211 155 116
+shrinkage=0.02
+
+
+Tree=3241
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 8 8
+split_gain=0.574704 1.8595 2.51651 2.87926 1.39095
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 49.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0041453711136218091 0.0022415914397481257 -0.0042691884586591637 0.0029391178710615404 -0.0059459852143334806 -0.00064238978750187474
+leaf_weight=53 40 41 46 41 40
+leaf_count=53 40 41 46 41 40
+internal_value=0 -0.0203279 0.0235069 -0.0529381 -0.16698
+internal_weight=0 221 180 127 81
+internal_count=261 221 180 127 81
+shrinkage=0.02
+
+
+Tree=3242
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 7
+split_gain=0.596065 3.01192 8.01432 3.6574
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00269731165026542 0.0015010358406919843 -0.0014853376912176666 -0.0091062380384798556 0.0065918370470355045
+leaf_weight=46 77 53 46 39
+leaf_count=46 77 53 46 39
+internal_value=0 -0.03144 -0.159911 0.0966201
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=3243
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.57695 3.29036 2.29313 5.43207
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0049192288698684796 0.0057585017433061545 -0.0017152151487741648 -0.0039642894531404013 0.0045133769572620157
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0611445 -0.0373889 0.0307697
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3244
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.574369 1.56251 2.79974 4.53428
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019588360400501783 0.0076014405008062074 -0.0029504164709370207 -0.0028500029504221996 -0.0014831243202483705
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.0232471 0.0369008 0.147468
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=3245
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 5
+split_gain=0.575679 2.86106 7.78741 3.46197
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 55.150000000000006
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0026883985782707232 0.0014759499311014052 -0.0016748546815356594 -0.0089472044139796442 0.006122738811432508
+leaf_weight=46 77 50 46 42
+leaf_count=46 77 50 46 42
+internal_value=0 -0.0309175 -0.156155 0.0939088
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=3246
+num_leaves=5
+num_cat=0
+split_feature=2 9 7 1
+split_gain=0.572917 1.56092 5.8057 2.36017
+threshold=6.5000000000000009 72.500000000000014 65.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019564605562754061 0.0034120742865512968 0.0024084012047989774 -0.0081893334588279566 -0.002324402340931881
+leaf_weight=50 62 56 39 54
+leaf_count=50 62 56 39 54
+internal_value=0 -0.0232177 -0.0754015 0.0367481
+internal_weight=0 211 155 116
+internal_count=261 211 155 116
+shrinkage=0.02
+
+
+Tree=3247
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 6
+split_gain=0.574495 2.85971 2.23818 1.65752
+threshold=66.500000000000014 13.500000000000002 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0013009702223105333 0.0044658251556893196 -0.0023546270010880105 -0.003825559761602787 0.0038348117529624134
+leaf_weight=55 52 47 60 47
+leaf_count=55 52 47 60 47
+internal_value=0 0.0610191 -0.0373114 0.0529343
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=3248
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 6
+split_gain=0.572376 4.06753 4.33943 1.61746
+threshold=77.500000000000014 66.500000000000014 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012749841422335041 -0.002173886804221389 0.0045775128890855679 -0.006076551348182733 0.0038286622173943491
+leaf_weight=55 42 66 52 46
+leaf_count=55 42 66 52 46
+internal_value=0 0.0208617 -0.0686722 0.0521288
+internal_weight=0 219 153 101
+internal_count=261 219 153 101
+shrinkage=0.02
+
+
+Tree=3249
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 1
+split_gain=0.575297 2.70115 2.34906 2.06302
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0020265955633510897 -0.0020634613058844952 0.0041874730703457663 -0.0039137067397120489 0.003894390294312336
+leaf_weight=45 46 57 63 50
+leaf_count=45 46 57 63 50
+internal_value=0 0.0220847 -0.0452913 0.0540935
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3250
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 5
+split_gain=0.566703 3.94302 4.19315 1.55125
+threshold=77.500000000000014 66.500000000000014 54.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001915936957551545 -0.0021635733092514103 0.0045115681565690196 -0.0059715879006969142 0.0031353160174633216
+leaf_weight=42 42 66 52 59
+leaf_count=42 42 66 52 59
+internal_value=0 0.0207556 -0.0674008 0.0513504
+internal_weight=0 219 153 101
+internal_count=261 219 153 101
+shrinkage=0.02
+
+
+Tree=3251
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 1
+split_gain=0.578004 2.68538 2.26527 2.00749
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0020009162173663694 -0.0020414234922903219 0.0042252160561728957 -0.0038407048488525164 0.0038405368430233064
+leaf_weight=45 47 56 63 50
+leaf_count=45 47 56 63 50
+internal_value=0 0.02242 -0.0443218 0.0532841
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=3252
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 7
+split_gain=0.561319 2.2551 2.8272 2.42769
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0021528662741538435 -0.006311717000553164 0.004664840658404769 -0.0012869270288016867 0.00034195698290197078
+leaf_weight=42 43 56 75 45
+leaf_count=42 43 56 75 45
+internal_value=0 -0.0206979 0.0626184 -0.145131
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=3253
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 3 3
+split_gain=0.553327 2.43657 2.22871 1.38314 3.32674
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0017528044583158195 0.0032418911957461135 0.0048062627073107303 -0.0047976670604335525 0.0036727188313293545 -0.0049283752329173404
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.0250378 -0.0309527 0.0356082 -0.0416994
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=3254
+num_leaves=6
+num_cat=0
+split_feature=8 2 2 3 3
+split_gain=0.569332 2.63188 2.89588 1.15156 0.870824
+threshold=72.500000000000014 24.500000000000004 13.500000000000002 58.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0004388214751128379 -0.0020265464097521018 0.0048195028029820106 -0.00090809037282944707 -0.0057500587244738808 0.0035755597579638738
+leaf_weight=39 47 44 39 42 50
+leaf_count=39 47 44 39 42 50
+internal_value=0 0.0222579 -0.034192 -0.17157 0.0904252
+internal_weight=0 214 170 81 89
+internal_count=261 214 170 81 89
+shrinkage=0.02
+
+
+Tree=3255
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=0.553422 2.45876 4.17346 2.67918
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013606212673353995 -0.0020254167718382235 0.0049925830152475967 -0.0061732165734205389 0.0043331884451378259
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.0216639 -0.0287031 0.0561409
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=3256
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 6
+split_gain=0.563395 3.88491 4.26622 1.50664
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001226146697175466 -0.0021576811892844053 0.0044800539417816799 -0.0060685355747448671 0.003672848067226394
+leaf_weight=55 42 66 51 47
+leaf_count=55 42 66 51 47
+internal_value=0 0.0206861 -0.0668201 0.0512183
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=3257
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 8
+split_gain=0.559678 2.11325 2.79846 2.7146
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.002149671907234509 -0.0063202652604293745 0.0045443156424299245 0.00082184147850000754 -0.0012885762332274021
+leaf_weight=42 45 56 43 75
+leaf_count=42 45 56 43 75
+internal_value=0 -0.0206763 -0.14117 0.0599933
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=3258
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 3 3
+split_gain=0.544674 2.35682 2.11777 1.34102 3.18061
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0017396772538032879 0.0031561859938638421 0.0047318724783180395 -0.0046788941685702449 0.0036090938766410127 -0.0048335661578645488
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.0248406 -0.0302299 0.0346612 -0.0414716
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=3259
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=0.5686 2.39535 4.01868 2.6206
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013464347409155206 -0.0020520670676415103 0.0049395548646670338 -0.0060502956103372961 0.0042851987585554039
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.0219478 -0.027768 0.055491
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=3260
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.549396 2.51206 2.14607 1.80822
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014116148981689531 -0.0019921785070684929 0.0040912617327632465 -0.0037301591799473528 0.0041645863130139659
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.021868 -0.0426936 0.0523245
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=3261
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 5
+split_gain=0.564845 3.78758 4.18518 1.50628
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0018861800789238014 -0.0021604293820720287 0.0044295235972812621 -0.0060011833667060702 0.00307482847610567
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0207083 -0.0656977 0.0512165
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=3262
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 8
+split_gain=0.581041 1.9649 2.72112 2.63253
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0021888611890200286 -0.0061944391742259413 0.0044290218648583967 0.00084894652139989694 -0.0013157793470803885
+leaf_weight=42 45 56 43 75
+leaf_count=42 45 56 43 75
+internal_value=0 -0.0210571 -0.137288 0.0567482
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=3263
+num_leaves=6
+num_cat=0
+split_feature=4 1 3 3 7
+split_gain=0.557246 1.88615 2.53902 5.25871 2.41201
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 64.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0021451571989660172 -0.006089505777584654 0.0043987091030188467 0.0048483597723850665 -0.0056422672498932383 0.00054361421053653448
+leaf_weight=42 43 39 47 45 45
+leaf_count=42 43 39 47 45 45
+internal_value=0 -0.020633 0.0556088 -0.0485544 -0.134537
+internal_weight=0 219 131 84 88
+internal_count=261 219 131 84 88
+shrinkage=0.02
+
+
+Tree=3264
+num_leaves=5
+num_cat=0
+split_feature=5 9 6 2
+split_gain=0.558844 2.83564 4.35633 1.42401
+threshold=72.700000000000003 72.500000000000014 57.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0021014844639847346 -0.0020349435051545319 -0.0044511099784063628 0.0070656153419218735 0.0020970851693072087
+leaf_weight=75 46 39 43 58
+leaf_count=75 46 39 43 58
+internal_value=0 0.0217674 0.0762013 -0.0132189
+internal_weight=0 215 176 133
+internal_count=261 215 176 133
+shrinkage=0.02
+
+
+Tree=3265
+num_leaves=6
+num_cat=0
+split_feature=3 2 6 3 6
+split_gain=0.556086 2.48264 6.25942 4.83807 2.65083
+threshold=75.500000000000014 6.5000000000000009 64.500000000000014 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0048015189720554598 -0.0021142261749510149 0.0020989739736139083 -0.0074774812596947841 0.0072941259902583305 -0.0046163467144340435
+leaf_weight=42 43 51 41 40 44
+leaf_count=42 43 51 41 40 44
+internal_value=0 0.0208483 -0.0313149 0.0725653 -0.0501987
+internal_weight=0 218 176 135 95
+internal_count=261 218 176 135 95
+shrinkage=0.02
+
+
+Tree=3266
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 5
+split_gain=0.571336 2.05136 3.88385 3.25351
+threshold=67.65000000000002 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00075228065543958512 0.0014703225067064923 -0.0042904872537978906 -0.0045576816722424128 0.0065830918248732532
+leaf_weight=50 77 46 41 47
+leaf_count=50 77 46 41 47
+internal_value=0 -0.0308163 0.0302077 0.139796
+internal_weight=0 184 138 97
+internal_count=261 184 138 97
+shrinkage=0.02
+
+
+Tree=3267
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 7
+split_gain=0.553481 2.34283 2.0457 1.72838
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0017532242517658534 -0.0010593751734055161 0.0047232014033611359 -0.003182319277224671 0.0045132761384844636
+leaf_weight=58 51 42 70 40
+leaf_count=58 51 42 70 40
+internal_value=0 0.0250319 -0.0298753 0.0691472
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=3268
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 8
+split_gain=0.553135 2.62239 4.30315 2.48626
+threshold=72.700000000000003 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012950432213285612 -0.0020250165776560048 -0.0042671523039713834 0.0056256972342399311 -0.0049759588224299886
+leaf_weight=73 46 39 64 39
+leaf_count=73 46 39 64 39
+internal_value=0 0.0216532 0.0740207 -0.0441607
+internal_weight=0 215 176 112
+internal_count=261 215 176 112
+shrinkage=0.02
+
+
+Tree=3269
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.556483 2.36857 4.17753 5.44276
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.004974551615585316 0.0015213597928855761 -0.0049876121526366167 -0.0022853527408720421 0.0066523529438601769
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0290414 0.0280699 0.129181
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=3270
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.548946 2.9178 2.08309 3.37952
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0048574150737901228 0.0014419743859715327 0.0068734451209440462 -0.0022586012795490248 -0.0011549416490453481
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0302395 0.0445991 0.142606
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3271
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.563394 1.40781 2.45701 2.59874
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019401013847594492 0.0020618181426347248 -0.0026776808178526467 0.004863560406111557 -0.0045875630907787068
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0230596 0.0378002 -0.0505295
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=3272
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 5
+split_gain=0.555175 2.00364 3.7321 3.12467
+threshold=67.65000000000002 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00073031399870004542 0.0014498890810893238 -0.0042396665006934212 -0.0044621286865406326 0.006458980153010661
+leaf_weight=50 77 46 41 47
+leaf_count=50 77 46 41 47
+internal_value=0 -0.0304025 0.0299115 0.137353
+internal_weight=0 184 138 97
+internal_count=261 184 138 97
+shrinkage=0.02
+
+
+Tree=3273
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.54936 1.62161 5.7738 8.44403
+threshold=6.5000000000000009 72.500000000000014 5.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0019166450285497292 0.0025705605277908119 0.002471941579907298 -0.01143372687175321 0.0013981184508397688
+leaf_weight=50 73 56 42 40
+leaf_count=50 73 56 42 40
+internal_value=0 -0.0227796 -0.0759539 -0.258434
+internal_weight=0 211 155 82
+internal_count=261 211 155 82
+shrinkage=0.02
+
+
+Tree=3274
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.557534 1.92807 3.25292 2.22733
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0021457181761489787 0.00031713270472805366 -0.00077271280404617117 -0.0067481311028793779 0.0051948480518674922
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.0206368 -0.112094 0.0764929
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3275
+num_leaves=5
+num_cat=0
+split_feature=5 9 2 5
+split_gain=0.564338 2.63352 2.07946 2.84066
+threshold=72.700000000000003 66.500000000000014 15.500000000000002 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0032594347793516586 -0.0020446103063941857 0.004136345464313889 -0.0022599153448403632 0.0052491605605254066
+leaf_weight=77 46 57 42 39
+leaf_count=77 46 57 42 39
+internal_value=0 0.0218688 -0.044662 0.0673554
+internal_weight=0 215 158 81
+internal_count=261 215 158 81
+shrinkage=0.02
+
+
+Tree=3276
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 5
+split_gain=0.563259 1.87378 2.75939 2.43881
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 68.250000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0021563612570353464 -0.0061582989651161792 0.0042278667736099429 0.00093449129817074511 -0.0012911553086721256
+leaf_weight=42 45 57 43 74
+leaf_count=42 45 57 43 74
+internal_value=0 -0.0207371 -0.134272 0.0552562
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=3277
+num_leaves=6
+num_cat=0
+split_feature=3 2 6 3 6
+split_gain=0.555172 2.50335 6.01375 4.60859 2.55423
+threshold=75.500000000000014 6.5000000000000009 64.500000000000014 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0048193366485903546 -0.002112504984445685 0.0020552388846068925 -0.0073467591994865883 0.0071087841052559211 -0.004537402479988609
+leaf_weight=42 43 51 41 40 44
+leaf_count=42 43 51 41 40 44
+internal_value=0 0.0208339 -0.0315456 0.0702772 -0.0495436
+internal_weight=0 218 176 135 95
+internal_count=261 218 176 135 95
+shrinkage=0.02
+
+
+Tree=3278
+num_leaves=6
+num_cat=0
+split_feature=3 2 8 3 3
+split_gain=0.532432 2.40354 4.26075 3.13862 2.4431
+threshold=75.500000000000014 6.5000000000000009 67.500000000000014 60.500000000000007 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0047231104007264858 -0.0020703231128478012 0.0018843830790878219 -0.0064608437002910395 0.0056068471885220529 -0.0045902048772861088
+leaf_weight=42 43 53 39 42 42
+leaf_count=42 43 53 39 42 42
+internal_value=0 0.0204179 -0.0309112 0.0520808 -0.0485462
+internal_weight=0 218 176 137 95
+internal_count=261 218 176 137 95
+shrinkage=0.02
+
+
+Tree=3279
+num_leaves=5
+num_cat=0
+split_feature=5 2 6 4
+split_gain=0.640381 2.90186 1.81102 5.05386
+threshold=67.65000000000002 8.5000000000000018 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0048921688289281012 0.0015538670110636006 0.004098473175732446 0.0038377721204154529 -0.0056688584838022809
+leaf_weight=48 77 41 51 44
+leaf_count=48 77 41 51 44
+internal_value=0 -0.032562 0.0420713 -0.0474329
+internal_weight=0 184 136 85
+internal_count=261 184 136 85
+shrinkage=0.02
+
+
+Tree=3280
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.614207 2.78637 2.05744 3.28988
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0047944679512367796 0.0015228178895515926 0.0067410292633148794 -0.0023067833786851412 -0.0011807656881430667
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0319074 0.041231 0.138647
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3281
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 5
+split_gain=0.589165 2.73372 7.46561 3.371
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 55.150000000000006
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0026159002363927613 0.0014923892251202705 -0.0016910841784268671 -0.0087771534807502983 0.0060040085214261695
+leaf_weight=46 77 50 46 42
+leaf_count=46 77 50 46 42
+internal_value=0 -0.0312742 -0.153714 0.0907549
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=3282
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 9
+split_gain=0.565016 2.62452 7.16986 3.32748
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0025636617618827024 0.0014625685617078274 -0.0023686876336950742 -0.0086018770382646024 0.0052769015261887407
+leaf_weight=46 77 42 46 50
+leaf_count=46 77 42 46 50
+internal_value=0 -0.0306451 -0.150636 0.0889344
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=3283
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.575361 1.54695 3.34571 4.44124
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.001960375332679962 0.0077510877768373941 -0.0029386528142781448 -0.0031892628973549391 -0.0012394104166308078
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.0232712 0.036579 0.157363
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=3284
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 6
+split_gain=0.553793 1.63844 3.3827 2.41571
+threshold=43.500000000000007 50.850000000000001 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0018781974911117408 -0.0038207520465931566 0.0047565682929732083 -0.0040268355732647329 0.0019224786122480847
+leaf_weight=52 46 51 64 48
+leaf_count=52 46 51 64 48
+internal_value=0 -0.0234108 0.0237113 -0.0735191
+internal_weight=0 209 163 112
+internal_count=261 209 163 112
+shrinkage=0.02
+
+
+Tree=3285
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 1
+split_gain=0.561168 2.64728 2.14407 1.51756
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016670656261090723 -0.0020388480500826123 0.0041449459598437068 -0.0037725068813782591 0.0034186338378398846
+leaf_weight=45 46 57 63 50
+leaf_count=45 46 57 63 50
+internal_value=0 0.02182 -0.0448838 0.0500875
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3286
+num_leaves=5
+num_cat=0
+split_feature=2 9 9 1
+split_gain=0.56228 1.5367 5.57374 2.62943
+threshold=6.5000000000000009 72.500000000000014 60.500000000000007 5.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019386894736957568 0.0042689481210816446 0.0023903098623234255 -0.006999072570994345 -0.0020758999736748161
+leaf_weight=50 53 56 50 52
+leaf_count=50 53 56 50 52
+internal_value=0 -0.0230156 -0.0747993 0.0559917
+internal_weight=0 211 155 105
+internal_count=261 211 155 105
+shrinkage=0.02
+
+
+Tree=3287
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.560461 2.61601 1.87115 3.21327
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0046386997569573254 0.0014569606526717458 0.0065883089384869446 -0.0021801618303061219 -0.0012413940341916934
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0305206 0.0403556 0.133308
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3288
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.574249 1.56138 3.13688 4.15721
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00195852623458201 0.0075320121435574388 -0.0029495867179412483 -0.0030594555957824 -0.0011670676429863644
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.0232503 0.0368759 0.153857
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=3289
+num_leaves=5
+num_cat=0
+split_feature=2 9 7 1
+split_gain=0.550778 1.52526 5.46064 2.66423
+threshold=6.5000000000000009 72.500000000000014 65.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019194107727540665 0.003530585835741082 0.0023843322932023893 -0.0079680555401356115 -0.002561906363676585
+leaf_weight=50 62 56 39 54
+leaf_count=50 62 56 39 54
+internal_value=0 -0.0227889 -0.0743828 0.0343849
+internal_weight=0 211 155 116
+internal_count=261 211 155 116
+shrinkage=0.02
+
+
+Tree=3290
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 7
+split_gain=0.562357 2.70018 6.98405 3.14556
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0024583168511525758 0.001459295286349754 -0.0013558728487529346 -0.0085617129935510825 0.0061374354768293669
+leaf_weight=46 77 53 46 39
+leaf_count=46 77 53 46 39
+internal_value=0 -0.0305726 -0.152266 0.09071
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=3291
+num_leaves=6
+num_cat=0
+split_feature=5 9 6 9 4
+split_gain=0.548836 2.69745 4.21328 1.3054 0.789892
+threshold=72.700000000000003 72.500000000000014 57.500000000000007 43.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0023400423684430166 -0.0020170694143259267 -0.0043348350009559397 0.0069441507701008013 -0.0038521519846264076 6.0569738852131091e-05
+leaf_weight=49 46 39 43 40 44
+leaf_count=49 46 39 43 40 44
+internal_value=0 0.0215888 0.074693 -0.0132489 -0.0897386
+internal_weight=0 215 176 133 84
+internal_count=261 215 176 133 84
+shrinkage=0.02
+
+
+Tree=3292
+num_leaves=5
+num_cat=0
+split_feature=5 2 7 9
+split_gain=0.562718 2.59697 6.80571 3.23332
+threshold=67.65000000000002 15.500000000000002 57.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0017663283545229836 0.0014598162223025334 -0.0023209309315834472 -0.0092058430284462523 0.0052161909136285035
+leaf_weight=52 77 42 40 50
+leaf_count=52 77 42 40 50
+internal_value=0 -0.0305787 -0.149943 0.0883747
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=3293
+num_leaves=5
+num_cat=0
+split_feature=2 9 7 1
+split_gain=0.562634 1.51646 5.35014 2.58215
+threshold=6.5000000000000009 72.500000000000014 65.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019394198478470551 0.0034631961705866832 0.0023716698178733462 -0.0079039585099123875 -0.0025354259653939809
+leaf_weight=50 62 56 39 54
+leaf_count=50 62 56 39 54
+internal_value=0 -0.0230156 -0.0744624 0.0331998
+internal_weight=0 211 155 116
+internal_count=261 211 155 116
+shrinkage=0.02
+
+
+Tree=3294
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 3
+split_gain=0.57233 3.31027 2.37837 5.37711
+threshold=66.500000000000014 67.500000000000014 56.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0018137369991344859 0.0057674041096743714 -0.0017288088625312765 0.0021447865127299645 -0.007709395068054581
+leaf_weight=49 39 60 67 46
+leaf_count=49 39 60 67 46
+internal_value=0 0.0609079 -0.0372435 -0.139567
+internal_weight=0 99 162 95
+internal_count=261 99 162 95
+shrinkage=0.02
+
+
+Tree=3295
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.548715 3.1787 2.2894 4.99629
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0048979612535629486 0.0056522627951758955 -0.001694273203003619 -0.0037602202148733668 0.0043713801915641641
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0596845 -0.0364903 0.0316136
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3296
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 9 3
+split_gain=0.556532 1.57988 3.37475 7.04658 5.39011
+threshold=43.500000000000007 50.850000000000001 68.500000000000014 72.500000000000014 63.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 -2 4 -4 -3
+right_child=1 2 3 -5 -6
+leaf_value=0.0018828880773159326 -0.0037619279871955731 0.0085929772791915014 -0.0084203507292142741 0.0033083824945305145 -0.0017255324279127082
+leaf_weight=52 46 40 40 42 41
+leaf_count=52 46 40 40 42 41
+internal_value=0 -0.023456 0.0228225 -0.120275 0.168159
+internal_weight=0 209 163 82 81
+internal_count=261 209 163 82 81
+shrinkage=0.02
+
+
+Tree=3297
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.569685 1.53473 2.85389 4.14954
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019511780276707078 0.0074127863665481774 -0.0029266065623666771 -0.0028931277087507748 -0.0012786414677747105
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.0231515 0.036464 0.148087
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=3298
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 5
+split_gain=0.573541 1.84132 3.72952 2.98963
+threshold=67.65000000000002 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00071390598994518478 0.0014733732313756832 -0.0041000429227291595 -0.0045192439489326027 0.0063190633272552331
+leaf_weight=50 77 46 41 47
+leaf_count=50 77 46 41 47
+internal_value=0 -0.0308582 0.0269746 0.134384
+internal_weight=0 184 138 97
+internal_count=261 184 138 97
+shrinkage=0.02
+
+
+Tree=3299
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 3
+split_gain=0.563569 3.10582 2.32702 5.26822
+threshold=66.500000000000014 67.500000000000014 56.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0017943274486519204 0.0056164511704890367 -0.0016457176300279509 0.0021190311492102613 -0.0076321501200903464
+leaf_weight=49 39 60 67 46
+leaf_count=49 39 60 67 46
+internal_value=0 0.0604504 -0.0369723 -0.138196
+internal_weight=0 99 162 95
+internal_count=261 99 162 95
+shrinkage=0.02
+
+
+Tree=3300
+num_leaves=5
+num_cat=0
+split_feature=5 7 5 4
+split_gain=0.541722 1.79685 1.44264 1.83973
+threshold=67.65000000000002 64.500000000000014 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0022757101191027717 0.0014333335188122845 -0.0044301302304254461 0.0033274576893550767 -0.0032997476509934623
+leaf_weight=41 77 39 47 57
+leaf_count=41 77 39 47 57
+internal_value=0 -0.0300198 0.0212898 -0.0479521
+internal_weight=0 184 145 98
+internal_count=261 184 145 98
+shrinkage=0.02
+
+
+Tree=3301
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 1
+split_gain=0.550664 2.63919 2.14831 1.78206
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0018885980437038372 -0.0020201831287214186 0.00413552502412052 -0.0037770922624717073 0.0036182107739946624
+leaf_weight=45 46 57 63 50
+leaf_count=45 46 57 63 50
+internal_value=0 0.0216297 -0.0449726 0.0500919
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3302
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.554998 1.50533 2.80749 3.95999
+threshold=6.5000000000000009 68.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019266818846821999 0.0072867186713833146 -0.0028974670788538309 -0.0028693132265914449 -0.0012044231546991069
+leaf_weight=50 43 69 54 45
+leaf_count=50 43 69 54 45
+internal_value=0 -0.0228636 0.0361835 0.146903
+internal_weight=0 211 142 88
+internal_count=261 211 142 88
+shrinkage=0.02
+
+
+Tree=3303
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 4
+split_gain=0.534107 1.52883 5.33325 2.95955
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.001597337357783457 0.0019150072037384131 -0.0070699525701545841 0.0021787565452067621 0.0050035045552220807
+leaf_weight=65 49 48 52 47
+leaf_count=65 49 48 52 47
+internal_value=0 -0.0221692 -0.112723 0.0583458
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=3304
+num_leaves=5
+num_cat=0
+split_feature=5 9 6 2
+split_gain=0.551055 2.60552 4.21827 1.44443
+threshold=72.700000000000003 72.500000000000014 57.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0021331320506071103 -0.0020209101906451792 -0.0042524647610493261 0.0069302710944050177 0.0020949412175889312
+leaf_weight=75 46 39 43 58
+leaf_count=75 46 39 43 58
+internal_value=0 0.0216353 0.0738359 -0.0141583
+internal_weight=0 215 176 133
+internal_count=261 215 176 133
+shrinkage=0.02
+
+
+Tree=3305
+num_leaves=5
+num_cat=0
+split_feature=2 9 7 1
+split_gain=0.53935 1.60301 5.33991 2.32211
+threshold=6.5000000000000009 72.500000000000014 65.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019002499716329986 0.0032985765324728168 0.0024598317285054547 -0.0079170566878112546 -0.0023922162584992155
+leaf_weight=50 62 56 39 54
+leaf_count=50 62 56 39 54
+internal_value=0 -0.022552 -0.0754253 0.0321338
+internal_weight=0 211 155 116
+internal_count=261 211 155 116
+shrinkage=0.02
+
+
+Tree=3306
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 2
+split_gain=0.540534 8.05097 5.21573 3.34404
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 21.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0054803200255336623 0.0019506631895437889 -0.0086578771730564073 -0.0053044263431538587 0.0019875913225393367
+leaf_weight=73 48 39 49 52
+leaf_count=73 48 39 49 52
+internal_value=0 -0.022014 0.069987 -0.0771714
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=3307
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 3
+split_gain=0.563429 1.89754 1.58925 0.923166
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00031182239759762714 0.0015310412785936465 -0.0036882500765459498 -0.0021513170331856229 0.0045717358004300889
+leaf_weight=43 72 56 49 41
+leaf_count=43 72 56 49 41
+internal_value=0 -0.0291886 0.0359308 0.120133
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=3308
+num_leaves=5
+num_cat=0
+split_feature=3 2 3 6
+split_gain=0.56012 2.79214 2.07726 1.71367
+threshold=66.500000000000014 13.500000000000002 61.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0013175476850511511 0.0044128338963691947 -0.0023270621444829742 -0.0046444303860390373 0.003587885310053066
+leaf_weight=74 52 47 41 47
+leaf_count=74 52 47 41 47
+internal_value=0 0.0602813 -0.0368531 0.0291117
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=3309
+num_leaves=5
+num_cat=0
+split_feature=5 9 2 5
+split_gain=0.548054 2.74818 2.07155 2.45952
+threshold=72.700000000000003 66.500000000000014 15.500000000000002 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0032892017293660054 -0.0020155522043408193 0.0042096368217292802 -0.0023070870757499616 0.0046831170194132589
+leaf_weight=77 46 57 39 42
+leaf_count=77 46 57 39 42
+internal_value=0 0.0215804 -0.0463775 0.0654255
+internal_weight=0 215 158 81
+internal_count=261 215 158 81
+shrinkage=0.02
+
+
+Tree=3310
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 5
+split_gain=0.550047 2.25438 2.85825 2.62157
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 68.250000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0021321592918619966 -0.0064315504748196518 0.0044927046180230973 0.00078590115348479571 -0.0012275061206958773
+leaf_weight=42 45 57 43 74
+leaf_count=42 45 57 43 74
+internal_value=0 -0.0204829 -0.144897 0.0628204
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=3311
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 9
+split_gain=0.547414 2.57681 6.60802 3.06593
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.002372037392551945 0.0014406563896713393 -0.0022149297769998525 -0.0083477797258959853 0.0051253374631899619
+leaf_weight=46 77 42 46 50
+leaf_count=46 77 42 46 50
+internal_value=0 -0.0301676 -0.149073 0.088326
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=3312
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.545084 3.05171 2.27952 4.83016
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0048866846185388604 0.0055590990801311557 -0.0016399249695061605 -0.0036872970576600555 0.0043084493277201746
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0594952 -0.0363722 0.0315854
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3313
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 9 3
+split_gain=0.552252 1.5386 3.30681 6.99303 5.05176
+threshold=43.500000000000007 50.850000000000001 68.500000000000014 72.500000000000014 63.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 -2 4 -4 -3
+right_child=1 2 3 -5 -6
+leaf_value=0.0018759135068298555 -0.0037174062415009758 0.0083872709262652213 -0.0083790329144070638 0.0033051696720608121 -0.001602774202054453
+leaf_weight=52 46 40 40 42 41
+leaf_count=52 46 40 40 42 41
+internal_value=0 -0.0233674 0.0223072 -0.119349 0.166185
+internal_weight=0 209 163 82 81
+internal_count=261 209 163 82 81
+shrinkage=0.02
+
+
+Tree=3314
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.562363 3.03475 2.20151 4.66612
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0048265743420729179 0.0055649599543550242 -0.0016140583505820211 -0.0036479930704303751 0.004211416213743731
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0603949 -0.0369271 0.0298621
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3315
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 8
+split_gain=0.578011 2.22788 2.69015 2.56606
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0021838302849759845 -0.006322019973826404 0.0044889484990912375 0.00068074682461487484 -0.0011829001417494463
+leaf_weight=42 45 56 43 75
+leaf_count=42 45 56 43 75
+internal_value=0 -0.0209793 -0.144665 0.0618353
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=3316
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 3
+split_gain=0.57367 2.87465 1.97121 3.34065
+threshold=13.500000000000002 65.500000000000014 70.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0017230387528737387 0.0014356092040544025 0.0046337748342982384 0.0029320415892385623 -0.0057149959550008645
+leaf_weight=65 50 51 40 55
+leaf_count=65 50 51 40 55
+internal_value=0 0.0532992 -0.0426542 -0.115182
+internal_weight=0 116 145 105
+internal_count=261 116 145 105
+shrinkage=0.02
+
+
+Tree=3317
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=0.593976 1.47903 3.18212 5.04619
+threshold=43.500000000000007 73.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0019431792314940413 0.0045000619071058267 -0.0033533452907330854 -0.0068809637684478656 0.0021639489761918203
+leaf_weight=52 53 54 42 60
+leaf_count=52 53 54 42 60
+internal_value=0 -0.0242002 0.025577 -0.0777377
+internal_weight=0 209 155 102
+internal_count=261 209 155 102
+shrinkage=0.02
+
+
+Tree=3318
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 6
+split_gain=0.569662 1.41767 3.02302 2.33582
+threshold=43.500000000000007 50.850000000000001 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0019043683859215422 -0.0035956543228593653 0.0044528952071712005 -0.0039500968956214253 0.0019007523418161016
+leaf_weight=52 46 51 64 48
+leaf_count=52 46 51 64 48
+internal_value=0 -0.0237136 0.0201434 -0.0717915
+internal_weight=0 209 163 112
+internal_count=261 209 163 112
+shrinkage=0.02
+
+
+Tree=3319
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 5
+split_gain=0.574668 2.08235 2.60088 2.53989
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 68.250000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0021779714278577483 -0.0061824162647257054 0.0043695341483795105 0.00070393536590162556 -0.0012616742874175186
+leaf_weight=42 45 57 43 74
+leaf_count=42 45 57 43 74
+internal_value=0 -0.0209079 -0.140526 0.0591734
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=3320
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 4
+split_gain=0.571829 1.5361 5.11155 2.78912
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0015275255043247942 0.0019794920251146948 -0.0069878006023603792 0.0020670272923028698 0.0048815067157241127
+leaf_weight=65 49 48 52 47
+leaf_count=65 49 48 52 47
+internal_value=0 -0.0228927 -0.113657 0.0578105
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=3321
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 5
+split_gain=0.567532 1.96793 2.51921 2.48513
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 68.250000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0021649844212347294 -0.0060609689642538225 0.0042937011494827877 0.0007171135941714511 -0.0012770095998372274
+leaf_weight=42 45 57 43 74
+leaf_count=42 45 57 43 74
+internal_value=0 -0.0207761 -0.137097 0.0570891
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=3322
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=0.556479 1.43925 3.04854 4.87419
+threshold=43.500000000000007 73.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0018831998040563019 0.0044179781222098606 -0.0032997707958244151 -0.0067442506458942368 0.0021457655520730474
+leaf_weight=52 53 54 42 60
+leaf_count=52 53 54 42 60
+internal_value=0 -0.023435 0.0256747 -0.0754553
+internal_weight=0 209 155 102
+internal_count=261 209 155 102
+shrinkage=0.02
+
+
+Tree=3323
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 4
+split_gain=0.590174 1.526 4.94465 2.70532
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0014992051055093545 0.0020101004868095947 -0.0069114385122119064 0.0019946797021822256 0.0048134091896222036
+leaf_weight=65 49 48 52 47
+leaf_count=65 49 48 52 47
+internal_value=0 -0.0232367 -0.113705 0.0572026
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=3324
+num_leaves=6
+num_cat=0
+split_feature=5 2 2 7 3
+split_gain=0.567992 2.30524 2.48474 2.51364 0.822011
+threshold=72.700000000000003 24.500000000000004 13.500000000000002 59.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00047933841950853885 -0.0020501369872177556 0.0045382023945751719 0.00019564930526900796 -0.0068227860710643462 0.0034234714498235625
+leaf_weight=39 46 44 43 39 50
+leaf_count=39 46 44 43 39 50
+internal_value=0 0.0219799 -0.0305881 -0.156781 0.0852619
+internal_weight=0 215 171 82 89
+internal_count=261 215 171 82 89
+shrinkage=0.02
+
+
+Tree=3325
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 4
+split_gain=0.578164 1.42653 4.76954 2.5778
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0014845695087936082 0.0019902650810609606 -0.0067652787351548758 0.0019822855962543036 0.0046785431717320039
+leaf_weight=65 49 48 52 47
+leaf_count=65 49 48 52 47
+internal_value=0 -0.0230045 -0.110517 0.0547953
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=3326
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.575164 1.62503 2.41032 2.03074
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0021792016308183537 -0.0033402039318890381 0.0042201844803713209 -0.0047413905940154712 0.00094316010918161716
+leaf_weight=42 57 51 39 72
+leaf_count=42 57 51 39 72
+internal_value=0 -0.0209004 0.0303117 -0.0524321
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=3327
+num_leaves=5
+num_cat=0
+split_feature=9 3 5 4
+split_gain=0.558737 3.97882 3.67168 1.44253
+threshold=77.500000000000014 66.500000000000014 55.95000000000001 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014617525036065321 -0.0021480631237503806 0.0045279707397182477 -0.0065753158035199788 0.0031352979569057122
+leaf_weight=65 42 66 40 48
+leaf_count=65 42 66 40 48
+internal_value=0 0.0206527 -0.0679021 0.0242317
+internal_weight=0 219 153 113
+internal_count=261 219 153 113
+shrinkage=0.02
+
+
+Tree=3328
+num_leaves=6
+num_cat=0
+split_feature=5 9 6 9 2
+split_gain=0.570538 2.52595 4.29465 1.3326 0.712467
+threshold=72.700000000000003 72.500000000000014 57.500000000000007 43.500000000000007 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0023244879779369641 -0.0020545633691450974 -0.0041729511771020243 0.0069711831544872118 -0.0037176170380906048 0
+leaf_weight=49 46 39 43 42 42
+leaf_count=49 46 39 43 42 42
+internal_value=0 0.0220278 0.0734332 -0.0153533 -0.0926156
+internal_weight=0 215 176 133 84
+internal_count=261 215 176 133 84
+shrinkage=0.02
+
+
+Tree=3329
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 2
+split_gain=0.575088 1.87645 2.48504 2.45178 2.71171
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0021790077598751768 -0.0059870523343944285 0.0025071149825004876 0.00074530546543269925 0.0045435895396873215 -0.0048746258732849665
+leaf_weight=42 45 41 43 51 39
+leaf_count=42 45 41 43 51 39
+internal_value=0 -0.0209019 -0.134516 0.0551448 -0.0541304
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3330
+num_leaves=5
+num_cat=0
+split_feature=5 9 6 2
+split_gain=0.576945 2.51115 4.12974 1.32296
+threshold=72.700000000000003 72.500000000000014 57.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0020449889458969499 -0.0020655911937129583 -0.00415701798558815 0.0068644306821338211 0.0020038427145895378
+leaf_weight=75 46 39 43 58
+leaf_count=75 46 39 43 58
+internal_value=0 0.0221514 0.0734074 -0.0136598
+internal_weight=0 215 176 133
+internal_count=261 215 176 133
+shrinkage=0.02
+
+
+Tree=3331
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 2 9
+split_gain=0.560029 1.82687 2.43354 2.63618 2.39293
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 15.500000000000002 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0021513095420161196 -0.0058906300810612254 0.0024503238453085995 0.0045162121402014021 -0.0048284540017425543 0.00071645811844521122
+leaf_weight=42 45 41 51 39 43
+leaf_count=42 45 41 51 39 43
+internal_value=0 -0.0206333 0.0544099 -0.0544604 -0.132754
+internal_weight=0 219 131 80 88
+internal_count=261 219 131 80 88
+shrinkage=0.02
+
+
+Tree=3332
+num_leaves=6
+num_cat=0
+split_feature=5 2 2 7 5
+split_gain=0.582907 2.22981 2.38411 2.45086 0.77204
+threshold=72.700000000000003 24.500000000000004 13.500000000000002 59.500000000000007 52.800000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0038146336854175439 -0.0020758392295911537 0.0044768376798891606 0.00022800086793972607 -0.0067028622161039225 0
+leaf_weight=39 46 44 43 39 50
+leaf_count=39 46 44 43 39 50
+internal_value=0 0.0222638 -0.0294408 -0.153077 0.084053
+internal_weight=0 215 171 82 89
+internal_count=261 215 171 82 89
+shrinkage=0.02
+
+
+Tree=3333
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.559132 2.5029 2.30358 1.75069
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013111261617717307 -0.0020343856176631113 0.004043331491183709 -0.0038398197987011295 0.0041760995338726483
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.021826 -0.0430412 0.0553839
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3334
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 5
+split_gain=0.552137 3.83532 4.14009 1.58691
+threshold=77.500000000000014 66.500000000000014 54.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019444948346279906 -0.0021356942461254989 0.0044512285842456352 -0.0059225778699218837 0.0031638766964006714
+leaf_weight=42 42 66 52 59
+leaf_count=42 42 66 52 59
+internal_value=0 0.0205389 -0.0664086 0.0515906
+internal_weight=0 219 153 101
+internal_count=261 219 153 101
+shrinkage=0.02
+
+
+Tree=3335
+num_leaves=5
+num_cat=0
+split_feature=3 6 7 8
+split_gain=0.566735 2.38378 4.91463 2.58344
+threshold=75.500000000000014 64.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013731698687562412 -0.0021327131786730742 -0.003419875547703522 0.0064160128404733997 -0.0050185748282224061
+leaf_weight=73 43 50 56 39
+leaf_count=73 43 50 56 39
+internal_value=0 0.0210883 0.078541 -0.0423567
+internal_weight=0 218 168 112
+internal_count=261 218 168 112
+shrinkage=0.02
+
+
+Tree=3336
+num_leaves=6
+num_cat=0
+split_feature=3 2 6 3 6
+split_gain=0.543497 2.29402 5.74717 4.31288 2.60945
+threshold=75.500000000000014 6.5000000000000009 64.500000000000014 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0046293752519172534 -0.0020901286148273506 0.0021615928749947576 -0.0071557173584974511 0.0069191101957265955 -0.0045018318283306328
+leaf_weight=42 43 51 41 40 44
+leaf_count=42 43 51 41 40 44
+internal_value=0 0.0206626 -0.0294882 0.0700546 -0.0458626
+internal_weight=0 218 176 135 95
+internal_count=261 218 176 135 95
+shrinkage=0.02
+
+
+Tree=3337
+num_leaves=5
+num_cat=0
+split_feature=2 8 7 1
+split_gain=0.573652 2.63898 2.48719 1.58288
+threshold=7.5000000000000009 69.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0017828637647899761 0.0038268569719867051 0.0045133440355361642 -0.0038968399800366205 -0.001477551571946978
+leaf_weight=58 48 50 62 43
+leaf_count=58 48 50 62 43
+internal_value=0 0.0255146 -0.0397067 0.0656192
+internal_weight=0 203 153 91
+internal_count=261 203 153 91
+shrinkage=0.02
+
+
+Tree=3338
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 3 3
+split_gain=0.550135 2.48699 2.07563 1.15137 3.10339
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0017472495019836189 0.0031788309244613322 0.0048494886166352133 -0.0046650919117584609 0.0033589226592598657 -0.0047141915479814861
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.0250014 -0.031563 0.0326812 -0.037918
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=3339
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 1
+split_gain=0.558155 2.53047 2.17202 1.45058
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015664794388435248 -0.0020329803416543057 0.0040622989350052882 -0.0037620166071327516 0.003406680091807817
+leaf_weight=45 46 57 63 50
+leaf_count=45 46 57 63 50
+internal_value=0 0.021792 -0.0434299 0.052157
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3340
+num_leaves=6
+num_cat=0
+split_feature=3 2 5 5 5
+split_gain=0.535396 2.28597 5.72999 4.76387 1.53238
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 55.150000000000006 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0046189342204340572 -0.0020751881052412107 0.0018787081580165618 -0.0061722635612713071 0.0074335654227549765 -0.0035542048905437863
+leaf_weight=42 43 40 52 40 44
+leaf_count=42 43 40 52 40 44
+internal_value=0 0.0205067 -0.0295566 0.0872528 -0.0479089
+internal_weight=0 218 176 124 84
+internal_count=261 218 176 124 84
+shrinkage=0.02
+
+
+Tree=3341
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 5
+split_gain=0.563181 1.84135 3.71219 3.06502
+threshold=67.65000000000002 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00075558246199851841 0.0014608765357122381 -0.0040942660430157195 -0.0045016640559335918 0.0063651948593618614
+leaf_weight=50 77 46 41 47
+leaf_count=50 77 46 41 47
+internal_value=0 -0.0305668 0.0272667 0.134428
+internal_weight=0 184 138 97
+internal_count=261 184 138 97
+shrinkage=0.02
+
+
+Tree=3342
+num_leaves=5
+num_cat=0
+split_feature=2 8 7 1
+split_gain=0.548504 2.5351 2.35588 1.59874
+threshold=7.5000000000000009 69.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0017448862604456884 0.0037980325011037013 0.004423302979969658 -0.0037998610047378346 -0.0015328856657075582
+leaf_weight=58 48 50 62 43
+leaf_count=58 48 50 62 43
+internal_value=0 0.0249587 -0.0389715 0.06355
+internal_weight=0 203 153 91
+internal_count=261 203 153 91
+shrinkage=0.02
+
+
+Tree=3343
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.554466 2.59951 1.99247 1.64736
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013890462443836222 -0.0020003651823141733 0.0041564068562295192 -0.003645829901592997 0.0039361374254092939
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0219984 -0.0436724 0.0478998
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=3344
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.533045 1.90449 2.58148 2.26237
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0019600887529833953 0.0021619106691199582 -0.0043004466335887616 0.0033097723022786963 -0.0040444117533666758
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0195902 0.024769 -0.0777223
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=3345
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.538556 3.07179 2.36335 4.8978
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0049574805132343736 0.0055666351660090645 -0.001655946566408712 -0.0036883008822105098 0.0043629432846815312
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.059158 -0.036154 0.033037
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3346
+num_leaves=6
+num_cat=0
+split_feature=5 9 6 9 2
+split_gain=0.533133 2.5236 4.20588 1.26641 0.650609
+threshold=72.700000000000003 72.500000000000014 57.500000000000007 43.500000000000007 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0022625609293400891 -0.0019887548503378016 -0.0041853665179659534 0.0068993329451038201 -0.0035955350313159442 -3.8209165788926617e-06
+leaf_weight=49 46 39 43 42 42
+leaf_count=49 46 39 43 42 42
+internal_value=0 0.0213026 0.0726851 -0.0151804 -0.0905346
+internal_weight=0 215 176 133 84
+internal_count=261 215 176 133 84
+shrinkage=0.02
+
+
+Tree=3347
+num_leaves=5
+num_cat=0
+split_feature=5 2 8 1
+split_gain=0.536741 2.55446 1.82414 6.03056
+threshold=67.65000000000002 8.5000000000000018 49.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0045786652790116306 0.0014270550102735986 0.0039567186206498619 -0.0067888330868634853 0.0037564612163748165
+leaf_weight=48 77 48 39 49
+leaf_count=48 77 48 39 49
+internal_value=0 -0.0298819 0.0401592 -0.045481
+internal_weight=0 184 136 88
+internal_count=261 184 136 88
+shrinkage=0.02
+
+
+Tree=3348
+num_leaves=5
+num_cat=0
+split_feature=5 9 3 2
+split_gain=0.526869 2.48236 2.1279 2.4237
+threshold=72.700000000000003 66.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0045341180983703164 -0.0019775379921522112 0.0040156978563019958 -0.0043974751449806764 -0.001623149056484338
+leaf_weight=41 46 57 48 69
+leaf_count=41 46 57 48 69
+internal_value=0 0.0211779 -0.0434242 0.0332994
+internal_weight=0 215 158 110
+internal_count=261 215 158 110
+shrinkage=0.02
+
+
+Tree=3349
+num_leaves=5
+num_cat=0
+split_feature=3 2 3 2
+split_gain=0.526989 2.70578 2.15723 1.7147
+threshold=66.500000000000014 14.500000000000002 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0027821967160362275 0.0040228627419903089 -0.0026814510635562311 -0.004697005376274173 -0.0020288083060338489
+leaf_weight=67 57 42 41 54
+leaf_count=67 57 42 41 54
+internal_value=0 0.0585324 -0.0357875 0.0314299
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=3350
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 8
+split_gain=0.522033 2.50336 4.07793 2.38611
+threshold=72.700000000000003 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012781723303509035 -0.0019689043714103496 -0.0041714722969234839 0.0054810169458724203 -0.0048662081903544175
+leaf_weight=73 46 39 64 39
+leaf_count=73 46 39 64 39
+internal_value=0 0.0210775 0.0722559 -0.0427977
+internal_weight=0 215 176 112
+internal_count=261 215 176 112
+shrinkage=0.02
+
+
+Tree=3351
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.536641 2.31017 2.39355 1.82703
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0023920537412746726 0.0014953456834150914 -0.0046000655627396747 0.0047571163104054761 -0.0030768665973465144
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0285173 0.032429 -0.0482777
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3352
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.544038 2.54727 1.84309 3.22806
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0045770804706161926 0.0014362880865705762 0.0065736566323522216 -0.0021677511533826376 -0.0012740793691016956
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0300814 0.0398613 0.132124
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3353
+num_leaves=6
+num_cat=0
+split_feature=3 2 5 5 5
+split_gain=0.525064 2.37964 5.5747 4.472 1.42445
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 55.150000000000006 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0046992670250726714 -0.0020562592098376528 0.001805498213847736 -0.0061208680669314029 0.0072010190725802546 -0.0034348729090177207
+leaf_weight=42 43 40 52 40 44
+leaf_count=42 43 40 52 40 44
+internal_value=0 0.0202918 -0.0307824 0.0844347 -0.0465258
+internal_weight=0 218 176 124 84
+internal_count=261 218 176 124 84
+shrinkage=0.02
+
+
+Tree=3354
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.573254 2.49383 1.80018 3.06357
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0045508673573224738 0.0014729801882955025 0.006421453844829385 -0.0021634818877096893 -0.0012245898429390255
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0308526 0.0383551 0.129554
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3355
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 9
+split_gain=0.549831 2.43929 6.62047 3.00424
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0024394235238901882 0.0014435473245458488 -0.0022401018265394805 -0.0082906237786378213 0.0050265378852149606
+leaf_weight=46 77 42 46 50
+leaf_count=46 77 42 46 50
+internal_value=0 -0.0302404 -0.145957 0.0850644
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=3356
+num_leaves=5
+num_cat=0
+split_feature=5 1 9 4
+split_gain=0.537733 4.29057 3.83446 3.40736
+threshold=47.850000000000001 7.5000000000000009 66.500000000000014 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0021093910773151247 -0.0047830797223156578 0.0079035081980619801 0.0020205137676191872 -0.00015638260313679129
+leaf_weight=42 76 43 59 41
+leaf_count=42 76 43 59 41
+internal_value=0 0.0202411 -0.0902114 0.198157
+internal_weight=0 219 135 84
+internal_count=261 219 135 84
+shrinkage=0.02
+
+
+Tree=3357
+num_leaves=5
+num_cat=0
+split_feature=5 2 8 3
+split_gain=0.520234 2.34034 1.78699 4.46011
+threshold=67.65000000000002 8.5000000000000018 49.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0044008179571590382 0.0014055687127340274 0.0038740010783060792 -0.0056682320580591292 0.0033555636180567588
+leaf_weight=48 77 48 42 46
+leaf_count=48 77 48 42 46
+internal_value=0 -0.0294442 0.0376099 -0.0471623
+internal_weight=0 184 136 88
+internal_count=261 184 136 88
+shrinkage=0.02
+
+
+Tree=3358
+num_leaves=5
+num_cat=0
+split_feature=5 9 6 2
+split_gain=0.534353 2.48717 3.95483 1.20262
+threshold=72.700000000000003 72.500000000000014 57.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019483599068520789 -0.001991184779188335 -0.004151946813791098 0.0067278924007993695 0.001914762815982437
+leaf_weight=75 46 39 43 58
+leaf_count=75 46 39 43 58
+internal_value=0 0.0213141 0.0723284 -0.0128778
+internal_weight=0 215 176 133
+internal_count=261 215 176 133
+shrinkage=0.02
+
+
+Tree=3359
+num_leaves=5
+num_cat=0
+split_feature=2 9 9 1
+split_gain=0.536711 1.61518 5.38533 2.51256
+threshold=6.5000000000000009 72.500000000000014 60.500000000000007 5.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0018957177910448573 0.0041389123180367669 0.0024717726019568725 -0.0069209954191675584 -0.0020644531002515379
+leaf_weight=50 53 56 50 52
+leaf_count=50 53 56 50 52
+internal_value=0 -0.0225011 -0.0755718 0.0529913
+internal_weight=0 211 155 105
+internal_count=261 211 155 105
+shrinkage=0.02
+
+
+Tree=3360
+num_leaves=6
+num_cat=0
+split_feature=3 2 5 5 5
+split_gain=0.52866 2.4368 5.46634 4.29681 1.32534
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 55.150000000000006 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0047514779346839878 -0.0020629871919636993 0.0017279759844491271 -0.0060780538070538412 0.0070592575542403778 -0.0033290838269317753
+leaf_weight=42 43 40 52 40 44
+leaf_count=42 43 40 52 40 44
+internal_value=0 0.0203609 -0.0313207 0.0827725 -0.0456005
+internal_weight=0 218 176 124 84
+internal_count=261 218 176 124 84
+shrinkage=0.02
+
+
+Tree=3361
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.573798 2.29275 1.80826 3.01678
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0043905076306214085 0.001473698720005581 0.0063395941900702595 -0.0022271184756313058 -0.001248246583939732
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0308646 0.0355063 0.126914
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3362
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 9
+split_gain=0.550354 2.28244 6.54841 2.93028
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0024849486183468111 0.0014442520118201887 -0.0022667205053892333 -0.0081868146281323106 0.0049106345017536782
+leaf_weight=46 77 42 46 50
+leaf_count=46 77 42 46 50
+internal_value=0 -0.0302522 -0.142221 0.0813047
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=3363
+num_leaves=5
+num_cat=0
+split_feature=5 9 3 2
+split_gain=0.552083 2.00382 6.66658 3.24289
+threshold=47.850000000000001 54.500000000000007 64.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0021363118526797863 -0.002642678572241573 0.0077454740780898979 0.0018882034168157325 -0.0051141752997527646
+leaf_weight=42 62 49 61 47
+leaf_count=42 62 49 61 47
+internal_value=0 0.0205021 0.0810654 -0.0576532
+internal_weight=0 219 157 108
+internal_count=261 219 157 108
+shrinkage=0.02
+
+
+Tree=3364
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.547348 2.94695 2.29643 4.43073
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0049035844505056353 0.0054861460918656461 -0.0015888593744394167 -0.0035019106370788411 0.0041573398512810261
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0596048 -0.0364544 0.0317536
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3365
+num_leaves=5
+num_cat=0
+split_feature=5 2 7 7
+split_gain=0.53802 2.10566 6.48019 2.77179
+threshold=67.65000000000002 15.500000000000002 57.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0018996257884503027 0.001428487724923656 -0.001431456376923575 -0.008807916994222181 0.0056057323251107426
+leaf_weight=52 77 53 40 39
+leaf_count=52 77 53 40 39
+internal_value=0 -0.0299264 -0.137515 0.0772502
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=3366
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 3
+split_gain=0.563203 2.40993 1.11603 3.6807
+threshold=13.500000000000002 66.500000000000014 65.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0015431333437157307 0.0014708844756375346 0.004268996311294064 0.0014764744083432015 -0.0065672369255627425
+leaf_weight=64 50 52 53 42
+leaf_count=64 50 52 53 42
+internal_value=0 0.0528207 -0.042283 -0.10961
+internal_weight=0 116 145 92
+internal_count=261 116 145 92
+shrinkage=0.02
+
+
+Tree=3367
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=0.561984 2.19186 3.61054 2.51005
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013401183815920548 -0.0020401733584939747 0.0047436733416867808 -0.005724595476886145 0.0041723629506848804
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.0218405 -0.0257257 0.0532016
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=3368
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=0.549703 1.82131 2.40599 2.31261 2.01075
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 3 4 -2 -3
+right_child=1 2 -4 -5 -6
+leaf_value=0.0021314487257223674 -0.0058298129869560093 0.0020953395697194083 0.0044977110421380966 0.00066596804077773575 -0.0042656156124692623
+leaf_weight=42 45 40 51 43 40
+leaf_count=42 45 40 51 43 40
+internal_value=0 -0.02048 0.05445 -0.132432 -0.0538048
+internal_weight=0 219 131 88 80
+internal_count=261 219 131 88 80
+shrinkage=0.02
+
+
+Tree=3369
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 6
+split_gain=0.58846 3.82711 4.37181 1.74062
+threshold=77.500000000000014 66.500000000000014 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012925880242004484 -0.0022031108627331803 0.0044590651408904659 -0.0060348158156159791 0.0039995902061467662
+leaf_weight=55 42 66 52 46
+leaf_count=55 42 66 52 46
+internal_value=0 0.0211475 -0.0657067 0.0555448
+internal_weight=0 219 153 101
+internal_count=261 219 153 101
+shrinkage=0.02
+
+
+Tree=3370
+num_leaves=5
+num_cat=0
+split_feature=8 2 9 2
+split_gain=0.576575 2.30664 2.485 1.99142
+threshold=62.500000000000007 9.5000000000000018 45.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=0.0047499559132677654 -0.0047682525629822734 0.0031187372290945874 -0.0031675135879576512 0.00086110938210683878
+leaf_weight=43 39 41 66 72
+leaf_count=43 39 41 66 72
+internal_value=0 0.0411107 -0.0375414 -0.0555665
+internal_weight=0 150 107 111
+internal_count=261 150 107 111
+shrinkage=0.02
+
+
+Tree=3371
+num_leaves=5
+num_cat=0
+split_feature=8 2 8 2
+split_gain=0.55292 2.21457 2.44479 1.91199
+threshold=62.500000000000007 9.5000000000000018 49.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=0.0046551109674305164 -0.0046730581938167776 0.0026822591219227967 -0.0034263564935237772 0.00084390405778979511
+leaf_weight=43 39 47 60 72
+leaf_count=43 39 47 60 72
+internal_value=0 0.0402906 -0.0367831 -0.0544504
+internal_weight=0 150 107 111
+internal_count=261 150 107 111
+shrinkage=0.02
+
+
+Tree=3372
+num_leaves=6
+num_cat=0
+split_feature=5 1 2 2 4
+split_gain=0.553729 4.21162 3.85012 8.09697 3.43961
+threshold=47.850000000000001 7.5000000000000009 10.500000000000002 19.500000000000004 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -3
+right_child=1 4 3 -5 -6
+leaf_value=-0.0021392457769125071 0.0033350221981619404 0.007895321265876722 -0.010693191402159326 0.0011391974975210543 -0.00020262647566204385
+leaf_weight=42 41 43 41 53 41
+leaf_count=42 41 43 41 53 41
+internal_value=0 0.0205384 -0.0888957 -0.200868 0.196818
+internal_weight=0 219 135 94 84
+internal_count=261 219 135 94 84
+shrinkage=0.02
+
+
+Tree=3373
+num_leaves=5
+num_cat=0
+split_feature=7 9 9 6
+split_gain=0.53262 2.58115 2.29932 2.57866
+threshold=50.500000000000007 44.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0021610817673916169 0.0049356952203664 -0.0034220991916029276 -0.0012097567721559269 0.005172697647640472
+leaf_weight=40 41 72 67 41
+leaf_count=40 41 72 67 41
+internal_value=0 0.0195826 -0.0320227 0.0603795
+internal_weight=0 221 180 108
+internal_count=261 221 180 108
+shrinkage=0.02
+
+
+Tree=3374
+num_leaves=5
+num_cat=0
+split_feature=5 9 2 2
+split_gain=0.559498 2.50623 3.98904 2.09161
+threshold=72.700000000000003 72.500000000000014 13.500000000000002 23.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0050451960057872622 -0.0020357238358185456 -0.0041596307403936944 -0.0034546226696880633 0.0023627489737215309
+leaf_weight=73 46 39 61 42
+leaf_count=73 46 39 61 42
+internal_value=0 0.0217982 0.0730049 -0.0537368
+internal_weight=0 215 176 103
+internal_count=261 215 176 103
+shrinkage=0.02
+
+
+Tree=3375
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.536543 2.45912 2.081 1.61024
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013078833116590134 -0.0019950713616390925 0.0040025829048985591 -0.003691580497710097 0.0039572413853321622
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.0213584 -0.0429418 0.050632
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3376
+num_leaves=5
+num_cat=0
+split_feature=9 4 8 4
+split_gain=0.529658 2.75982 4.45973 2.23055
+threshold=77.500000000000014 66.500000000000014 56.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014654039378922457 -0.0020940578639124757 0.0037247789334772779 -0.0069492028562467912 0.0043071456733199147
+leaf_weight=65 42 69 39 46
+leaf_count=65 42 69 39 46
+internal_value=0 0.0200944 -0.0561168 0.0460414
+internal_weight=0 219 150 111
+internal_count=261 219 150 111
+shrinkage=0.02
+
+
+Tree=3377
+num_leaves=5
+num_cat=0
+split_feature=8 9 3 2
+split_gain=0.533257 2.4369 2.03668 2.27563
+threshold=72.500000000000014 66.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0044101419810515007 -0.0019634733135397075 0.0040306867006917003 -0.004293789810454347 -0.0015574904444405119
+leaf_weight=41 47 56 48 69
+leaf_count=41 47 56 48 69
+internal_value=0 0.0215693 -0.0420237 0.0330465
+internal_weight=0 214 158 110
+internal_count=261 214 158 110
+shrinkage=0.02
+
+
+Tree=3378
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 5
+split_gain=0.522985 3.80433 3.98825 1.61259
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0020607923267713375 -0.002081433339458422 0.0044235264516344084 -0.0059087116195540718 0.0030709401276120736
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0199658 -0.066631 0.0475036
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=3379
+num_leaves=5
+num_cat=0
+split_feature=5 9 6 2
+split_gain=0.5367 2.49093 4.07269 1.25267
+threshold=72.700000000000003 72.500000000000014 57.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0020061579664648814 -0.0019955953091240664 -0.0041546772599281301 0.0068071262722146017 0.0019351521361730217
+leaf_weight=75 46 39 43 58
+leaf_count=75 46 39 43 58
+internal_value=0 0.0213493 0.0724016 -0.0140633
+internal_weight=0 215 176 133
+internal_count=261 215 176 133
+shrinkage=0.02
+
+
+Tree=3380
+num_leaves=5
+num_cat=0
+split_feature=3 6 7 8
+split_gain=0.522474 2.18297 4.61973 2.26228
+threshold=75.500000000000014 64.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012386505466259929 -0.0020515841510149453 -0.0032728066757717177 0.0062030836755905816 -0.0047453905508162463
+leaf_weight=73 43 50 56 39
+leaf_count=73 43 50 56 39
+internal_value=0 0.0202328 0.0752403 -0.0419801
+internal_weight=0 218 168 112
+internal_count=261 218 168 112
+shrinkage=0.02
+
+
+Tree=3381
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 2
+split_gain=0.53257 7.71685 4.94106 2.70657
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 21.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0053361109143832469 0.0019363967641112412 -0.0084832487449274969 -0.0048868920227551826 0.0016768261034199755
+leaf_weight=73 48 39 49 52
+leaf_count=73 48 39 49 52
+internal_value=0 -0.0218751 0.0681973 -0.0750408
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=3382
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.556854 2.26997 2.3181 1.78094
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012822830775265528 0.0015220390639313222 -0.0045755972237659474 0.0046713906448195685 -0.0040356421626517643
+leaf_weight=60 72 44 41 44
+leaf_count=60 72 44 41 44
+internal_value=0 -0.0290412 0.0313745 -0.0480561
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3383
+num_leaves=5
+num_cat=0
+split_feature=5 2 4 6
+split_gain=0.539757 2.50708 1.68193 5.13504
+threshold=67.65000000000002 8.5000000000000018 52.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0045437963254515738 0.0014305995791605265 0.0041929261687900831 -0.005692946244684618 0.0036409296002877264
+leaf_weight=48 77 41 44 51
+leaf_count=48 77 41 44 51
+internal_value=0 -0.0299785 0.0394127 -0.0337361
+internal_weight=0 184 136 95
+internal_count=261 184 136 95
+shrinkage=0.02
+
+
+Tree=3384
+num_leaves=6
+num_cat=0
+split_feature=7 1 4 3 4
+split_gain=0.528259 3.22403 4.37661 3.61843 7.42842
+threshold=50.500000000000007 7.5000000000000009 64.500000000000014 71.500000000000014 59.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 4 -2
+right_child=1 2 -4 -5 -6
+leaf_value=-0.0021528339244672595 -0.0052090939390757197 0.0083813940010352729 -0.00063984611524423583 -0.0065180434316527338 0.0061065260094765048
+leaf_weight=40 45 39 48 41 48
+leaf_count=40 45 39 48 41 48
+internal_value=0 0.0194903 0.169923 -0.077918 0.0311415
+internal_weight=0 221 87 134 93
+internal_count=261 221 87 134 93
+shrinkage=0.02
+
+
+Tree=3385
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 2
+split_gain=0.528479 7.55311 4.82985 2.61584
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 21.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0052738414940542676 0.0019292744980679 -0.0083959974765411456 -0.0048152810641867534 0.0016381364617806514
+leaf_weight=73 48 39 49 52
+leaf_count=73 48 39 49 52
+internal_value=0 -0.021791 0.0673211 -0.074299
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=3386
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.573532 2.2097 2.1564 1.68682
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012544044325370368 0.001543950324388852 -0.0045309147715487394 0.0045048205686915909 -0.0039225720331691576
+leaf_weight=60 72 44 41 44
+leaf_count=60 72 44 41 44
+internal_value=0 -0.0294547 0.0301569 -0.0464666
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3387
+num_leaves=4
+num_cat=0
+split_feature=5 4 6
+split_gain=0.555767 1.76749 1.51652
+threshold=67.65000000000002 64.500000000000014 48.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.0013731810015487787 0.0014509795103437233 -0.004021154833067672 0.002864418788407186
+leaf_weight=76 77 46 62
+leaf_count=76 77 46 62
+internal_value=0 -0.0304009 0.0262681
+internal_weight=0 184 138
+internal_count=261 184 138
+shrinkage=0.02
+
+
+Tree=3388
+num_leaves=6
+num_cat=0
+split_feature=4 3 9 1 8
+split_gain=0.539979 1.80672 2.49704 3.8982 2.18024
+threshold=75.500000000000014 69.500000000000014 41.500000000000007 4.5000000000000009 62.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=-0.0038748966756457972 0.002175029068329937 -0.0042027104732319485 -0.0022583847474917152 0.0076788102566766889 0.0010919598111845143
+leaf_weight=41 40 41 57 43 39
+leaf_count=41 40 41 57 43 39
+internal_value=0 -0.0197322 0.0234801 0.0879065 0.22797
+internal_weight=0 221 180 139 82
+internal_count=261 221 180 139 82
+shrinkage=0.02
+
+
+Tree=3389
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 5
+split_gain=0.545664 1.70103 3.51725 2.99209
+threshold=67.65000000000002 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00080705380925452219 0.0014382008666495754 -0.0039517450883793737 -0.0044039225984670435 0.0062291263067623549
+leaf_weight=50 77 46 41 47
+leaf_count=50 77 46 41 47
+internal_value=0 -0.0301326 0.0254678 0.129801
+internal_weight=0 184 138 97
+internal_count=261 184 138 97
+shrinkage=0.02
+
+
+Tree=3390
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.546743 2.12379 2.08046 1.66645
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0022957863680049609 0.0015087085674692991 -0.0044408295056921092 0.004426370203669182 -0.0029298086106121328
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0287822 0.0296651 -0.0456042
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3391
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.538254 2.9173 2.56955 4.5527
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0051370981787100143 0.0054549941064330788 -0.0015845643451140609 -0.0034739066279902381 0.0042893683535980181
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0591207 -0.0361655 0.0359698
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3392
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.537589 2.11649 1.96233 1.65053
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0023264978787742529 0.0014964879172774913 -0.0044295761906859941 0.0043197173225399295 -0.0028745756991700668
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0285481 0.0297992 -0.0433128
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3393
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.534415 2.40247 2.09925 3.26285
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0044583464099630168 0.0014238532331066558 0.006681966599132773 -0.0024009242797793048 -0.0012074803381570307
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0298303 0.0381037 0.1365
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3394
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.589279 1.87932 2.94497 2.17282
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0022041182796972677 0.00020524689783223943 -0.00078002753134388098 -0.0065185969828514406 0.0051146964600574142
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.0211856 -0.111491 0.0747168
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3395
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.565157 1.80398 2.82793 2.08624
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0021601086015482539 0.00020114597400919945 -0.00076444352621309085 -0.006388447153356379 0.0050125770685531699
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.0207588 -0.109258 0.0732178
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3396
+num_leaves=5
+num_cat=0
+split_feature=8 9 3 2
+split_gain=0.574804 2.53833 1.97824 2.19708
+threshold=72.500000000000014 66.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0043139143801530786 -0.0020357969355464158 0.0041201314092578047 -0.0042544230195051035 -0.0015507787177604828
+leaf_weight=41 47 56 48 69
+leaf_count=41 47 56 48 69
+internal_value=0 0.0223679 -0.0425286 0.0314619
+internal_weight=0 214 158 110
+internal_count=261 214 158 110
+shrinkage=0.02
+
+
+Tree=3397
+num_leaves=5
+num_cat=0
+split_feature=5 9 3 5
+split_gain=0.572634 2.41424 1.89918 2.21314
+threshold=72.700000000000003 66.500000000000014 61.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001486956981754142 -0.0020588572085265978 0.0039835552275813996 -0.0041694579034305948 0.004462268952483377
+leaf_weight=71 46 57 48 39
+leaf_count=71 46 57 48 39
+internal_value=0 0.0220343 -0.0416787 0.0308271
+internal_weight=0 215 158 110
+internal_count=261 215 158 110
+shrinkage=0.02
+
+
+Tree=3398
+num_leaves=5
+num_cat=0
+split_feature=5 9 6 2
+split_gain=0.549168 2.4139 4.02875 1.2024
+threshold=72.700000000000003 72.500000000000014 57.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001973406494124549 -0.0020177428209913612 -0.0040788992582638005 0.0067673783783247553 0.0018892039206448001
+leaf_weight=75 46 39 43 58
+leaf_count=75 46 39 43 58
+internal_value=0 0.0215908 0.0718559 -0.014142
+internal_weight=0 215 176 133
+internal_count=261 215 176 133
+shrinkage=0.02
+
+
+Tree=3399
+num_leaves=6
+num_cat=0
+split_feature=4 1 3 3 7
+split_gain=0.548643 1.6738 2.39306 4.27359 2.09129
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 64.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0021293171441892221 -0.005723596383175926 0.0038465553774928193 0.0046560693847378376 -0.0052083182818931416 0.00045546181402424362
+leaf_weight=42 43 39 47 45 45
+leaf_count=42 43 39 47 45 45
+internal_value=0 -0.0204684 0.0513875 -0.0497526 -0.127846
+internal_weight=0 219 131 84 88
+internal_count=261 219 131 84 88
+shrinkage=0.02
+
+
+Tree=3400
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.549946 2.40637 1.89708 1.52679
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013127761284341824 -0.0020190411279212891 0.0039693569511355317 -0.0035459832221255432 0.0038158869850990528
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.0216096 -0.0420003 0.0473679
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3401
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.546493 1.65646 2.67996 2.17386
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0021253654621461804 0.00021771558945133003 -0.0008818216316988205 -0.0061982225396495574 0.0050147793827148039
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.0204258 -0.105276 0.0696601
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3402
+num_leaves=5
+num_cat=0
+split_feature=5 9 6 2
+split_gain=0.563125 2.37636 3.91848 1.16799
+threshold=72.700000000000003 72.500000000000014 57.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001928309367120314 -0.0020422302433278469 -0.0040385432180187909 0.0066918476303468068 0.0018796367528866795
+leaf_weight=75 46 39 43 58
+leaf_count=75 46 39 43 58
+internal_value=0 0.021859 0.0717357 -0.0130787
+internal_weight=0 215 176 133
+internal_count=261 215 176 133
+shrinkage=0.02
+
+
+Tree=3403
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 4
+split_gain=0.540035 2.23906 3.26749 1.75423
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014013623739005199 -0.0020014478368124682 0.0047809821936307378 -0.0054909231879283317 0.0031802108003972556
+leaf_weight=65 46 39 41 70
+leaf_count=65 46 39 41 70
+internal_value=0 0.021419 -0.0266546 0.0484381
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=3404
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.538882 3.18297 2.52975 4.31334
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0051034714976599428 0.0056446347050206694 -0.0017068502286348918 -0.0033740714544323075 0.0041831970881415301
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0591528 -0.036187 0.0353894
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3405
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.571907 1.65916 2.5782 2.16649
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0021724227376836536 0.00016276703599803704 -0.00088570234044156582 -0.0061307159110464728 0.0050009970848421594
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.0208836 -0.105801 0.0692742
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3406
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.557449 2.33125 3.85876 7.68511
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00089721921457437367 -0.0020323679565296582 -0.003998392658951278 -0.0023099434969445169 0.0098617430135452596
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0217473 0.0711539 0.189044
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3407
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 2 9
+split_gain=0.566884 1.66773 2.51756 2.85526 2.36286
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 15.500000000000002 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.002163079844210815 -0.0057752478664601647 0.0024869594576224117 0.0045049552798026088 -0.0050859913093783769 0.00079078831053649241
+leaf_weight=42 45 41 51 39 43
+leaf_count=42 45 41 51 39 43
+internal_value=0 -0.0208001 0.0509262 -0.0598041 -0.127984
+internal_weight=0 219 131 80 88
+internal_count=261 219 131 80 88
+shrinkage=0.02
+
+
+Tree=3408
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 2 9
+split_gain=0.543619 1.60085 2.41713 2.74169 2.26884
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 15.500000000000002 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0021198903356081295 -0.0056599221040172596 0.0024373051902224379 0.0044149800793098007 -0.0049844538654425525 0.00077499861441274133
+leaf_weight=42 45 41 51 39 43
+leaf_count=42 45 41 51 39 43
+internal_value=0 -0.0203777 0.0499087 -0.0586003 -0.125419
+internal_weight=0 219 131 80 88
+internal_count=261 219 131 80 88
+shrinkage=0.02
+
+
+Tree=3409
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.592289 2.40182 3.80525 7.41558
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00080311877417236458 -0.0020926916987732431 -0.004051471655406029 -0.0022563232412523195 0.0097656515633854774
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0223983 0.0725379 0.18961
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3410
+num_leaves=5
+num_cat=0
+split_feature=5 9 2 2
+split_gain=0.567975 2.30596 3.69792 1.95182
+threshold=72.700000000000003 72.500000000000014 13.500000000000002 23.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0048741339616129795 -0.0020509012086494436 -0.0039705875383974614 -0.0033192028034986559 0.0023022166138905822
+leaf_weight=73 46 39 61 42
+leaf_count=73 46 39 61 42
+internal_value=0 0.02194 0.0710807 -0.0509603
+internal_weight=0 215 176 103
+internal_count=261 215 176 103
+shrinkage=0.02
+
+
+Tree=3411
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.544685 2.35512 2.02978 1.48595
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012100060058668866 -0.0020099452571364839 0.0039295792910729781 -0.0036267909304604625 0.0038498852592032907
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.0214974 -0.0414348 0.0509886
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3412
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 2 9
+split_gain=0.539029 1.64285 2.40762 2.61971 2.21128
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 15.500000000000002 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0021110778554675413 -0.005645424015700176 0.0023803397399217567 0.004427910424799562 -0.0048755150281859696 0.00070762482639129699
+leaf_weight=42 45 41 51 39 43
+leaf_count=42 45 41 51 39 43
+internal_value=0 -0.0203027 0.0508917 -0.0574034 -0.126696
+internal_weight=0 219 131 80 88
+internal_count=261 219 131 80 88
+shrinkage=0.02
+
+
+Tree=3413
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 8
+split_gain=0.558636 1.98141 1.95368 2.53381
+threshold=62.500000000000007 10.500000000000002 9.5000000000000018 49.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=0.0044270871800422629 -0.0047426091710838303 0.0008727868553031347 0.0028407329443105346 -0.0033777858624820462
+leaf_weight=43 39 72 47 60
+leaf_count=43 39 72 47 60
+internal_value=0 -0.0547366 0.0404759 -0.0319372
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=3414
+num_leaves=5
+num_cat=0
+split_feature=9 4 8 4
+split_gain=0.543597 2.68476 4.7641 2.22927
+threshold=77.500000000000014 66.500000000000014 56.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013703740576566396 -0.0021205715368614077 0.0036845559628435761 -0.007118276338175699 0.0044000860397197155
+leaf_weight=65 42 69 39 46
+leaf_count=65 42 69 39 46
+internal_value=0 0.0203412 -0.0548309 0.0507526
+internal_weight=0 219 150 111
+internal_count=261 219 150 111
+shrinkage=0.02
+
+
+Tree=3415
+num_leaves=6
+num_cat=0
+split_feature=3 2 5 5 5
+split_gain=0.555502 2.20491 5.5539 3.9007 1.25191
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 55.150000000000006 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0045509933447055763 -0.00211305955190074 0.0018541957292587702 -0.0060616748381512675 0.0068830726494106655 -0.0030639663505568062
+leaf_weight=42 43 40 52 40 44
+leaf_count=42 43 40 52 40 44
+internal_value=0 0.0208424 -0.0283291 0.0866742 -0.0356437
+internal_weight=0 218 176 124 84
+internal_count=261 218 176 124 84
+shrinkage=0.02
+
+
+Tree=3416
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.568431 2.49645 2.99649 5.55289
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0017757576904691844 0.0051169162425559076 0.0044016066718558632 -0.0050435333610626531 -0.0040703203210922566
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0253647 -0.0380781 0.0536953
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3417
+num_leaves=5
+num_cat=0
+split_feature=5 9 3 5
+split_gain=0.549772 2.33049 1.96668 2.10752
+threshold=72.700000000000003 66.500000000000014 61.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013975091068825247 -0.0020189323635144791 0.0039133597312347272 -0.0042142515774759703 0.0044089771243871131
+leaf_weight=71 46 57 48 39
+leaf_count=71 46 57 48 39
+internal_value=0 0.0215963 -0.0410076 0.032769
+internal_weight=0 215 158 110
+internal_count=261 215 158 110
+shrinkage=0.02
+
+
+Tree=3418
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 9
+split_gain=0.53656 2.40822 2.93679 1.62602
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0017271190699025033 -0.00080493234001363851 0.0043187370244581018 -0.0049925150953529195 0.0043388994867368273
+leaf_weight=58 68 50 46 39
+leaf_count=58 68 50 46 39
+internal_value=0 0.0246622 -0.0376547 0.0532031
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3419
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 5
+split_gain=0.553426 2.28991 3.60277 6.77253
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 57.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0001459133821529046 -0.0020254889730908282 -0.0039609212100521086 -0.0021947884503481095 0.010223521026614184
+leaf_weight=68 46 39 68 40
+leaf_count=68 46 39 68 40
+internal_value=0 0.0216608 0.0706324 0.184567
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3420
+num_leaves=6
+num_cat=0
+split_feature=3 2 5 5 5
+split_gain=0.559323 2.20275 5.47305 3.68387 1.22714
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 55.150000000000006 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0045500682223883109 -0.0021203588374479757 0.001882756305567963 -0.0060201294620869971 0.0067233894841426146 -0.0029875805180258619
+leaf_weight=42 43 40 52 40 44
+leaf_count=42 43 40 52 40 44
+internal_value=0 0.0208967 -0.0282509 0.0859134 -0.032961
+internal_weight=0 218 176 124 84
+internal_count=261 218 176 124 84
+shrinkage=0.02
+
+
+Tree=3421
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.550267 2.44179 2.76675 5.21795
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0017484335515366501 0.0049279620961479309 0.0043509252989318336 -0.0048715672289112895 -0.0039789124625926511
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0249552 -0.0377925 0.0504041
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3422
+num_leaves=5
+num_cat=0
+split_feature=5 9 8 6
+split_gain=0.533024 2.43184 2.02877 2.18119
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001931530277930105 -0.0019893308364571319 0.0039809367018884805 -0.0039272774438737007 0.0039464099745905304
+leaf_weight=54 46 57 56 48
+leaf_count=54 46 57 56 48
+internal_value=0 0.0212618 -0.0426825 0.0413765
+internal_weight=0 215 158 102
+internal_count=261 215 158 102
+shrinkage=0.02
+
+
+Tree=3423
+num_leaves=6
+num_cat=0
+split_feature=3 2 5 5 5
+split_gain=0.540719 2.15888 5.32758 3.58035 1.22338
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 55.150000000000006 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0045022668929459346 -0.0020861208697662901 0.0018849248763537329 -0.0059445153282383298 0.0066254134781682829 -0.0029780877069981154
+leaf_weight=42 43 40 52 40 44
+leaf_count=42 43 40 52 40 44
+internal_value=0 0.020554 -0.0281042 0.0845349 -0.0326605
+internal_weight=0 218 176 124 84
+internal_count=261 218 176 124 84
+shrinkage=0.02
+
+
+Tree=3424
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 7
+split_gain=0.559372 2.39394 2.13397 1.5485
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0017624046411143948 -0.00089695759626757924 0.0047709817287897539 -0.0032463991232838398 0.0043801474626289257
+leaf_weight=58 51 42 70 40
+leaf_count=58 51 42 70 40
+internal_value=0 0.0251502 -0.0303503 0.0707724
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=3425
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.536428 2.37165 2.66318 5.0518
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0017271986565245846 0.0048440577273601423 0.0042894814365967704 -0.0047825448961521357 -0.0039203749192767414
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0246449 -0.0371991 0.0493371
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3426
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 2
+split_gain=0.544028 1.78812 2.41334 2.33101 2.54625
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0021201997923828344 -0.0058762649331007936 0.0024244905272074679 0.00075893276590107491 0.0044324838871799017 -0.004729989077181954
+leaf_weight=42 45 41 43 51 39
+leaf_count=42 45 41 43 51 39
+internal_value=0 -0.0204081 -0.131348 0.0538415 -0.0527206
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3427
+num_leaves=5
+num_cat=0
+split_feature=8 9 2 5
+split_gain=0.572479 2.43005 1.9475 2.08671
+threshold=72.500000000000014 66.500000000000014 15.500000000000002 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0031148926374980168 -0.002032292404510627 0.0040402371710223147 -0.0019867931549311722 0.0044551641010376689
+leaf_weight=77 47 56 39 42
+leaf_count=77 47 56 39 42
+internal_value=0 0.0223002 -0.0412033 0.0672288
+internal_weight=0 214 158 81
+internal_count=261 214 158 81
+shrinkage=0.02
+
+
+Tree=3428
+num_leaves=6
+num_cat=0
+split_feature=3 2 6 3 6
+split_gain=0.56331 2.15627 5.37006 3.9692 2.69469
+threshold=75.500000000000014 6.5000000000000009 64.500000000000014 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0045080390155301233 -0.0021276762071302381 0.0022757101628366971 -0.006901038677291276 0.0066659427980262729 -0.0044952975774307713
+leaf_weight=42 43 51 41 40 44
+leaf_count=42 43 51 41 40 44
+internal_value=0 0.0209668 -0.0276619 0.0685634 -0.0426461
+internal_weight=0 218 176 135 95
+internal_count=261 218 176 135 95
+shrinkage=0.02
+
+
+Tree=3429
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.545731 2.32379 2.65643 4.94277
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0017415146603833916 0.0048168622591847968 0.0042554643652575781 -0.0047608612807694397 -0.0038527299426393147
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0248533 -0.0363664 0.0500611
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3430
+num_leaves=6
+num_cat=0
+split_feature=3 2 6 3 6
+split_gain=0.555075 2.10101 5.2291 3.84711 2.60393
+threshold=75.500000000000014 6.5000000000000009 64.500000000000014 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0044528007952906838 -0.0021126480141426701 0.0022412855232972232 -0.0068080710509933933 0.0065683755586409568 -0.0044155197202591289
+leaf_weight=42 43 51 41 40 44
+leaf_count=42 43 51 41 40 44
+internal_value=0 0.0208161 -0.0271887 0.0677668 -0.0417216
+internal_weight=0 218 176 135 95
+internal_count=261 218 176 135 95
+shrinkage=0.02
+
+
+Tree=3431
+num_leaves=5
+num_cat=0
+split_feature=2 8 7 7
+split_gain=0.559728 2.32836 2.572 1.5144
+threshold=7.5000000000000009 69.500000000000014 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0017629564831789376 -0.000867333988609299 0.0042651831871000911 -0.0038773630496305952 0.0043518649159166208
+leaf_weight=58 51 50 62 40
+leaf_count=58 51 50 62 40
+internal_value=0 0.0251574 -0.0361219 0.0709808
+internal_weight=0 203 153 91
+internal_count=261 203 153 91
+shrinkage=0.02
+
+
+Tree=3432
+num_leaves=5
+num_cat=0
+split_feature=5 9 3 2
+split_gain=0.550224 2.418 1.97092 2.00246
+threshold=72.700000000000003 66.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0041529231688852645 -0.0020200830908900153 0.0039773826894324406 -0.0042411485880408739 -0.0014481274895256743
+leaf_weight=41 46 57 48 69
+leaf_count=41 46 57 48 69
+internal_value=0 0.0215873 -0.0421755 0.0316791
+internal_weight=0 215 158 110
+internal_count=261 215 158 110
+shrinkage=0.02
+
+
+Tree=3433
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=0.548915 2.23482 2.03023 1.46086
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0017465223037623817 0.0038152841344826038 0.0046232830306427884 -0.0031494849141082671 -0.0012820546096179999
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0249174 -0.0287148 0.0699367
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=3434
+num_leaves=5
+num_cat=0
+split_feature=8 9 2 5
+split_gain=0.557169 2.39658 1.94709 2.07389
+threshold=72.500000000000014 66.500000000000014 15.500000000000002 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.003111913633730156 -0.0020060448574872945 0.0040096440287022877 -0.0019740560918184448 0.0044482075181084182
+leaf_weight=77 47 56 39 42
+leaf_count=77 47 56 39 42
+internal_value=0 0.022001 -0.0410658 0.0673552
+internal_weight=0 214 158 81
+internal_count=261 214 158 81
+shrinkage=0.02
+
+
+Tree=3435
+num_leaves=5
+num_cat=0
+split_feature=5 9 8 6
+split_gain=0.537961 2.25543 1.90415 2.12494
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0018992618767505701 -0.0019983636021018935 0.0038523863371581085 -0.0037837340671848826 0.0039029997752892992
+leaf_weight=54 46 57 56 48
+leaf_count=54 46 57 56 48
+internal_value=0 0.0213479 -0.0402448 0.041209
+internal_weight=0 215 158 102
+internal_count=261 215 158 102
+shrinkage=0.02
+
+
+Tree=3436
+num_leaves=5
+num_cat=0
+split_feature=4 1 4 7
+split_gain=0.546835 1.80485 2.3092 1.96697
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0021253525356456394 -0.0057098804667266839 0.004121967129042464 -0.0012494667655980362 0.00028330167302118318
+leaf_weight=42 43 57 74 45
+leaf_count=42 43 57 74 45
+internal_value=0 -0.0204646 0.0541286 -0.131916
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=3437
+num_leaves=5
+num_cat=0
+split_feature=4 1 4 7
+split_gain=0.524394 1.73244 2.21716 1.88862
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0020829166779757283 -0.0055958684330746893 0.0040396289938914916 -0.0012245007733013107 0.00027764429690596109
+leaf_weight=42 43 57 74 45
+leaf_count=42 43 57 74 45
+internal_value=0 -0.0200524 0.0530414 -0.129273
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=3438
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 5
+split_gain=0.544352 3.84855 4.53665 1.73463
+threshold=77.500000000000014 66.500000000000014 54.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019755426613826043 -0.0021224509763666647 0.0044540170708816974 -0.0061437263365942988 0.00336245189049895
+leaf_weight=42 42 66 52 59
+leaf_count=42 42 66 52 59
+internal_value=0 0.0203319 -0.0667652 0.0567473
+internal_weight=0 219 153 101
+internal_count=261 219 153 101
+shrinkage=0.02
+
+
+Tree=3439
+num_leaves=5
+num_cat=0
+split_feature=3 6 6 8
+split_gain=0.529764 2.00755 4.05675 1.82833
+threshold=75.500000000000014 64.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013970950911892446 -0.002065725489215727 -0.0031207808598039729 0.0062456928961542955 -0.0037498116350396134
+leaf_weight=73 43 50 50 45
+leaf_count=73 43 50 50 45
+internal_value=0 0.0203481 0.0731254 -0.0279996
+internal_weight=0 218 168 118
+internal_count=261 218 168 118
+shrinkage=0.02
+
+
+Tree=3440
+num_leaves=6
+num_cat=0
+split_feature=4 3 6 5 5
+split_gain=0.519999 1.84117 2.50752 2.17004 1.69196
+threshold=75.500000000000014 69.500000000000014 58.500000000000007 52.800000000000004 47.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0019639928836224056 0.0021353030337161604 -0.0042319335719370518 0.0047786826503115314 -0.004324278651192762 0.0035283411275242411
+leaf_weight=42 40 41 42 47 49
+leaf_count=42 40 41 42 47 49
+internal_value=0 -0.0194055 0.0242144 -0.0409333 0.0492536
+internal_weight=0 221 180 138 91
+internal_count=261 221 180 138 91
+shrinkage=0.02
+
+
+Tree=3441
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 5
+split_gain=0.513114 3.75876 4.38916 1.64331
+threshold=77.500000000000014 66.500000000000014 54.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019247786006849283 -0.0020629870549414599 0.0043952939277862998 -0.006056428677877309 0.0032722722626850453
+leaf_weight=42 42 66 52 59
+leaf_count=42 42 66 52 59
+internal_value=0 0.0197554 -0.0663228 0.0551685
+internal_weight=0 219 153 101
+internal_count=261 219 153 101
+shrinkage=0.02
+
+
+Tree=3442
+num_leaves=6
+num_cat=0
+split_feature=3 2 5 5 5
+split_gain=0.521731 2.09997 5.26253 3.53169 1.27874
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 55.150000000000006 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0044394150311855632 -0.002050674589861566 0.0019494291657309059 -0.0059056038490316112 0.0065842836850006923 -0.0030209380535006066
+leaf_weight=42 43 40 52 40 44
+leaf_count=42 43 40 52 40 44
+internal_value=0 0.0201941 -0.0277991 0.0841513 -0.0322464
+internal_weight=0 218 176 124 84
+internal_count=261 218 176 124 84
+shrinkage=0.02
+
+
+Tree=3443
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 1
+split_gain=0.551282 2.27435 2.02311 1.54485
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.001750224618764348 0.0038710386642230288 0.0046602450793957473 -0.003153429436704071 -0.0013694277153176776
+leaf_weight=58 48 42 70 43
+leaf_count=58 48 42 70 43
+internal_value=0 0.0249656 -0.0291368 0.069342
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=3444
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.528655 2.23806 2.60751 4.84243
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0017152621348527864 0.0047771059468559723 0.0041783322854291576 -0.0047089883229780782 -0.0038043297261525196
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0244637 -0.0356217 0.0500098
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3445
+num_leaves=5
+num_cat=0
+split_feature=8 9 2 3
+split_gain=0.534623 2.37846 1.88653 1.81574
+threshold=72.500000000000014 66.500000000000014 15.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0030804561977799778 -0.0019666115809505043 0.0039874467253419241 0.0042854125859065739 -0.001723482870634637
+leaf_weight=77 47 56 41 40
+leaf_count=77 47 56 41 40
+internal_value=0 0.0215601 -0.0412693 0.0654631
+internal_weight=0 214 158 81
+internal_count=261 214 158 81
+shrinkage=0.02
+
+
+Tree=3446
+num_leaves=6
+num_cat=0
+split_feature=5 9 5 6 5
+split_gain=0.518642 2.25514 3.67013 1.21653 1.67453
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 49.500000000000007 47.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0019143503628775657 -0.0019635971068093904 -0.0039415758967186014 0.0062560651124830436 -0.0032016260375905738 0.0036031672961112423
+leaf_weight=42 46 39 46 41 47
+leaf_count=42 46 39 46 41 47
+internal_value=0 0.0209683 0.0695719 -0.0163091 0.0495478
+internal_weight=0 215 176 130 89
+internal_count=261 215 176 130 89
+shrinkage=0.02
+
+
+Tree=3447
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 2
+split_gain=0.525518 1.77909 2.43968 2.296 2.51535
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0020848033502290616 -0.0058819014332909163 0.0024221453367793012 0.0007893042487706639 0.0044101078474804087 -0.0046891592553308294
+leaf_weight=42 45 41 43 51 39
+leaf_count=42 45 41 43 51 39
+internal_value=0 -0.0200862 -0.130749 0.0539774 -0.0517847
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3448
+num_leaves=6
+num_cat=0
+split_feature=3 2 6 3 6
+split_gain=0.53391 2.09117 5.14717 3.72088 2.46656
+threshold=75.500000000000014 6.5000000000000009 64.500000000000014 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0044354927689297515 -0.0020736378587701081 0.0021749113706406114 -0.0067647174304786154 0.0064619724218374988 -0.0043051481183296247
+leaf_weight=42 43 51 41 40 44
+leaf_count=42 43 51 41 40 44
+internal_value=0 0.0204178 -0.0274751 0.0667343 -0.0409462
+internal_weight=0 218 176 135 95
+internal_count=261 218 176 135 95
+shrinkage=0.02
+
+
+Tree=3449
+num_leaves=4
+num_cat=0
+split_feature=5 7 6
+split_gain=0.520354 1.71996 1.24448
+threshold=67.65000000000002 64.500000000000014 48.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.0013334770717593936 0.0014050057308055465 -0.0043375139242399982 0.0024048452462278069
+leaf_weight=77 77 39 68
+leaf_count=77 77 39 68
+internal_value=0 -0.0294833 0.0207234
+internal_weight=0 184 145
+internal_count=261 184 145
+shrinkage=0.02
+
+
+Tree=3450
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.539728 2.21134 2.53847 4.75872
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0017324960321593412 0.0047338494480112661 0.0041613262600710185 -0.0046441204783803655 -0.0037733774132977533
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0247088 -0.0350183 0.0494767
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3451
+num_leaves=5
+num_cat=0
+split_feature=5 9 3 5
+split_gain=0.539044 2.31696 1.924 2.05803
+threshold=72.700000000000003 66.500000000000014 61.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013904521833941188 -0.0020004062692565829 0.0038986921095797958 -0.0041786298564349842 0.004348098803144726
+leaf_weight=71 46 57 48 39
+leaf_count=71 46 57 48 39
+internal_value=0 0.0213634 -0.0410596 0.0319164
+internal_weight=0 215 158 110
+internal_count=261 215 158 110
+shrinkage=0.02
+
+
+Tree=3452
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 9
+split_gain=0.519998 1.64419 2.67822 2.0557
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0020743076888291375 0.00023207627341256687 0.0036656242887417841 -0.0061818566055578828 -0.0020450578942020066
+leaf_weight=42 72 64 41 42
+leaf_count=42 72 64 41 42
+internal_value=0 -0.0199804 -0.104521 0.0697751
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3453
+num_leaves=6
+num_cat=0
+split_feature=5 9 5 5 5
+split_gain=0.517566 2.25204 3.68024 1.17475 1.54833
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 52.800000000000004 47.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0019032646392257134 -0.00196159035834258 -0.0039389661530384113 0.0062616926215593909 -0.0032596307832367254 0.0033534972093329798
+leaf_weight=42 46 39 46 39 49
+leaf_count=42 46 39 46 39 49
+internal_value=0 0.0209496 0.0695201 -0.0164788 0.0459458
+internal_weight=0 215 176 130 91
+internal_count=261 215 176 130 91
+shrinkage=0.02
+
+
+Tree=3454
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.508691 2.19234 2.50335 4.58004
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0016839298504302562 0.0046426609852596992 0.0041316854532354964 -0.0046258782034136227 -0.003703944386848288
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0240063 -0.0354655 0.0484449
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3455
+num_leaves=6
+num_cat=0
+split_feature=3 2 5 5 5
+split_gain=0.522688 2.08915 5.09472 3.48865 1.28303
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 55.150000000000006 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.004429271365886691 -0.0020526769814010783 0.0019345611909514565 -0.0058173578302782884 0.0065212697206919927 -0.0030438975657949051
+leaf_weight=42 43 40 52 40 44
+leaf_count=42 43 40 52 40 44
+internal_value=0 0.0202023 -0.0276678 0.0824859 -0.0332025
+internal_weight=0 218 176 124 84
+internal_count=261 218 176 124 84
+shrinkage=0.02
+
+
+Tree=3456
+num_leaves=5
+num_cat=0
+split_feature=5 2 8 1
+split_gain=0.525488 2.582 1.77004 5.82694
+threshold=67.65000000000002 8.5000000000000018 49.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0045948689979942231 0.0014115393428204201 0.0039226319416287986 -0.0066512325611456551 0.0037151194690734865
+leaf_weight=48 77 48 39 49
+leaf_count=48 77 48 39 49
+internal_value=0 -0.0296293 0.0407872 -0.0435805
+internal_weight=0 184 136 88
+internal_count=261 184 136 88
+shrinkage=0.02
+
+
+Tree=3457
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 1
+split_gain=0.51332 2.35384 1.8641 1.53558
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0017538480002070203 -0.001953883480684137 0.0039160120779958814 -0.0035236358795677106 0.0033620760962441466
+leaf_weight=45 46 57 63 50
+leaf_count=45 46 57 63 50
+internal_value=0 0.020864 -0.0420518 0.0465411
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3458
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.51283 3.22793 2.391 4.46303
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.004966355770536275 0.0056472840948668728 -0.0017558087645939192 -0.0034674742553713325 0.0042193672816230061
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0577208 -0.0353704 0.0342231
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3459
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 2
+split_gain=0.520887 1.77289 2.4246 2.27319 2.48395
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0020759525173969103 -0.0058663390574525088 0.0024102427558086782 0.00078433545211614199 0.0043928318235688371 -0.0046568662695928038
+leaf_weight=42 45 41 43 51 39
+leaf_count=42 45 41 43 51 39
+internal_value=0 -0.0199999 -0.130473 0.0539356 -0.051302
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3460
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 7 6
+split_gain=0.52501 2.30385 4.72719 5.06885 6.0797
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0052590719201883853 -0.0019494824634759269 0.0045224339195273754 0.0051031792919286204 -0.0083701460097925732 0.0053873336044655178
+leaf_weight=42 47 44 43 41 44
+leaf_count=42 47 44 43 41 44
+internal_value=0 0.021373 -0.0314568 -0.128902 0.00892915
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=3461
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 8
+split_gain=0.531374 1.7151 2.32526 2.17827
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0020961483547940855 -0.005767267773083686 0.0040499102962204157 0.00074648509023913037 -0.0011793692558269393
+leaf_weight=42 45 56 43 75
+leaf_count=42 45 56 43 75
+internal_value=0 -0.0201845 -0.128863 0.0525457
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=3462
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 3 3
+split_gain=0.509544 1.64624 2.23273 2.20861 4.25591
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0020542951672383775 -0.0056521015922576757 0.0039179011524516907 0.00073157981020794793 0.0045166710961237321 -0.0051186098034376052
+leaf_weight=42 45 39 43 47 45
+leaf_count=42 45 39 43 47 45
+internal_value=0 -0.0197779 -0.126281 0.0514902 -0.0456901
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=3463
+num_leaves=6
+num_cat=0
+split_feature=3 2 5 5 5
+split_gain=0.548124 2.10671 4.99938 3.41606 1.16362
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 55.150000000000006 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.004455741397949701 -0.0020998015888389924 0.0018212645423361748 -0.0057622968191282757 0.0064557465432676141 -0.0029231879191689947
+leaf_weight=42 43 40 52 40 44
+leaf_count=42 43 40 52 40 44
+internal_value=0 0.0206918 -0.0273777 0.0817421 -0.0327387
+internal_weight=0 218 176 124 84
+internal_count=261 218 176 124 84
+shrinkage=0.02
+
+
+Tree=3464
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.530712 3.26373 2.25207 4.40557
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0048531682272786843 0.0056914987692541262 -0.0017522529436860483 -0.0034930662077570724 0.0041444974325555569
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0587004 -0.0359399 0.0316092
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3465
+num_leaves=6
+num_cat=0
+split_feature=3 2 5 5 5
+split_gain=0.532776 2.05617 4.84848 3.26036 1.11478
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 55.150000000000006 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0044017969913088236 -0.0020712776335065704 0.0017948492572347453 -0.0056774834604278882 0.0063180154469026908 -0.0028506668577605106
+leaf_weight=42 43 40 52 40 44
+leaf_count=42 43 40 52 40 44
+internal_value=0 0.0204087 -0.0270838 0.0803795 -0.0314674
+internal_weight=0 218 176 124 84
+internal_count=261 218 176 124 84
+shrinkage=0.02
+
+
+Tree=3466
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.570864 2.47098 1.79337 3.08408
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0045322178845125854 0.0014694940528007152 0.0064252105100947726 -0.0021635910579607402 -0.001246333946227064
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0308161 0.0380749 0.129104
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3467
+num_leaves=5
+num_cat=0
+split_feature=5 8 5 9
+split_gain=0.547536 1.59907 1.65303 1.02042
+threshold=67.65000000000002 54.500000000000007 47.850000000000001 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0019463112638629699 0.0014401310188491567 -0.0048866418819402558 0.0032660157552462897 -0.00038609590581843879
+leaf_weight=42 77 42 59 41
+leaf_count=42 77 42 59 41
+internal_value=0 -0.0302047 0.0545376 -0.133765
+internal_weight=0 184 101 83
+internal_count=261 184 101 83
+shrinkage=0.02
+
+
+Tree=3468
+num_leaves=6
+num_cat=0
+split_feature=3 2 6 3 6
+split_gain=0.530723 2.03607 4.71012 3.59023 2.40975
+threshold=75.500000000000014 6.5000000000000009 64.500000000000014 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0043815746456420087 -0.0020675098228294057 0.0021083357769413101 -0.0064845522704831526 0.0063017756355977991 -0.0042970223495762509
+leaf_weight=42 43 51 41 40 44
+leaf_count=42 43 51 41 40 44
+internal_value=0 0.0203667 -0.0268943 0.0632321 -0.0425461
+internal_weight=0 218 176 135 95
+internal_count=261 218 176 135 95
+shrinkage=0.02
+
+
+Tree=3469
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.580352 2.42217 1.7484 2.99737
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0044986626944485885 0.0014811620849594464 0.006329932529696213 -0.0021456445309716086 -0.0012335384759316116
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0310667 0.0371432 0.12704
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3470
+num_leaves=5
+num_cat=0
+split_feature=5 2 8 4
+split_gain=0.556649 2.32544 1.72194 3.85903
+threshold=67.65000000000002 8.5000000000000018 49.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0044088204495495668 0.0014515657933116873 0.0037929983707061551 -0.0049526203461905125 0.0034435430171230724
+leaf_weight=48 77 48 46 42
+leaf_count=48 77 48 46 42
+internal_value=0 -0.0304504 0.0363901 -0.0468362
+internal_weight=0 184 136 88
+internal_count=261 184 136 88
+shrinkage=0.02
+
+
+Tree=3471
+num_leaves=6
+num_cat=0
+split_feature=3 2 5 5 5
+split_gain=0.537879 2.07456 4.65666 3.19548 1.04041
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 55.150000000000006 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.004421283102018521 -0.0020808463828564244 0.0016905741070403937 -0.0055776901835898011 0.0062260693415817194 -0.0027996146292321084
+leaf_weight=42 43 40 52 40 44
+leaf_count=42 43 40 52 40 44
+internal_value=0 0.0205012 -0.0272021 0.0781175 -0.0326143
+internal_weight=0 218 176 124 84
+internal_count=261 218 176 124 84
+shrinkage=0.02
+
+
+Tree=3472
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.582151 2.27643 1.72128 2.85946
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0043820708022312043 0.0014834370927246411 0.0061863061246252527 -0.0021658116493489294 -0.0012019910949813868
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0311104 0.0350247 0.124236
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3473
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 9
+split_gain=0.558377 2.21884 6.43638 2.78023
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0024655016876364158 0.0014537953478949411 -0.0022020373096906971 -0.0081147833286564462 0.0047901878363280064
+leaf_weight=46 77 42 46 50
+leaf_count=46 77 42 46 50
+internal_value=0 -0.0304931 -0.140905 0.0795074
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=3474
+num_leaves=5
+num_cat=0
+split_feature=7 9 9 6
+split_gain=0.548585 2.47444 2.12476 2.2949
+threshold=50.500000000000007 44.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0021927754588040266 0.0048464241705150944 -0.0032890902560106577 -0.0011181168816372725 0.0049053650024832966
+leaf_weight=40 41 72 67 41
+leaf_count=40 41 72 67 41
+internal_value=0 0.0198284 -0.0307029 0.0581434
+internal_weight=0 221 180 108
+internal_count=261 221 180 108
+shrinkage=0.02
+
+
+Tree=3475
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=0.563263 2.37322 3.17111 2.21863
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001334536258217946 -0.0020430151612659793 0.0049166271741169941 -0.0054376090609130415 0.0038508006989885274
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.0218344 -0.0276521 0.0463273
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=3476
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=0.540166 2.27865 3.04488 2.13015
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013078701140980253 -0.002002216632580431 0.0048184708759306891 -0.0053290422010050225 0.003773875984047772
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.0213947 -0.0271002 0.0453962
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=3477
+num_leaves=6
+num_cat=0
+split_feature=5 9 6 9 4
+split_gain=0.517983 2.26855 3.65004 1.28482 0.54293
+threshold=72.700000000000003 72.500000000000014 57.500000000000007 43.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0023416667347020428 -0.0019622334338512755 -0.0039545191475458394 0.0064690116142656464 -0.0034771453903624031 -0.00017972255563936134
+leaf_weight=49 46 39 43 40 44
+leaf_count=49 46 39 43 40 44
+internal_value=0 0.0209637 0.0697099 -0.012153 -0.0880514
+internal_weight=0 215 176 133 84
+internal_count=261 215 176 133 84
+shrinkage=0.02
+
+
+Tree=3478
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.540094 3.14599 2.23434 4.14541
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0048433381279626934 0.0056194618076566604 -0.0016894010377144564 -0.0033814010496326197 0.0040281864656556915
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0591855 -0.0362576 0.0310261
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3479
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 2 9
+split_gain=0.532876 1.7086 2.36174 2.55502 2.19348
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 15.500000000000002 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.002098943779162225 -0.0056727276815525937 0.0023871524241941815 0.0044251730235700913 -0.0047793463478162839 0.00065464994045623588
+leaf_weight=42 45 41 51 39 43
+leaf_count=42 45 41 51 39 43
+internal_value=0 -0.0202148 0.0523785 -0.0548824 -0.12869
+internal_weight=0 219 131 80 88
+internal_count=261 219 131 80 88
+shrinkage=0.02
+
+
+Tree=3480
+num_leaves=6
+num_cat=0
+split_feature=5 9 6 9 4
+split_gain=0.528208 2.24827 3.43864 1.2914 0.533506
+threshold=72.700000000000003 72.500000000000014 57.500000000000007 43.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0023960357667570423 -0.001980797701216272 -0.0039310975866699753 0.0063202244089018977 -0.0034188138396068495 -0.00014932768047870302
+leaf_weight=49 46 39 43 40 44
+leaf_count=49 46 39 43 40 44
+internal_value=0 0.0211617 0.0696918 -0.00976902 -0.0858646
+internal_weight=0 215 176 133 84
+internal_count=261 215 176 133 84
+shrinkage=0.02
+
+
+Tree=3481
+num_leaves=5
+num_cat=0
+split_feature=8 9 7 9
+split_gain=0.525876 2.12958 1.67773 1.42262
+threshold=54.500000000000007 61.500000000000007 50.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0020379366189248846 -0.0040213929246166952 0.0027687044228098356 0.0032531016355248354 -0.0019778953110460491
+leaf_weight=40 53 65 61 42
+leaf_count=40 53 65 61 42
+internal_value=0 -0.0363796 0.0574883 0.0449003
+internal_weight=0 160 101 107
+internal_count=261 160 101 107
+shrinkage=0.02
+
+
+Tree=3482
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 2 9
+split_gain=0.527695 1.66653 2.36342 2.44896 2.11565
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 15.500000000000002 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0020890588050348218 -0.0055893276040678902 0.0022975548377270998 0.0044104540886677288 -0.0047194740580481162 0.00062547087245552681
+leaf_weight=42 45 41 51 39 43
+leaf_count=42 45 41 51 39 43
+internal_value=0 -0.0201213 0.0515803 -0.0557195 -0.127269
+internal_weight=0 219 131 80 88
+internal_count=261 219 131 80 88
+shrinkage=0.02
+
+
+Tree=3483
+num_leaves=6
+num_cat=0
+split_feature=3 2 5 5 5
+split_gain=0.542053 2.10334 4.77363 3.06256 1.05185
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 55.150000000000006 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0044501604809595568 -0.0020887215860016751 0.0017710573351350483 -0.0056453488301539435 0.006149636007006817 -0.002743868892705979
+leaf_weight=42 43 40 52 40 44
+leaf_count=42 43 40 52 40 44
+internal_value=0 0.0205725 -0.0274588 0.079173 -0.0292352
+internal_weight=0 218 176 124 84
+internal_count=261 218 176 124 84
+shrinkage=0.02
+
+
+Tree=3484
+num_leaves=5
+num_cat=0
+split_feature=3 2 5 2
+split_gain=0.519837 2.01934 4.58412 2.94335
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=0.0043613054748382826 -0.0020470157545211284 0.0043591580755895894 -0.0055325933145039009 -0.0018439442384539601
+leaf_weight=42 43 68 52 56
+leaf_count=42 43 68 52 56
+internal_value=0 0.0201623 -0.0269053 0.0775925
+internal_weight=0 218 176 124
+internal_count=261 218 176 124
+shrinkage=0.02
+
+
+Tree=3485
+num_leaves=5
+num_cat=0
+split_feature=3 9 8 7
+split_gain=0.553923 3.06923 2.21949 1.67266
+threshold=66.500000000000014 67.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.002095754740167979 0.0055799136376606705 -0.0016396156789380539 -0.003760503316183752 0.0031877169073047705
+leaf_weight=40 39 60 61 61
+leaf_count=40 39 60 61 61
+internal_value=0 0.059915 -0.0366993 0.0543668
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=3486
+num_leaves=5
+num_cat=0
+split_feature=5 2 6 9
+split_gain=0.551289 2.2783 6.37514 2.70441
+threshold=67.65000000000002 15.500000000000002 49.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0023017216882357202 0.0014447116743726337 -0.0021173671018292397 -0.0082306105838743475 0.0047791974527293729
+leaf_weight=47 77 42 45 50
+leaf_count=47 77 42 45 50
+internal_value=0 -0.0303131 -0.142181 0.081143
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=3487
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.533233 2.97712 2.18407 4.20955
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0047926295768271551 0.0054923953879114492 -0.001618614486664092 -0.0034227908605854846 0.0040436878221723257
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0588259 -0.0360308 0.030495
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3488
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=0.521403 1.43844 2.86076 4.1864
+threshold=42.500000000000007 73.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.001892214599235349 0.0043283515040126929 -0.0032762964432795569 -0.0060991597078218201 0.0020032516031583828
+leaf_weight=49 53 54 44 61
+leaf_count=49 53 54 44 61
+internal_value=0 -0.0219492 0.0263346 -0.0693116
+internal_weight=0 212 158 105
+internal_count=261 212 158 105
+shrinkage=0.02
+
+
+Tree=3489
+num_leaves=5
+num_cat=0
+split_feature=5 2 8 1
+split_gain=0.524088 2.21141 1.7908 5.36475
+threshold=67.65000000000002 8.5000000000000018 49.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0042979328966708651 0.0014099752796644428 0.0038374456160029337 -0.0065314641262118334 0.0034161048283068256
+leaf_weight=48 77 48 39 49
+leaf_count=48 77 48 39 49
+internal_value=0 -0.0295789 0.0356103 -0.049254
+internal_weight=0 184 136 88
+internal_count=261 184 136 88
+shrinkage=0.02
+
+
+Tree=3490
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.526405 2.23891 2.0292 1.28519
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010313420729132184 -0.0019774516821813243 0.0038356144743117559 -0.0036025080187339236 0.0036781256859677119
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.0211312 -0.0402368 0.0521749
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3491
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 8 8
+split_gain=0.518034 1.78369 2.40907 2.68233 1.10722
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 49.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0040680146792951627 0.0021314896082741262 -0.0041713401025044597 0.0028347666241068476 -0.0055577241633715992 -0.00081211312657019014
+leaf_weight=53 40 41 46 41 40
+leaf_count=53 40 41 46 41 40
+internal_value=0 -0.0193664 0.0235714 -0.0512314 -0.16134
+internal_weight=0 221 180 127 81
+internal_count=261 221 180 127 81
+shrinkage=0.02
+
+
+Tree=3492
+num_leaves=5
+num_cat=0
+split_feature=3 9 8 5
+split_gain=0.52105 2.90495 2.17701 1.71665
+threshold=66.500000000000014 67.500000000000014 54.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0020032129400071718 0.0054271985513034424 -0.0015976036379068213 -0.0037103264809413635 0.00330754122564852
+leaf_weight=42 39 60 61 59
+leaf_count=42 39 60 61 59
+internal_value=0 0.0581773 -0.0356292 0.0545668
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=3493
+num_leaves=5
+num_cat=0
+split_feature=5 2 4 6
+split_gain=0.516104 2.21909 1.71328 4.29508
+threshold=67.65000000000002 8.5000000000000018 52.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0042999728577335881 0.0013995828817400223 0.0041549965709498657 -0.0053491734673417239 0.0031897547247009741
+leaf_weight=48 77 41 44 51
+leaf_count=48 77 41 44 51
+internal_value=0 -0.0293615 0.0359405 -0.0378865
+internal_weight=0 184 136 95
+internal_count=261 184 136 95
+shrinkage=0.02
+
+
+Tree=3494
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=0.519929 2.19696 3.08906 2.14571
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012957378421324037 -0.0019656977306510455 0.004732009224156941 -0.0053537650850819423 0.0038042965917374273
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.0210056 -0.0266161 0.046403
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=3495
+num_leaves=6
+num_cat=0
+split_feature=5 2 9 7 6
+split_gain=0.498547 2.1605 4.71562 5.19219 6.13594
+threshold=72.700000000000003 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0052422627294137249 -0.0019264433982705046 0.0043807594692839612 0.0050370900371547898 -0.0084315109218098643 0.0054529735610304927
+leaf_weight=42 46 44 44 41 44
+leaf_count=42 46 44 44 41 44
+internal_value=0 0.0205824 -0.0303171 -0.128477 0.0110204
+internal_weight=0 215 171 127 86
+internal_count=261 215 171 127 86
+shrinkage=0.02
+
+
+Tree=3496
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 8
+split_gain=0.508285 1.70459 2.74414 4.67101
+threshold=75.500000000000014 67.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026964895203408857 0.0021120938225104263 -0.0031514864856069377 0.0037387124576624877 -0.0065470493623511995
+leaf_weight=47 40 64 69 41
+leaf_count=47 40 64 69 41
+internal_value=0 -0.0191899 0.0370119 -0.0801428
+internal_weight=0 221 157 88
+internal_count=261 221 157 88
+shrinkage=0.02
+
+
+Tree=3497
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=0.50877 1.39205 2.90613 4.36918
+threshold=43.500000000000007 73.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0018025932889857402 0.0043290864180795261 -0.0032348706364212759 -0.0064165851569442083 0.0020018878548581417
+leaf_weight=52 53 54 42 60
+leaf_count=52 53 54 42 60
+internal_value=0 -0.0224942 0.0258117 -0.0729364
+internal_weight=0 209 155 102
+internal_count=261 209 155 102
+shrinkage=0.02
+
+
+Tree=3498
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.512424 2.84979 2.16697 4.07893
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0047629838356330325 0.0053776685751274721 -0.0015805226454515316 -0.0033512052277607021 0.0039989855466882737
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0577185 -0.0353372 0.0309293
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3499
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=0.526657 1.35395 2.82333 3.90695
+threshold=42.500000000000007 73.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0019015807761834063 0.0042732285779086754 -0.0031948006244051455 -0.0059578583850891974 0.0018703721360711705
+leaf_weight=49 53 54 44 61
+leaf_count=49 53 54 44 61
+internal_value=0 -0.022045 0.0248121 -0.07021
+internal_weight=0 212 158 105
+internal_count=261 212 158 105
+shrinkage=0.02
+
+
+Tree=3500
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 8
+split_gain=0.53136 1.68306 2.58997 4.58451
+threshold=75.500000000000014 67.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0027078622514993388 0.002157907262239963 -0.0031422434765243749 0.003638782865465318 -0.0064501240972129285
+leaf_weight=47 40 64 69 41
+leaf_count=47 40 64 69 41
+internal_value=0 -0.0195957 0.0362524 -0.0775789
+internal_weight=0 221 157 88
+internal_count=261 221 157 88
+shrinkage=0.02
+
+
+Tree=3501
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 5
+split_gain=0.51894 1.31088 2.76433 3.5194
+threshold=43.500000000000007 73.500000000000014 10.500000000000002 53.95000000000001
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0018200109320683239 0.0042032383565671801 -0.0031577712429722866 -0.0058948225756991594 0.0016638432050147688
+leaf_weight=52 53 54 42 60
+leaf_count=52 53 54 42 60
+internal_value=0 -0.0227012 0.0241883 -0.072131
+internal_weight=0 209 155 102
+internal_count=261 209 155 102
+shrinkage=0.02
+
+
+Tree=3502
+num_leaves=6
+num_cat=0
+split_feature=4 3 6 6 5
+split_gain=0.538977 1.74342 2.34232 2.11216 1.73364
+threshold=75.500000000000014 69.500000000000014 58.500000000000007 49.500000000000007 47.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0019230866282009471 0.0021729005451121474 -0.0041359765502928768 0.0046064248266655342 -0.004155475587056639 0.0036898175389562318
+leaf_weight=42 40 41 42 49 47
+leaf_count=42 40 41 42 49 47
+internal_value=0 -0.0197236 0.0227297 -0.0402454 0.051631
+internal_weight=0 221 180 138 89
+internal_count=261 221 180 138 89
+shrinkage=0.02
+
+
+Tree=3503
+num_leaves=6
+num_cat=0
+split_feature=4 3 6 6 5
+split_gain=0.516879 1.67367 2.24896 2.02776 1.66438
+threshold=75.500000000000014 69.500000000000014 58.500000000000007 49.500000000000007 47.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0018846884840226725 0.0021295181441134516 -0.0040533980665515747 0.0045144499293239609 -0.0040724845050008705 0.0036161309149846778
+leaf_weight=42 40 41 42 49 47
+leaf_count=42 40 41 42 49 47
+internal_value=0 -0.0193297 0.0222715 -0.0394417 0.0505908
+internal_weight=0 221 180 138 89
+internal_count=261 221 180 138 89
+shrinkage=0.02
+
+
+Tree=3504
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=0.517883 1.274 2.67255 3.97497
+threshold=43.500000000000007 73.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0018183132055993041 0.0041288805822767248 -0.0031195107926133164 -0.0061532301965251746 0.0018779325453120801
+leaf_weight=52 53 54 42 60
+leaf_count=52 53 54 42 60
+internal_value=0 -0.0226745 0.0235573 -0.0711566
+internal_weight=0 209 155 102
+internal_count=261 209 155 102
+shrinkage=0.02
+
+
+Tree=3505
+num_leaves=5
+num_cat=0
+split_feature=4 8 8 4
+split_gain=0.535574 1.65376 5.2618 2.21785
+threshold=74.500000000000014 56.500000000000007 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0012541823196939787 0.0019173255133087094 -0.0073961747840579186 0.0019477820898661442 0.0043646091465610031
+leaf_weight=65 49 45 52 50
+leaf_count=65 49 45 52 50
+internal_value=0 -0.0222092 -0.11905 0.0591494
+internal_weight=0 212 97 115
+internal_count=261 212 97 115
+shrinkage=0.02
+
+
+Tree=3506
+num_leaves=5
+num_cat=0
+split_feature=2 7 7 7
+split_gain=0.524536 2.41433 2.17493 1.60208
+threshold=7.5000000000000009 73.500000000000014 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0017082386577942294 -0.00093690636499020976 0.0047740262650114527 -0.0032910050315865108 0.0044298799404225283
+leaf_weight=58 51 42 70 40
+leaf_count=58 51 42 70 40
+internal_value=0 0.0244005 -0.0313352 0.0707464
+internal_weight=0 203 161 91
+internal_count=261 203 161 91
+shrinkage=0.02
+
+
+Tree=3507
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 3
+split_gain=0.524524 1.82369 1.79557 2.40606
+threshold=62.500000000000007 11.500000000000002 9.5000000000000018 56.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=0.0042549828861176012 -0.0043655028126359926 0.00093965862576844521 0.0021030552088154822 -0.0039451208387352166
+leaf_weight=43 42 69 59 48
+leaf_count=43 42 69 59 48
+internal_value=0 -0.0530992 0.0392642 -0.0301739
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=3508
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 9
+split_gain=0.509765 2.33546 2.68239 1.28216
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0016848873513966764 -0.00067033907951054045 0.0042491597172883977 -0.0047990739185151607 0.0039037419714477929
+leaf_weight=58 68 50 46 39
+leaf_count=58 68 50 46 39
+internal_value=0 0.0240684 -0.0373045 0.049542
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3509
+num_leaves=5
+num_cat=0
+split_feature=8 5 2 9
+split_gain=0.521411 1.7911 1.72751 1.50882
+threshold=62.500000000000007 55.150000000000006 11.500000000000002 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0024774511339571044 -0.0042751186744657303 0.0042484824344540028 0.00088951686179567153 -0.0024562577611723854
+leaf_weight=40 42 43 69 67
+leaf_count=40 42 43 69 67
+internal_value=0 0.0391525 -0.0529465 -0.0301997
+internal_weight=0 150 111 107
+internal_count=261 150 111 107
+shrinkage=0.02
+
+
+Tree=3510
+num_leaves=5
+num_cat=0
+split_feature=4 8 8 5
+split_gain=0.500413 1.52826 5.01878 2.12907
+threshold=74.500000000000014 56.500000000000007 65.500000000000014 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00081496464269020504 0.001855769098072254 -0.0071912833688223153 0.0019350846314100563 0.0049500756372564403
+leaf_weight=76 49 45 52 39
+leaf_count=76 49 45 52 39
+internal_value=0 -0.0214896 -0.114634 0.0567503
+internal_weight=0 212 97 115
+internal_count=261 212 97 115
+shrinkage=0.02
+
+
+Tree=3511
+num_leaves=6
+num_cat=0
+split_feature=5 2 2 7 3
+split_gain=0.513945 2.05194 2.06809 2.41044 0.803578
+threshold=72.700000000000003 24.500000000000004 13.500000000000002 59.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00061977420472293242 -0.0019542389657224678 0.0042873519224213832 0.00038400055324026914 -0.0064904541173095992 0.0032410819387903756
+leaf_weight=39 46 44 43 39 50
+leaf_count=39 46 44 43 39 50
+internal_value=0 0.0209157 -0.0286949 -0.143928 0.0770553
+internal_weight=0 215 171 82 89
+internal_count=261 215 171 82 89
+shrinkage=0.02
+
+
+Tree=3512
+num_leaves=6
+num_cat=0
+split_feature=5 9 6 9 4
+split_gain=0.492829 2.16982 3.37801 1.15578 0.504192
+threshold=72.700000000000003 72.500000000000014 57.500000000000007 43.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0022418098993157573 -0.0019152133808830491 -0.0038683423303050518 0.0062467640143606595 -0.0033085365603357881 -0.00012652392496401583
+leaf_weight=49 46 39 43 40 44
+leaf_count=49 46 39 43 40 44
+internal_value=0 0.0204977 0.0681845 -0.0105746 -0.0826389
+internal_weight=0 215 176 133 84
+internal_count=261 215 176 133 84
+shrinkage=0.02
+
+
+Tree=3513
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.511496 2.33197 1.80209 1.59897
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013925050071775366 0.0014610556721329623 -0.0046060141167701277 0.0042370073121047415 -0.0036503265518800783
+leaf_weight=60 72 44 41 44
+leaf_count=60 72 44 41 44
+internal_value=0 -0.027872 0.0333604 -0.0367167
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3514
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 3
+split_gain=0.507818 1.64765 7.16352 5.3445
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.002051517714053173 0.00079908909546922704 -0.0040844170349418367 0.0053694737781443585 -0.0082918649026183441
+leaf_weight=42 65 40 71 43
+leaf_count=42 65 40 71 43
+internal_value=0 -0.019717 0.0213533 -0.140804
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=3515
+num_leaves=5
+num_cat=0
+split_feature=4 8 8 4
+split_gain=0.540137 1.44463 4.99073 2.015
+threshold=74.500000000000014 56.500000000000007 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0012477668043439549 0.0019253625967168798 -0.0071427227963701909 0.0019582619209973628 0.0041102778392862324
+leaf_weight=65 49 45 52 50
+leaf_count=65 49 45 52 50
+internal_value=0 -0.0222913 -0.112885 0.0537974
+internal_weight=0 212 97 115
+internal_count=261 212 97 115
+shrinkage=0.02
+
+
+Tree=3516
+num_leaves=5
+num_cat=0
+split_feature=4 8 8 4
+split_gain=0.517953 1.3865 4.79277 1.9346
+threshold=74.500000000000014 56.500000000000007 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0012228379899383152 0.0018869108145375929 -0.0070000902700376594 0.0019191490156947708 0.0040281871942100542
+leaf_weight=65 49 45 52 50
+leaf_count=65 49 45 52 50
+internal_value=0 -0.0218425 -0.110623 0.0527163
+internal_weight=0 212 97 115
+internal_count=261 212 97 115
+shrinkage=0.02
+
+
+Tree=3517
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.495384 2.24306 1.88042 1.53596
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013057113916242463 0.0014389704542646252 -0.0045200467971222239 0.0042982688139818412 -0.0036375687876430969
+leaf_weight=60 72 44 41 44
+leaf_count=60 72 44 41 44
+internal_value=0 -0.0274348 0.0326244 -0.0389515
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3518
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 3
+split_gain=0.519206 1.60314 6.89498 5.18794
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0020737651813645132 0.00079197288286304434 -0.0040388179569878667 0.0052612068694369522 -0.00816521667281353
+leaf_weight=42 65 40 71 43
+leaf_count=42 65 40 71 43
+internal_value=0 -0.0199168 0.0205986 -0.138495
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=3519
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.533321 2.77922 2.36586 4.24485
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0049564609606872331 0.0053484401705626919 -0.0015234219675425665 -0.0033847235361905113 0.0041126915214624729
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0588733 -0.035991 0.0332367
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3520
+num_leaves=5
+num_cat=0
+split_feature=4 5 5 5
+split_gain=0.525576 1.37227 3.06513 2.0522
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0008929269310671735 0.0019003334507537468 -0.0061181382892730694 0.00094475151166062063 0.0048073936567556222
+leaf_weight=73 49 44 56 39
+leaf_count=73 49 44 56 39
+internal_value=0 -0.0219917 -0.107852 0.0543315
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=3521
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 3
+split_gain=0.529463 1.57385 6.66541 5.02002
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0020934418052087804 0.00077612668795667712 -0.004009529456909024 0.0051689926834822342 -0.0080353097152635229
+leaf_weight=42 65 40 71 43
+leaf_count=42 65 40 71 43
+internal_value=0 -0.0201031 0.020043 -0.136383
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=3522
+num_leaves=5
+num_cat=0
+split_feature=4 8 8 5
+split_gain=0.544544 1.30132 4.59311 1.83751
+threshold=74.500000000000014 56.500000000000007 65.500000000000014 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00081448579915440855 0.0019331938591646231 -0.0068556644681395627 0.0018764174798697045 0.0045451183760901502
+leaf_weight=76 49 45 52 39
+leaf_count=76 49 45 52 39
+internal_value=0 -0.0223652 -0.108416 0.0498913
+internal_weight=0 212 97 115
+internal_count=261 212 97 115
+shrinkage=0.02
+
+
+Tree=3523
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 1 2
+split_gain=0.522182 1.27946 3.06667 5.46465 3.61521
+threshold=74.500000000000014 41.500000000000007 15.500000000000002 5.5000000000000009 8.5000000000000018
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0036344579732966648 0.0018945851296775572 0.0019166340053925694 -0.0017836426251070779 0.0085545495769572995 -0.0061566190216516452
+leaf_weight=41 49 43 43 39 46
+leaf_count=41 49 43 43 39 46
+internal_value=0 -0.0219146 0.0162269 0.156333 -0.112432
+internal_weight=0 212 171 82 89
+internal_count=261 212 171 82 89
+shrinkage=0.02
+
+
+Tree=3524
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.522938 1.59355 2.66932 2.15521
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0020810817931903804 0.00025418653709970835 -0.00089736803434073561 -0.006149221179489385 0.0049741775689259747
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.019978 -0.103223 0.0683972
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3525
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.527944 2.1242 1.91658 1.29625
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010586730017766723 -0.0019793036325857129 0.0037493781766583176 -0.0034914407820166322 0.0036708824535942944
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.0212075 -0.0385762 0.0512518
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3526
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.519546 1.51 2.56089 2.12748
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0020745734409620621 0.00025162595749496835 -0.00092810504133889664 -0.0060211847061828775 0.0049060130896128856
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.0199154 -0.10098 0.0661347
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3527
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 3 6
+split_gain=0.547827 2.13879 4.4369 4.51417 5.11521
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0049738216390713078 -0.0019887353503288724 0.0043843021383625277 0.0049733913442998306 -0.0079365745236875378 0.0048026551835905137
+leaf_weight=41 47 44 43 41 45
+leaf_count=41 47 44 43 41 45
+internal_value=0 0.0218727 -0.0290381 -0.123465 0.00661137
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=3528
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 7
+split_gain=0.53405 3.76316 3.92999 1.40654
+threshold=77.500000000000014 66.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019405308705718553 -0.0021020638129477095 0.0044063254472066198 -0.0057956090761233777 0.0029093935341313938
+leaf_weight=40 42 66 52 61
+leaf_count=40 42 66 52 61
+internal_value=0 0.0201918 -0.0659364 0.0490351
+internal_weight=0 219 153 101
+internal_count=261 219 153 101
+shrinkage=0.02
+
+
+Tree=3529
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 3 2
+split_gain=0.546925 2.07561 4.29438 4.36696 3.18832
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0041867513046492215 -0.0019872382022986523 0.004325701977921528 0.0048984162524642674 -0.007802099387250099 -0.0035405529736282295
+leaf_weight=41 47 44 43 41 45
+leaf_count=41 47 44 43 41 45
+internal_value=0 0.0218511 -0.0283061 -0.121215 0.00672543
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=3530
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 7
+split_gain=0.531667 3.69685 3.73981 1.32168
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019358612791480997 -0.0020976147634741639 0.0043701659386324353 -0.0057365149190415615 0.0027526588609467022
+leaf_weight=40 42 66 51 62
+leaf_count=40 42 66 51 62
+internal_value=0 0.0201444 -0.0652238 0.045306
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=3531
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 8
+split_gain=0.550414 2.25069 3.89151 2.40314
+threshold=72.700000000000003 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001297426463433749 -0.0020196403643560688 -0.0039240211112239274 0.0053467927920812751 -0.0048687404583417802
+leaf_weight=73 46 39 64 39
+leaf_count=73 46 39 64 39
+internal_value=0 0.0216299 0.0701852 -0.0422141
+internal_weight=0 215 176 112
+internal_count=261 215 176 112
+shrinkage=0.02
+
+
+Tree=3532
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 8
+split_gain=0.527813 2.16093 3.73675 2.3074
+threshold=72.700000000000003 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00127150280807696 -0.0019793084543582441 -0.0038456810795348536 0.0052399736982864029 -0.0047715399086729008
+leaf_weight=73 46 39 64 39
+leaf_count=73 46 39 64 39
+internal_value=0 0.0211929 0.0687822 -0.0413649
+internal_weight=0 215 176 112
+internal_count=261 215 176 112
+shrinkage=0.02
+
+
+Tree=3533
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.510861 2.18254 2.50923 4.83632
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0016864708833241187 0.0047500055334285035 0.0041254764500672841 -0.0046259068278868718 -0.0038261192728056381
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0241012 -0.0352382 0.0487706
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3534
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.53051 2.06454 1.8818 1.32757
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010823103253149999 -0.0019843199223583993 0.0037034064468139316 -0.0034495468899921893 0.0037033429348698301
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.0212377 -0.0377053 0.0513103
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3535
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 3
+split_gain=0.540796 1.6225 6.5014 4.93047
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.002114651504224855 0.00079127846809829165 -0.0040685457977416781 0.0051179964517941547 -0.0079414998303509819
+leaf_weight=42 65 40 71 43
+leaf_count=42 65 40 71 43
+internal_value=0 -0.0203228 0.0204345 -0.134058
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=3536
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 3
+split_gain=0.518604 1.55758 6.24326 4.73494
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0020724282404689003 0.0007754698026148436 -0.0039873167046115439 0.0050157371439921369 -0.0077829278113948856
+leaf_weight=42 65 40 71 43
+leaf_count=42 65 40 71 43
+internal_value=0 -0.0199147 0.020025 -0.131374
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=3537
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.532394 2.86393 2.34715 4.0954
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0049393841090986552 0.0054099176037271891 -0.0015653233230486078 -0.0033180278323096447 0.0040467863476017487
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0588152 -0.0359696 0.0329849
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3538
+num_leaves=6
+num_cat=0
+split_feature=4 3 6 4 2
+split_gain=0.539083 1.46613 2.29034 1.91428 1.17689
+threshold=75.500000000000014 69.500000000000014 58.500000000000007 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0013373326385180315 0.0021733637659484858 -0.0038290198036272918 0.0044910258989819228 -0.0046314111683781814 0.0030805346935933371
+leaf_weight=55 40 41 42 39 44
+leaf_count=55 40 41 42 39 44
+internal_value=0 -0.0197126 0.0192427 -0.043035 0.0309439
+internal_weight=0 221 180 138 99
+internal_count=261 221 180 138 99
+shrinkage=0.02
+
+
+Tree=3539
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.523641 2.2997 2.05449 1.73679
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014163713810285256 0.0014777654347587464 -0.0045843420701284438 0.0044615860903440153 -0.0038216632774704341
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0281832 0.0326256 -0.0421722
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3540
+num_leaves=5
+num_cat=0
+split_feature=4 5 5 5
+split_gain=0.527368 1.24473 2.71182 2.02452
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0009523584846923629 0.0019033460126210795 -0.0058047801982471945 0.00084061096289992558 0.0047100550195644181
+leaf_weight=73 49 44 56 39
+leaf_count=73 49 44 56 39
+internal_value=0 -0.022033 -0.103869 0.0506973
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=3541
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 2
+split_gain=0.514181 1.55765 6.07259 3.05407
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0020640212369696215 0.00110438766879215 -0.0039856529232121067 0.0049542431066194577 -0.0056586089336480598
+leaf_weight=42 49 40 71 59
+leaf_count=42 49 40 71 59
+internal_value=0 -0.0198267 0.020114 -0.129204
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=3542
+num_leaves=5
+num_cat=0
+split_feature=4 5 1 2
+split_gain=0.519364 1.24144 1.54974 4.24012
+threshold=74.500000000000014 68.65000000000002 5.5000000000000009 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.002346764003830945 0.0018895027756050231 -0.0036346578377126786 0.0024277060425078904 -0.0061693374140332881
+leaf_weight=53 49 40 77 42
+leaf_count=53 49 40 77 42
+internal_value=0 -0.0218651 0.0151398 -0.0705802
+internal_weight=0 212 172 95
+internal_count=261 212 172 95
+shrinkage=0.02
+
+
+Tree=3543
+num_leaves=6
+num_cat=0
+split_feature=2 7 3 1 4
+split_gain=0.523958 2.23749 1.86012 7.36305 2.98113
+threshold=7.5000000000000009 73.500000000000014 52.500000000000007 8.5000000000000018 62.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.001706991556724583 0.0031629706446536024 0.0046155116203769478 -0.0094253229250926898 0.0048069360912441246 -0.0015507027824531591
+leaf_weight=58 40 42 39 43 39
+leaf_count=58 40 42 39 43 39
+internal_value=0 0.0244044 -0.0292601 -0.0915993 -0.275159
+internal_weight=0 203 161 121 78
+internal_count=261 203 161 121 78
+shrinkage=0.02
+
+
+Tree=3544
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 2
+split_gain=0.572793 4.22975 3.41539 3.00021
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00022656279519042027 -0.0043701153456756894 -0.0040074007391546155 0.0067413678749978535 0.0028185148811816357
+leaf_weight=63 54 52 51 41
+leaf_count=63 54 52 51 41
+internal_value=0 0.0360471 0.144294 -0.0629724
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3545
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=0.549133 4.06157 5.03983 2.88088
+threshold=8.5000000000000018 20.500000000000004 67.65000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00020150178693313327 -0.0042828261981240614 -0.0039273604572095467 0.0086646618334600811 0.0027622401302701688
+leaf_weight=75 54 52 39 41
+leaf_count=75 54 52 39 41
+internal_value=0 0.0353176 0.141405 -0.0617057
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3546
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.553125 2.08224 1.81572 1.3124
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010844869906055021 -0.0019982616140859152 0.0037686617356454794 -0.0033851849942789871 0.0036741651507151618
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.021961 -0.0368461 0.050604
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=3547
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 7 6
+split_gain=0.530431 2.18759 4.17154 4.38518 5.36654
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0049760995296987643 -0.0019583556894628464 0.0044216125377836155 0.0047866722593044629 -0.0078198304021332363 0.005028677196433168
+leaf_weight=42 47 44 43 41 44
+leaf_count=42 47 44 43 41 44
+internal_value=0 0.021519 -0.0299668 -0.121544 0.00666277
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=3548
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=0.529823 3.95939 4.82465 2.71935
+threshold=8.5000000000000018 20.500000000000004 67.65000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00017500496841991919 -0.0041758377347654793 -0.0038811000518819893 0.008500312796129058 0.0026700412359252834
+leaf_weight=75 54 52 39 41
+leaf_count=75 54 52 39 41
+internal_value=0 0.0347085 0.139462 -0.0606548
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3549
+num_leaves=6
+num_cat=0
+split_feature=5 2 2 7 3
+split_gain=0.547984 2.00717 2.08312 2.16622 0.791709
+threshold=72.700000000000003 24.500000000000004 13.500000000000002 59.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00057221080233503367 -0.002015537015716916 0.0042584336362736881 0.00023032901379501866 -0.0062881510272061458 0.0032602662737093481
+leaf_weight=39 46 44 43 39 50
+leaf_count=39 46 44 43 39 50
+internal_value=0 0.0215736 -0.0274953 -0.143145 0.0786377
+internal_weight=0 215 171 82 89
+internal_count=261 215 171 82 89
+shrinkage=0.02
+
+
+Tree=3550
+num_leaves=6
+num_cat=0
+split_feature=4 2 9 9 7
+split_gain=0.535576 1.48028 3.16826 4.37334 4.14949
+threshold=50.500000000000007 25.500000000000004 76.500000000000014 61.500000000000007 59.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0021048594896827936 0.0030042628026994279 -0.0039044437720527486 -0.00451229632651832 0.0066400861399003785 -0.0057100691764379726
+leaf_weight=42 50 40 41 49 39
+leaf_count=42 50 40 41 49 39
+internal_value=0 -0.0202244 0.018719 0.0916782 -0.0403441
+internal_weight=0 219 179 138 89
+internal_count=261 219 179 138 89
+shrinkage=0.02
+
+
+Tree=3551
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=0.522194 3.78474 4.70757 2.61469
+threshold=8.5000000000000018 20.500000000000004 67.65000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00019014717529914791 -0.0041103678570782306 -0.0037842972489692374 0.0083796274134546461 0.0026032757562988135
+leaf_weight=75 54 52 39 41
+leaf_count=75 54 52 39 41
+internal_value=0 0.0344642 0.136897 -0.0602351
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3552
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 8
+split_gain=0.561164 2.20469 3.82976 1.09566
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012726733200858747 -0.0020388375332331178 -0.0038757787792082178 0.0063664207212094873 -0.0024568381013545504
+leaf_weight=73 46 39 46 57
+leaf_count=73 46 39 46 57
+internal_value=0 0.0218201 0.0698823 -0.0178433
+internal_weight=0 215 176 130
+internal_count=261 215 176 130
+shrinkage=0.02
+
+
+Tree=3553
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.538149 2.11677 3.69673 7.37034
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00090344592689765109 -0.0019981230698026182 -0.0037984012606994007 -0.0022843617585365759 0.0096332915867428544
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0213804 0.0684867 0.183893
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3554
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.529523 1.4363 2.48534 2.17511
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0020930782560146647 0.0002532275139135909 -0.00099947157545913763 -0.0059269630802295959 0.0048993605438421217
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.0201281 -0.0992174 0.0638169
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3555
+num_leaves=6
+num_cat=0
+split_feature=5 9 5 6 7
+split_gain=0.550722 2.03477 3.58186 1.07291 1.48853
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 49.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0019704464707911268 -0.0020205992186615464 -0.0037116752627742145 0.0061623711819979434 -0.0030440693664211906 0.0032538259266128846
+leaf_weight=40 46 39 46 41 49
+leaf_count=40 46 39 46 41 49
+internal_value=0 0.021615 0.0678111 -0.0170333 0.0448577
+internal_weight=0 215 176 130 89
+internal_count=261 215 176 130 89
+shrinkage=0.02
+
+
+Tree=3556
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.53171 2.31448 1.98994 1.7
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014154964606229556 0.0014884007057872598 -0.0046015702368235522 0.0044012815339361426 -0.0037674200236681621
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0284061 0.0325968 -0.0410225
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3557
+num_leaves=6
+num_cat=0
+split_feature=5 2 9 3 6
+split_gain=0.518272 2.02876 4.15295 4.39048 4.8304
+threshold=72.700000000000003 24.500000000000004 66.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0048064436039873546 -0.0019623834287393165 0.0042670899727036251 0.0047303387246988354 -0.0078022443706141156 0.0046949355753887938
+leaf_weight=41 46 44 44 41 45
+leaf_count=41 46 44 44 41 45
+internal_value=0 0.0209882 -0.0283428 -0.1205 0.00778442
+internal_weight=0 215 171 127 86
+internal_count=261 215 171 127 86
+shrinkage=0.02
+
+
+Tree=3558
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.526009 1.42096 2.19808 1.84621
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0020863969527346125 -0.0031362840832807209 0.0040098369876539188 -0.0029741475012494628 0.0024176769677874063
+leaf_weight=42 57 51 71 40
+leaf_count=42 57 51 71 40
+internal_value=0 -0.0200625 0.027854 -0.0511823
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=3559
+num_leaves=6
+num_cat=0
+split_feature=4 2 5 5 4
+split_gain=0.504384 1.43002 2.12555 1.77549 2.1022
+threshold=50.500000000000007 25.500000000000004 52.800000000000004 62.400000000000006 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0020447382630547008 0.0044530659527449298 -0.0038340321830737639 -0.0039274560391208552 0.0043748112503817728 -0.0017872669689310062
+leaf_weight=42 40 40 48 39 52
+leaf_count=42 40 40 48 39 52
+internal_value=0 -0.0196575 0.0186247 -0.0398835 0.0423086
+internal_weight=0 219 179 139 91
+internal_count=261 219 179 139 91
+shrinkage=0.02
+
+
+Tree=3560
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 1 2
+split_gain=0.500723 1.26757 2.82921 4.56799 3.43379
+threshold=74.500000000000014 41.500000000000007 15.500000000000002 5.5000000000000009 8.5000000000000018
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -3
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0036115406168793019 0.0018562542953072386 0.0019170470879308747 -0.0014679800427116804 0.0079859434926345101 -0.0059521101910191554
+leaf_weight=41 49 43 43 39 46
+leaf_count=41 49 43 43 39 46
+internal_value=0 -0.0214994 0.0164665 0.151081 -0.107133
+internal_weight=0 212 171 82 89
+internal_count=261 212 171 82 89
+shrinkage=0.02
+
+
+Tree=3561
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 8
+split_gain=0.508663 3.67787 4.74664 2.34701
+threshold=8.5000000000000018 20.500000000000004 67.65000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00024000080944743221 0.0017304189475255047 -0.0037297220889485005 0.0083652870834163614 -0.0045899456489213297
+leaf_weight=75 51 52 39 44
+leaf_count=75 51 52 39 44
+internal_value=0 0.0340243 0.135011 -0.0594859
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3562
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 1
+split_gain=0.52292 2.26056 1.93396 1.07616
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0017057498886639841 0.0023700019590022297 0.0046356904805627498 -0.0044868099147042477 -0.0014333927559943517
+leaf_weight=58 67 42 39 55
+leaf_count=58 67 42 39 55
+internal_value=0 0.0243618 -0.0295774 0.0324482
+internal_weight=0 203 161 122
+internal_count=261 203 161 122
+shrinkage=0.02
+
+
+Tree=3563
+num_leaves=6
+num_cat=0
+split_feature=5 9 6 9 1
+split_gain=0.549564 2.04822 3.58234 1.09961 0.547079
+threshold=72.700000000000003 72.500000000000014 57.500000000000007 43.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0021303187674797794 -0.0020185899554014154 -0.003725722816889323 0.0063866111301949559 -4.5382954341984135e-05 -0.0033507597432654358
+leaf_weight=49 46 39 43 43 41
+leaf_count=49 46 39 43 43 41
+internal_value=0 0.0215911 0.0679377 -0.0131644 -0.0834842
+internal_weight=0 215 176 133 84
+internal_count=261 215 176 133 84
+shrinkage=0.02
+
+
+Tree=3564
+num_leaves=6
+num_cat=0
+split_feature=5 2 2 7 3
+split_gain=0.526974 1.98785 2.1061 2.1088 0.786242
+threshold=72.700000000000003 24.500000000000004 13.500000000000002 59.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00055699113883232569 -0.0019782796621141503 0.0042317572132594908 0.00017283002062524892 -0.0062590160590625344 0.0032623991122406439
+leaf_weight=39 46 44 43 39 50
+leaf_count=39 46 44 43 39 50
+internal_value=0 0.0211522 -0.0276814 -0.14396 0.0790315
+internal_weight=0 215 171 82 89
+internal_count=261 215 171 82 89
+shrinkage=0.02
+
+
+Tree=3565
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 1
+split_gain=0.510332 2.24038 1.83666 1.02742
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.001686030294452987 0.0022989772558845477 0.0046114646972628369 -0.0043896359215543678 -0.0014189106468344656
+leaf_weight=58 67 42 39 55
+leaf_count=58 67 42 39 55
+internal_value=0 0.0240691 -0.02963 0.0308237
+internal_weight=0 203 161 122
+internal_count=261 203 161 122
+shrinkage=0.02
+
+
+Tree=3566
+num_leaves=6
+num_cat=0
+split_feature=5 9 5 6 2
+split_gain=0.533369 1.95376 3.54048 1.04061 1.53302
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0036608494131241216 -0.0019898548433753241 -0.0036358830366891026 0.0061095752358268397 -0.0030191344909861577 -0.001621519642598517
+leaf_weight=42 46 39 46 41 47
+leaf_count=42 46 39 46 41 47
+internal_value=0 0.0212734 0.0665529 -0.0178015 0.043161
+internal_weight=0 215 176 130 89
+internal_count=261 215 176 130 89
+shrinkage=0.02
+
+
+Tree=3567
+num_leaves=5
+num_cat=0
+split_feature=5 7 4 6
+split_gain=0.511421 1.90402 2.8446 2.21118
+threshold=72.700000000000003 69.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013258463787792765 -0.001950118307866009 0.0044337735624303595 -0.0050984395113425566 0.0038508183923831388
+leaf_weight=76 46 39 41 59
+leaf_count=76 46 39 41 59
+internal_value=0 0.020841 -0.0235083 0.0465724
+internal_weight=0 215 176 135
+internal_count=261 215 176 135
+shrinkage=0.02
+
+
+Tree=3568
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 1
+split_gain=0.533069 2.21643 1.61332 1.80239
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 5.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0053412742741340037 0.0014899916637271999 -0.0039217691313570384 -0.0020531477945410163 -0.00053758249069825058
+leaf_weight=44 72 56 49 40
+leaf_count=44 72 56 49 40
+internal_value=0 -0.0284531 0.0418956 0.126709
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=3569
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.511232 2.18503 1.93421 1.65063
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013795360599412557 0.0014602208863057334 -0.0044778446528222901 0.0043249408786539068 -0.0037282937593321685
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0278887 0.0313919 -0.0411958
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3570
+num_leaves=5
+num_cat=0
+split_feature=9 9 9 3
+split_gain=0.490176 2.10664 1.26798 3.12308
+threshold=70.500000000000014 60.500000000000007 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0036371952020113445 0.0014310446080113479 -0.0038160156877949146 0.0036720639981012875 -0.0038759909077083045
+leaf_weight=40 72 56 43 50
+leaf_count=40 72 56 43 50
+internal_value=0 -0.0273276 0.0412668 -0.0263842
+internal_weight=0 189 133 90
+internal_count=261 189 133 90
+shrinkage=0.02
+
+
+Tree=3571
+num_leaves=6
+num_cat=0
+split_feature=2 7 5 3 3
+split_gain=0.505127 2.20003 1.78892 1.02891 2.7326
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0016778395332515354 0.0029675822904171242 0.0045719777252007082 -0.0043333380263740218 0.0031681828738270154 -0.0044418187384031825
+leaf_weight=58 40 42 39 42 40
+leaf_count=58 40 42 39 42 40
+internal_value=0 0.0239455 -0.0292701 0.0303976 -0.0363886
+internal_weight=0 203 161 122 80
+internal_count=261 203 161 122 80
+shrinkage=0.02
+
+
+Tree=3572
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.505126 1.99249 3.5192 7.13962
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00092780351301385855 -0.0019384579939777018 -0.0036866965212570546 -0.0022367573102885668 0.0094430687328369619
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0207209 0.0664418 0.179062
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3573
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.504451 2.14088 1.78685 1.52145
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013399307493360713 0.0014508684623722348 -0.0044348424375530602 0.0041744597318725332 -0.0035663350435423901
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0277102 0.0309713 -0.0388128
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3574
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.483663 2.06521 3.93416 4.61368
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0048490530821430388 0.0014218788569752014 -0.004660633056783786 -0.0019965048467348694 0.0062340970243653995
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0271527 0.026193 0.124338
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=3575
+num_leaves=5
+num_cat=0
+split_feature=2 7 3 1
+split_gain=0.479153 2.16997 1.78716 1.80996
+threshold=7.5000000000000009 73.500000000000014 56.500000000000007 5.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0016359812181634789 0.0020443860072992827 0.0045320657264713102 -0.0050238289430909076 0.00042591108912879165
+leaf_weight=58 63 42 49 49
+leaf_count=58 63 42 49 49
+internal_value=0 0.0233377 -0.0295152 -0.114622
+internal_weight=0 203 161 98
+internal_count=261 203 161 98
+shrinkage=0.02
+
+
+Tree=3576
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.499494 1.96229 3.54007 6.86126
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00084156542266587133 -0.001928121213388205 -0.0036580755850116648 -0.0022564675876018993 0.0093253612473356978
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0206053 0.065983 0.178935
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3577
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.494454 2.13327 1.68015 1.66852
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0021402139583294602 0.0014368871264356104 -0.0044228027997331772 0.0036543842624635302 -0.0032123281909428526
+leaf_weight=41 72 44 49 55
+leaf_count=41 72 44 49 55
+internal_value=0 -0.0274493 0.0311285 -0.0459063
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=3578
+num_leaves=5
+num_cat=0
+split_feature=8 2 3 4
+split_gain=0.475512 1.84442 1.78164 1.46104
+threshold=62.500000000000007 19.500000000000004 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0019496465445145706 -0.0029631066381872601 0.0024261780037810325 0.0037142576806813016 -0.0030286204934509824
+leaf_weight=42 71 40 53 55
+leaf_count=42 71 40 53 55
+internal_value=0 -0.0506757 0.0374329 -0.0432495
+internal_weight=0 111 150 97
+internal_count=261 111 150 97
+shrinkage=0.02
+
+
+Tree=3579
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 3
+split_gain=0.481061 2.06955 1.56412 1.74229
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0006046932398708452 0.0014182142302211968 -0.0037824859941952612 -0.0020288782927395735 0.0051843600278785977
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0270818 0.0409096 0.12444
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=3580
+num_leaves=5
+num_cat=0
+split_feature=4 8 8 4
+split_gain=0.465936 1.36331 4.23646 2.03295
+threshold=74.500000000000014 56.500000000000007 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0012709925379830243 0.001792755140800546 -0.0066792090132829227 0.0017079173419098719 0.0041107515562255042
+leaf_weight=65 49 45 52 50
+leaf_count=65 49 45 52 50
+internal_value=0 -0.02079 -0.108839 0.0531511
+internal_weight=0 212 97 115
+internal_count=261 212 97 115
+shrinkage=0.02
+
+
+Tree=3581
+num_leaves=6
+num_cat=0
+split_feature=5 2 2 7 5
+split_gain=0.476202 2.0246 1.98481 2.19631 0.704505
+threshold=72.700000000000003 24.500000000000004 13.500000000000002 59.500000000000007 52.800000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0035305043398625507 -0.0018843847381879741 0.0042462608013627539 0.00027352490660649927 -0.0062899726112083552 -8.9396458317806378e-05
+leaf_weight=39 46 44 43 39 50
+leaf_count=39 46 44 43 39 50
+internal_value=0 0.0201388 -0.0291424 -0.142055 0.0744699
+internal_weight=0 215 171 82 89
+internal_count=261 215 171 82 89
+shrinkage=0.02
+
+
+Tree=3582
+num_leaves=6
+num_cat=0
+split_feature=7 1 4 3 4
+split_gain=0.479188 2.49954 3.82789 3.05448 6.66311
+threshold=50.500000000000007 7.5000000000000009 64.500000000000014 71.500000000000014 59.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 4 -2
+right_child=1 2 -4 -5 -6
+leaf_value=-0.0020546150866487776 -0.0048639868001493052 0.0076854660884852167 -0.00075366918680348967 -0.0059043659808602628 0.0058542361015437271
+leaf_weight=40 45 39 48 41 48
+leaf_count=40 45 39 48 41 48
+internal_value=0 0.0185786 0.151167 -0.0672406 0.0329823
+internal_weight=0 221 87 134 93
+internal_count=261 221 87 134 93
+shrinkage=0.02
+
+
+Tree=3583
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 4
+split_gain=0.489672 1.30535 3.91554 2.0901
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.001261260558005044 0.0018360169180571145 -0.0062303736260490563 0.0016979774317609525 0.0042924087554919183
+leaf_weight=65 49 48 52 47
+leaf_count=65 49 48 52 47
+internal_value=0 -0.0212918 -0.105067 0.0531692
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=3584
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 2
+split_gain=0.480032 3.61897 3.50633 2.38592
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00048864566987557288 -0.0039343159857449083 -0.003713490085882717 0.0065718415383609141 0.0024809346702072289
+leaf_weight=63 54 52 51 41
+leaf_count=63 54 52 51 41
+internal_value=0 0.0330715 0.133254 -0.0578713
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3585
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.467442 2.02367 3.8162 4.41206
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0047701278807130995 0.0013987711153121206 -0.0046106571422869329 -0.0019289681266614581 0.0061203216856792987
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0267132 0.0260962 0.122769
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=3586
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=0.492669 3.49416 4.76231 2.29258
+threshold=8.5000000000000018 20.500000000000004 67.65000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00030643220724414159 -0.0038945518323260449 -0.0036294555696972691 0.0083131880947992509 0.0023947129629884349
+leaf_weight=75 54 52 39 41
+leaf_count=75 54 52 39 41
+internal_value=0 0.0334819 0.131933 -0.0586029
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3587
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.48267 1.97127 3.60874 6.54392
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00072125189064888907 -0.0018967737874292306 -0.0036741831910512561 -0.0022956964205466165 0.0092080128095396677
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0202622 0.0657427 0.179779
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3588
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 4
+split_gain=0.500219 1.82999 1.72651 1.34621
+threshold=62.500000000000007 19.500000000000004 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0014334823047123888 -0.0029806276445098951 0.002387583682051852 0.0041700533572138956 -0.0031035641025940149
+leaf_weight=59 71 40 43 48
+leaf_count=59 71 40 43 48
+internal_value=0 -0.0519324 0.038346 -0.0297527
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=3589
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 9
+split_gain=0.479554 1.75691 1.65742 1.44079
+threshold=62.500000000000007 19.500000000000004 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0024288880004679318 -0.0029210736127330468 0.0023399156074304368 0.0040867881975429699 -0.0023937699194446008
+leaf_weight=40 71 40 43 67
+leaf_count=40 71 40 43 67
+internal_value=0 -0.050887 0.0375802 -0.0291513
+internal_weight=0 111 150 107
+internal_count=261 111 150 107
+shrinkage=0.02
+
+
+Tree=3590
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.482636 1.43192 2.48215 2.19304
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.002001434945815075 0.00027134427363736566 -0.00099408388896386583 -0.0059049744231729354 0.0049287833165652228
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.0192681 -0.0982407 0.0645518
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3591
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.470262 3.40625 5.75491 2.63881 2.50071
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0047105330442263659 -0.001924017085857556 -0.004968977059653143 0.0082546469514168264 -0.0017279624249596415 0.0046772535848647314
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0194848 0.0784886 -0.0182641 0.0701114
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3592
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 1
+split_gain=0.502085 2.0729 1.61973 1.63874
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 5.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0051854443505139269 0.0014475554414532859 -0.0037963995395388721 -0.0020889078164771152 -0.00042200579521570951
+leaf_weight=44 72 56 49 40
+leaf_count=44 72 56 49 40
+internal_value=0 -0.0276496 0.0403961 0.125379
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=3593
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.481473 2.03554 3.61452 4.24871
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0046336299865240467 0.0014186322606972853 -0.0046302056693957542 -0.0019032817627227972 0.0059961456721792762
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0271012 0.0258618 0.119965
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=3594
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 1
+split_gain=0.481495 1.23772 2.27629 2.81632
+threshold=42.500000000000007 73.500000000000014 50.650000000000013 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0018210586089210401 -0.0032786381301100763 -0.0030575008194570477 0.0046817429171570933 -0.0017749583516581239
+leaf_weight=49 46 54 66 46
+leaf_count=49 46 54 66 46
+internal_value=0 -0.0211288 0.0236932 0.101165
+internal_weight=0 212 158 112
+internal_count=261 212 158 112
+shrinkage=0.02
+
+
+Tree=3595
+num_leaves=5
+num_cat=0
+split_feature=4 5 5 4
+split_gain=0.509994 1.45488 2.72697 2.07355
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0011785353146309091 0.0018720646490141164 -0.0059391884076330217 0.00072416235663067192 0.0043529222832507132
+leaf_weight=65 49 44 56 47
+leaf_count=65 49 44 56 47
+internal_value=0 -0.021722 -0.110091 0.0568416
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=3596
+num_leaves=5
+num_cat=0
+split_feature=6 8 2 8
+split_gain=0.472349 1.69544 1.6459 2.19837
+threshold=69.500000000000014 62.500000000000007 9.5000000000000018 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0040693230276729721 0.001827376612772286 -0.0031834466423439458 0.002657875231504187 -0.003137707979117096
+leaf_weight=43 48 63 47 60
+leaf_count=43 48 63 47 60
+internal_value=0 -0.0206716 0.0372792 -0.029222
+internal_weight=0 213 150 107
+internal_count=261 213 150 107
+shrinkage=0.02
+
+
+Tree=3597
+num_leaves=6
+num_cat=0
+split_feature=7 1 2 3 5
+split_gain=0.462581 2.54877 3.11355 2.96567 5.6269
+threshold=50.500000000000007 7.5000000000000009 12.500000000000002 71.500000000000014 55.650000000000013
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 4 -2
+right_child=1 2 -4 -5 -6
+leaf_value=-0.0020203091513940987 -0.0048093092491855137 -0.0010541780666725458 0.0065428232449807888 -0.0058610526918058767 0.0050840221716859516
+leaf_weight=40 42 40 47 41 51
+leaf_count=40 42 40 47 41 51
+internal_value=0 0.0182589 0.152136 -0.0683971 0.0303607
+internal_weight=0 221 87 134 93
+internal_count=261 221 87 134 93
+shrinkage=0.02
+
+
+Tree=3598
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 3
+split_gain=0.465444 6.48681 4.74544 2.58735
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0051344544818695981 0.0018144854669489582 -0.0077892693371488398 0.0016661656959961102 -0.0047493561878523202
+leaf_weight=73 48 39 50 51
+leaf_count=73 48 39 50 51
+internal_value=0 -0.0205277 0.0620583 -0.0783243
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=3599
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 5
+split_gain=0.497634 1.98215 1.56373 0.749658
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00083301384105977788 0.0014413278317408473 -0.0042860765510712292 0.0035052028575326415 -0.0027385670676058154
+leaf_weight=49 72 44 49 47
+leaf_count=49 72 44 49 47
+internal_value=0 -0.0275336 0.0289419 -0.0453983
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=3600
+num_leaves=5
+num_cat=0
+split_feature=7 1 2 9
+split_gain=0.477221 2.44615 3.07272 2.95096
+threshold=50.500000000000007 7.5000000000000009 12.500000000000002 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=-0.0020506968938087565 -0.0039706714156148154 -0.0010757916320105101 0.0064715575284516715 0.0020199856396675596
+leaf_weight=40 75 40 47 59
+leaf_count=40 75 40 47 59
+internal_value=0 0.0185352 0.149712 -0.0663675
+internal_weight=0 221 87 134
+internal_count=261 221 87 134
+shrinkage=0.02
+
+
+Tree=3601
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=0.505486 3.42071 4.74883 2.0926
+threshold=8.5000000000000018 20.500000000000004 67.65000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00031463792240905895 -0.0037888127129675838 -0.003575895718896781 0.0082928372410395156 0.0022217467938109212
+leaf_weight=75 54 52 39 41
+leaf_count=75 54 52 39 41
+internal_value=0 0.0338967 0.131315 -0.0593321
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3602
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.502513 3.31778 5.61201 2.55514 2.04764
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0046203913404842195 -0.0019864074447297282 -0.004886736801580179 0.0081685827401382308 -0.0014381805543877246 0.0043616064407577737
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0201096 0.0783481 -0.0171965 0.069773
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3603
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.488801 1.40603 2.53337 2.04639
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.002013508002006982 0.00030586655090764721 -0.00093427875621519981 -0.0059335746840894271 0.0047886182286892036
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.019394 -0.0976599 0.0636726
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3604
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.519277 3.18803 5.52166 2.45058 2.45841
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0045337270423007605 -0.0020180318474309743 -0.0047763841785156795 0.008099008166108727 -0.0017451013497887722 0.0046062249363411087
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0204292 0.077527 -0.0172458 0.0679331
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3605
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=0.506284 1.23789 2.59299 3.47314
+threshold=42.500000000000007 73.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0018654911507043281 0.0040845224344044709 -0.0030679881048550862 -0.0056529781497703857 0.0017297651121078389
+leaf_weight=49 53 54 44 61
+leaf_count=49 53 54 44 61
+internal_value=0 -0.0216463 0.0231782 -0.0679023
+internal_weight=0 212 158 105
+internal_count=261 212 158 105
+shrinkage=0.02
+
+
+Tree=3606
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 8
+split_gain=0.50447 3.25681 4.62681 2.19846
+threshold=8.5000000000000018 20.500000000000004 67.65000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00032427682329787543 0.0016410240704138638 -0.0034738946119539801 0.0081722793410981993 -0.0044774183061541094
+leaf_weight=75 51 52 39 44
+leaf_count=75 51 52 39 44
+internal_value=0 0.0338598 0.128933 -0.0592788
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3607
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.527919 2.10157 2.00228 1.21737
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0009500459205223742 -0.0019803867759015264 0.0037306519928717126 -0.0035457659073720956 0.0036348648628940316
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.0211505 -0.0383158 0.0534868
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3608
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.507029 3.15967 5.31017 2.44352 2.4377
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0045010287924719663 -0.0019950923703007345 -0.0047581817216967148 0.0079629867557935476 -0.0017076199253176962 0.0046169435722195045
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0201904 0.0770362 -0.0159051 0.0691526
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3609
+num_leaves=5
+num_cat=0
+split_feature=8 3 9 7
+split_gain=0.515412 1.9073 2.6844 1.58897
+threshold=54.500000000000007 66.500000000000014 67.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0019643415613664721 -0.0035179350708263763 0.0050963352009985863 -0.0016587672655090668 0.003186235461315128
+leaf_weight=40 61 39 60 61
+leaf_count=40 61 39 60 61
+internal_value=0 -0.0360369 0.049799 0.056927
+internal_weight=0 160 99 101
+internal_count=261 160 99 101
+shrinkage=0.02
+
+
+Tree=3610
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.52984 2.1633 3.32167 3.82403
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0044145885453516932 0.001485265156933119 -0.0047809855632688011 -0.0017534156508828579 0.0057421552226138393
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0283884 0.0262028 0.116443
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=3611
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 5
+split_gain=0.541736 1.16818 2.49246 2.86311
+threshold=42.500000000000007 73.500000000000014 10.500000000000002 53.95000000000001
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0019271465712053266 0.0039745098226079837 -0.0030083587699552025 -0.0052643463168726892 0.0014417779398555935
+leaf_weight=49 53 54 44 61
+leaf_count=49 53 54 44 61
+internal_value=0 -0.0223712 0.0211858 -0.0681214
+internal_weight=0 212 158 105
+internal_count=261 212 158 105
+shrinkage=0.02
+
+
+Tree=3612
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 4
+split_gain=0.532395 1.55613 3.7027 2.00398
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0010954614936909278 0.001911126839026235 -0.0062859594533020381 0.0014240302189265969 0.004342905747705593
+leaf_weight=65 49 48 52 47
+leaf_count=65 49 48 52 47
+internal_value=0 -0.0221809 -0.113529 0.059043
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=3613
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.520186 1.40776 2.61913 2.01035
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0020746654944615237 0.00033097035989560224 -0.00092566367345818436 -0.0060126318478340478 0.0047470415435279705
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.019984 -0.0982956 0.0631319
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3614
+num_leaves=5
+num_cat=0
+split_feature=5 9 3 2
+split_gain=0.533521 2.08074 2.04775 2.15858
+threshold=72.700000000000003 66.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0032737660651167349 -0.001990461726884198 0.0037165533448500127 -0.0042211515296328855 -0.0023818213829859126
+leaf_weight=61 46 57 48 49
+leaf_count=61 46 57 48 49
+internal_value=0 0.0212596 -0.0379129 0.0373639
+internal_weight=0 215 158 110
+internal_count=261 215 158 110
+shrinkage=0.02
+
+
+Tree=3615
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 4
+split_gain=0.522996 1.45853 3.50325 1.96204
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0011190656820017017 0.0018949075825155596 -0.0061156846965105737 0.0013846641612964101 0.0042627611927195854
+leaf_weight=65 49 48 52 47
+leaf_count=65 49 48 52 47
+internal_value=0 -0.0219859 -0.110463 0.0566747
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=3616
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 6 7
+split_gain=0.530035 3.0841 5.32846 2.34495 1.77132
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0019412070679373059 -0.0020380620782489488 -0.0046875434745477845 0.0079692774016660202 -0.0044975815160380687 0.0035295305179032514
+leaf_weight=40 44 39 40 39 59
+leaf_count=40 44 39 40 39 59
+internal_value=0 0.0206319 0.0767995 -0.0163016 0.0655623
+internal_weight=0 217 178 138 99
+internal_count=261 217 178 138 99
+shrinkage=0.02
+
+
+Tree=3617
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 9
+split_gain=0.51867 2.12975 2.22477 1.19918
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0016996951038391554 -0.00071239961109550878 0.0040842161897368268 -0.0043818800752149223 0.0037137282926528225
+leaf_weight=58 68 50 46 39
+leaf_count=58 68 50 46 39
+internal_value=0 0.0242345 -0.0343865 0.0447382
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3618
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 7
+split_gain=0.520715 1.2026 2.38472 2.12986
+threshold=42.500000000000007 73.500000000000014 10.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0018908561566028084 0.0039186997324177752 -0.0030366633630447082 -0.0048067965291463521 0.0010239426347964423
+leaf_weight=49 53 54 42 63
+leaf_count=49 53 54 42 63
+internal_value=0 -0.021943 0.0222444 -0.0651194
+internal_weight=0 212 158 105
+internal_count=261 212 158 105
+shrinkage=0.02
+
+
+Tree=3619
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 1
+split_gain=0.529254 2.10147 2.00055 1.17451
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012809032079069815 -0.0019828143099370221 0.003731074051551922 -0.0035440523011528108 0.0031996258678421048
+leaf_weight=45 46 57 63 50
+leaf_count=45 46 57 63 50
+internal_value=0 0.0211754 -0.0382895 0.0534737
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3620
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.527273 1.50021 2.97519 7.7621 2.00403
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0012117681754712469 0.0019023326030811467 -0.0039515206495186975 0.0048046059975252204 -0.0084922829518033777 0.0049053694440450253
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.0220734 0.0185724 -0.0597421 0.107762
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=3621
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=0.522902 3.14384 4.43587 2.07938
+threshold=8.5000000000000018 20.500000000000004 67.65000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00028508282114645073 -0.0038002632749329795 -0.0033898184686721763 0.0080347871276952136 0.002191330789939197
+leaf_weight=75 54 52 39 41
+leaf_count=75 54 52 39 41
+internal_value=0 0.0344464 0.127868 -0.0603147
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3622
+num_leaves=6
+num_cat=0
+split_feature=5 2 2 7 5
+split_gain=0.537743 1.94623 1.90085 2.13336 0.656317
+threshold=72.700000000000003 24.500000000000004 13.500000000000002 59.500000000000007 52.800000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0034603671950917659 -0.0019981262897084068 0.0041957454414142626 0.00031954810184618834 -0.0061500573686879712 -3.611837279565657e-05
+leaf_weight=39 46 44 43 39 50
+leaf_count=39 46 44 43 39 50
+internal_value=0 0.021336 -0.0269865 -0.137517 0.0744292
+internal_weight=0 215 171 82 89
+internal_count=261 215 171 82 89
+shrinkage=0.02
+
+
+Tree=3623
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.525046 2.0986 2.23831 5.46878
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0017097117788403258 0.0049237331655605163 0.0040609111069490125 -0.0043816137973147198 -0.0041943523076934525
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0243781 -0.0338147 0.0455499
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3624
+num_leaves=5
+num_cat=0
+split_feature=5 9 3 2
+split_gain=0.539749 2.01317 1.93847 2.0914
+threshold=72.700000000000003 66.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0032156582013570445 -0.0020017417506538195 0.0036654672236332746 -0.0041069435633971614 -0.0023520147363158576
+leaf_weight=61 46 57 48 49
+leaf_count=61 46 57 48 49
+internal_value=0 0.0213731 -0.0368362 0.0364163
+internal_weight=0 215 158 110
+internal_count=261 215 158 110
+shrinkage=0.02
+
+
+Tree=3625
+num_leaves=6
+num_cat=0
+split_feature=5 2 2 3 3
+split_gain=0.517578 1.90576 1.82156 2.04848 0.697053
+threshold=72.700000000000003 24.500000000000004 13.500000000000002 59.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00056679981102533336 -0.0019617679156888608 0.00414891351613702 0.00030628901036399569 -0.0060341578074388866 0.0030346547903384049
+leaf_weight=39 46 44 43 39 50
+leaf_count=39 46 44 43 39 50
+internal_value=0 0.0209421 -0.0268786 -0.135106 0.0724151
+internal_weight=0 215 171 82 89
+internal_count=261 215 171 82 89
+shrinkage=0.02
+
+
+Tree=3626
+num_leaves=6
+num_cat=0
+split_feature=4 5 6 6 5
+split_gain=0.521083 1.45373 2.57245 2.38522 1.46209
+threshold=74.500000000000014 68.65000000000002 57.500000000000007 49.500000000000007 47.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0017961784431479281 0.0018914645275589599 -0.0038950285772923849 0.0048941581815076917 -0.0047879484140983869 0.0033635223632358254
+leaf_weight=42 49 40 39 44 47
+leaf_count=42 49 40 39 44 47
+internal_value=0 -0.0219522 0.0180641 -0.0481886 0.0460064
+internal_weight=0 212 172 133 89
+internal_count=261 212 172 133 89
+shrinkage=0.02
+
+
+Tree=3627
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.499688 1.39544 2.87196 7.28905 1.90143
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0012187888955166799 0.0018536892852764738 -0.0038172639502174754 0.0047101675240942458 -0.0082572380335276824 0.0047411491254870401
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.0215139 0.0176988 -0.0592502 0.103072
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=3628
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.506231 2.11529 2.2743 5.26458
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0016800067624209035 0.0048479529701524315 0.0040664314812401568 -0.0044241250628843628 -0.0040988078792560676
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0239505 -0.0344724 0.0455243
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3629
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.504305 3.08405 5.27965 2.31938 2.47774
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0044036994093161206 -0.0019900409442809856 -0.0046975189914995061 0.007929884227829918 -0.0017858532486125956 0.0045903677069424149
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0201326 0.0763002 -0.0163739 0.0665042
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3630
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=0.529364 1.20293 2.3751 3.57419
+threshold=42.500000000000007 73.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0019057753315908691 0.003908233603380799 -0.0030406391593076972 -0.0056591615958436437 0.0018299663015867735
+leaf_weight=49 53 54 44 61
+leaf_count=49 53 54 44 61
+internal_value=0 -0.0221249 0.0220683 -0.06512
+internal_weight=0 212 158 105
+internal_count=261 212 158 105
+shrinkage=0.02
+
+
+Tree=3631
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 3
+split_gain=0.508254 1.39363 6.3785 4.76731
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0020515104529691586 0.00071451227339673043 -0.0037927785495703793 0.0050254028626707551 -0.0078728187410798799
+leaf_weight=42 65 40 71 43
+leaf_count=42 65 40 71 43
+internal_value=0 -0.0197677 0.0180283 -0.135
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=3632
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.532474 1.35903 2.82377 7.16763 1.79212
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0011613813310381027 0.0019113110355381475 -0.0037866641572505302 0.0046502689859847001 -0.0082088733937694513 0.0046260488404351267
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.0221801 0.0165215 -0.0597822 0.101182
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=3633
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 3
+split_gain=0.519975 2.15778 1.47317 1.70132
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00060938612545790617 0.0014719519034427102 -0.0038710608869254198 -0.0019380210557148174 0.0051118395532582005
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.028129 0.0412877 0.122387
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=3634
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.514286 2.1192 2.17133 5.07945
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0016928373627455732 0.0047445998141030137 0.0040733333080501082 -0.0043368120699157058 -0.0040440528928942301
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0241319 -0.0343445 0.0438286
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3635
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 3
+split_gain=0.496029 2.0457 1.42282 1.6251
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00059182057790753786 0.0014388352274415034 -0.0037723554792395888 -0.001914719198637784 0.0050009148530719928
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0275037 0.0400968 0.119822
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=3636
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.529524 1.4324 2.50591 2.00256
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0020923811122544847 0.0002638674237219656 -0.00091068020242747124 -0.0059417155273267762 0.004751049320947988
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.0201629 -0.0991463 0.0636691
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3637
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 1
+split_gain=0.514743 1.98687 1.86773 1.35038
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014837996648768774 -0.0019565689370977355 0.0036347839622920711 -0.0034243494000794424 0.0033165170015725925
+leaf_weight=45 46 57 63 50
+leaf_count=45 46 57 63 50
+internal_value=0 0.0208877 -0.0369427 0.0517425
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3638
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.509293 1.39887 2.84665 6.95022 1.68491
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0010999987683456085 0.0018706979753651881 -0.003825341922879249 0.0046880314393753829 -0.0080876829414734206 0.0045130962042270887
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.021714 0.0175463 -0.0590642 0.0994416
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=3639
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 3
+split_gain=0.499182 1.35433 6.13934 4.52306
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.002033823854939683 0.00067657421040602766 -0.0037418145125037807 0.0049302400315888849 -0.007688520648362107
+leaf_weight=42 65 40 71 43
+leaf_count=42 65 40 71 43
+internal_value=0 -0.019597 0.0176669 -0.13247
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=3640
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.526399 1.33297 2.73892 6.6414 1.616
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0011041294907498365 0.0019007819614331204 -0.0037524777696946033 0.0045804598393459689 -0.0079292723970101429 0.0043942328544175875
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.0220573 0.0162747 -0.0588784 0.0960678
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=3641
+num_leaves=6
+num_cat=0
+split_feature=4 5 6 6 2
+split_gain=0.504798 1.27945 2.65905 2.14399 1.24335
+threshold=74.500000000000014 68.65000000000002 57.500000000000007 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0032821488240346339 0.0018628203301303905 -0.0036775594168777983 0.0049269811412791997 -0.004655304418342953 -0.0014817569981164327
+leaf_weight=42 49 40 39 44 47
+leaf_count=42 49 40 39 44 47
+internal_value=0 -0.0216174 0.0159446 -0.0514111 0.0379105
+internal_weight=0 212 172 133 89
+internal_count=261 212 172 133 89
+shrinkage=0.02
+
+
+Tree=3642
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.504404 2.09136 2.19807 5.06548
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0016770440051102774 0.0047520809858635537 0.0040454934621931005 -0.0043557786953172381 -0.004024481669160143
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.023911 -0.0341823 0.0444686
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3643
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 1
+split_gain=0.483621 2.00871 1.83596 1.05403
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0016435435080725334 0.0023638012774529716 0.0043813549827971142 -0.0043451477448776124 -0.0014008389192761688
+leaf_weight=58 67 42 39 55
+leaf_count=58 67 42 39 55
+internal_value=0 0.023429 -0.0274319 0.0330122
+internal_weight=0 203 161 122
+internal_count=261 203 161 122
+shrinkage=0.02
+
+
+Tree=3644
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 7 3
+split_gain=0.505348 1.96188 1.72867 1.7806 0.680379
+threshold=70.500000000000014 24.500000000000004 13.500000000000002 59.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00066364228694921633 -0.00199201604974819 0.0041915900259026605 0.00012786495313999797 -0.0057858731035292845 0.0028662006681187953
+leaf_weight=39 44 44 43 39 52
+leaf_count=39 44 44 43 39 52
+internal_value=0 0.0201527 -0.0278593 -0.133878 0.067264
+internal_weight=0 217 173 82 91
+internal_count=261 217 173 82 91
+shrinkage=0.02
+
+
+Tree=3645
+num_leaves=4
+num_cat=0
+split_feature=6 8 2
+split_gain=0.493018 1.64574 1.71417
+threshold=48.500000000000007 62.500000000000007 11.500000000000002
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.0013710824214284549 0.0029202740414207545 -0.0041694934350565271 0.00097585850455264936
+leaf_weight=77 73 42 69
+leaf_count=77 73 42 69
+internal_value=0 0.028624 -0.0482615
+internal_weight=0 184 111
+internal_count=261 184 111
+shrinkage=0.02
+
+
+Tree=3646
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.496363 1.59497 2.16783 1.64568
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 11.500000000000002
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0020283293289103414 -0.0032863204380807727 0.0040528978667504082 -0.0040862422218820339 0.00095636082593897971
+leaf_weight=42 57 51 42 69
+leaf_count=42 57 51 42 69
+internal_value=0 -0.019542 0.0311992 -0.0472911
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=3647
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 5 6
+split_gain=0.475919 1.53112 1.36185 1.65228 0.598607
+threshold=50.500000000000007 53.500000000000007 67.500000000000014 62.400000000000006 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 3 -3 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.001987830149339672 -0.0032206747512295076 -0.00046258806251704552 0.0004729240227934298 0.0053020257807747419 -0.0029864978270397421
+leaf_weight=42 57 39 42 41 40
+leaf_count=42 57 39 42 41 40
+internal_value=0 -0.0191482 0.0305756 0.124192 -0.0602979
+internal_weight=0 219 162 80 82
+internal_count=261 219 162 80 82
+shrinkage=0.02
+
+
+Tree=3648
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 4
+split_gain=0.489702 2.05105 1.35223 1.60021
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0006031825264335625 0.0014301500979418628 -0.0037729859061611266 -0.001841824666130244 0.0049470587717817607
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0273264 0.0403619 0.118114
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=3649
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.471099 1.38713 2.41391 2.06508
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0019781270937027601 0.00026925448399071759 -0.00094859958794217005 -0.0058221401543056472 0.004800192904292391
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.0190559 -0.0968029 0.0634574
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3650
+num_leaves=6
+num_cat=0
+split_feature=8 2 2 3 3
+split_gain=0.484162 2.00542 2.17567 1.20272 0.878186
+threshold=72.500000000000014 24.500000000000004 13.500000000000002 58.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00067050511265826212 -0.0018750181208503761 0.0042342216445254398 -0.00038582158458257284 -0.005326184644491111 0.003362260281419133
+leaf_weight=39 47 44 39 42 50
+leaf_count=39 47 44 39 42 50
+internal_value=0 0.0205557 -0.0287514 -0.147987 0.0793487
+internal_weight=0 214 170 81 89
+internal_count=261 214 170 81 89
+shrinkage=0.02
+
+
+Tree=3651
+num_leaves=5
+num_cat=0
+split_feature=3 2 3 2
+split_gain=0.471657 2.54736 1.77744 1.59312
+threshold=66.500000000000014 14.500000000000002 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0026185045501296955 0.0038772182072840328 -0.0026293154602411214 -0.0042970324792814844 -0.0020210716283782168
+leaf_weight=67 57 42 41 54
+leaf_count=67 57 42 41 54
+internal_value=0 0.0554444 -0.0339777 0.0270685
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=3652
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.486572 1.99019 2.10273 4.87493
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0016483700999052528 0.0046648283887469116 0.0039507255842937119 -0.0042560743750361093 -0.0039456682087941012
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.0234966 -0.0331821 0.0437535
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3653
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 1
+split_gain=0.506325 1.98723 1.78408 1.44942
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016041693025929241 -0.0019159737059663304 0.0036732903594625856 -0.0033546667419160174 0.0033672578809312275
+leaf_weight=45 47 56 63 50
+leaf_count=45 47 56 63 50
+internal_value=0 0.0209934 -0.0364649 0.0502255
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=3654
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 3 2
+split_gain=0.485481 1.98509 3.96459 4.09014 2.87081
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0039678149887875163 -0.0018777111234724686 0.0042152788992341431 0.0046814907950420296 -0.0075609729933185767 -0.0033671528407785188
+leaf_weight=41 47 44 43 41 45
+leaf_count=41 47 44 43 41 45
+internal_value=0 0.0205705 -0.0284873 -0.117781 0.00604193
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=3655
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.47804 3.17402 5.53261 2.36296 2.59473
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0044793171126377802 -0.0019396209144013415 -0.0047812958131109272 0.0080868396429437522 -0.0018809481020194698 0.0046432914719332745
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0196186 0.0765927 -0.0182742 0.0653737
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3656
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.468548 1.23619 2.69529 6.44711 1.5653
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0010946348995267811 0.0017970901192303512 -0.0036081872970825245 0.0045423845103887105 -0.0078224665112468054 0.0043177014065428638
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.0208696 0.0160585 -0.058496 0.0941682
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=3657
+num_leaves=4
+num_cat=0
+split_feature=6 8 2
+split_gain=0.49074 1.57624 1.61705
+threshold=48.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.0013681766060565843 0.002869385266713508 -0.0027613042975354334 0.0022883958820023977
+leaf_weight=77 73 71 40
+leaf_count=77 73 71 40
+internal_value=0 0.0285533 -0.0467047
+internal_weight=0 184 111
+internal_count=261 184 111
+shrinkage=0.02
+
+
+Tree=3658
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.487918 2.89105 1.80385 4.04705
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0043950771891270489 0.0053805613407537645 -0.0016276636788169138 -0.0034354976829475575 0.0038863793816245489
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0563464 -0.0345425 0.0259461
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3659
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 7
+split_gain=0.495203 1.19497 2.37055 2.23993
+threshold=42.500000000000007 73.500000000000014 10.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0018455050145629859 0.003915935653357132 -0.0030183131824431325 -0.0048827689184601586 0.0010957601001131492
+leaf_weight=49 53 54 42 63
+leaf_count=49 53 54 42 63
+internal_value=0 -0.0214292 0.0226198 -0.0644849
+internal_weight=0 212 158 105
+internal_count=261 212 158 105
+shrinkage=0.02
+
+
+Tree=3660
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.479568 1.49479 2.05357 1.57383
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 11.500000000000002
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0019949744219929584 -0.0031888102663937775 0.0039364627028470973 -0.0040019377654483433 0.00093055290521804935
+leaf_weight=42 57 51 42 69
+leaf_count=42 57 51 42 69
+internal_value=0 -0.0192264 0.029909 -0.0464969
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=3661
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.483762 2.75852 1.76484 3.93455
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0043522974131022249 0.0052781407770397786 -0.0015684673003077171 -0.0033904417192678693 0.0038294431453183655
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0561215 -0.0343948 0.02544
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3662
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 3
+split_gain=0.481237 1.53037 6.23844 4.26609
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019983476117015988 0.0006101085152290962 -0.0039431248687808278 0.0050201738693383038 -0.0075145505636148571
+leaf_weight=42 65 40 71 43
+leaf_count=42 65 40 71 43
+internal_value=0 -0.0192562 0.0203361 -0.131004
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=3663
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 3
+split_gain=0.504406 2.08022 1.36692 1.65417
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00064259673663042435 0.0014505661425555617 -0.0038034883856943465 -0.0018543838890732879 0.0049997355023720111
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0277211 0.0404438 0.118611
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=3664
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 2
+split_gain=0.494372 2.66251 1.76272 1.62604
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0026190178756371192 0.0052174406547298635 -0.0015096027473651651 -0.004297671707182405 -0.0020678377529047809
+leaf_weight=67 39 60 41 54
+leaf_count=67 39 60 41 54
+internal_value=0 0.0567092 -0.0347553 0.0260385
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=3665
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.510901 2.03414 3.15725 4.20083
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0043144933605301196 0.0014594501184060009 -0.0046446367727541581 -0.0020174894795277078 0.0058378292031031759
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0278958 0.0250486 0.113047
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=3666
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.511937 1.20385 2.50608 5.10726
+threshold=42.500000000000007 50.650000000000013 67.500000000000014 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0018753101185817497 -0.0033211790430512167 0.0030478924788183027 -0.0071182915882556895 0.0024528785965484928
+leaf_weight=49 46 76 41 49
+leaf_count=49 46 76 41 49
+internal_value=0 -0.0217709 0.0180248 -0.0950291
+internal_weight=0 212 166 90
+internal_count=261 212 166 90
+shrinkage=0.02
+
+
+Tree=3667
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.51501 1.16262 2.47269 6.56578 1.49488
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00097788832149207829 0.0018807914926584515 -0.0035324356041705487 0.0043245972104788838 -0.0078619629333582727 0.0043120473349865648
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.02183 0.0139928 -0.0574309 0.0966315
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=3668
+num_leaves=5
+num_cat=0
+split_feature=3 9 3 2
+split_gain=0.507723 2.69682 1.74433 1.56408
+threshold=66.500000000000014 67.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0025639730495064278 0.0052580396712421304 -0.0015118886901750051 -0.0042879654891609369 -0.0020337982410993903
+leaf_weight=67 39 60 41 54
+leaf_count=67 39 60 41 54
+internal_value=0 0.0574404 -0.0352035 0.0252739
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=3669
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.488131 1.18511 2.41076 4.99526
+threshold=42.500000000000007 50.650000000000013 67.500000000000014 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0018328827926868186 -0.0032891811880367762 0.0030004758764005956 -0.0070141905259920615 0.0024518736472969416
+leaf_weight=49 46 76 41 49
+leaf_count=49 46 76 41 49
+internal_value=0 -0.0212773 0.0182112 -0.0926831
+internal_weight=0 212 166 90
+internal_count=261 212 166 90
+shrinkage=0.02
+
+
+Tree=3670
+num_leaves=5
+num_cat=0
+split_feature=4 5 6 5
+split_gain=0.50148 1.12954 5.06769 1.29526
+threshold=74.500000000000014 62.400000000000006 51.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016710013005238745 0.0018568853808926401 0.0016826886232913761 -0.0072060617555079007 0.0029659918091763972
+leaf_weight=42 49 69 43 58
+leaf_count=42 49 69 43 58
+internal_value=0 -0.0215508 -0.0728416 0.0505327
+internal_weight=0 212 143 100
+internal_count=261 212 143 100
+shrinkage=0.02
+
+
+Tree=3671
+num_leaves=6
+num_cat=0
+split_feature=4 5 6 5 2
+split_gain=0.480832 1.1463 2.50715 2.22658 1.16916
+threshold=74.500000000000014 68.65000000000002 57.500000000000007 52.800000000000004 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0032121511776330553 0.0018198009882678756 -0.003496816167071004 0.0047648569403751636 -0.0048436806157730753 -0.0013648781922554957
+leaf_weight=42 49 40 39 42 49
+leaf_count=42 49 40 39 42 49
+internal_value=0 -0.0211174 0.0144563 -0.0509555 0.0369829
+internal_weight=0 212 172 133 91
+internal_count=261 212 172 133 91
+shrinkage=0.02
+
+
+Tree=3672
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 4
+split_gain=0.486113 6.17265 3.87119 2.02569
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014418017942933277 0.0018526935740446682 -0.0076176238091272075 0.0051124507283222967 -0.004018497504330391
+leaf_weight=59 48 39 64 51
+leaf_count=59 48 39 64 51
+internal_value=0 -0.020961 0.0596017 -0.0541735
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=3673
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 1
+split_gain=0.484496 2.04817 1.19977 1.56291
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 5.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0048919358885366688 0.0014228751259246376 -0.0037679091605651994 -0.0016877469008047127 -0.0005864077946298998
+leaf_weight=44 72 56 49 40
+leaf_count=44 72 56 49 40
+internal_value=0 -0.0271842 0.0404571 0.113768
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=3674
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.473674 1.14406 2.39165 4.83755
+threshold=42.500000000000007 50.650000000000013 67.500000000000014 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0018067878864922687 -0.0032337424221151635 0.0029827452441612569 -0.0069310421907527332 0.0023847913146869261
+leaf_weight=49 46 76 41 49
+leaf_count=49 46 76 41 49
+internal_value=0 -0.0209641 0.0178422 -0.0926147
+internal_weight=0 212 166 90
+internal_count=261 212 166 90
+shrinkage=0.02
+
+
+Tree=3675
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.480486 2.69248 1.74929 3.47682
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0019937564078688149 0.005225003021686987 -0.0015396438554656155 0.001995561104899189 -0.0055180940743832785
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0559475 -0.034274 -0.115645
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=3676
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 8
+split_gain=0.470114 1.10109 2.13909 1.73455
+threshold=42.500000000000007 50.650000000000013 64.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0018004152061547138 -0.0031796449725581839 0.0036300229370753874 -0.0035669231132871011 0.0014425236088015743
+leaf_weight=49 46 54 60 52
+leaf_count=49 46 54 60 52
+internal_value=0 -0.0208808 0.0171983 -0.0617261
+internal_weight=0 212 166 112
+internal_count=261 212 166 112
+shrinkage=0.02
+
+
+Tree=3677
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 2
+split_gain=0.474064 2.6038 1.74493 4.07279
+threshold=66.500000000000014 67.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0043248349820880312 0.0051503222243298287 -0.0015026780212304548 -0.0034578826879198507 0.0038871734982673036
+leaf_weight=40 39 60 56 66
+leaf_count=40 39 60 56 66
+internal_value=0 0.0555956 -0.0340452 0.0254535
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3678
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=0.485304 1.11938 2.31187 3.2793
+threshold=42.500000000000007 73.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0018281446774160884 0.0038498694163966326 -0.0029318911408196318 -0.0054658024126314278 0.0017091269215039112
+leaf_weight=49 53 54 44 61
+leaf_count=49 53 54 44 61
+internal_value=0 -0.0211997 0.0214497 -0.0645767
+internal_weight=0 212 158 105
+internal_count=261 212 158 105
+shrinkage=0.02
+
+
+Tree=3679
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 3
+split_gain=0.467065 6.04583 4.00475 2.55342
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0047617122085962058 0.0018177589842329309 -0.0075353477527021545 0.0018156231225834459 -0.0045586589699170123
+leaf_weight=73 48 39 50 51
+leaf_count=73 48 39 50 51
+internal_value=0 -0.0205496 0.0591819 -0.0698043
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=3680
+num_leaves=5
+num_cat=0
+split_feature=2 8 9 1
+split_gain=0.494351 2.06902 2.15502 4.67898
+threshold=7.5000000000000009 69.500000000000014 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0016605274587361562 0.0045891286616557966 0.0040223433710493348 -0.0043180336521314597 -0.0038471416834942071
+leaf_weight=58 60 50 46 47
+leaf_count=58 60 50 46 47
+internal_value=0 0.023699 -0.034085 0.0437956
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=3681
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.4892 2.01142 1.82486 1.70235
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014188873400558205 0.0014297180096251188 -0.0043086150569563589 0.0041841387958430247 -0.0037675930498469986
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0272994 0.0295895 -0.04093
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3682
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 6
+split_gain=0.481095 1.11147 2.45781 6.47923 0.935432
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00039141185179310804 0.00182065683138973 -0.0034502860752013602 0.0043112779675257805 -0.0078146744460157545 0.0038040104512739809
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.0211042 0.0139308 -0.0572785 0.0957657
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=3683
+num_leaves=5
+num_cat=0
+split_feature=3 2 9 2
+split_gain=0.470042 2.55601 1.72173 4.0505
+threshold=66.500000000000014 14.500000000000002 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0042979429193289167 0.003880460170703572 -0.0026370428758645697 -0.0034520570680549572 0.003872971158005006
+leaf_weight=40 57 42 56 66
+leaf_count=40 57 42 56 66
+internal_value=0 0.0553737 -0.0339015 0.0252029
+internal_weight=0 99 162 122
+internal_count=261 99 162 122
+shrinkage=0.02
+
+
+Tree=3684
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 1
+split_gain=0.489927 1.10892 2.26125 0.574766
+threshold=42.500000000000007 73.500000000000014 57.500000000000007 3.5000000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.001836578664807358 -8.7398285608691556e-05 -0.0029221963143037828 0.0031201313044522316 -0.0033943181356407798
+leaf_weight=49 45 54 70 43
+leaf_count=49 45 54 70 43
+internal_value=0 -0.021292 0.02116 -0.0856888
+internal_weight=0 212 158 88
+internal_count=261 212 158 88
+shrinkage=0.02
+
+
+Tree=3685
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.48357 1.11542 2.34594 6.28435 1.4129
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00092847613581068412 0.0018250355620520989 -0.0034567090855562271 0.0042193352329888368 -0.0076813094661156676 0.0042158260981184003
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.0211618 0.0139346 -0.0556429 0.095084
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=3686
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 3
+split_gain=0.471181 1.09271 2.0936 2.80913
+threshold=42.500000000000007 50.650000000000013 19.500000000000004 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0018024424716317048 -0.0031696841042445955 -0.0038933253393143275 0.00342177533304833 0.0027361832464537546
+leaf_weight=49 46 66 58 42
+leaf_count=49 46 66 58 42
+internal_value=0 -0.0209001 0.0170355 -0.0653839
+internal_weight=0 212 166 108
+internal_count=261 212 166 108
+shrinkage=0.02
+
+
+Tree=3687
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 8
+split_gain=0.469645 1.444 2.04661 1.55373
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0019755529614959274 -0.0031370950207853143 0.0039185447159323745 -0.0037714865594833048 0.0010538850516763284
+leaf_weight=42 57 51 46 65
+leaf_count=42 57 51 46 65
+internal_value=0 -0.0190099 0.029291 -0.0469866
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=3688
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 3 2
+split_gain=0.475367 1.93858 3.98702 4.11398 2.67099
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0038428665480243341 -0.0018582525385244144 0.0041673731146494846 0.0047042253253311581 -0.007573155309848029 -0.0032339703815856742
+leaf_weight=41 47 44 43 41 45
+leaf_count=41 47 44 43 41 45
+internal_value=0 0.0203927 -0.0280905 -0.117635 0.00654786
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=3689
+num_leaves=6
+num_cat=0
+split_feature=9 7 3 2 3
+split_gain=0.485794 3.33646 4.84651 1.16812 1.76743
+threshold=60.500000000000007 66.500000000000014 72.500000000000014 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=3 -2 -3 4 -1
+right_child=1 2 -4 -5 -6
+leaf_value=-0.00080613465040029701 -0.0053719758589453838 -0.0035943625966437477 0.006031006636778081 -0.0016010401503773019 0.0050251991799196705
+leaf_weight=39 44 40 44 49 45
+leaf_count=39 44 40 44 49 45
+internal_value=0 -0.0448905 0.0719403 0.0431453 0.115493
+internal_weight=0 128 84 133 84
+internal_count=261 128 84 133 84
+shrinkage=0.02
+
+
+Tree=3690
+num_leaves=5
+num_cat=0
+split_feature=5 3 9 1
+split_gain=0.499179 1.86097 1.75399 2.62634
+threshold=72.700000000000003 66.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0043074428056403234 -0.0019274901830117614 0.0036822325599823653 -0.0026491270992863043 0.0032561554970955264
+leaf_weight=40 46 53 56 66
+leaf_count=40 46 53 56 66
+internal_value=0 0.0206013 -0.0327024 0.0269508
+internal_weight=0 215 162 122
+internal_count=261 215 162 122
+shrinkage=0.02
+
+
+Tree=3691
+num_leaves=6
+num_cat=0
+split_feature=9 7 3 9 3
+split_gain=0.483543 3.20333 4.70448 1.07018 2.88799
+threshold=60.500000000000007 66.500000000000014 72.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=3 -2 -3 4 -1
+right_child=1 2 -4 -5 -6
+leaf_value=0.0036227413248117353 -0.0052805478731899379 -0.0035653524887721334 0.0059185163998295457 0.0034795168403381257 -0.0036045062761892932
+leaf_weight=40 44 40 44 43 50
+leaf_count=40 44 40 44 43 50
+internal_value=0 -0.0447991 0.0696832 0.0430407 -0.0191598
+internal_weight=0 128 84 133 90
+internal_count=261 128 84 133 90
+shrinkage=0.02
+
+
+Tree=3692
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 1
+split_gain=0.517803 1.74625 1.86497 1.47771
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015265075111894353 -0.0019617830173866281 0.0034373871377121452 -0.003349214620086118 0.0034920531774390979
+leaf_weight=45 46 57 63 50
+leaf_count=45 46 57 63 50
+internal_value=0 0.0209662 -0.0332725 0.0553526
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3693
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 3 6
+split_gain=0.500867 1.88861 3.79656 4.03081 4.5468
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0046431209197408943 -0.0019056497322720329 0.0041292649629501117 0.0046001322734569054 -0.0074548131380786226 0.0045762042727363547
+leaf_weight=41 47 44 43 41 45
+leaf_count=41 47 44 43 41 45
+internal_value=0 0.0209025 -0.0269551 -0.114351 0.00857241
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=3694
+num_leaves=5
+num_cat=0
+split_feature=5 3 8 5
+split_gain=0.480625 1.80667 1.70956 1.18092
+threshold=72.700000000000003 66.500000000000014 54.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001617360382400841 -0.0018928197382690334 0.0036272103490354612 -0.0033060795948975643 0.0027974743865378645
+leaf_weight=42 46 53 61 59
+leaf_count=42 46 53 61 59
+internal_value=0 0.0202256 -0.0323002 0.0476919
+internal_weight=0 215 162 101
+internal_count=261 215 162 101
+shrinkage=0.02
+
+
+Tree=3695
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 3
+split_gain=0.512082 2.73971 1.79712 0.578928
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0027901697923558232 -0.0031196259330541695 0.0051704483999913129 0.0019041108619084924 0.00021656033540445703
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0316084 -0.0376208 -0.0644187
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=3696
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 6
+split_gain=0.497681 1.37438 2.13395 1.55221
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0020312837869573552 -0.0030814879969746764 0.0039541873503319549 -0.0030866663039128728 0.0017088810584637885
+leaf_weight=42 57 51 63 48
+leaf_count=42 57 51 63 48
+internal_value=0 -0.0195486 0.0275838 -0.0502972
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=3697
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 3 6
+split_gain=0.491945 1.80806 3.68848 3.94352 4.35052
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.004523113935510986 -0.0018891321797266567 0.0040466616096049854 0.0045438125917425512 -0.0073569815543473192 0.0044958157184411245
+leaf_weight=41 47 44 43 41 45
+leaf_count=41 47 44 43 41 45
+internal_value=0 0.020729 -0.0261031 -0.112257 0.00933085
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=3698
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 3
+split_gain=0.521124 2.71158 2.84164 1.51702 0.57391
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0015303135154817972 -0.003122557603134572 0.0051527813801440789 -0.0049909660063073343 0.0036714757398599905 0.00019940105154682986
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0318852 -0.0369888 0.0631267 -0.0649544
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=3699
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 3
+split_gain=0.499579 2.60365 1.66203 0.550534
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0026857139927470865 -0.0030602186397366399 0.0050499014536634045 0.0018305493461422651 0.00019541922827700991
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0312438 -0.0362506 -0.0636484
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=3700
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 3
+split_gain=0.523182 1.53514 6.08354 4.25537
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0020809150140600587 0.00062986196779757765 -0.0039636812000789935 0.0049488444030242953 -0.0074846722970283979
+leaf_weight=42 65 40 71 43
+leaf_count=42 65 40 71 43
+internal_value=0 -0.0200142 0.0196389 -0.129814
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=3701
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 3
+split_gain=0.501686 1.47367 5.84193 4.08653
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0020393659162753716 0.00061727845700395006 -0.0038845460891857508 0.0048499648786050724 -0.0073352216569901839
+leaf_weight=42 65 40 71 43
+leaf_count=42 65 40 71 43
+internal_value=0 -0.0196121 0.0192454 -0.127215
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=3702
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 3
+split_gain=0.48104 1.41464 5.60988 3.92437
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019986457642081914 0.00060494601886833406 -0.0038069909448438612 0.004753061222580561 -0.0071887555807488993
+leaf_weight=42 65 40 71 43
+leaf_count=42 65 40 71 43
+internal_value=0 -0.019218 0.0188597 -0.124667
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=3703
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=0.531573 3.32306 4.69821 2.17739
+threshold=8.5000000000000018 20.500000000000004 67.65000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00030964108159416002 -0.0038689993234533515 -0.0034978302903738096 0.0082519660409161415 0.0022611062953963833
+leaf_weight=75 54 52 39 41
+leaf_count=75 54 52 39 41
+internal_value=0 0.0347527 0.130779 -0.0607622
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3704
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=0.509561 3.19078 4.5119 2.09059
+threshold=8.5000000000000018 20.500000000000004 67.65000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00030345372574790207 -0.0037917194873320547 -0.0034279677443262119 0.0080872228150481243 0.0022159610778303778
+leaf_weight=75 54 52 39 41
+leaf_count=75 54 52 39 41
+internal_value=0 0.0340499 0.128161 -0.0595397
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3705
+num_leaves=5
+num_cat=0
+split_feature=8 3 9 2
+split_gain=0.534274 1.91564 1.71424 3.68898
+threshold=72.500000000000014 66.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0042544116071254086 -0.0019654737853284647 0.0037883886860460704 -0.003238516101144907 0.0037533828149508368
+leaf_weight=40 47 52 56 66
+leaf_count=40 47 52 56 66
+internal_value=0 0.0215793 -0.0321071 0.0268708
+internal_weight=0 214 162 122
+internal_count=261 214 162 122
+shrinkage=0.02
+
+
+Tree=3706
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 8
+split_gain=0.512681 1.76884 3.28019 1.23063
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013815488694948164 -0.0019522176815885408 -0.0034485873300415309 0.0058803725344985435 -0.0025674618003308637
+leaf_weight=73 46 39 46 57
+leaf_count=73 46 39 46 57
+internal_value=0 0.0208763 0.0639897 -0.017212
+internal_weight=0 215 176 130
+internal_count=261 215 176 130
+shrinkage=0.02
+
+
+Tree=3707
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=0.496815 1.11734 2.26806 3.14876
+threshold=42.500000000000007 73.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0018490650498602232 0.0038122564518555026 -0.0029342086284468061 -0.0053715003548443175 0.0016598816130347508
+leaf_weight=49 53 54 44 61
+leaf_count=49 53 54 44 61
+internal_value=0 -0.0214291 0.0211816 -0.0640302
+internal_weight=0 212 158 105
+internal_count=261 212 158 105
+shrinkage=0.02
+
+
+Tree=3708
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 9
+split_gain=0.494206 3.06515 4.40255 2.09234
+threshold=8.5000000000000018 20.500000000000004 67.65000000000002 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00031569483861539565 0.0023852335325067297 -0.0033566778705070638 0.0079730645347685057 -0.0036660462338294663
+leaf_weight=75 39 52 39 56
+leaf_count=75 39 52 39 56
+internal_value=0 0.033548 0.125804 -0.0586747
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3709
+num_leaves=6
+num_cat=0
+split_feature=5 2 9 3 2
+split_gain=0.523839 1.82003 3.64116 3.81243 2.72794
+threshold=72.700000000000003 24.500000000000004 66.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0039022270361669521 -0.0019725734505188657 0.0040679504270452966 0.0044484748216762227 -0.0072661514646102255 -0.0032490110837066944
+leaf_weight=41 46 44 44 41 45
+leaf_count=41 46 44 44 41 45
+internal_value=0 0.021093 -0.0256459 -0.111981 0.00757031
+internal_weight=0 215 171 127 86
+internal_count=261 215 171 127 86
+shrinkage=0.02
+
+
+Tree=3710
+num_leaves=5
+num_cat=0
+split_feature=5 3 9 1
+split_gain=0.502335 1.81002 1.70743 2.41694
+threshold=72.700000000000003 66.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0042432291502663404 -0.0019331813495123439 0.0036390537692088973 -0.0025198554451854255 0.0031467755627610497
+leaf_weight=40 46 53 56 66
+leaf_count=40 46 53 56 66
+internal_value=0 0.0206718 -0.031902 0.0269596
+internal_weight=0 215 162 122
+internal_count=261 215 162 122
+shrinkage=0.02
+
+
+Tree=3711
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 1
+split_gain=0.501921 1.07916 1.92399 0.610654
+threshold=42.500000000000007 73.500000000000014 57.500000000000007 3.5000000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0018581637499020011 7.3056742036477511e-05 -0.0028939091274902346 0.0028968615393989423 -0.0032956138307876095
+leaf_weight=49 45 54 70 43
+leaf_count=49 45 54 70 43
+internal_value=0 -0.0215353 0.0203497 -0.0782613
+internal_weight=0 212 158 88
+internal_count=261 212 158 88
+shrinkage=0.02
+
+
+Tree=3712
+num_leaves=5
+num_cat=0
+split_feature=8 5 2 4
+split_gain=0.527449 2.0137 1.65335 1.47806
+threshold=62.500000000000007 55.150000000000006 19.500000000000004 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0014414891574878025 -0.0029119504339268597 0.0044595123436851191 0.0021928207740273178 -0.0033092696990159832
+leaf_weight=59 71 43 40 48
+leaf_count=59 71 43 40 48
+internal_value=0 0.0393628 -0.0532484 -0.0341495
+internal_weight=0 150 111 107
+internal_count=261 150 111 107
+shrinkage=0.02
+
+
+Tree=3713
+num_leaves=5
+num_cat=0
+split_feature=8 5 6 4
+split_gain=0.505706 1.93324 1.61624 1.41887
+threshold=62.500000000000007 55.150000000000006 69.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0014126938566835434 -0.0031660636876735897 0.0043704668775854747 0.0017261983652930263 -0.0032431805661110513
+leaf_weight=59 63 43 48 48
+leaf_count=59 63 43 48 48
+internal_value=0 0.0385767 -0.0521767 -0.0334603
+internal_weight=0 150 111 107
+internal_count=261 150 111 107
+shrinkage=0.02
+
+
+Tree=3714
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 8
+split_gain=0.496527 2.99812 4.27983 2.06503
+threshold=8.5000000000000018 20.500000000000004 67.65000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00029445277430951809 0.0015638851213763318 -0.0033109374208558614 0.0078783226467808217 -0.0043673651884384972
+leaf_weight=75 51 52 39 44
+leaf_count=75 51 52 39 44
+internal_value=0 0.0336307 0.12488 -0.0587999
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3715
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.511651 1.81699 3.42586 6.21655
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00069394009257662951 -0.0019502199912293759 -0.0035006577139212588 -0.0022272043254768798 0.0089842571677461614
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0208615 0.0645494 0.175678
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3716
+num_leaves=4
+num_cat=0
+split_feature=8 2 6
+split_gain=0.509162 1.65501 1.4201
+threshold=62.500000000000007 19.500000000000004 48.500000000000007
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=-0.0011263559129612603 -0.0028950449292193797 0.0022123709915283468 0.0027884417402873995
+leaf_weight=77 71 40 73
+leaf_count=77 71 40 73
+internal_value=0 -0.0523549 0.0386963
+internal_weight=0 111 150
+internal_count=261 111 150
+shrinkage=0.02
+
+
+Tree=3717
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 3
+split_gain=0.478356 1.28486 5.68196 4.00042
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019931519341803176 0.00058183019868290995 -0.003647614925437834 0.0047464617295524857 -0.0072866528595070959
+leaf_weight=42 65 40 71 43
+leaf_count=42 65 40 71 43
+internal_value=0 -0.0191732 0.0171315 -0.127314
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=3718
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 4
+split_gain=0.504037 1.25155 3.11841 1.95884
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0012238291018621446 0.0018620073802303046 -0.005759760443332762 0.0013186327890720665 0.0041541731864093651
+leaf_weight=65 49 48 52 47
+leaf_count=65 49 48 52 47
+internal_value=0 -0.021575 -0.103633 0.0513529
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=3719
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 9
+split_gain=0.495749 2.90658 4.23382 2.01233
+threshold=8.5000000000000018 20.500000000000004 67.65000000000002 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00030784525794021872 0.0023151953936782614 -0.0032505219008624043 0.0078210732779418653 -0.0036201090393420191
+leaf_weight=75 39 52 39 56
+leaf_count=75 39 52 39 56
+internal_value=0 0.0336017 0.123459 -0.0587592
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3720
+num_leaves=6
+num_cat=0
+split_feature=5 2 9 7 6
+split_gain=0.514317 1.80872 3.57053 3.95419 4.60354
+threshold=72.700000000000003 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0045215006066043053 -0.0019551662387520831 0.0040530980505017111 0.004399549380884789 -0.0073424751936504084 0.0047472596370716717
+leaf_weight=42 46 44 44 41 44
+leaf_count=42 46 44 44 41 44
+internal_value=0 0.0209106 -0.025684 -0.111184 0.0105683
+internal_weight=0 215 171 127 86
+internal_count=261 215 171 127 86
+shrinkage=0.02
+
+
+Tree=3721
+num_leaves=5
+num_cat=0
+split_feature=8 7 6 3
+split_gain=0.493996 2.23413 1.56179 2.0067
+threshold=50.500000000000007 58.500000000000007 63.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0014230302227037754 -0.0048316999982126177 0.0031820196927439758 -0.004155497630728003 0.0017765918140330037
+leaf_weight=73 39 57 44 48
+leaf_count=73 39 57 44 48
+internal_value=0 -0.0276782 0.0281297 -0.0526404
+internal_weight=0 188 149 92
+internal_count=261 188 149 92
+shrinkage=0.02
+
+
+Tree=3722
+num_leaves=5
+num_cat=0
+split_feature=5 3 8 5
+split_gain=0.495673 1.79616 1.78012 1.13232
+threshold=72.700000000000003 66.500000000000014 54.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001522438189805985 -0.0019206971327291281 0.0036242977378000891 -0.0033503755810087243 0.0028015659138022979
+leaf_weight=42 46 53 61 59
+leaf_count=42 46 53 61 59
+internal_value=0 0.0205453 -0.0318282 0.049787
+internal_weight=0 215 162 101
+internal_count=261 215 162 101
+shrinkage=0.02
+
+
+Tree=3723
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.490314 1.29071 2.07255 1.67855
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.002017029426303022 -0.0029965032947048826 0.0038796369829391091 -0.0028703005016646817 0.0022731724706468422
+leaf_weight=42 57 51 71 40
+leaf_count=42 57 51 71 40
+internal_value=0 -0.0193965 0.0262932 -0.0504665
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=3724
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 8
+split_gain=0.480382 2.84581 4.17413 1.92516
+threshold=8.5000000000000018 20.500000000000004 67.65000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00031697378704872466 0.0014884656527655356 -0.0032195576788889421 0.0077546780286983728 -0.0042400516486097587
+leaf_weight=75 51 52 39 44
+leaf_count=75 51 52 39 44
+internal_value=0 0.0330998 0.122022 -0.0578748
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3725
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.496993 1.77438 3.40411 6.07617
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00066913769293264777 -0.0019231716279018874 -0.0034607062352445079 -0.0022320457055247512 0.0088993539166837988
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0205708 0.0637511 0.17453
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3726
+num_leaves=4
+num_cat=0
+split_feature=8 1 9
+split_gain=0.491398 1.47842 2.68539
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=0.0014192960369810454 -0.0028715820687293873 -0.0018154832187318513 0.004290311323212205
+leaf_weight=73 70 67 51
+leaf_count=73 70 67 51
+internal_value=0 -0.0276147 0.0408833
+internal_weight=0 188 118
+internal_count=261 188 118
+shrinkage=0.02
+
+
+Tree=3727
+num_leaves=6
+num_cat=0
+split_feature=5 2 2 3 3
+split_gain=0.49099 1.77843 1.63582 1.86311 0.771885
+threshold=72.700000000000003 24.500000000000004 13.500000000000002 59.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00075162209129894905 -0.0019121279429530332 0.0040135656265761271 0.00030174707177254911 -0.0057472097076187671 0.0030351427419396467
+leaf_weight=39 46 44 43 39 50
+leaf_count=39 46 44 43 39 50
+internal_value=0 0.0204432 -0.0257624 -0.128395 0.0683753
+internal_weight=0 215 171 82 89
+internal_count=261 215 171 82 89
+shrinkage=0.02
+
+
+Tree=3728
+num_leaves=5
+num_cat=0
+split_feature=2 5 8 2
+split_gain=0.478622 2.03986 2.03561 0.878401
+threshold=7.5000000000000009 70.65000000000002 62.500000000000007 22.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0016348739152359474 0.0020592265378179884 0.0042950699149561442 -0.0043835250666709935 -0.0016053767988627443
+leaf_weight=58 76 44 42 41
+leaf_count=58 76 44 42 41
+internal_value=0 0.0233371 -0.0294532 0.0384012
+internal_weight=0 203 159 117
+internal_count=261 203 159 117
+shrinkage=0.02
+
+
+Tree=3729
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 7 6
+split_gain=0.500944 1.82399 3.47705 3.83986 4.50056
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0044759720920921368 -0.0019056513974538448 0.0040660763820174715 0.0043966172873845842 -0.0072404633997230896 0.0046890011433167933
+leaf_weight=42 47 44 43 41 44
+leaf_count=42 47 44 43 41 44
+internal_value=0 0.0209111 -0.0261255 -0.109792 0.0101895
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=3730
+num_leaves=6
+num_cat=0
+split_feature=9 7 3 2 3
+split_gain=0.495123 2.90808 4.6265 1.25656 1.63838
+threshold=60.500000000000007 66.500000000000014 72.500000000000014 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=3 -2 -3 4 -1
+right_child=1 2 -4 -5 -6
+leaf_value=-0.00062990225166929077 -0.0050850384136598911 -0.0036421529395728449 0.0057634537634407013 -0.0016836371099861426 0.0049856230133199265
+leaf_weight=39 44 40 44 49 45
+leaf_count=39 44 40 44 49 45
+internal_value=0 -0.0453046 0.0637887 0.0435394 0.118527
+internal_weight=0 128 84 133 84
+internal_count=261 128 84 133 84
+shrinkage=0.02
+
+
+Tree=3731
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.519028 1.76307 3.34204 6.01531
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0006627806186290504 -0.001964020695038413 -0.0034400507448456123 -0.0021943680570569355 0.0088577675375084691
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0209898 0.0640338 0.173804
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3732
+num_leaves=6
+num_cat=0
+split_feature=4 2 9 9 8
+split_gain=0.524267 1.25595 2.87989 3.82213 2.46785
+threshold=50.500000000000007 25.500000000000004 76.500000000000014 61.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0020826322568874051 0.0026852397695062663 -0.0036287427665528615 -0.004343389611712099 0.0062037950778649166 -0.0039970274906244033
+leaf_weight=42 43 40 41 49 46
+leaf_count=42 43 40 41 49 46
+internal_value=0 -0.0200521 0.015845 0.0854387 -0.0379981
+internal_weight=0 219 179 138 89
+internal_count=261 219 179 138 89
+shrinkage=0.02
+
+
+Tree=3733
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.502752 1.29329 2.02754 1.66327
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0020410490408628323 -0.0030041574248503905 0.0038391896506356762 -0.0028495071525393924 0.0022707972108633521
+leaf_weight=42 57 51 71 40
+leaf_count=42 57 51 71 40
+internal_value=0 -0.019652 0.0260825 -0.0498441
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=3734
+num_leaves=5
+num_cat=0
+split_feature=8 7 6 9
+split_gain=0.486228 2.19212 1.48574 1.89018
+threshold=50.500000000000007 58.500000000000007 63.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0014119065558354049 -0.0047877891399853061 0.0031117074430283909 -0.004235739721080988 0.00155188944443859
+leaf_weight=73 39 57 41 51
+leaf_count=73 39 57 41 51
+internal_value=0 -0.0274846 0.0277985 -0.0509975
+internal_weight=0 188 149 92
+internal_count=261 188 149 92
+shrinkage=0.02
+
+
+Tree=3735
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.472743 3.01084 5.06356 2.19799 2.30585
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.00428361527991765 -0.0019288616555603231 -0.0046489312572799016 0.0077727330239490376 -0.0017069686097949475 0.0044456243748436219
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0195348 0.0750385 -0.0157207 0.0649706
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3736
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 6
+split_gain=0.483383 1.2571 2.4788 2.18097
+threshold=50.500000000000007 63.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0020029067958806739 0.00036764924562935101 -0.0010927266031915883 -0.005804928138712433 0.0048144220982208608
+leaf_weight=42 72 65 41 41
+leaf_count=42 72 65 41 41
+internal_value=0 -0.0192832 -0.0933545 0.0593121
+internal_weight=0 219 113 106
+internal_count=261 219 113 106
+shrinkage=0.02
+
+
+Tree=3737
+num_leaves=6
+num_cat=0
+split_feature=5 2 9 7 4
+split_gain=0.484117 1.71662 3.56239 3.85078 1.00033
+threshold=72.700000000000003 24.500000000000004 66.500000000000014 59.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0020773700543613308 -0.0018994086843678562 0.0039481529118740458 0.0044055788680515467 -0.0072618984136846544 0.0022790421689987605
+leaf_weight=41 46 44 44 41 45
+leaf_count=41 46 44 44 41 45
+internal_value=0 0.0202961 -0.0251048 -0.110509 0.00964264
+internal_weight=0 215 171 127 86
+internal_count=261 215 171 127 86
+shrinkage=0.02
+
+
+Tree=3738
+num_leaves=6
+num_cat=0
+split_feature=9 7 3 2 3
+split_gain=0.482087 2.95227 4.45723 1.27424 1.62001
+threshold=60.500000000000007 66.500000000000014 72.500000000000014 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=3 -2 -3 4 -1
+right_child=1 2 -4 -5 -6
+leaf_value=-0.00061396066371150295 -0.0051050818315575078 -0.0035235881280327843 0.0057088297683959488 -0.0017126156634168857 0.0049702148925614698
+leaf_weight=39 44 40 44 49 45
+leaf_count=39 44 40 44 49 45
+internal_value=0 -0.0447345 0.0651826 0.0429782 0.118485
+internal_weight=0 128 84 133 84
+internal_count=261 128 84 133 84
+shrinkage=0.02
+
+
+Tree=3739
+num_leaves=5
+num_cat=0
+split_feature=5 3 9 4
+split_gain=0.502666 1.68226 1.73513 3.23532
+threshold=72.700000000000003 66.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0019330221153008626 -0.0019341189582616459 0.0035242565669407516 0.0020697574458122059 -0.0053144831554356358
+leaf_weight=43 46 53 61 58
+leaf_count=43 46 53 61 58
+internal_value=0 0.020662 -0.0300354 -0.11109
+internal_weight=0 215 162 101
+internal_count=261 215 162 101
+shrinkage=0.02
+
+
+Tree=3740
+num_leaves=6
+num_cat=0
+split_feature=9 7 3 9 3
+split_gain=0.488683 2.8674 4.3208 1.10235 2.78369
+threshold=60.500000000000007 66.500000000000014 72.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=3 -2 -3 4 -1
+right_child=1 2 -4 -5 -6
+leaf_value=0.003536026670595402 -0.0050504124229670336 -0.0034869192523911082 0.0056037297855030532 0.0035222480080231234 -0.0035602944407151543
+leaf_weight=40 44 40 44 43 50
+leaf_count=40 44 40 44 43 50
+internal_value=0 -0.0450286 0.0633017 0.0432584 -0.0198598
+internal_weight=0 128 84 133 90
+internal_count=261 128 84 133 90
+shrinkage=0.02
+
+
+Tree=3741
+num_leaves=6
+num_cat=0
+split_feature=5 2 9 7 7
+split_gain=0.519178 1.68881 3.45397 3.72811 1.01326
+threshold=72.700000000000003 24.500000000000004 66.500000000000014 59.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0020830544382732861 -0.0019643205230914515 0.0039335229132676959 0.0043519353601994479 -0.0071340277272196996 0.0023008278914875432
+leaf_weight=41 46 44 44 41 45
+leaf_count=41 46 44 44 41 45
+internal_value=0 0.0209915 -0.024042 -0.108148 0.0100774
+internal_weight=0 215 171 127 86
+internal_count=261 215 171 127 86
+shrinkage=0.02
+
+
+Tree=3742
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 7 9
+split_gain=0.500653 1.69636 3.29908 3.57992 1.00058
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0019696442220668822 -0.0019052309042231809 0.0039373443713392672 0.0043027711673854878 -0.0069915903829870828 0.0023825682240570952
+leaf_weight=43 47 44 43 41 43
+leaf_count=43 47 44 43 41 43
+internal_value=0 0.0208995 -0.0244722 -0.105989 0.00986676
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=3743
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 2
+split_gain=0.512013 2.59611 2.59523 1.48222 0.610349
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 12.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0015629088899883545 -0.0031670576234836545 0.0050508388893604865 -0.0047799067912285536 0.0035798713843643195 0.00025622310114117066
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0316102 -0.0357865 0.059906 -0.0644107
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=3744
+num_leaves=6
+num_cat=0
+split_feature=9 7 3 2 3
+split_gain=0.500865 2.75343 4.2477 1.30347 1.71258
+threshold=60.500000000000007 66.500000000000014 72.500000000000014 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=3 -2 -3 4 -1
+right_child=1 2 -4 -5 -6
+leaf_value=-0.00066472267643826247 -0.0049783141976456977 -0.0035006947344248507 0.0055131997029094814 -0.0017256112190524116 0.0050755157237878682
+leaf_weight=39 44 40 44 49 45
+leaf_count=39 44 40 44 49 45
+internal_value=0 -0.0455612 0.0606006 0.0437766 0.120128
+internal_weight=0 128 84 133 84
+internal_count=261 128 84 133 84
+shrinkage=0.02
+
+
+Tree=3745
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.524166 3.08614 5.03734 2.06091 2.16546
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0041210814610603361 -0.0020270727001027453 -0.0046913429407442449 0.0077899132943975982 -0.0016270857765773633 0.0043365934322136144
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0205259 0.076712 -0.0138118 0.0643376
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3746
+num_leaves=6
+num_cat=0
+split_feature=5 9 5 5 2
+split_gain=0.504448 1.63629 3.19688 1.08715 1.29705
+threshold=72.700000000000003 72.500000000000014 58.550000000000004 52.800000000000004 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0034433473495043511 -0.0019374912815495586 -0.0033059923223043176 0.0057858885727969959 -0.0031801851035987505 -0.0013733906969534348
+leaf_weight=42 46 39 46 39 49
+leaf_count=42 46 39 46 39 49
+internal_value=0 0.0206933 0.0621842 -0.0179828 0.0420936
+internal_weight=0 215 176 130 91
+internal_count=261 215 176 130 91
+shrinkage=0.02
+
+
+Tree=3747
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 9
+split_gain=0.49437 1.97052 1.588 1.30979
+threshold=62.500000000000007 55.150000000000006 69.500000000000014 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0021808369883522297 -0.0038948848787941806 0.0043957141235328933 0.00098234946368769131 -0.0024194335058249292
+leaf_weight=40 46 43 65 67
+leaf_count=40 46 43 65 67
+internal_value=0 0.0381283 -0.0516412 -0.0345967
+internal_weight=0 150 111 107
+internal_count=261 150 111 107
+shrinkage=0.02
+
+
+Tree=3748
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 4
+split_gain=0.494159 1.64241 1.77039 1.51951
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011697227901628019 -0.001918417200080635 0.0033378225098756853 -0.0032581815315168034 0.0039459997859088583
+leaf_weight=53 46 57 63 42
+leaf_count=53 46 57 63 42
+internal_value=0 0.020488 -0.0321258 0.0542395
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=3749
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 3
+split_gain=0.502865 1.328 5.83643 4.03593
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0020411631709355651 0.00055895868647172053 -0.0037108103261197451 0.004807910681844379 -0.0073441673106692754
+leaf_weight=42 65 40 71 43
+leaf_count=42 65 40 71 43
+internal_value=0 -0.0196594 0.0172436 -0.129149
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=3750
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.482172 1.28361 2.01644 1.58019
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0020004075024270774 -0.0029868006543831587 0.0038345448830386908 -0.0027947775735052667 0.0021973126095103479
+leaf_weight=42 57 51 71 40
+leaf_count=42 57 51 71 40
+internal_value=0 -0.0192644 0.0263009 -0.0494186
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=3751
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.46796 2.13171 1.74405 1.55693
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013981630651503222 0.0013994379383988034 -0.0044070915134282566 0.0041491254603765529 -0.0035645616022340538
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0267312 0.0318258 -0.0371218
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3752
+num_leaves=5
+num_cat=0
+split_feature=8 7 5 9
+split_gain=0.452205 2.11538 1.24775 2.60858
+threshold=50.500000000000007 58.500000000000007 64.200000000000003 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0013636383242763409 -0.0046949087650622291 0.0032734629999595331 -0.0040329692345275796 0.0023855323873043332
+leaf_weight=73 39 47 49 53
+leaf_count=73 39 47 49 53
+internal_value=0 -0.0265448 0.0277669 -0.0345339
+internal_weight=0 188 149 102
+internal_count=261 188 149 102
+shrinkage=0.02
+
+
+Tree=3753
+num_leaves=6
+num_cat=0
+split_feature=4 2 9 9 7
+split_gain=0.438235 1.32221 2.86555 3.72858 3.51423
+threshold=50.500000000000007 25.500000000000004 76.500000000000014 61.500000000000007 57.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0019110829113766334 0.0036169757709788785 -0.0036784825042087237 -0.0042799672618642585 0.0061968074100434067 -0.0043694146391487143
+leaf_weight=42 41 40 41 49 48
+leaf_count=42 41 40 41 49 48
+internal_value=0 -0.0183928 0.0184315 0.0878499 -0.0340679
+internal_weight=0 219 179 138 89
+internal_count=261 219 179 138 89
+shrinkage=0.02
+
+
+Tree=3754
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 9
+split_gain=0.475194 2.81674 4.27531 1.87067
+threshold=8.5000000000000018 20.500000000000004 67.65000000000002 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00036294496658530954 0.0022142713316145352 -0.0032035302734372711 0.0078057322559803386 -0.0035101041866960388
+leaf_weight=75 39 52 39 56
+leaf_count=75 39 52 39 56
+internal_value=0 0.0329126 0.121383 -0.0575891
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3755
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.466216 2.92534 4.93788 2.12588 2.15314
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0042142951635758662 -0.0019160332908591418 -0.004579838546975544 0.0076764155056728289 -0.0016283939265972849 0.0043184543421927127
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0194056 0.074123 -0.0155039 0.0638597
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3756
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.478664 2.1421 2.97661 3.8138
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0041301565880426782 0.0014147227455669192 -0.0047332502673860409 -0.0018215773975649979 0.0056642224767034658
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0270217 0.0273033 0.112766
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=3757
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 9
+split_gain=0.484786 2.74205 4.12987 1.88362
+threshold=8.5000000000000018 20.500000000000004 67.65000000000002 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00033238256656092973 0.0022145052230172001 -0.0031460849920744538 0.0076965760823128502 -0.0035294265253394607
+leaf_weight=75 39 52 39 56
+leaf_count=75 39 52 39 56
+internal_value=0 0.0332199 0.12052 -0.0581541
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3758
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.475823 2.85381 4.79071 1.98257 2.07922
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0040646819865165105 -0.0019350642546088295 -0.0045154357244817688 0.0075740577750389561 -0.0016153278820840143 0.0042294646955023749
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0195867 0.0736372 -0.0146451 0.0620123
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3759
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.486429 2.15214 2.78966 3.6507
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0039835304932193264 0.0014255054636836567 -0.0047473433623884172 -0.0017895645443338918 0.0055351050783755563
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0272408 0.0272107 0.109971
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=3760
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.522564 1.04184 2.40734 4.8785
+threshold=42.500000000000007 50.650000000000013 67.500000000000014 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0018940752006752905 -0.0031275441742898177 0.0029359726801973006 -0.0070149489368636561 0.002339928616130573
+leaf_weight=49 46 76 41 49
+leaf_count=49 46 76 41 49
+internal_value=0 -0.021981 0.0150707 -0.0957498
+internal_weight=0 212 166 90
+internal_count=261 212 166 90
+shrinkage=0.02
+
+
+Tree=3761
+num_leaves=6
+num_cat=0
+split_feature=1 3 3 7 9
+split_gain=0.501455 2.69383 4.30737 3.40826 1.87777
+threshold=8.5000000000000018 75.500000000000014 65.500000000000014 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0038903157271320218 0.0021900768459438211 -0.0039278879844840296 0.0075358088552163437 -0.0040674947962340583 -0.0035448872840019691
+leaf_weight=40 39 39 40 47 56
+leaf_count=40 39 39 40 47 56
+internal_value=0 0.0337584 0.104819 -0.0199679 -0.059112
+internal_weight=0 166 127 87 95
+internal_count=261 166 127 87 95
+shrinkage=0.02
+
+
+Tree=3762
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 9
+split_gain=0.480686 2.6597 3.96252 1.80282
+threshold=8.5000000000000018 20.500000000000004 67.65000000000002 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00030526580803361288 0.0021463541730395476 -0.0030915395905778305 0.0075598748318521092 -0.0034740779865270678
+leaf_weight=75 39 52 39 56
+leaf_count=75 39 52 39 56
+internal_value=0 0.0330799 0.119071 -0.0579223
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3763
+num_leaves=6
+num_cat=0
+split_feature=5 2 9 3 6
+split_gain=0.487053 1.71926 3.36094 3.77683 3.99709
+threshold=72.700000000000003 24.500000000000004 66.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.004296257678779454 -0.0019051762488340126 0.0039517730740914418 0.0042656356192548751 -0.0071646262882021127 0.0043501233533834813
+leaf_weight=41 46 44 44 41 45
+leaf_count=41 46 44 44 41 45
+internal_value=0 0.0203429 -0.0250926 -0.108066 0.0109288
+internal_weight=0 215 171 127 86
+internal_count=261 215 171 127 86
+shrinkage=0.02
+
+
+Tree=3764
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 5
+split_gain=0.470448 1.01543 2.23223 2.38085
+threshold=42.500000000000007 73.500000000000014 10.500000000000002 53.95000000000001
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.001800846710849712 0.0037570865395887272 -0.002808717934320699 -0.0048566598036215106 0.0012621541821968346
+leaf_weight=49 53 54 44 61
+leaf_count=49 53 54 44 61
+internal_value=0 -0.0208969 0.0197493 -0.0647917
+internal_weight=0 212 158 105
+internal_count=261 212 158 105
+shrinkage=0.02
+
+
+Tree=3765
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 8 7
+split_gain=0.475577 1.28896 2.32548 4.92951 1.15441
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0010029113719858169 0.0018103219738178106 -0.0036771630430150154 0.0042573444609673265 -0.0069794295985649282 0.0036327403717597833
+leaf_weight=39 49 40 45 39 49
+leaf_count=39 49 40 45 39 49
+internal_value=0 -0.0210018 0.0166987 -0.052574 0.0785028
+internal_weight=0 212 172 127 88
+internal_count=261 212 172 127 88
+shrinkage=0.02
+
+
+Tree=3766
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 9
+split_gain=0.464544 2.5834 3.98131 1.72878
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0010144044668136828 0.002097162201882385 -0.0030483172543737513 0.006508714926669993 -0.003407776974645213
+leaf_weight=63 39 52 51 56
+leaf_count=63 39 52 51 56
+internal_value=0 0.0325452 0.117306 -0.056978
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3767
+num_leaves=6
+num_cat=0
+split_feature=4 5 6 5 5
+split_gain=0.453215 1.22865 2.33573 2.2272 1.10017
+threshold=74.500000000000014 68.65000000000002 57.500000000000007 52.800000000000004 47.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0015610500843586707 0.0017689572848927741 -0.0035917351395821436 0.0046470442332664907 -0.0047624480910997708 0.0028802908878201787
+leaf_weight=42 49 40 39 42 49
+leaf_count=42 49 40 39 42 49
+internal_value=0 -0.0205249 0.0162917 -0.0468527 0.0411016
+internal_weight=0 212 172 133 91
+internal_count=261 212 172 133 91
+shrinkage=0.02
+
+
+Tree=3768
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 8
+split_gain=0.45128 1.25079 1.92346 1.62243
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0019378720122956877 -0.0029418878528299779 0.0037585734808388959 -0.0038456794785164642 0.0010840596426040766
+leaf_weight=42 57 51 46 65
+leaf_count=42 57 51 46 65
+internal_value=0 -0.0186639 0.0263219 -0.0476414
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=3769
+num_leaves=6
+num_cat=0
+split_feature=5 2 9 7 6
+split_gain=0.456774 1.70255 3.26144 3.56178 4.19904
+threshold=72.700000000000003 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0043540482259162225 -0.0018472867674959024 0.003922556899547144 0.0041870117820173823 -0.0070040183201421349 0.004500089717920281
+leaf_weight=42 46 44 44 41 44
+leaf_count=42 46 44 44 41 44
+internal_value=0 0.0197326 -0.0254835 -0.107229 0.00833284
+internal_weight=0 215 171 127 86
+internal_count=261 215 171 127 86
+shrinkage=0.02
+
+
+Tree=3770
+num_leaves=5
+num_cat=0
+split_feature=9 5 8 2
+split_gain=0.468732 2.6066 1.49085 0.680205
+threshold=67.500000000000014 62.400000000000006 50.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0012175002925907407 -0.0032156872691260995 0.0050333902754283238 -0.0030354006323781552 0.00039419273459432685
+leaf_weight=72 39 41 62 47
+leaf_count=72 39 41 62 47
+internal_value=0 0.0302905 -0.0372425 -0.0617418
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=3771
+num_leaves=6
+num_cat=0
+split_feature=9 7 8 2 4
+split_gain=0.456387 2.83722 2.03419 1.27085 1.5083
+threshold=60.500000000000007 66.500000000000014 72.500000000000014 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=3 -2 -3 4 -1
+right_child=1 2 -4 -5 -6
+leaf_value=-0.00053402523044615959 -0.0049997089153596521 0.0044885484643855588 -0.001755802847405224 -0.00173161331993124 0.004855726127508001
+leaf_weight=39 44 41 43 49 45
+leaf_count=39 44 41 43 49 45
+internal_value=0 -0.0435757 0.064186 0.0418625 0.117273
+internal_weight=0 128 84 133 84
+internal_count=261 128 84 133 84
+shrinkage=0.02
+
+
+Tree=3772
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.462653 1.2207 1.92329 1.67783
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0019611972635591966 -0.0029156793757969756 0.003743314941977017 -0.0028286346178006505 0.0023139690590493838
+leaf_weight=42 57 51 71 40
+leaf_count=42 57 51 71 40
+internal_value=0 -0.0188837 0.0255633 -0.0483976
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=3773
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.470085 6.03202 4.23148 2.58024
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0048579671591687541 0.0018233301105384202 -0.007528560190347873 0.0023961951722766698 -0.0041267806228572129
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.020616 0.0590244 -0.073555
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=3774
+num_leaves=5
+num_cat=0
+split_feature=2 5 1 2
+split_gain=0.468246 2.1235 1.97667 8.83898
+threshold=7.5000000000000009 70.65000000000002 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0016179081278484087 0.0021430574021247084 0.0043670109046243999 -0.0086364777620770213 0.0035024435933894192
+leaf_weight=58 63 44 47 49
+leaf_count=58 63 44 47 49
+internal_value=0 0.0230863 -0.0307699 -0.12171
+internal_weight=0 203 159 96
+internal_count=261 203 159 96
+shrinkage=0.02
+
+
+Tree=3775
+num_leaves=5
+num_cat=0
+split_feature=5 3 9 4
+split_gain=0.462158 1.74711 1.69159 3.05982
+threshold=72.700000000000003 66.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0018038977480886818 -0.0018574653570735328 0.0035668658413904098 0.0020008576777492976 -0.0052449822638312785
+leaf_weight=43 46 53 61 58
+leaf_count=43 46 53 61 58
+internal_value=0 0.0198549 -0.0318041 -0.111844
+internal_weight=0 215 162 101
+internal_count=261 215 162 101
+shrinkage=0.02
+
+
+Tree=3776
+num_leaves=6
+num_cat=0
+split_feature=9 7 3 2 3
+split_gain=0.448208 2.78984 4.26539 1.23744 1.5646
+threshold=60.500000000000007 66.500000000000014 72.500000000000014 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=3 -2 -3 4 -1
+right_child=1 2 -4 -5 -6
+leaf_value=-0.00061369763361635737 -0.0049576592002683606 -0.0034490058620374104 0.0055833379369434489 -0.0017050410132678287 0.0048751177409812997
+leaf_weight=39 44 40 44 49 45
+leaf_count=39 44 40 44 49 45
+internal_value=0 -0.0431904 0.0636708 0.0415112 0.115942
+internal_weight=0 128 84 133 84
+internal_count=261 128 84 133 84
+shrinkage=0.02
+
+
+Tree=3777
+num_leaves=5
+num_cat=0
+split_feature=5 3 9 3
+split_gain=0.479938 1.65639 1.68765 1.70782
+threshold=72.700000000000003 66.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010124410669911316 -0.0018914281147173746 0.0034916449748281487 0.0020321181757389016 -0.0043198432503852207
+leaf_weight=40 46 53 61 61
+leaf_count=40 46 53 61 61
+internal_value=0 0.0202164 -0.0300928 -0.110045
+internal_weight=0 215 162 101
+internal_count=261 215 162 101
+shrinkage=0.02
+
+
+Tree=3778
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=0.458544 1.07386 2.1753 2.82845
+threshold=42.500000000000007 73.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0017792489235552262 0.0037425170647093072 -0.0028697823582481321 -0.0051247170459312579 0.0015413944832388929
+leaf_weight=49 53 54 44 61
+leaf_count=49 53 54 44 61
+internal_value=0 -0.0206222 0.0211622 -0.0622981
+internal_weight=0 212 158 105
+internal_count=261 212 158 105
+shrinkage=0.02
+
+
+Tree=3779
+num_leaves=5
+num_cat=0
+split_feature=2 7 5 1
+split_gain=0.481683 2.00718 2.12912 1.21372
+threshold=7.5000000000000009 73.500000000000014 64.200000000000003 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0016398274748670638 0.0025780633679685968 0.0043795311658518998 -0.0046339304543438556 -0.0014568105923928171
+leaf_weight=58 67 42 39 55
+leaf_count=58 67 42 39 55
+internal_value=0 0.0234115 -0.0274302 0.0376358
+internal_weight=0 203 161 122
+internal_count=261 203 161 122
+shrinkage=0.02
+
+
+Tree=3780
+num_leaves=6
+num_cat=0
+split_feature=5 2 9 3 6
+split_gain=0.480022 1.66466 3.24237 3.61681 3.80209
+threshold=72.700000000000003 24.500000000000004 66.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0041946412790190256 -0.0018914970928297298 0.0038932961838191839 0.0041932256231881175 -0.0070167351659411849 0.0042392678384588333
+leaf_weight=41 46 44 44 41 45
+leaf_count=41 46 44 44 41 45
+internal_value=0 0.0202226 -0.0244906 -0.106 0.0104507
+internal_weight=0 215 171 127 86
+internal_count=261 215 171 127 86
+shrinkage=0.02
+
+
+Tree=3781
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 2
+split_gain=0.482195 2.46911 2.6489 1.40776 0.610637
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 12.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.001458054405792269 -0.0031309500985211782 0.0049244930211836506 -0.0048060143262403932 0.0035550252733695577 0.00029347593329224786
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0307188 -0.0350154 0.0616585 -0.0625725
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=3782
+num_leaves=5
+num_cat=0
+split_feature=8 7 6 6
+split_gain=0.480771 2.09018 1.51933 1.93449
+threshold=50.500000000000007 58.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0014045068103857303 -0.0046857898797156234 0.0031174282961746475 -0.0041071646366228672 0.0017180392929142222
+leaf_weight=73 39 57 44 48
+leaf_count=73 39 57 44 48
+internal_value=0 -0.0273246 0.0266637 -0.0530122
+internal_weight=0 188 149 92
+internal_count=261 188 149 92
+shrinkage=0.02
+
+
+Tree=3783
+num_leaves=5
+num_cat=0
+split_feature=5 3 7 7
+split_gain=0.478327 1.64359 1.71477 1.10939
+threshold=72.700000000000003 66.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016231433329869007 -0.0018882126983603663 0.0034793570145770884 -0.003297996326960997 0.0026768885322835823
+leaf_weight=40 46 53 60 62
+leaf_count=40 46 53 60 62
+internal_value=0 0.020192 -0.029924 0.0491404
+internal_weight=0 215 162 102
+internal_count=261 215 162 102
+shrinkage=0.02
+
+
+Tree=3784
+num_leaves=5
+num_cat=0
+split_feature=5 9 1 7
+split_gain=0.458589 1.6188 3.17912 5.58123
+threshold=72.700000000000003 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00062396580731886311 -0.001850505922889668 -0.0033044996336655508 -0.0021685087544217204 0.0085473842685557435
+leaf_weight=61 46 39 68 47
+leaf_count=61 46 39 68 47
+internal_value=0 0.0197849 0.0610579 0.168141
+internal_weight=0 215 176 108
+internal_count=261 215 176 108
+shrinkage=0.02
+
+
+Tree=3785
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=0.477473 1.20628 2.51481 2.47497 2.30777
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 58.500000000000007 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.001991227932871167 -0.0053899957337161511 0.0021416682355981649 0.0043239070546587368 -0.0049087796899663682 0.001100951764427276
+leaf_weight=42 45 40 51 40 43
+leaf_count=42 45 40 51 40 43
+internal_value=0 -0.019164 0.0419409 -0.0687387 -0.110542
+internal_weight=0 219 131 80 88
+internal_count=261 219 131 80 88
+shrinkage=0.02
+
+
+Tree=3786
+num_leaves=5
+num_cat=0
+split_feature=8 7 6 6
+split_gain=0.471515 1.97338 1.45766 1.95449
+threshold=50.500000000000007 58.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0013914290658667719 -0.0045645827323289858 0.0030398519710815998 -0.0041157849955672397 0.0017392403873108717
+leaf_weight=73 39 57 44 48
+leaf_count=73 39 57 44 48
+internal_value=0 -0.0270727 0.0253931 -0.052665
+internal_weight=0 188 149 92
+internal_count=261 188 149 92
+shrinkage=0.02
+
+
+Tree=3787
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.459671 2.88066 4.6188 1.94219 2.04888
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.003995716322203185 -0.0019029134726995024 -0.0045444153174128664 0.0074629660013580609 -0.0015791485445964162 0.0042230730966765799
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0192835 0.0735856 -0.0130996 0.0627792
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3788
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=0.484019 1.07949 2.1567 2.74424
+threshold=42.500000000000007 73.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0018259554350718672 0.0037197453337288952 -0.0028869253064074973 -0.0050685725508700279 0.0014980854934857056
+leaf_weight=49 53 54 44 61
+leaf_count=49 53 54 44 61
+internal_value=0 -0.0211659 0.0207259 -0.0623793
+internal_weight=0 212 158 105
+internal_count=261 212 158 105
+shrinkage=0.02
+
+
+Tree=3789
+num_leaves=5
+num_cat=0
+split_feature=8 7 6 6
+split_gain=0.470381 1.88808 1.34836 1.91861
+threshold=50.500000000000007 58.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0013898387987309904 -0.0044769181641038502 0.0029223929243516402 -0.0040510654266199238 0.0017506119789292565
+leaf_weight=73 39 57 44 48
+leaf_count=73 39 57 44 48
+internal_value=0 -0.0270407 0.0242847 -0.0508192
+internal_weight=0 188 149 92
+internal_count=261 188 149 92
+shrinkage=0.02
+
+
+Tree=3790
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=0.461495 1.04704 2.05881 2.6433
+threshold=42.500000000000007 73.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0017848035887518411 0.0036417938167426197 -0.0028406650428192573 -0.0049631652319501642 0.0014824224064202557
+leaf_weight=49 53 54 44 61
+leaf_count=49 53 54 44 61
+internal_value=0 -0.0206818 0.0205842 -0.0606239
+internal_weight=0 212 158 105
+internal_count=261 212 158 105
+shrinkage=0.02
+
+
+Tree=3791
+num_leaves=5
+num_cat=0
+split_feature=2 8 6 1
+split_gain=0.473834 2.00457 2.36429 1.10041
+threshold=7.5000000000000009 69.500000000000014 56.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0016268805123061142 0.0030557122218637539 0.0039578681279495379 -0.004102882450249588 -0.0011883216879440301
+leaf_weight=58 55 50 53 45
+leaf_count=58 55 50 53 45
+internal_value=0 0.0232311 -0.0336511 0.0569204
+internal_weight=0 203 153 100
+internal_count=261 203 153 100
+shrinkage=0.02
+
+
+Tree=3792
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 3 5
+split_gain=0.468402 1.64785 1.45432 1.78485 0.700917
+threshold=70.500000000000014 24.500000000000004 13.500000000000002 59.500000000000007 52.800000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0033095867163710256 -0.0019201175209505909 0.0038647485209452699 0.00037053659160424474 -0.0055514411723976828 -0.00027280792900163839
+leaf_weight=39 44 44 43 39 52
+leaf_count=39 44 44 43 39 52
+internal_value=0 0.0194601 -0.0245668 -0.12193 0.0627542
+internal_weight=0 217 173 82 91
+internal_count=261 217 173 82 91
+shrinkage=0.02
+
+
+Tree=3793
+num_leaves=5
+num_cat=0
+split_feature=2 8 6 1
+split_gain=0.46175 1.96766 2.21505 1.05766
+threshold=7.5000000000000009 69.500000000000014 56.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0016068995562953795 0.0029658387733692048 0.0039201369265584336 -0.0039891691930172288 -0.0011964762037599698
+leaf_weight=58 55 50 53 45
+leaf_count=58 55 50 53 45
+internal_value=0 0.0229427 -0.0334166 0.0542638
+internal_weight=0 203 153 100
+internal_count=261 203 153 100
+shrinkage=0.02
+
+
+Tree=3794
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.470837 2.73985 4.54153 1.94686 2.04011
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0040077340659400249 -0.0019249380990061492 -0.0044186376249939702 0.0073907262057118029 -0.001578925547618006 0.0042109898808395793
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0195066 0.0724777 -0.0134803 0.0624888
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3795
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.491971 2.20901 2.73524 3.7504
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0039277192631177191 0.0014336591720192349 -0.0048045882722255609 -0.0018480344178441138 0.005575669956064391
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0273707 0.0277923 0.109748
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=3796
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.499548 0.984654 2.34811 4.88729
+threshold=42.500000000000007 50.650000000000013 67.500000000000014 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0018538062883924752 -0.0030444254939160742 0.0028931080258866567 -0.0070028888705382254 0.0023604461121321065
+leaf_weight=49 46 76 41 49
+leaf_count=49 46 76 41 49
+internal_value=0 -0.0214928 0.0145412 -0.0949159
+internal_weight=0 212 166 90
+internal_count=261 212 166 90
+shrinkage=0.02
+
+
+Tree=3797
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 1
+split_gain=0.478978 0.944949 2.09343 2.75597
+threshold=42.500000000000007 50.650000000000013 19.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0018167829291869601 -0.0029836294569102603 -0.0040761972392996506 0.0033661191033807912 0.0024172172809297822
+leaf_weight=49 46 63 58 45
+leaf_count=49 46 63 58 45
+internal_value=0 -0.0210607 0.0142496 -0.0681696
+internal_weight=0 212 166 108
+internal_count=261 212 166 108
+shrinkage=0.02
+
+
+Tree=3798
+num_leaves=5
+num_cat=0
+split_feature=8 7 6 6
+split_gain=0.466561 1.86685 1.30813 1.84687
+threshold=50.500000000000007 58.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0013844055777961911 -0.0044528707053530453 0.0028826933418240174 -0.0039757918473650117 0.0017174072009698254
+leaf_weight=73 39 57 44 48
+leaf_count=73 39 57 44 48
+internal_value=0 -0.0269356 0.0241021 -0.0498845
+internal_weight=0 188 149 92
+internal_count=261 188 149 92
+shrinkage=0.02
+
+
+Tree=3799
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 6 3
+split_gain=0.464862 2.70376 4.50124 1.96704 1.60658
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0008268475545679093 -0.0019131696846362331 -0.0043894296480256455 0.0073551483260059052 -0.0040955264846138078 0.0044081661748381143
+leaf_weight=60 44 39 40 39 39
+leaf_count=60 44 39 40 39 39
+internal_value=0 0.0193882 0.0720129 -0.0135634 0.0614507
+internal_weight=0 217 178 138 99
+internal_count=261 217 178 138 99
+shrinkage=0.02
+
+
+Tree=3800
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.481067 2.08521 2.70886 3.52716
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0039315684000274208 0.0014183256119816351 -0.0046788241384521853 -0.0017592622507129193 0.0054409395579750374
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0270769 0.0265253 0.108091
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=3801
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 4
+split_gain=0.467251 1.29197 2.9932 2.02595
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0012234724856098988 0.0017952610973503333 -0.0056960678298978761 0.001239304613055161 0.0042449518894317282
+leaf_weight=65 49 48 52 47
+leaf_count=65 49 48 52 47
+internal_value=0 -0.0208141 -0.104167 0.0532696
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=3802
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=0.483964 0.964985 2.02797 2.64218
+threshold=42.500000000000007 73.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0018258803674735969 0.0035757001871055349 -0.0027550578676267495 -0.0049923988947332496 0.001451702560953136
+leaf_weight=49 53 54 44 61
+leaf_count=49 53 54 44 61
+internal_value=0 -0.0211636 0.0184737 -0.0621298
+internal_weight=0 212 158 105
+internal_count=261 212 158 105
+shrinkage=0.02
+
+
+Tree=3803
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 4
+split_gain=0.475581 1.27954 2.88004 1.94213
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0011863389748301911 0.0018106950077015488 -0.0056230155706703238 0.0011805667682826828 0.0041687158380746088
+leaf_weight=65 49 48 52 47
+leaf_count=65 49 48 52 47
+internal_value=0 -0.0209836 -0.10394 0.0527467
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=3804
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 3
+split_gain=0.471766 1.23945 5.70271 3.89597
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0019800163241599613 0.00052529447776840388 -0.0035876925739231685 0.0047442915988267021 -0.0072400229177730724
+leaf_weight=42 65 40 71 43
+leaf_count=42 65 40 71 43
+internal_value=0 -0.0190416 0.016622 -0.128087
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=3805
+num_leaves=5
+num_cat=0
+split_feature=4 8 2 4
+split_gain=0.490586 1.14526 4.28106 1.67571
+threshold=74.500000000000014 56.500000000000007 17.500000000000004 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00118948106712527 0.0018380381723564852 0.0014000143836692953 -0.0071751509426437685 0.0037013240648269513
+leaf_weight=65 49 58 39 50
+leaf_count=65 49 58 39 50
+internal_value=0 -0.0212922 -0.102109 0.0465481
+internal_weight=0 212 97 115
+internal_count=261 212 97 115
+shrinkage=0.02
+
+
+Tree=3806
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.479075 2.02984 1.53958 1.55491
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014458846966940195 0.0014157714393386337 -0.004319868470863986 0.0039056933738902629 -0.0035139330575543921
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0270097 0.030138 -0.0346712
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3807
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 9
+split_gain=0.478497 2.59749 4.06272 1.8228
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0010340468186146204 0.0021677350357178688 -0.0030483910132615196 0.0065653321585217314 -0.0034835219635180191
+leaf_weight=63 39 52 51 56
+leaf_count=63 39 52 51 56
+internal_value=0 0.0330416 0.11803 -0.0577615
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=3808
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.472809 1.24319 2.30107 6.05185 1.42004
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00093481864516070537 0.0018058266750488842 -0.0036179681076561987 0.0042252952819150785 -0.0075022326584971398 0.0042223414254828357
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.0209147 0.0161168 -0.0527937 0.0951215
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=3809
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 4
+split_gain=0.466774 1.98701 1.15199 1.40669
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00054516672416815896 0.0013982221622299651 -0.0037097283895771117 -0.0016481789959917636 0.0046619461460602326
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0266743 0.0399557 0.11182
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=3810
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.458104 3.32447 4.86405 0.671441
+threshold=8.5000000000000018 72.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0014274739108270998 0.003215343162395452 0.0049601464757715518 -0.0062008667985343994 -0.0024521605100545573
+leaf_weight=69 61 50 39 42
+leaf_count=69 61 50 39 42
+internal_value=0 0.0256379 -0.0524633 -0.213538
+internal_weight=0 192 142 81
+internal_count=261 192 142 81
+shrinkage=0.02
+
+
+Tree=3811
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.456937 2.69918 4.58694 1.86119 2.11007
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0039472709811474577 -0.0018974194243729506 -0.0043885416196745505 0.0074069730083276613 -0.0016823818108216834 0.0042055205982515567
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0192317 0.0718124 -0.014574 0.0597137
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3812
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=0.456513 0.945569 1.98553 2.7243
+threshold=42.500000000000007 73.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0017754778259272291 0.0035461408132502954 -0.0027203036264613041 -0.0050291747289441585 0.0015138276876121958
+leaf_weight=49 53 54 44 61
+leaf_count=49 53 54 44 61
+internal_value=0 -0.020578 0.018665 -0.0610956
+internal_weight=0 212 158 105
+internal_count=261 212 158 105
+shrinkage=0.02
+
+
+Tree=3813
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.455332 3.28488 4.77219 0.642743
+threshold=8.5000000000000018 72.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.001423439541574073 0.0031826785726517576 0.0049321587797122634 -0.0061229140835709064 -0.0024511294237275802
+leaf_weight=69 61 50 39 42
+leaf_count=69 61 50 39 42
+internal_value=0 0.0255579 -0.0520782 -0.211633
+internal_weight=0 192 142 81
+internal_count=261 192 142 81
+shrinkage=0.02
+
+
+Tree=3814
+num_leaves=5
+num_cat=0
+split_feature=4 8 2 4
+split_gain=0.475317 1.05999 4.11272 1.67982
+threshold=74.500000000000014 56.500000000000007 17.500000000000004 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.001236653683364474 0.001810191081525936 0.0013982224003550559 -0.0070073863432966966 0.00366031728810641
+leaf_weight=65 49 58 39 50
+leaf_count=65 49 58 39 50
+internal_value=0 -0.0209791 -0.0987863 0.0443222
+internal_weight=0 212 97 115
+internal_count=261 212 97 115
+shrinkage=0.02
+
+
+Tree=3815
+num_leaves=6
+num_cat=0
+split_feature=4 5 6 5 2
+split_gain=0.455701 1.23938 2.29269 2.19254 1.2131
+threshold=74.500000000000014 68.65000000000002 57.500000000000007 52.800000000000004 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0033398802405201558 0.0017740378064975153 -0.0036060199163071315 0.0046099361198345722 -0.004718697413161047 -0.0013205571867417774
+leaf_weight=42 49 40 39 42 49
+leaf_count=42 49 40 39 42 49
+internal_value=0 -0.0205568 0.0164188 -0.0461436 0.0411272
+internal_weight=0 212 172 133 91
+internal_count=261 212 172 133 91
+shrinkage=0.02
+
+
+Tree=3816
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 1
+split_gain=0.450608 0.955079 1.93301 0.683085
+threshold=42.500000000000007 73.500000000000014 57.500000000000007 3.5000000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017645237718892724 0.00013394362292977165 -0.0027290210854837411 0.0028755292602216233 -0.0034243521101933669
+leaf_weight=49 45 54 70 43
+leaf_count=49 45 54 70 43
+internal_value=0 -0.020446 0.0189911 -0.0798513
+internal_weight=0 212 158 88
+internal_count=261 212 158 88
+shrinkage=0.02
+
+
+Tree=3817
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.465945 3.18541 4.61865 0.638341
+threshold=8.5000000000000018 72.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0014391562043843851 0.0031437306656313547 0.0048708820294210108 -0.0060353861737634977 -0.0023766469550594626
+leaf_weight=69 61 50 39 42
+leaf_count=69 61 50 39 42
+internal_value=0 0.0258459 -0.050609 -0.207591
+internal_weight=0 192 142 81
+internal_count=261 192 142 81
+shrinkage=0.02
+
+
+Tree=3818
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.463653 2.50645 2.49466 1.42334 0.523124
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0015511981215985905 0.00023835060085809382 0.0049453585472076754 -0.0047068330864909634 0.0034897456065618188 -0.0029318797180769834
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0301495 -0.0360783 0.0577484 -0.0614033
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=3819
+num_leaves=5
+num_cat=0
+split_feature=4 8 2 4
+split_gain=0.460164 1.02396 4.02121 1.68084
+threshold=74.500000000000014 56.500000000000007 17.500000000000004 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0012528347511394646 0.0017823629671282989 0.0013932261952274902 -0.0069187500411542081 0.0036456991602512858
+leaf_weight=65 49 58 39 50
+leaf_count=65 49 58 39 50
+internal_value=0 -0.0206518 -0.097152 0.0435466
+internal_weight=0 212 97 115
+internal_count=261 212 97 115
+shrinkage=0.02
+
+
+Tree=3820
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.462375 3.12293 4.41895 0.607807
+threshold=8.5000000000000018 72.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0014338529788457109 0.0030662452764668837 0.0048263603358395402 -0.0059102299645550724 -0.0023360578363373014
+leaf_weight=69 61 50 39 42
+leaf_count=69 61 50 39 42
+internal_value=0 0.0257512 -0.0499525 -0.203522
+internal_weight=0 192 142 81
+internal_count=261 192 142 81
+shrinkage=0.02
+
+
+Tree=3821
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 2
+split_gain=0.471883 2.46666 1.52519 0.614011
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0025853254509578252 -0.003123072718556409 0.0049161342607091348 0.0017431097197331475 0.00031069733697896505
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0304056 -0.0352962 -0.0619228
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=3822
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 6
+split_gain=0.474546 0.95741 1.91814 2.76043
+threshold=42.500000000000007 73.500000000000014 10.500000000000002 50.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0018089480052199364 0.0034897187279984121 -0.0027419117088125621 -0.0050298069042147529 0.0015562980954260959
+leaf_weight=49 53 54 44 61
+leaf_count=49 53 54 44 61
+internal_value=0 -0.0209545 0.0185294 -0.0598746
+internal_weight=0 212 158 105
+internal_count=261 212 158 105
+shrinkage=0.02
+
+
+Tree=3823
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 3 2
+split_gain=0.458783 1.68848 3.19631 3.56769 2.43638
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 61.500000000000007 13.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0037506051086903429 -0.001826645244527881 0.0039125461070640896 0.0042131446916865165 -0.0069726311593035998 -0.0030102396664249543
+leaf_weight=41 47 44 43 41 45
+leaf_count=41 47 44 43 41 45
+internal_value=0 0.0200602 -0.0252073 -0.105454 0.0102044
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=3824
+num_leaves=6
+num_cat=0
+split_feature=4 5 6 5 2
+split_gain=0.468517 1.25452 2.18769 2.05806 1.1989
+threshold=74.500000000000014 68.65000000000002 57.500000000000007 52.800000000000004 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0032993523102667205 0.0017979574559394227 -0.0036304550501721324 0.0045107972145934901 -0.0045736314778178338 -0.0013342904967574933
+leaf_weight=42 49 40 39 42 49
+leaf_count=42 49 40 39 42 49
+internal_value=0 -0.0208229 0.0163754 -0.0447443 0.0398211
+internal_weight=0 212 172 133 91
+internal_count=261 212 172 133 91
+shrinkage=0.02
+
+
+Tree=3825
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 3
+split_gain=0.473313 2.37582 2.29076 1.38558 0.501692
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0015524031427656354 -0.0029490362897816604 0.0048377510760862063 -0.0045010294230874966 0.0034221997585307811 0.00016323932700788288
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0304578 -0.0340276 0.0559008 -0.0620049
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=3826
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.472473 2.98477 4.29493 0.571545
+threshold=8.5000000000000018 72.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0014486788408497714 0.0030482125241295377 0.0047360140568533417 -0.0057746256733542519 -0.002303329487473998
+leaf_weight=69 61 50 39 42
+leaf_count=69 61 50 39 42
+internal_value=0 0.0260246 -0.0479909 -0.199405
+internal_weight=0 192 142 81
+internal_count=261 192 142 81
+shrinkage=0.02
+
+
+Tree=3827
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 2
+split_gain=0.487749 2.32378 2.13065 1.34751 0.569538
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 12.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0015566161901842592 -0.0030751433044897037 0.0048003334911426322 -0.0043434755120444583 0.0033502123421822933 0.00023487501642570794
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0308974 -0.0328804 0.0538641 -0.0629083
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=3828
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.492374 0.970964 2.21802 4.4427
+threshold=42.500000000000007 50.650000000000013 67.500000000000014 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.001841297117347554 -0.0030232506644830601 0.0028190742745438225 -0.0067068263684452265 0.0022218536368596086
+leaf_weight=49 46 76 41 49
+leaf_count=49 46 76 41 49
+internal_value=0 -0.0213272 0.014459 -0.0919413
+internal_weight=0 212 166 90
+internal_count=261 212 166 90
+shrinkage=0.02
+
+
+Tree=3829
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 2
+split_gain=0.494876 2.36233 2.01572 3.45561 0.543557
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 12.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0014582120223129891 -0.0030431886777541111 0.0049775189138416874 0.0030905684197445348 -0.0061819843890637471 0.00019237346591046846
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0311166 -0.031131 -0.111733 -0.0633452
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=3830
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.49133 0.946443 2.13774 4.34066
+threshold=42.500000000000007 50.650000000000013 67.500000000000014 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0018396063958259956 -0.0029902948967955594 0.0027650187665160027 -0.0066206754374335741 0.0022052879731427246
+leaf_weight=49 46 76 41 49
+leaf_count=49 46 76 41 49
+internal_value=0 -0.0212962 0.0140415 -0.0904284
+internal_weight=0 212 166 90
+internal_count=261 212 166 90
+shrinkage=0.02
+
+
+Tree=3831
+num_leaves=5
+num_cat=0
+split_feature=8 3 8 4
+split_gain=0.46173 2.02104 1.59827 1.50133
+threshold=62.500000000000007 58.500000000000007 69.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.001873368632915271 -0.0038699732181020387 0.0038953416610485155 0.0010230392329389094 -0.003171613741634285
+leaf_weight=42 46 53 65 55
+leaf_count=42 46 53 65 55
+internal_value=0 0.036942 -0.0499327 -0.0489586
+internal_weight=0 150 111 97
+internal_count=261 150 111 97
+shrinkage=0.02
+
+
+Tree=3832
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 2
+split_gain=0.501885 2.3053 2.08769 1.33029 0.521416
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 12.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.001543445756182071 -0.003016096000376796 0.0047926354939437773 -0.0042926216649987019 0.0033323160134254371 0.00015462484605656277
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0313401 -0.0321844 0.0536862 -0.0637624
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=3833
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 2
+split_gain=0.481104 2.21342 2.00427 1.27698 0.500114
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 12.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0015126280721417793 -0.0029558824198589869 0.0046969462197164217 -0.0042069088572660902 0.0032657647256164176 0.00015153679408691785
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0307097 -0.031542 0.052605 -0.0624802
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=3834
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.484624 0.949207 3.62943 3.62316 5.26486
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0018276130260312436 0.0049027206508288927 -0.0032694150422398682 -0.0064641942474596512 0.0056994639312152604 -0.0043252271969648707
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0211505 0.0107552 -0.079014 0.0398708
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=3835
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 4
+split_gain=0.464674 0.971504 2.07001 5.27194
+threshold=42.500000000000007 50.650000000000013 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0017911131646304211 -0.0030120531218912794 0.0028659782878376729 0.0032475432864583539 -0.0061136442418105123
+leaf_weight=49 46 55 61 50
+leaf_count=49 46 55 61 50
+internal_value=0 -0.0207287 0.015068 -0.0701821
+internal_weight=0 212 166 105
+internal_count=261 212 166 105
+shrinkage=0.02
+
+
+Tree=3836
+num_leaves=6
+num_cat=0
+split_feature=4 5 6 5 2
+split_gain=0.469291 1.14387 2.07974 1.91003 1.16874
+threshold=74.500000000000014 68.65000000000002 57.500000000000007 52.800000000000004 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0032039656137305083 0.0017996814477120589 -0.0034877758478921994 0.0043741626513104995 -0.0044430403053647193 -0.0013723188086308649
+leaf_weight=42 49 40 39 42 49
+leaf_count=42 49 40 39 42 49
+internal_value=0 -0.0208243 0.0147123 -0.044889 0.0365934
+internal_weight=0 212 172 133 91
+internal_count=261 212 172 133 91
+shrinkage=0.02
+
+
+Tree=3837
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.449942 1.09784 2.02952 5.32399 1.32798
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00097634441321055418 0.0017637392395694702 -0.0034181421340657259 0.0039561015206990655 -0.0070543639229097843 0.0040132615906063379
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.0204084 0.0144141 -0.0503253 0.0884183
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=3838
+num_leaves=6
+num_cat=0
+split_feature=9 7 8 9 8
+split_gain=0.466553 2.85354 1.94194 1.04806 1.80482
+threshold=60.500000000000007 66.500000000000014 72.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=3 -2 -3 4 -1
+right_child=1 2 -4 -5 -6
+leaf_value=0.0023279442907721977 -0.0050199798084262937 0.0044134209585329149 -0.0016887812300848801 0.0034389104491040468 -0.0033665812389186895
+leaf_weight=47 44 41 43 43 43
+leaf_count=47 44 41 43 43 43
+internal_value=0 -0.0440022 0.0640677 0.042343 -0.0192197
+internal_weight=0 128 84 133 90
+internal_count=261 128 84 133 90
+shrinkage=0.02
+
+
+Tree=3839
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.465155 5.8171 3.69666 2.10139
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011605356832902736 0.001814862670609776 -0.0073982898683873843 0.0052872406174891461 -0.0044308045854528624
+leaf_weight=73 48 39 58 43
+leaf_count=73 48 39 58 43
+internal_value=0 -0.0204758 0.0577341 -0.0453323
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=3840
+num_leaves=5
+num_cat=0
+split_feature=9 6 3 8
+split_gain=0.457652 1.57188 1.42559 1.68024
+threshold=55.500000000000007 48.500000000000007 74.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.0013652479586337427 0.0027711572790459636 0.0038043963160048042 -0.00366088388267349 -0.0019905299874682213
+leaf_weight=49 63 46 46 57
+leaf_count=49 63 46 46 57
+internal_value=0 0.0565246 -0.0323597 0.0251426
+internal_weight=0 95 166 120
+internal_count=261 95 166 120
+shrinkage=0.02
+
+
+Tree=3841
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 4
+split_gain=0.475091 1.78863 1.46015 1.2298
+threshold=69.500000000000014 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011853445989943932 0.001833333799118358 -0.0040242561970488516 0.0031473635814644025 -0.0030382147709348906
+leaf_weight=59 48 44 57 53
+leaf_count=59 48 44 57 53
+internal_value=0 -0.0206854 0.0261431 -0.0403407
+internal_weight=0 213 169 112
+internal_count=261 213 169 112
+shrinkage=0.02
+
+
+Tree=3842
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.455542 2.03056 1.95512 1.36474
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011616657671537701 0.0013823422354138045 -0.0043073409983758514 0.0043330885808427816 -0.0034875879740077589
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0263475 0.0308106 -0.0421668
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3843
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.463428 5.5241 3.71201 2.58249
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0045612727707363817 0.0018117247160740347 -0.0072198494528149717 0.0025008874327590177 -0.0040253718543890142
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0204346 0.055782 -0.0684143
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=3844
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 3
+split_gain=0.477486 1.91658 1.04437 1.77182
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00098027214114245528 0.0014139811592586199 -0.0036588706556639188 -0.0015617033896923357 0.0048591395361224591
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0269433 0.0385021 0.106995
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=3845
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=0.468655 3.04533 4.11157 1.36749
+threshold=8.5000000000000018 72.500000000000014 49.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.001442689687133362 0.0037863151410128444 0.0047766186288904482 -0.00080419605122365625 -0.0056976272027388242
+leaf_weight=69 48 50 44 50
+leaf_count=69 48 50 44 50
+internal_value=0 0.0259417 -0.0488185 -0.170895
+internal_weight=0 192 142 94
+internal_count=261 192 142 94
+shrinkage=0.02
+
+
+Tree=3846
+num_leaves=4
+num_cat=0
+split_feature=6 8 8
+split_gain=0.470594 1.48716 1.60666
+threshold=48.500000000000007 62.500000000000007 69.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.0013397232643593854 0.0027942174707442646 -0.0037806344786563873 0.0011256085787571318
+leaf_weight=77 73 46 65
+leaf_count=77 73 46 65
+internal_value=0 0.0280445 -0.0450754
+internal_weight=0 184 111
+internal_count=261 184 111
+shrinkage=0.02
+
+
+Tree=3847
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.455626 1.02587 2.11911 5.24913 1.33186
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.001053627201410581 0.0017743832632118848 -0.0033220463826051224 0.004010055675298399 -0.0070652546673187575 0.0039436499426958593
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.0205309 0.0131442 -0.0530018 0.0847629
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=3848
+num_leaves=4
+num_cat=0
+split_feature=6 9 4
+split_gain=0.471764 1.50665 2.68159
+threshold=48.500000000000007 55.500000000000007 69.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.0013413335737776275 0.0037159871120941417 0.0025151780729121167 -0.0030913936979973127
+leaf_weight=77 46 64 74
+leaf_count=77 46 64 74
+internal_value=0 0.0280772 -0.0242747
+internal_weight=0 184 138
+internal_count=261 184 138
+shrinkage=0.02
+
+
+Tree=3849
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.489667 2.31564 1.49626 2.61636
+threshold=66.500000000000014 76.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0015397789664021604 0.0036107657282964073 -0.0026655665036202209 0.001790417541749928 -0.0049806170063665866
+leaf_weight=43 60 39 61 58
+leaf_count=43 60 39 61 58
+internal_value=0 0.056503 -0.0345423 -0.109877
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=3850
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 5
+split_gain=0.469302 2.20318 1.49189 1.04895
+threshold=66.500000000000014 14.500000000000002 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0016352345076654595 0.0036835842169540577 -0.0023703570649406818 -0.0031967645243556925 0.0025158584960188269
+leaf_weight=42 57 42 60 60
+leaf_count=42 57 42 60 60
+internal_value=0 0.0553655 -0.0338423 0.0399399
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=3851
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.47469 2.95984 4.0871
+threshold=8.5000000000000018 72.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0014516417019741228 0.0025874433960572417 0.0047199550840653229 -0.0042149744059403168
+leaf_weight=69 68 50 74
+leaf_count=69 68 50 74
+internal_value=0 0.0260978 -0.0476089
+internal_weight=0 192 142
+internal_count=261 192 142
+shrinkage=0.02
+
+
+Tree=3852
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=0.455126 2.84192 3.99549 1.30744
+threshold=8.5000000000000018 72.500000000000014 49.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0014226383273385278 0.0037621998605892821 0.0046256879202996237 -0.00078317390924303987 -0.0055700242835734458
+leaf_weight=69 48 50 44 50
+leaf_count=69 48 50 44 50
+internal_value=0 0.025577 -0.0466519 -0.167006
+internal_weight=0 192 142 94
+internal_count=261 192 142 94
+shrinkage=0.02
+
+
+Tree=3853
+num_leaves=4
+num_cat=0
+split_feature=6 9 4
+split_gain=0.464205 1.56734 2.62464
+threshold=48.500000000000007 55.500000000000007 69.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.0013310305912792493 0.003773722183505134 0.0024581574021709384 -0.0030888616452900142
+leaf_weight=77 46 64 74
+leaf_count=77 46 64 74
+internal_value=0 0.0278583 -0.0255297
+internal_weight=0 184 138
+internal_count=261 184 138
+shrinkage=0.02
+
+
+Tree=3854
+num_leaves=6
+num_cat=0
+split_feature=4 5 6 6 3
+split_gain=0.470922 1.00622 2.07413 1.80074 1.28725
+threshold=74.500000000000014 68.65000000000002 57.500000000000007 49.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0016335148513252418 0.0018026480967240056 -0.0033011113853564072 0.0043245365174493433 -0.0042677968465905901 0.0032081685020710076
+leaf_weight=46 49 40 39 44 43
+leaf_count=46 49 40 39 44 43
+internal_value=0 -0.0208605 0.0124942 -0.0470286 0.0348713
+internal_weight=0 212 172 133 89
+internal_count=261 212 172 133 89
+shrinkage=0.02
+
+
+Tree=3855
+num_leaves=5
+num_cat=0
+split_feature=3 9 7 5
+split_gain=0.46151 2.32699 1.47686 0.992879
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0015722226364073631 0.0049178838984631264 -0.0013738545729273745 -0.003178923343220983 0.0024682143258263588
+leaf_weight=42 39 60 60 60
+leaf_count=42 39 60 60 60
+internal_value=0 0.0549179 -0.0335768 0.0398365
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=3856
+num_leaves=4
+num_cat=0
+split_feature=6 8 8
+split_gain=0.456036 1.42118 1.61235
+threshold=48.500000000000007 62.500000000000007 69.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.0013197941155370701 0.0027363426446612858 -0.0037617503425188487 0.0011532301699050803
+leaf_weight=77 73 46 65
+leaf_count=77 73 46 65
+internal_value=0 0.0276203 -0.0438747
+internal_weight=0 184 111
+internal_count=261 184 111
+shrinkage=0.02
+
+
+Tree=3857
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.442606 2.81242 3.94783 0.52504
+threshold=8.5000000000000018 72.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0014038697015739514 0.0029106867135752046 0.0045975743068985917 -0.0055519888892346467 -0.0022179898528268396
+leaf_weight=69 61 50 39 42
+leaf_count=69 61 50 39 42
+internal_value=0 0.0252328 -0.0466219 -0.191826
+internal_weight=0 192 142 81
+internal_count=261 192 142 81
+shrinkage=0.02
+
+
+Tree=3858
+num_leaves=4
+num_cat=0
+split_feature=6 9 4
+split_gain=0.450393 1.52923 2.56288
+threshold=48.500000000000007 55.500000000000007 69.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.0013120209582491238 0.0037267889175907716 0.0024280434775942293 -0.0030537894881172384
+leaf_weight=77 46 64 74
+leaf_count=77 46 64 74
+internal_value=0 0.0274525 -0.0252877
+internal_weight=0 184 138
+internal_count=261 184 138
+shrinkage=0.02
+
+
+Tree=3859
+num_leaves=6
+num_cat=0
+split_feature=4 5 6 5 2
+split_gain=0.466153 0.968672 2.04784 1.80341 1.1512
+threshold=74.500000000000014 68.65000000000002 57.500000000000007 52.800000000000004 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0030944101698121042 0.001793762452616477 -0.003245933568028402 0.0042884610903394299 -0.0043892682839423202 -0.0014485632562457557
+leaf_weight=42 49 40 39 42 49
+leaf_count=42 49 40 39 42 49
+internal_value=0 -0.0207644 0.0119703 -0.0471766 0.0320088
+internal_weight=0 212 172 133 91
+internal_count=261 212 172 133 91
+shrinkage=0.02
+
+
+Tree=3860
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.465252 5.67994 3.70571 2.05593
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001116906116219867 0.0018149136296671641 -0.0073158846019798452 0.0052736096090019845 -0.0044140038336924516
+leaf_weight=73 48 39 58 43
+leaf_count=73 48 39 58 43
+internal_value=0 -0.0204843 0.0567989 -0.0463939
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=3861
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.448256 2.21603 1.44538 2.55085
+threshold=66.500000000000014 76.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0015468740676377692 0.0035104864279085143 -0.0026305274623783467 0.0017769107673288524 -0.0048919751074672545
+leaf_weight=43 60 39 61 58
+leaf_count=43 60 39 61 58
+internal_value=0 0.0541537 -0.0331145 -0.10718
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=3862
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=0.451845 1.86813 2.70776 1.82597
+threshold=55.500000000000007 69.500000000000014 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0013464058085992465 -0.0018806004261146744 -0.0030233748008304563 0.0050218130052727249 0.0042564279287309699
+leaf_weight=53 50 74 42 42
+leaf_count=53 50 74 42 42
+internal_value=0 -0.0321658 0.0631617 0.0561766
+internal_weight=0 166 92 95
+internal_count=261 166 92 95
+shrinkage=0.02
+
+
+Tree=3863
+num_leaves=5
+num_cat=0
+split_feature=6 9 5 8
+split_gain=0.460137 5.46303 3.49559 1.21839
+threshold=69.500000000000014 71.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011085976002985401 0.0018053853956954207 -0.007181015123098532 0.0058477256295218858 -0.0028593637142685551
+leaf_weight=73 48 39 46 55
+leaf_count=73 48 39 46 55
+internal_value=0 -0.020373 0.0554216 -0.0295385
+internal_weight=0 213 174 128
+internal_count=261 213 174 128
+shrinkage=0.02
+
+
+Tree=3864
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 3
+split_gain=0.472348 1.89207 0.952123 1.64915
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00093727634512679424 0.0014065089636946604 -0.0036364391043287926 -0.0014635522772004023 0.0046981643110229352
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0268114 0.0382169 0.10368
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=3865
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=0.456553 2.91538 3.94936 1.23398
+threshold=8.5000000000000018 72.500000000000014 49.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0014248617735208788 0.0037172619820831478 0.0046788144065206677 -0.00085769683024578686 -0.0055118105149360476
+leaf_weight=69 48 50 44 50
+leaf_count=69 48 50 44 50
+internal_value=0 0.025611 -0.0475422 -0.167203
+internal_weight=0 192 142 94
+internal_count=261 192 142 94
+shrinkage=0.02
+
+
+Tree=3866
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 4
+split_gain=0.447833 1.48764 2.52333 2.07305
+threshold=48.500000000000007 55.500000000000007 18.500000000000004 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0013084226277484897 0.0036823733527773712 0.00061938872026748597 0.0028841417930680598 -0.0056823007580859069
+leaf_weight=77 46 40 54 44
+leaf_count=77 46 40 54 44
+internal_value=0 0.0273788 -0.0246449 -0.133698
+internal_weight=0 184 138 84
+internal_count=261 184 138 84
+shrinkage=0.02
+
+
+Tree=3867
+num_leaves=5
+num_cat=0
+split_feature=4 8 2 4
+split_gain=0.459525 0.923863 3.97885 1.85938
+threshold=74.500000000000014 56.500000000000007 17.500000000000004 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.001424877726389472 0.0017815659296155487 0.0014514742544027045 -0.0068170010127434205 0.0037251439247751321
+leaf_weight=65 49 58 39 50
+leaf_count=65 49 58 39 50
+internal_value=0 -0.0206187 -0.0933621 0.0404107
+internal_weight=0 212 97 115
+internal_count=261 212 97 115
+shrinkage=0.02
+
+
+Tree=3868
+num_leaves=5
+num_cat=0
+split_feature=5 7 5 4
+split_gain=0.447151 1.42606 1.33486 1.75195
+threshold=67.65000000000002 64.500000000000014 53.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001257445605810772 0.0013072263363488256 -0.0039642215559999444 0.0031605673031555974 -0.0042043739963915101
+leaf_weight=58 77 39 47 40
+leaf_count=58 77 39 47 40
+internal_value=0 -0.027371 0.0183768 -0.048256
+internal_weight=0 184 145 98
+internal_count=261 184 145 98
+shrinkage=0.02
+
+
+Tree=3869
+num_leaves=5
+num_cat=0
+split_feature=2 8 4 2
+split_gain=0.439357 1.58778 3.41401 0.770028
+threshold=8.5000000000000018 49.500000000000007 65.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0013988035192719346 0.0036723049214706124 -0.0040043526789572074 0.00024561187749016974 0.0042425502751652841
+leaf_weight=69 48 64 41 39
+leaf_count=69 48 64 41 39
+internal_value=0 0.0251503 -0.0274572 0.110306
+internal_weight=0 192 144 80
+internal_count=261 192 144 80
+shrinkage=0.02
+
+
+Tree=3870
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 7
+split_gain=0.441515 1.45547 2.45052 1.92014
+threshold=48.500000000000007 55.500000000000007 18.500000000000004 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0012993114718117726 0.0036453018707025332 -0.0056718379424874734 0.0028431068952962692 0.00038753109488885078
+leaf_weight=77 46 42 54 42
+leaf_count=77 46 42 54 42
+internal_value=0 0.0272057 -0.0242573 -0.131742
+internal_weight=0 184 138 84
+internal_count=261 184 138 84
+shrinkage=0.02
+
+
+Tree=3871
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.447702 2.5751 4.60152 1.84548 1.89941
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0039619497256829965 -0.0018783545906591881 -0.0042813678744475746 0.0073891508885681823 -0.0015721673841973414 0.0040165435961583866
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0190749 0.0704455 -0.0160783 0.0578958
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3872
+num_leaves=5
+num_cat=0
+split_feature=6 5 4 6
+split_gain=0.42915 1.79708 1.67286 1.38837
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012260125488516881 -0.001840846751697593 0.0042816059573977574 -0.0040434495368548377 0.0028487086683298313
+leaf_weight=76 44 39 41 61
+leaf_count=76 44 39 41 61
+internal_value=0 0.0186865 -0.0239672 0.0291486
+internal_weight=0 217 178 137
+internal_count=261 217 178 137
+shrinkage=0.02
+
+
+Tree=3873
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.450784 1.94124 1.80465 1.32533
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011670855152358737 0.0013753666259054794 -0.0042214991078237197 0.0041661352125257943 -0.0034155867198849559
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0262176 0.0296762 -0.0404539
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3874
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.441544 5.30194 3.4304 2.4402
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0044071574505473096 0.0017702009425184101 -0.0070727317762712041 0.0024675587235444474 -0.0038777579128275864
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0199688 0.0547012 -0.0647048
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=3875
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.471932 1.83191 1.73149 1.14673
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0018421872527277436 0.0014060263913494384 -0.0041284679158734225 0.0040506760557986014 -0.0025028404382288474
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0267945 0.0275111 -0.0411937
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3876
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.452426 1.75874 1.66217 1.2799
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011350622601631795 0.0013779330490521682 -0.0040460297149515819 0.0039698003354024973 -0.0033693989155851663
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0262547 0.0269625 -0.0403626
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3877
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.441496 2.90597 1.99109 2.6258
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0047881156775890386 0.0012995109570711617 0.0064135517965934041 -0.0021306282270428588 -0.00066609541169076179
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0271937 0.0474953 0.14333
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3878
+num_leaves=5
+num_cat=0
+split_feature=9 9 9 3
+split_gain=0.426082 1.72292 0.971143 2.48448
+threshold=70.500000000000014 60.500000000000007 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0032620009505483971 0.0013389564066885224 -0.0034702790661017184 0.0032287160069310863 -0.0034444499106280509
+leaf_weight=40 72 56 43 50
+leaf_count=40 72 56 43 50
+internal_value=0 -0.0255125 0.0365618 -0.0227352
+internal_weight=0 189 133 90
+internal_count=261 189 133 90
+shrinkage=0.02
+
+
+Tree=3879
+num_leaves=5
+num_cat=0
+split_feature=4 8 2 4
+split_gain=0.428534 0.934925 3.75159 1.90163
+threshold=74.500000000000014 56.500000000000007 17.500000000000004 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0014289028535541066 0.0017233098839605707 0.0013607135166168541 -0.0066689733255846234 0.0037786788462592577
+leaf_weight=65 49 58 39 50
+leaf_count=65 49 58 39 50
+internal_value=0 -0.0199275 -0.0930978 0.0414616
+internal_weight=0 212 97 115
+internal_count=261 212 97 115
+shrinkage=0.02
+
+
+Tree=3880
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.433712 2.48015 4.47247 1.8202 2.38639
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0039373744718148463 -0.0018499566832718354 -0.0042008293922947658 0.0072805192331021826 -0.0019108155995030019 0.0043483367134461047
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.018792 0.0692171 -0.0160863 0.0573825
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3881
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.453175 1.7326 2.52722 3.57542
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0038587645134308224 0.0013790029694060149 -0.0043005067721821636 -0.0019193979488867639 0.0053301705470870219
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0262766 0.0226089 0.101426
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=3882
+num_leaves=5
+num_cat=0
+split_feature=6 6 2 1
+split_gain=0.431215 1.53701 1.28777 3.02653
+threshold=69.500000000000014 63.500000000000007 8.5000000000000018 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0024374293637614251 0.0017502902849612823 -0.0037449710599575994 0.0042037225947604865 -0.0021394623262263636
+leaf_weight=45 48 44 72 52
+leaf_count=45 48 44 72 52
+internal_value=0 -0.0197436 0.0236901 0.0768762
+internal_weight=0 213 169 124
+internal_count=261 213 169 124
+shrinkage=0.02
+
+
+Tree=3883
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 4
+split_gain=0.458592 0.991098 2.08467 3.42861
+threshold=42.500000000000007 50.650000000000013 19.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0017798794200178901 -0.0030349642115325504 0.0020357803086777462 0.0033857516462757315 -0.0051131511801302673
+leaf_weight=49 46 57 58 51
+leaf_count=49 46 57 58 51
+internal_value=0 -0.0205962 0.0155549 -0.0666913
+internal_weight=0 212 166 108
+internal_count=261 212 166 108
+shrinkage=0.02
+
+
+Tree=3884
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.448962 2.67577 1.88051 2.50679
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0046223230502797389 0.0013098056370589898 0.0062150879574411413 -0.002109321652755459 -0.00070337937194220898
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0274216 0.0442585 0.137432
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3885
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 4
+split_gain=0.450095 0.88217 1.90965 0.916779
+threshold=42.500000000000007 73.500000000000014 58.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017640042111857594 0.00020062915923992864 -0.0026399226828690311 0.0030311655645179222 -0.0038365354069914083
+leaf_weight=49 55 54 64 39
+leaf_count=49 55 54 64 39
+internal_value=0 -0.0204127 0.0175119 -0.0733734
+internal_weight=0 212 158 94
+internal_count=261 212 158 94
+shrinkage=0.02
+
+
+Tree=3886
+num_leaves=5
+num_cat=0
+split_feature=4 5 7 4
+split_gain=0.447616 1.05021 2.14514 2.01269
+threshold=74.500000000000014 55.95000000000001 70.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0013510286865378923 0.0017594030654330788 -0.0045757210411608972 0.001325885225736251 0.0041002802640383281
+leaf_weight=65 49 55 45 47
+leaf_count=65 49 55 45 47
+internal_value=0 -0.0203561 -0.0956467 0.0465284
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=3887
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.437063 2.41233 4.36285 1.71716 2.25796
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0038263155112755638 -0.0018569396947121064 -0.0041370234095534624 0.0071956268120264219 -0.0018611869875163835 0.0042284867901371303
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.018853 0.0685916 -0.0156612 0.0557121
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3888
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.4656 1.78828 1.55077 1.34832
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012328967181623577 0.001396830550498203 -0.0040825729615460568 0.0038556708324730526 -0.003389163599896119
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0266274 0.0270318 -0.038014
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3889
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.450813 1.00832 3.65811 7.18796
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017654071553603243 0.0021507303199037593 -0.0033405594940773813 0.0039188185515499022 -0.0084989240478670226
+leaf_weight=49 64 39 67 42
+leaf_count=49 64 39 67 42
+internal_value=0 -0.0204256 0.0124466 -0.103211
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=3890
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 4
+split_gain=0.471603 1.01196 3.05742 1.9799
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0013670349012546797 0.0018040057422188214 -0.0055475909641236913 0.0014621886743770261 0.0040402160908149156
+leaf_weight=65 49 48 52 47
+leaf_count=65 49 48 52 47
+internal_value=0 -0.0208696 -0.0948019 0.0448024
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=3891
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.465085 1.69602 1.55859 1.34967
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012031095681183225 0.0013962501614347186 -0.0039903797409770875 0.003836608074835858 -0.0034210425001013852
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0266053 0.0256603 -0.0395497
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=3892
+num_leaves=5
+num_cat=0
+split_feature=4 5 5 4
+split_gain=0.456184 0.987971 2.01925 1.94657
+threshold=74.500000000000014 55.95000000000001 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.001356712835178922 0.0017756063154182489 -0.00509256824712405 0.0006472466738546769 0.0040052545919700977
+leaf_weight=65 49 44 56 47
+leaf_count=65 49 44 56 47
+internal_value=0 -0.0205339 -0.0936037 0.0443678
+internal_weight=0 212 100 112
+internal_count=261 212 100 112
+shrinkage=0.02
+
+
+Tree=3893
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 3
+split_gain=0.4397 1.6581 0.9436 1.46737
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00083723343483529684 0.0013593397370460908 -0.0034223255959449236 -0.0015181026831405917 0.0044814315997684035
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.025894 0.0350094 0.100195
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=3894
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.437721 0.971901 2.16078 5.45997 1.22646
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00091126122894511679 0.0017408388149769893 -0.0032379809927101412 0.0040366412195353705 -0.0072067641265855823 0.0038860930521014037
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.020132 0.012657 -0.054133 0.0863682
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=3895
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.433438 2.56008 1.80249 2.46788
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0045247089268264989 0.0012880777603104002 0.006127947894508776 -0.0020689627805780902 -0.00073709014857186535
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0269572 0.0431625 0.134408
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3896
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 1
+split_gain=0.452159 1.52978 2.06365 2.46655
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 3.5000000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017461289904992308 0.0025617955836914406 -0.0027234733382204461 0.0046212164322941562 -0.0039041662755507135
+leaf_weight=50 46 75 41 49
+leaf_count=50 46 75 41 49
+internal_value=0 -0.0207072 0.0427125 -0.0382642
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=3897
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.442235 2.48247 1.6846 2.36362
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0044695042986023668 0.0013005210738617021 0.0059688188240289812 -0.0019987794560572909 -0.00075064324435809165
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0272171 0.0418359 0.130087
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3898
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 1
+split_gain=0.464195 1.47861 1.98118 2.32833
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 3.5000000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017682538489417353 0.0024737441145382547 -0.0026902735858175086 0.0045195704633254402 -0.0038097430558221173
+leaf_weight=50 46 75 41 49
+leaf_count=50 46 75 41 49
+internal_value=0 -0.0209691 0.0413905 -0.0379608
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=3899
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 2
+split_gain=0.458948 1.60337 2.24255 2.10937 2.30517
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.001954670471719475 -0.005611200269610467 0.0023146245469134424 0.00078663690134602685 0.0042253443539224311 -0.0044952686866714369
+leaf_weight=42 45 41 43 51 39
+leaf_count=42 45 41 43 51 39
+internal_value=0 -0.0187603 -0.123888 0.0515831 -0.0498117
+internal_weight=0 219 88 131 80
+internal_count=261 219 88 131 80
+shrinkage=0.02
+
+
+Tree=3900
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.460516 0.928839 3.65152 6.94561
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017837791392340155 0.0020511059217946902 -0.0032288138670234202 0.0038855775957031481 -0.008417725056119393
+leaf_weight=49 64 39 67 42
+leaf_count=49 64 39 67 42
+internal_value=0 -0.0206214 0.0109454 -0.10461
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=3901
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 4
+split_gain=0.441494 0.946148 2.12733 3.20113
+threshold=42.500000000000007 50.650000000000013 19.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0017481542830071722 -0.0029682403671876041 0.0018971112684337107 0.003408185249508526 -0.0050115678926398437
+leaf_weight=49 46 57 58 51
+leaf_count=49 46 57 58 51
+internal_value=0 -0.020207 0.0151264 -0.0679525
+internal_weight=0 212 166 108
+internal_count=261 212 166 108
+shrinkage=0.02
+
+
+Tree=3902
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.455121 2.42905 1.61391 2.28198
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0044346885956918379 0.0013187317661356183 0.00585163107915335 -0.0019614021897613599 -0.00075155973484036136
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0275834 0.0407253 0.127132
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3903
+num_leaves=5
+num_cat=0
+split_feature=2 9 7 7
+split_gain=0.477481 1.3704 4.82475 1.19648
+threshold=6.5000000000000009 72.500000000000014 65.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017925535775430907 -0.0008365350581283923 0.0022689015313183025 -0.0074968297160553574 0.0034648633769304043
+leaf_weight=50 76 56 39 40
+leaf_count=50 76 56 39 40
+internal_value=0 -0.0212446 -0.0701939 0.0320504
+internal_weight=0 211 155 116
+internal_count=261 211 155 116
+shrinkage=0.02
+
+
+Tree=3904
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.457777 1.39667 1.87337 2.22647
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017567527446533501 0.0020978128208170577 -0.0026243130886333993 0.0043871988659796709 -0.0040614096558307718
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0208168 0.0398072 -0.0373677
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=3905
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.475032 2.38392 1.58174 2.1775
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0044101136731883213 0.0013461191191799496 0.0057345448651521282 -0.0019580026015865383 -0.00071664341769905318
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0281535 0.0395201 0.125076
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3906
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 5
+split_gain=0.45549 1.26838 3.04939 2.35955
+threshold=67.65000000000002 64.500000000000014 58.500000000000007 50.050000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00025795952279387659 0.0013192212258747028 -0.0034497417060936095 -0.0041669838684868406 0.0060893466469948213
+leaf_weight=57 77 46 41 40
+leaf_count=57 77 46 41 40
+internal_value=0 -0.0275953 0.0204752 0.117687
+internal_weight=0 184 138 97
+internal_count=261 184 138 97
+shrinkage=0.02
+
+
+Tree=3907
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.47466 1.36218 1.83158 2.19455
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017874401936351075 0.0020723344859692105 -0.0026046282884695732 0.0043251361282660725 -0.0040428944474070532
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0211855 0.0386923 -0.0376229
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=3908
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.462534 2.29524 1.55669 2.06812
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0043314387520187389 0.0013289492682784516 0.0056214226276702552 -0.0019546025612543383 -0.00066663416616560194
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0277993 0.0386095 0.123497
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3909
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 1
+split_gain=0.485322 1.31849 1.75839 2.15292
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 3.5000000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0018065958342581706 0.0023638777215044282 -0.0025744339258006723 0.0042306145397973003 -0.0036801434662523309
+leaf_weight=50 46 75 41 49
+leaf_count=50 46 75 41 49
+internal_value=0 -0.0214129 0.0375066 -0.0372782
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=3910
+num_leaves=5
+num_cat=0
+split_feature=5 2 8 1
+split_gain=0.469072 2.22821 1.57853 5.0873
+threshold=67.65000000000002 8.5000000000000018 49.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0042801368795761527 0.0013379194792318982 0.0036852240794310589 -0.0062472711217076938 0.0034409336482455785
+leaf_weight=48 77 48 39 49
+leaf_count=48 77 48 39 49
+internal_value=0 -0.0279871 0.0374493 -0.0422586
+internal_weight=0 184 136 88
+internal_count=261 184 136 88
+shrinkage=0.02
+
+
+Tree=3911
+num_leaves=5
+num_cat=0
+split_feature=2 9 9 1
+split_gain=0.495372 1.37469 4.43968 1.90991
+threshold=6.5000000000000009 72.500000000000014 60.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0018245802531348079 0.0032739759109317711 0.0022655430974032505 -0.0063265919382697886 -0.0021963119833491081
+leaf_weight=50 60 56 50 45
+leaf_count=50 60 56 50 45
+internal_value=0 -0.0216193 -0.0706431 0.0461026
+internal_weight=0 211 155 105
+internal_count=261 211 155 105
+shrinkage=0.02
+
+
+Tree=3912
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 3 3
+split_gain=0.456762 1.66012 2.30645 1.99893 3.59696
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0019504706093668228 -0.0056903994784324487 0.0036507842746389958 0.00079735211483980236 0.0043758953293848374 -0.0046602123594215294
+leaf_weight=42 45 39 43 47 45
+leaf_count=42 45 39 43 47 45
+internal_value=0 -0.0187042 -0.125653 0.0528625 -0.0396096
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=3913
+num_leaves=5
+num_cat=0
+split_feature=2 9 7 1
+split_gain=0.471506 1.31403 4.5524 2.62353
+threshold=6.5000000000000009 72.500000000000014 65.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017820072040744519 0.0034268176383083051 0.0022164012523328471 -0.0073002878813173636 -0.0026196188324366875
+leaf_weight=50 62 56 39 54
+leaf_count=50 62 56 39 54
+internal_value=0 -0.0211041 -0.0690535 0.0302661
+internal_weight=0 211 155 116
+internal_count=261 211 155 116
+shrinkage=0.02
+
+
+Tree=3914
+num_leaves=5
+num_cat=0
+split_feature=2 9 7 1
+split_gain=0.452044 1.26132 4.3716 2.51902
+threshold=6.5000000000000009 72.500000000000014 65.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017464170052140016 0.0033583587024553553 0.0021721284819389169 -0.0071545441813684963 -0.0025672944300999716
+leaf_weight=50 62 56 39 54
+leaf_count=50 62 56 39 54
+internal_value=0 -0.0206797 -0.0676753 0.0296544
+internal_weight=0 211 155 116
+internal_count=261 211 155 116
+shrinkage=0.02
+
+
+Tree=3915
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.450887 5.26349 3.42067 1.26989
+threshold=69.500000000000014 71.500000000000014 57.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0022667458793267851 0.0017886292088768302 -0.0070519969410982658 0.005990567220345102 0.0017308909185028377
+leaf_weight=74 48 39 43 57
+leaf_count=74 48 39 43 57
+internal_value=0 -0.0201398 0.0542592 -0.0260609
+internal_weight=0 213 174 131
+internal_count=261 213 174 131
+shrinkage=0.02
+
+
+Tree=3916
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.45662 2.19505 1.4204 1.98395
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0042451249328365392 0.0013211152520148195 0.0054571693951482305 -0.0018590965963197529 -0.00070278936901864962
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0276117 0.0373387 0.118483
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3917
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 3 3
+split_gain=0.460221 1.717 2.27972 1.85114 3.51324
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0019576990995259476 -0.0057090153235513147 0.0036913188503988874 0.00074105612314339709 0.0042749095553168579 -0.0045232479098051073
+leaf_weight=42 45 39 43 47 45
+leaf_count=42 45 39 43 47 45
+internal_value=0 -0.0187636 -0.127505 0.0540082 -0.0349964
+internal_weight=0 219 88 131 84
+internal_count=261 219 88 131 84
+shrinkage=0.02
+
+
+Tree=3918
+num_leaves=5
+num_cat=0
+split_feature=2 9 9 1
+split_gain=0.459005 1.27492 4.25276 1.82086
+threshold=6.5000000000000009 72.500000000000014 60.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017593683136040423 0.0032210205043758317 0.0021829316882668744 -0.0061711310828597536 -0.0021213154540718963
+leaf_weight=50 60 56 50 45
+leaf_count=50 60 56 50 45
+internal_value=0 -0.0208254 -0.0680691 0.0461973
+internal_weight=0 211 155 105
+internal_count=261 211 155 105
+shrinkage=0.02
+
+
+Tree=3919
+num_leaves=5
+num_cat=0
+split_feature=6 9 5 8
+split_gain=0.450916 2.46805 3.85561 1.07119
+threshold=70.500000000000014 72.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012126396615091324 -0.001884193793429467 -0.0041821316501689685 0.006242698471561549 -0.0024754145397883499
+leaf_weight=73 44 39 48 57
+leaf_count=73 44 39 48 57
+internal_value=0 0.0191704 0.0694733 -0.0199371
+internal_weight=0 217 178 130
+internal_count=261 217 178 130
+shrinkage=0.02
+
+
+Tree=3920
+num_leaves=5
+num_cat=0
+split_feature=5 2 4 6
+split_gain=0.441686 2.12788 1.40229 4.03817
+threshold=67.65000000000002 8.5000000000000018 52.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0041800102849580264 0.0013002627000620632 0.003848171198138768 -0.0050544218717336097 0.0032268332079452666
+leaf_weight=48 77 41 44 51
+leaf_count=48 77 41 44 51
+internal_value=0 -0.0271752 0.036779 -0.0300589
+internal_weight=0 184 136 95
+internal_count=261 184 136 95
+shrinkage=0.02
+
+
+Tree=3921
+num_leaves=5
+num_cat=0
+split_feature=2 9 7 1
+split_gain=0.464715 1.27499 4.3924 2.40085
+threshold=6.5000000000000009 72.500000000000014 65.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017698238754024853 0.0032875975931643364 0.0021805167739799959 -0.0071786170854634393 -0.0024984149575586214
+leaf_weight=50 62 56 39 54
+leaf_count=50 62 56 39 54
+internal_value=0 -0.0209492 -0.0681939 0.0293667
+internal_weight=0 211 155 116
+internal_count=261 211 155 116
+shrinkage=0.02
+
+
+Tree=3922
+num_leaves=5
+num_cat=0
+split_feature=2 6 4 8
+split_gain=0.445521 1.23852 1.76259 2.18203
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017344764818420472 0.0020512027415553256 -0.0024917164813333626 0.004216619795158829 -0.0040466229494687299
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.0205279 0.0365976 -0.0382769
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=3923
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 5
+split_gain=0.45928 1.27593 2.84871 2.42321
+threshold=67.65000000000002 64.500000000000014 58.500000000000007 50.050000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00035633378787008961 0.0013249270626275755 -0.0034599470284902688 -0.0040134893093708955 0.0060758879420047453
+leaf_weight=57 77 46 41 40
+leaf_count=57 77 46 41 40
+internal_value=0 -0.0276821 0.0205298 0.114518
+internal_weight=0 184 138 97
+internal_count=261 184 138 97
+shrinkage=0.02
+
+
+Tree=3924
+num_leaves=5
+num_cat=0
+split_feature=5 2 8 1
+split_gain=0.440363 2.08217 1.42867 5.1483
+threshold=67.65000000000002 8.5000000000000018 49.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0041402749289606031 0.0012984523694540286 0.0035180021573531549 -0.0062289293979573262 0.003517174182293832
+leaf_weight=48 77 48 39 49
+leaf_count=48 77 48 39 49
+internal_value=0 -0.0271335 0.0361335 -0.0397278
+internal_weight=0 184 136 88
+internal_count=261 184 136 88
+shrinkage=0.02
+
+
+Tree=3925
+num_leaves=5
+num_cat=0
+split_feature=2 9 7 1
+split_gain=0.460457 1.25022 4.21706 2.4267
+threshold=6.5000000000000009 72.500000000000014 65.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017620816165538563 0.0032736802795928603 0.0021573731033734424 -0.0070509481393439656 -0.0025432974162947477
+leaf_weight=50 62 56 39 54
+leaf_count=50 62 56 39 54
+internal_value=0 -0.0208545 -0.0676466 0.0279492
+internal_weight=0 211 155 116
+internal_count=261 211 155 116
+shrinkage=0.02
+
+
+Tree=3926
+num_leaves=5
+num_cat=0
+split_feature=2 6 3 6
+split_gain=0.441431 1.19419 1.78101 1.98823
+threshold=6.5000000000000009 63.500000000000007 60.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017268892284017707 0.0018975123238392556 -0.0024529039843494988 0.0042161249728396716 -0.0039252820652082229
+leaf_weight=50 51 75 41 44
+leaf_count=50 51 75 41 44
+internal_value=0 -0.020435 0.035671 -0.0395925
+internal_weight=0 211 136 95
+internal_count=261 211 136 95
+shrinkage=0.02
+
+
+Tree=3927
+num_leaves=5
+num_cat=0
+split_feature=5 2 8 3
+split_gain=0.457141 2.04982 1.35276 3.43007
+threshold=67.65000000000002 8.5000000000000018 49.500000000000007 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0041221482053612982 0.0013220134351184527 0.0034243524449020907 -0.0044765683955255535 0.0034522136062608601
+leaf_weight=48 77 48 47 41
+leaf_count=48 77 48 47 41
+internal_value=0 -0.0276179 0.035158 -0.0386793
+internal_weight=0 184 136 88
+internal_count=261 184 136 88
+shrinkage=0.02
+
+
+Tree=3928
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.466642 3.77015 3.69849 1.44855 2.26574
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0027493932285698741 -0.0019693021138716912 0.0059419549775891157 -0.0051884859354345671 0.0040934531565995583 -0.0039223405519476671
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0189607 -0.0430612 0.0526761 -0.0247966
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=3929
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.4496 2.42457 4.39934 1.7419 2.21002
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0038498234931804427 -0.0018814283583692771 -0.0041424165219488066 0.0072282399314878478 -0.0018179751327326429 0.0042071049160897333
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0191501 0.0690129 -0.015591 0.0562912
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3930
+num_leaves=6
+num_cat=0
+split_feature=3 2 6 4 8
+split_gain=0.47052 1.89515 4.2364 3.07846 1.92729
+threshold=75.500000000000014 6.5000000000000009 64.500000000000014 60.500000000000007 49.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0042216734832897871 -0.0019497207156571705 0.0018722009506030618 -0.0061673273674786346 0.0058500582986054121 -0.003861522267813285
+leaf_weight=42 43 51 41 40 44
+leaf_count=42 43 51 41 40 44
+internal_value=0 0.0192969 -0.0263089 0.0591722 -0.0387946
+internal_weight=0 218 176 135 95
+internal_count=261 218 176 135 95
+shrinkage=0.02
+
+
+Tree=3931
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.495347 1.98 1.40087 1.9033
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0040831874159347045 0.0013737687989789039 0.0052968952729713619 -0.0019284815582909466 -0.00073778553284741877
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.02871 0.0329925 0.113597
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3932
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.475003 1.90077 1.34462 1.82744
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0040016428644927575 0.0013463182730929651 0.0051911341122678999 -0.0018899636863746409 -0.00072305419335519448
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0281407 0.0323222 0.111319
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3933
+num_leaves=6
+num_cat=0
+split_feature=3 2 5 5 5
+split_gain=0.476051 1.92413 4.08101 3.04282 1.22352
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 55.150000000000006 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0042525781586585602 -0.0019608525681002998 0.001817881803962397 -0.0052449258610775045 0.0059930549937946302 -0.0030449040801462358
+leaf_weight=42 43 40 52 40 44
+leaf_count=42 43 40 52 40 44
+internal_value=0 0.019397 -0.0265542 0.0720542 -0.0360095
+internal_weight=0 218 176 124 84
+internal_count=261 218 176 124 84
+shrinkage=0.02
+
+
+Tree=3934
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 7
+split_gain=0.497491 1.8981 5.51576 2.47322
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0022717315205685201 0.0013764709830322789 -0.0013517878619215269 -0.0075245153357984202 0.0052980369604057999
+leaf_weight=46 77 53 46 39
+leaf_count=46 77 53 46 39
+internal_value=0 -0.0287773 -0.130985 0.0730178
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=3935
+num_leaves=6
+num_cat=0
+split_feature=3 2 6 3 1
+split_gain=0.455265 1.87567 4.01604 2.95546 1.98279
+threshold=75.500000000000014 6.5000000000000009 64.500000000000014 60.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0041959967317393033 -0.0019192679179691789 0.0022017417695787307 -0.0060208836171004153 0.0057101489514640551 -0.0036003244291237138
+leaf_weight=42 43 46 41 40 49
+leaf_count=42 43 46 41 40 49
+internal_value=0 0.0189893 -0.0263832 0.056849 -0.0391468
+internal_weight=0 218 176 135 95
+internal_count=261 218 176 135 95
+shrinkage=0.02
+
+
+Tree=3936
+num_leaves=5
+num_cat=0
+split_feature=5 2 8 1
+split_gain=0.525673 1.86217 1.34244 4.93194
+threshold=67.65000000000002 8.5000000000000018 49.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0039949805232003992 0.0014134813733403752 0.0033173412886830463 -0.0061846377621069919 0.0033549124347427507
+leaf_weight=48 77 48 39 49
+leaf_count=48 77 48 39 49
+internal_value=0 -0.0295492 0.0302992 -0.0432657
+internal_weight=0 184 136 88
+internal_count=261 184 136 88
+shrinkage=0.02
+
+
+Tree=3937
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 5
+split_gain=0.504045 1.3483 2.61039 2.55115
+threshold=67.65000000000002 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00093128649541330307 0.001385237177909078 -0.0035653640011890299 -0.0038241597882712119 0.0055693324068998478
+leaf_weight=50 77 46 41 47
+leaf_count=50 77 46 41 47
+internal_value=0 -0.0289552 0.0205913 0.1106
+internal_weight=0 184 138 97
+internal_count=261 184 138 97
+shrinkage=0.02
+
+
+Tree=3938
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 7
+split_gain=0.483363 1.79304 5.21237 2.36978
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0022000470240294144 0.0013575578190456869 -0.0013413970185602051 -0.0073236912834377804 0.0051689448752060309
+leaf_weight=46 77 53 46 39
+leaf_count=46 77 53 46 39
+internal_value=0 -0.0283815 -0.127754 0.0705782
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=3939
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.464087 1.35145 3.70811 5.9234
+threshold=6.5000000000000009 72.500000000000014 5.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.001768587570074244 0.0018878009851840435 0.0022565402314585117 -0.0095693012799280466 0.0011808871047021387
+leaf_weight=50 73 56 42 40
+leaf_count=50 73 56 42 40
+internal_value=0 -0.0209401 -0.0695559 -0.215951
+internal_weight=0 211 155 82
+internal_count=261 211 155 82
+shrinkage=0.02
+
+
+Tree=3940
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 5
+split_gain=0.465062 1.2951 2.5089 2.47298
+threshold=67.65000000000002 64.500000000000014 58.500000000000007 50.050000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00049420744461038907 0.0013328696164590492 -0.0034847074506441688 -0.0037389041446575667 0.0060038807115740458
+leaf_weight=57 77 46 41 40
+leaf_count=57 77 46 41 40
+internal_value=0 -0.0278498 0.0207193 0.108979
+internal_weight=0 184 138 97
+internal_count=261 184 138 97
+shrinkage=0.02
+
+
+Tree=3941
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.461128 2.28388 4.38668 1.69749 2.19424
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0038270205031733636 -0.0019045696081097011 -0.0040055798776381032 0.0071953651287444435 -0.0018480382307655982 0.0041558490343591844
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0193744 0.0677851 -0.0166974 0.0542676
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3942
+num_leaves=5
+num_cat=0
+split_feature=5 2 4 6
+split_gain=0.461819 1.73499 1.35866 3.75457
+threshold=67.65000000000002 8.5000000000000018 52.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0038424599489663286 0.0013281939778753923 0.0036654085395456323 -0.005010506924204166 0.0029755141243370683
+leaf_weight=48 77 41 44 51
+leaf_count=48 77 41 44 51
+internal_value=0 -0.0277672 0.0300157 -0.0357913
+internal_weight=0 184 136 95
+internal_count=261 184 136 95
+shrinkage=0.02
+
+
+Tree=3943
+num_leaves=5
+num_cat=0
+split_feature=2 9 7 1
+split_gain=0.470953 1.35218 4.12646 2.31966
+threshold=6.5000000000000009 72.500000000000014 65.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.001781069743364234 0.0031518454636417577 0.0022542681910571981 -0.0070309736838815532 -0.0025366428738075155
+leaf_weight=50 62 56 39 54
+leaf_count=50 62 56 39 54
+internal_value=0 -0.0210889 -0.0697173 0.0248465
+internal_weight=0 211 155 116
+internal_count=261 211 155 116
+shrinkage=0.02
+
+
+Tree=3944
+num_leaves=5
+num_cat=0
+split_feature=5 2 8 1
+split_gain=0.453064 1.69278 1.32017 4.8091
+threshold=67.65000000000002 8.5000000000000018 49.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0037975488015686326 0.001316158263866147 0.0032806024711097828 -0.0061207433725512482 0.0032996512188162228
+leaf_weight=48 77 48 39 49
+leaf_count=48 77 48 39 49
+internal_value=0 -0.0275094 0.0295712 -0.043388
+internal_weight=0 184 136 88
+internal_count=261 184 136 88
+shrinkage=0.02
+
+
+Tree=3945
+num_leaves=5
+num_cat=0
+split_feature=2 9 7 1
+split_gain=0.477372 1.29523 4.00785 2.31177
+threshold=6.5000000000000009 72.500000000000014 65.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017927459682893535 0.0031377282909015466 0.0021953169849226344 -0.0069321124314773649 -0.0025411926224532884
+leaf_weight=50 62 56 39 54
+leaf_count=50 62 56 39 54
+internal_value=0 -0.0212227 -0.0688338 0.0243631
+internal_weight=0 211 155 116
+internal_count=261 211 155 116
+shrinkage=0.02
+
+
+Tree=3946
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 9 3
+split_gain=0.465859 3.68987 3.33695 1.17115 2.69907
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0033405479201956347 -0.0019678837213234009 0.0058822741126490566 -0.0049600104336591823 0.0037583101088363002 -0.0038958271545629815
+leaf_weight=40 42 40 55 41 43
+leaf_count=40 42 40 55 41 43
+internal_value=0 0.0189371 -0.0424224 0.0485276 -0.0199455
+internal_weight=0 219 179 124 83
+internal_count=261 219 179 124 83
+shrinkage=0.02
+
+
+Tree=3947
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 4
+split_gain=0.489282 1.60983 1.81262 2.77929
+threshold=75.500000000000014 66.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015755180020550438 -0.0019866929564643187 0.0033344907531109814 0.002109327932289936 -0.0051436292361971671
+leaf_weight=43 43 56 61 58
+leaf_count=43 43 56 61 58
+internal_value=0 0.0196608 -0.0309793 -0.113799
+internal_weight=0 218 162 101
+internal_count=261 218 162 101
+shrinkage=0.02
+
+
+Tree=3948
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 4
+split_gain=0.469177 1.54524 1.74005 2.66876
+threshold=75.500000000000014 66.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015440590317409278 -0.0019470232871837011 0.0032678843245630453 0.0020671894376545737 -0.0050408805585757423
+leaf_weight=43 43 56 61 58
+leaf_count=43 43 56 61 58
+internal_value=0 0.0192718 -0.0303505 -0.111517
+internal_weight=0 218 162 101
+internal_count=261 218 162 101
+shrinkage=0.02
+
+
+Tree=3949
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.484618 1.0991 1.9313 3.70417
+threshold=42.500000000000007 50.650000000000013 67.500000000000014 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0018284928838760177 -0.0031816628548478987 0.0027011536961474999 -0.0060952884601739778 0.0020606828489613577
+leaf_weight=49 46 76 41 49
+leaf_count=49 46 76 41 49
+internal_value=0 -0.0211058 0.0169389 -0.0823891
+internal_weight=0 212 166 90
+internal_count=261 212 166 90
+shrinkage=0.02
+
+
+Tree=3950
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.486315 3.6083 3.39374 1.43103
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010440119062679898 -0.0020087755785465579 0.0058294178754098704 -0.0049730843991522824 0.0032798378814067942
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.019337 -0.0413418 0.0503773
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=3951
+num_leaves=6
+num_cat=0
+split_feature=6 9 8 9 5
+split_gain=0.478546 2.35978 3.62538 0.69357 0.796873
+threshold=70.500000000000014 72.500000000000014 60.500000000000007 42.500000000000007 50.650000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0017722927156280834 -0.0019386814633058482 -0.0040704281025906799 0.0066894498605784081 -0.0030838035161230761 0.00073653967572332444
+leaf_weight=49 44 39 40 46 43
+leaf_count=49 44 39 40 46 43
+internal_value=0 0.0197247 0.0689236 -0.0078879 -0.0614955
+internal_weight=0 217 178 138 89
+internal_count=261 217 178 138 89
+shrinkage=0.02
+
+
+Tree=3952
+num_leaves=6
+num_cat=0
+split_feature=3 2 5 5 5
+split_gain=0.467564 1.85011 4.09252 2.89121 1.08632
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 55.150000000000006 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0041751645896110062 -0.0019438191950113613 0.0017449739736781207 -0.005236972666059183 0.0058962282561470462 -0.0028416435626431175
+leaf_weight=42 43 40 52 40 44
+leaf_count=42 43 40 52 40 44
+internal_value=0 0.0192396 -0.0258242 0.0729232 -0.0324195
+internal_weight=0 218 176 124 84
+internal_count=261 218 176 124 84
+shrinkage=0.02
+
+
+Tree=3953
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.458522 1.70978 1.30434 1.75185
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0038166768025255809 0.0013238285510351613 0.0050542830428432226 -0.0019046693810785668 -0.00073751304915831443
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0276626 0.0297018 0.107533
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3954
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 4
+split_gain=0.460327 1.50897 1.76545 2.6754
+threshold=75.500000000000014 66.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015450919205887235 -0.0019294134948323932 0.003230731800445712 0.0020945209995295233 -0.0050479860471913428
+leaf_weight=43 43 56 61 58
+leaf_count=43 43 56 61 58
+internal_value=0 0.0190925 -0.0299491 -0.1117
+internal_weight=0 218 162 101
+internal_count=261 218 162 101
+shrinkage=0.02
+
+
+Tree=3955
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.45935 2.26393 4.13641 1.6465 2.10427
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0037310562292655449 -0.0019010267429187342 -0.0039871813811119608 0.0070221560466072353 -0.0017648235403279569 0.0041154666441826559
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0193396 0.0675409 -0.014499 0.0554021
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3956
+num_leaves=5
+num_cat=0
+split_feature=9 9 3 6
+split_gain=0.469033 1.04525 2.39197 2.20764
+threshold=42.500000000000007 63.500000000000007 59.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0017998223270008515 0.00080792630865300034 -0.0012536461815288349 -0.0053493320170913119 0.0046394750533209602
+leaf_weight=49 58 68 45 41
+leaf_count=49 58 68 45 41
+internal_value=0 -0.0207881 -0.0938091 0.0478626
+internal_weight=0 212 103 109
+internal_count=261 212 103 109
+shrinkage=0.02
+
+
+Tree=3957
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.475583 2.16882 4.05721 1.61117 2.04848
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0036924983794950385 -0.0019330430390587573 -0.0038885857656479855 0.006954041607873173 -0.0017397400782044976 0.0040627353932744933
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0196595 0.0668493 -0.0144027 0.0547501
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3958
+num_leaves=5
+num_cat=0
+split_feature=9 9 3 6
+split_gain=0.474184 1.05759 2.33751 2.13824
+threshold=42.500000000000007 63.500000000000007 59.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0018091899949760429 0.00076658688987288857 -0.0012130716965379599 -0.0053205219328416702 0.0045873433136725218
+leaf_weight=49 58 68 45 41
+leaf_count=49 58 68 45 41
+internal_value=0 -0.0209015 -0.0943438 0.0481472
+internal_weight=0 212 103 109
+internal_count=261 212 103 109
+shrinkage=0.02
+
+
+Tree=3959
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 6 3
+split_gain=0.491308 2.07812 3.97955 1.5835 1.61545
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.001000769949552718 -0.0019635625580202731 -0.0037926736273422613 0.006886692985442323 -0.0037217495750062812 0.0042495195324276916
+leaf_weight=60 44 39 40 39 39
+leaf_count=60 44 39 40 39 39
+internal_value=0 0.0199645 0.0661688 -0.014303 0.0530496
+internal_weight=0 217 178 138 99
+internal_count=261 217 178 138 99
+shrinkage=0.02
+
+
+Tree=3960
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.471031 2.02965 1.8509 2.04017 2.60027
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00099186086145160624 -0.0019243535048463379 0.0045415021813995917 -0.0042617802875942355 -0.0032056973499343796 0.0055708834917043357
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0195586 -0.0257552 0.0300966 0.109075
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=3961
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.460189 1.53927 1.3411 1.43671
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0019286410456479306 0.0013893715609901405 -0.003825773281090271 0.0031803920117419631 -0.0030421314357666784
+leaf_weight=41 72 44 49 55
+leaf_count=41 72 44 49 55
+internal_value=0 -0.0264613 0.0233477 -0.0455506
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=3962
+num_leaves=5
+num_cat=0
+split_feature=6 5 4 6
+split_gain=0.446533 1.96 1.78675 1.40266
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012299961373709468 -0.0018758030060280579 0.0044604723423238854 -0.0041913654109350168 0.0028653410416744885
+leaf_weight=76 44 39 41 61
+leaf_count=76 44 39 41 61
+internal_value=0 0.0190611 -0.0254728 0.0294085
+internal_weight=0 217 178 137
+internal_count=261 217 178 137
+shrinkage=0.02
+
+
+Tree=3963
+num_leaves=5
+num_cat=0
+split_feature=9 9 3 6
+split_gain=0.436499 1.04916 2.27211 2.14108
+threshold=42.500000000000007 63.500000000000007 59.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0017386382137997856 0.00075110333371700253 -0.0012038451698499928 -0.0052508147008302128 0.0046003395716639542
+leaf_weight=49 58 68 45 41
+leaf_count=49 58 68 45 41
+internal_value=0 -0.0200989 -0.0932559 0.0486798
+internal_weight=0 212 103 109
+internal_count=261 212 103 109
+shrinkage=0.02
+
+
+Tree=3964
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.462605 2.0835 3.99319 1.62635 2.11112
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0037193686501891172 -0.0019078535846444467 -0.0038096666396320216 0.0068858281751508453 -0.0017872464443148314 0.0041026272029397589
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.019386 0.06565 -0.0149595 0.0545151
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3965
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.448386 1.50847 2.212 3.83836
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0036451115526699622 0.0013721096688092988 -0.0040480784775504741 -0.0022245210128521427 0.005286515377683927
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0261382 0.0194974 0.0932948
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=3966
+num_leaves=5
+num_cat=0
+split_feature=9 9 3 6
+split_gain=0.475456 1.05495 2.26118 2.08644
+threshold=42.500000000000007 63.500000000000007 59.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0018111430735021545 0.00072392924372969626 -0.0011892878966778409 -0.0052635259930617221 0.0045409813747517474
+leaf_weight=49 58 68 45 41
+leaf_count=49 58 68 45 41
+internal_value=0 -0.0209472 -0.0942993 0.0480165
+internal_weight=0 212 103 109
+internal_count=261 212 103 109
+shrinkage=0.02
+
+
+Tree=3967
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 6 3
+split_gain=0.476203 2.02265 3.94359 1.57854 1.56078
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00097921316499060738 -0.0019346995261187777 -0.0037431264559051585 0.0068431122952457204 -0.0037276605380322887 0.0041824292262054516
+leaf_weight=60 44 39 40 39 39
+leaf_count=60 44 39 40 39 39
+internal_value=0 0.0196494 0.0652412 -0.0148669 0.0523802
+internal_weight=0 217 178 138 99
+internal_count=261 217 178 138 99
+shrinkage=0.02
+
+
+Tree=3968
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.456524 1.94187 3.787 1.52757 1.97299
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0036075154395361687 -0.0018960666647026645 -0.0036683977770780953 0.0067064889330562885 -0.0017267922399071178 0.0039688054695554958
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0192499 0.0639344 -0.0145698 0.0527786
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=3969
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.488404 1.51999 1.26293 1.38638
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0018973750642305573 0.0014292488857613733 -0.0038209376209767361 0.0030795530480184066 -0.0029866857732004717
+leaf_weight=41 72 44 49 55
+leaf_count=41 72 44 49 55
+internal_value=0 -0.0272456 0.022252 -0.0446297
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=3970
+num_leaves=5
+num_cat=0
+split_feature=9 9 3 6
+split_gain=0.470067 1.08899 2.27994 2.04553
+threshold=42.500000000000007 63.500000000000007 59.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.001801143015672409 0.00071380615578228214 -0.0011442553561847957 -0.005298206734768377 0.004529876196387333
+leaf_weight=49 58 68 45 41
+leaf_count=49 58 68 45 41
+internal_value=0 -0.0208391 -0.0953427 0.0492127
+internal_weight=0 212 103 109
+internal_count=261 212 103 109
+shrinkage=0.02
+
+
+Tree=3971
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.46699 1.96791 1.79824 1.94467 2.52993
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00098981284609520916 -0.0019167754038515777 0.0044765559985703576 -0.004196876377005168 -0.0031202312434496118 0.0054841447203863901
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0194602 -0.0251627 0.0298939 0.107025
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=3972
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.452872 1.44971 2.14541 3.6712
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0036049969610740698 0.0013783973788725481 -0.0039823847308865521 -0.0021773575229965714 0.00516901405466482
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0262764 0.0184681 0.0911613
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=3973
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.47134 1.07963 1.91458 3.63847
+threshold=42.500000000000007 50.650000000000013 67.500000000000014 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0018033441361279018 -0.003152921603006475 0.0026890010205411537 -0.0060493732114066927 0.0020342348069590272
+leaf_weight=49 46 76 41 49
+leaf_count=49 46 76 41 49
+internal_value=0 -0.020873 0.0168376 -0.0820628
+internal_weight=0 212 166 90
+internal_count=261 212 166 90
+shrinkage=0.02
+
+
+Tree=3974
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 1
+split_gain=0.451885 1.03617 2.14737 2.53782
+threshold=42.500000000000007 50.650000000000013 19.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0017673283878547586 -0.0030899590703420015 -0.0039434470428383935 0.0034500199323864882 0.0022892086093801865
+leaf_weight=49 46 63 58 45
+leaf_count=49 46 63 58 45
+internal_value=0 -0.0204532 0.0165003 -0.0669652
+internal_weight=0 212 166 108
+internal_count=261 212 166 108
+shrinkage=0.02
+
+
+Tree=3975
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.461115 1.37884 3.71428 5.60853
+threshold=6.5000000000000009 72.500000000000014 5.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0017625132651297613 0.0018815200671959435 0.0022838464405886606 -0.0094395284661777466 0.0010213048853182809
+leaf_weight=50 73 56 42 40
+leaf_count=50 73 56 42 40
+internal_value=0 -0.0209076 -0.0700054 -0.216521
+internal_weight=0 211 155 82
+internal_count=261 211 155 82
+shrinkage=0.02
+
+
+Tree=3976
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.449118 3.66593 3.17572 1.24059
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00098857505238695567 -0.0019342386296108836 0.0058573749565501033 -0.0048632095039529422 0.0030412453671326712
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.0185803 -0.0425803 0.0461513
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=3977
+num_leaves=6
+num_cat=0
+split_feature=3 2 6 4 8
+split_gain=0.458242 1.84256 4.00083 2.92844 1.93793
+threshold=75.500000000000014 6.5000000000000009 64.500000000000014 60.500000000000007 49.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0041631786934349588 -0.0019257983700260916 0.0018867110100211709 -0.0060018976365443068 0.0056948246634866287 -0.0038627080517221481
+leaf_weight=42 43 51 41 40 44
+leaf_count=42 43 51 41 40 44
+internal_value=0 0.0190222 -0.0259503 0.0571246 -0.0384323
+internal_weight=0 218 176 135 95
+internal_count=261 218 176 135 95
+shrinkage=0.02
+
+
+Tree=3978
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.441815 1.62908 1.41511 1.71843
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.003730584826046845 0.0012998707552464757 0.0050721797908120361 -0.0020256351088754087 -0.00066424494631816915
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0272076 0.0287966 0.109814
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=3979
+num_leaves=6
+num_cat=0
+split_feature=3 2 5 5 1
+split_gain=0.451248 1.81575 3.91527 2.70196 1.08339
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 55.150000000000006 9.5000000000000018
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0041330183996053675 -0.001911730663610883 0.001552027223945773 -0.00513301975668816 0.0057075993579493705 -0.0030287118405215247
+leaf_weight=42 43 44 52 40 40
+leaf_count=42 43 44 52 40 40
+internal_value=0 0.0188794 -0.0257669 0.0708233 -0.0310233
+internal_weight=0 218 176 124 84
+internal_count=261 218 176 124 84
+shrinkage=0.02
+
+
+Tree=3980
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 5
+split_gain=0.463328 1.35602 2.19689 2.32743
+threshold=67.65000000000002 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0009128872070194409 0.0013297449162347596 -0.0035515190693621579 -0.0034510267579790622 0.0052980917595312664
+leaf_weight=50 77 46 41 47
+leaf_count=50 77 46 41 47
+internal_value=0 -0.027837 0.021851 0.104498
+internal_weight=0 184 138 97
+internal_count=261 184 138 97
+shrinkage=0.02
+
+
+Tree=3981
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 6
+split_gain=0.447072 3.43269 2.33923 1.96031
+threshold=63.500000000000007 64.500000000000014 48.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0011123216059683598 -0.0010852080825905067 -0.0056740845822928045 0.0049192615688964641 0.0044703527297420987
+leaf_weight=70 68 41 41 41
+leaf_count=70 68 41 41 41
+internal_value=0 -0.0358193 0.0555027 0.0499346
+internal_weight=0 152 111 109
+internal_count=261 152 111 109
+shrinkage=0.02
+
+
+Tree=3982
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.474186 1.99413 1.65851 1.77673 2.16896
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00087243967601965836 -0.0019310359266952834 0.0045061265815851299 -0.0040552886019433422 -0.0030040328233266428 0.0051248019788076304
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0195959 -0.0253218 0.0275661 0.10134
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=3983
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 6 3
+split_gain=0.454585 1.9205 4.02117 1.72948 1.41902
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00087099788618381468 -0.0018924766666012229 -0.0036472880234262478 0.0068651130695071699 -0.0039333302217018648 0.0040530546272704148
+leaf_weight=60 44 39 40 39 39
+leaf_count=60 44 39 40 39 39
+internal_value=0 0.0191971 0.0636384 -0.0172533 0.0531099
+internal_weight=0 217 178 138 99
+internal_count=261 217 178 138 99
+shrinkage=0.02
+
+
+Tree=3984
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 6
+split_gain=0.471162 3.33052 2.20715 1.9121
+threshold=63.500000000000007 64.500000000000014 48.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0010948306015068361 -0.0010343758944672112 -0.0056186646857283714 0.0047653891542749106 0.0044528776351367002
+leaf_weight=70 68 41 41 41
+leaf_count=70 68 41 41 41
+internal_value=0 -0.0367458 0.0532096 0.0511918
+internal_weight=0 152 111 109
+internal_count=261 152 111 109
+shrinkage=0.02
+
+
+Tree=3985
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.468791 1.94944 1.58369 1.67243 2.01755
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00082952146880612863 -0.0019207496013613227 0.0044578161216663956 -0.0039676883724561888 -0.0029153791011227678 0.0049561432447970642
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0194744 -0.0249398 0.0267499 0.0983576
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=3986
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 6
+split_gain=0.465831 3.13907 2.06186 1.855
+threshold=63.500000000000007 64.500000000000014 48.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0010714359370643622 -0.0010093157823493483 -0.0054732786347925855 0.004594289303834577 0.0043961090927783497
+leaf_weight=70 68 41 41 41
+leaf_count=70 68 41 41 41
+internal_value=0 -0.0365541 0.0507842 0.050905
+internal_weight=0 152 111 109
+internal_count=261 152 111 109
+shrinkage=0.02
+
+
+Tree=3987
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.482567 1.89483 1.45844 1.58979 1.87954
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00079155575641024867 -0.0019477832325467291 0.0044062865294167116 -0.0038117985049680343 -0.0028535559014069758 0.004794306969806309
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0197392 -0.0240517 0.0255683 0.095413
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=3988
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.466132 1.71068 1.91899 1.51474
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 55.650000000000013
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0019684759229386195 -0.0053743087701207618 0.003211907045358715 -0.0016881349046760461 -6.4315824421798946e-05
+leaf_weight=42 41 74 57 47
+leaf_count=42 41 74 57 47
+internal_value=0 -0.0189405 0.0536981 -0.127484
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=3989
+num_leaves=5
+num_cat=0
+split_feature=5 9 3 2
+split_gain=0.46342 2.44011 1.75752 1.88722
+threshold=72.700000000000003 66.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.002876553387261119 -0.0018599608713902075 0.0039593224918568681 -0.0040937010276483757 -0.0024158269260477236
+leaf_weight=61 46 57 48 49
+leaf_count=61 46 57 48 49
+internal_value=0 0.0198774 -0.0441759 0.0255867
+internal_weight=0 215 158 110
+internal_count=261 215 158 110
+shrinkage=0.02
+
+
+Tree=3990
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 3 5
+split_gain=0.459576 1.93523 1.65217 1.40126 0.677254
+threshold=70.500000000000014 24.500000000000004 13.500000000000002 59.500000000000007 52.800000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0033120671809406151 -0.0019029463722453194 0.0041484641550023835 -0.00011380565954951364 -0.0054034213219834384 -0.00021031569560017813
+leaf_weight=39 44 44 43 39 52
+leaf_count=39 44 44 43 39 52
+internal_value=0 0.0192705 -0.0284168 -0.13209 0.0645939
+internal_weight=0 217 173 82 91
+internal_count=261 217 173 82 91
+shrinkage=0.02
+
+
+Tree=3991
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.450886 3.73757 2.77052 1.13409 2.53735
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0031156147188440993 -0.0019388929942044109 0.0059101047105613071 -0.0046124116397497118 0.003489917549755161 -0.0039475567714512931
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0185646 -0.0431895 0.0397061 -0.0289352
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=3992
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 9
+split_gain=0.466049 2.94619 1.64675 1.448
+threshold=63.500000000000007 64.500000000000014 50.650000000000013 77.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00090563423899167855 0.0028592723702218444 -0.0053267629510270207 0.004162998224207454 -0.001900179310765322
+leaf_weight=70 67 41 41 42
+leaf_count=70 67 41 41 42
+internal_value=0 -0.0365797 0.0480402 0.0508989
+internal_weight=0 152 111 109
+internal_count=261 152 111 109
+shrinkage=0.02
+
+
+Tree=3993
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 6 3
+split_gain=0.453396 1.91108 4.25357 1.72762 1.34004
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00086708577198773467 -0.0018907801624677444 -0.0036386346536690173 0.0070204414387489457 -0.0039805504492414195 0.0039198654068723065
+leaf_weight=60 44 39 40 39 39
+leaf_count=60 44 39 40 39 39
+internal_value=0 0.0191392 0.0634729 -0.0197207 0.0506023
+internal_weight=0 217 178 138 99
+internal_count=261 217 178 138 99
+shrinkage=0.02
+
+
+Tree=3994
+num_leaves=5
+num_cat=0
+split_feature=9 7 9 2
+split_gain=0.475151 1.77419 1.36211 0.861431
+threshold=63.500000000000007 57.500000000000007 77.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0030865451178031479 0.00281395784571858 -0.0034675324165227756 -0.0018037133054492989 -0.00080732290753739448
+leaf_weight=43 67 59 42 50
+leaf_count=43 67 59 42 50
+internal_value=0 -0.0369278 0.0513661 0.049272
+internal_weight=0 152 109 93
+internal_count=261 152 109 93
+shrinkage=0.02
+
+
+Tree=3995
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 6
+split_gain=0.455475 2.86145 1.96452 1.85132
+threshold=63.500000000000007 64.500000000000014 48.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0010934210949648767 -0.0010187888026360079 -0.0052528790136541163 0.004438375015603617 0.004381380942156927
+leaf_weight=70 68 41 41 41
+leaf_count=70 68 41 41 41
+internal_value=0 -0.0361898 0.0472081 0.0503321
+internal_weight=0 152 111 109
+internal_count=261 152 111 109
+shrinkage=0.02
+
+
+Tree=3996
+num_leaves=5
+num_cat=0
+split_feature=6 5 4 6
+split_gain=0.470586 1.89695 1.32988 1.03595
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001104286211841881 -0.0019249627702842638 0.0044032616480433615 -0.0036694147931069449 0.002423803682693858
+leaf_weight=76 44 39 41 61
+leaf_count=76 44 39 41 61
+internal_value=0 0.0194756 -0.0243399 0.0230607
+internal_weight=0 217 178 137
+internal_count=261 217 178 137
+shrinkage=0.02
+
+
+Tree=3997
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 6 3
+split_gain=0.451159 1.87529 4.26604 1.68679 1.26761
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00084447796935743032 -0.0018865247735880876 -0.0036022584954200874 0.0070195033758811776 -0.0039501734643541458 0.0038130767095384921
+leaf_weight=60 44 39 40 39 39
+leaf_count=60 44 39 40 39 39
+internal_value=0 0.019083 0.0630054 -0.02031 0.0491819
+internal_weight=0 217 178 138 99
+internal_count=261 217 178 138 99
+shrinkage=0.02
+
+
+Tree=3998
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.461593 1.30767 1.23216 1.54087
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020056863440078686 0.0013899117348031031 -0.0035733223888902189 0.002990325769363607 -0.0031400191432380225
+leaf_weight=41 72 44 49 55
+leaf_count=41 72 44 49 55
+internal_value=0 -0.0265744 0.0193658 -0.0467093
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=3999
+num_leaves=5
+num_cat=0
+split_feature=9 6 7 6
+split_gain=0.44839 1.84086 1.71375 1.09962
+threshold=63.500000000000007 69.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.00096019460860978208 -0.0010207234235461 0.0043643461374984569 -0.003401173843139922 0.0034488942474308229
+leaf_weight=52 68 41 59 41
+leaf_count=52 68 41 59 41
+internal_value=0 0.049951 -0.0359238 0.0488067
+internal_weight=0 109 152 93
+internal_count=261 109 152 93
+shrinkage=0.02
+
+
+Tree=4000
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.462994 1.91077 2.95063 3.29079
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010241707421944112 -0.0019100968214100602 0.0041258354348770645 0.0039158995614886043 -0.0053748295897866321
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.01932 -0.0280666 -0.104797
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=4001
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.443933 1.89188 4.15617 1.62928 1.98059
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0038065320052557941 -0.0018719553923103743 -0.0036225860210629961 0.0069461042907192194 -0.0017808317654288669 0.0039258877957514477
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0189385 0.0630521 -0.0191847 0.0503473
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=4002
+num_leaves=5
+num_cat=0
+split_feature=6 5 4 6
+split_gain=0.42553 1.82267 1.38611 1.01443
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010696973172310887 -0.0018345761134804634 0.004306358160121624 -0.0037362625124624589 0.0024220743586510708
+leaf_weight=76 44 39 41 61
+leaf_count=76 44 39 41 61
+internal_value=0 0.0185528 -0.0244017 0.023982
+internal_weight=0 217 178 137
+internal_count=261 217 178 137
+shrinkage=0.02
+
+
+Tree=4003
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 1
+split_gain=0.426425 1.29475 2.46994 0.526523
+threshold=70.500000000000014 13.500000000000002 7.5000000000000009 5.5000000000000009
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0030810953424195266 0.0013381691014649256 -0.0047267370833617211 0.0013269748582034285 -0.00020585989844986469
+leaf_weight=40 72 59 50 40
+leaf_count=40 72 59 50 40
+internal_value=0 -0.0255874 -0.09717 0.0714442
+internal_weight=0 189 109 80
+internal_count=261 189 109 80
+shrinkage=0.02
+
+
+Tree=4004
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 2
+split_gain=0.423276 1.65529 2.98101 1.82041
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0018792219840066291 -0.0061074868291087448 0.0031500021105226568 0.0012643116374898183 -0.0016236166065662905
+leaf_weight=42 45 74 43 57
+leaf_count=42 45 74 43 57
+internal_value=0 -0.0181106 -0.124907 0.0533535
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=4005
+num_leaves=5
+num_cat=0
+split_feature=8 9 3 2
+split_gain=0.430968 2.35343 1.68929 1.76495
+threshold=72.500000000000014 66.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0027946789203288224 -0.0017734779362114264 0.0039264748119906094 -0.0040093517523558846 -0.002325093424536435
+leaf_weight=61 47 56 48 49
+leaf_count=61 47 56 48 49
+internal_value=0 0.0194344 -0.0430666 0.0253378
+internal_weight=0 214 158 110
+internal_count=261 214 158 110
+shrinkage=0.02
+
+
+Tree=4006
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.429762 3.62201 2.88703 1.15095 2.45102
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0030875352559749936 -0.0018951267740039042 0.0058156685643074727 -0.0046793456399681051 0.0035542650398602818 -0.0038554845873153155
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0181322 -0.0426619 0.041953 -0.0271876
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=4007
+num_leaves=6
+num_cat=0
+split_feature=3 2 5 5 5
+split_gain=0.428454 1.71711 3.81459 2.67046 1.29158
+threshold=75.500000000000014 6.5000000000000009 65.100000000000009 55.150000000000006 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0040204790692191135 -0.0018659826975453333 0.0019878955222973065 -0.0050595115458287642 0.0056719103851965722 -0.0030072235320940943
+leaf_weight=42 43 40 52 40 44
+leaf_count=42 43 40 52 40 44
+internal_value=0 0.018364 -0.0250607 0.0702829 -0.0309702
+internal_weight=0 218 176 124 84
+internal_count=261 218 176 124 84
+shrinkage=0.02
+
+
+Tree=4008
+num_leaves=5
+num_cat=0
+split_feature=6 4 2 8
+split_gain=0.423831 1.36686 2.57313 2.60513
+threshold=69.500000000000014 68.500000000000014 10.500000000000002 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0043457917181845889 0.0017348828035752986 -0.0036476869091997244 0.002637671258228576 -0.0033920379054752084
+leaf_weight=48 48 42 46 77
+leaf_count=48 48 42 46 77
+internal_value=0 -0.0196327 0.0201658 -0.0565153
+internal_weight=0 213 171 123
+internal_count=261 213 171 123
+shrinkage=0.02
+
+
+Tree=4009
+num_leaves=5
+num_cat=0
+split_feature=9 4 6 6
+split_gain=0.428063 2.74731 1.92156 1.86013
+threshold=63.500000000000007 64.500000000000014 48.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0010833786724849556 -0.0010529807034841067 -0.0051410936117752756 0.0043881675031372663 0.0043600689382311611
+leaf_weight=70 68 41 41 41
+leaf_count=70 68 41 41 41
+internal_value=0 -0.0351269 0.0465966 0.0488639
+internal_weight=0 152 111 109
+internal_count=261 152 111 109
+shrinkage=0.02
+
+
+Tree=4010
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 3 3
+split_gain=0.45622 1.92757 1.35827 1.31036 0.666398
+threshold=70.500000000000014 24.500000000000004 13.500000000000002 59.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00086935165397096297 -0.0018964721930251522 0.0041395461667495604 -4.7100907429924741e-06 -0.0051220327807580358 0.0026268789883604976
+leaf_weight=39 44 44 43 39 52
+leaf_count=39 44 44 43 39 52
+internal_value=0 0.0191931 -0.0284003 -0.12253 0.0560097
+internal_weight=0 217 173 82 91
+internal_count=261 217 173 82 91
+shrinkage=0.02
+
+
+Tree=4011
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.437328 1.86568 1.2512 1.52355 1.87686
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00090322769816726038 -0.001858603077828005 0.004356977229731481 -0.0035815008954465434 -0.0028683324276077083 0.0046792336062486456
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0188022 -0.0246531 0.0213368 0.0897429
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4012
+num_leaves=5
+num_cat=0
+split_feature=9 6 7 6
+split_gain=0.429997 1.8323 1.59326 1.08414
+threshold=63.500000000000007 69.500000000000014 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.00099279472059587244 -0.0010359543246487015 0.0043367944310580501 -0.0032921642054453189 0.003385942189405224
+leaf_weight=52 68 41 59 41
+leaf_count=52 68 41 59 41
+internal_value=0 0.048957 -0.0352148 0.0465058
+internal_weight=0 109 152 93
+internal_count=261 109 152 93
+shrinkage=0.02
+
+
+Tree=4013
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 1
+split_gain=0.449861 2.40795 1.52629 1.76295
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0021389409398157103 -0.0018103888801817229 0.0039747505785576141 -0.0032978736467344067 0.0033400361616977661
+leaf_weight=45 47 56 63 50
+leaf_count=45 47 56 63 50
+internal_value=0 0.0198302 -0.0433869 0.0368326
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4014
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 3 5
+split_gain=0.440466 1.85771 1.32354 1.24112 0.647033
+threshold=70.500000000000014 24.500000000000004 13.500000000000002 59.500000000000007 52.800000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0030862209369436323 -0.0018651293358795762 0.0040649197381289878 -3.4130745160211557e-05 -0.0050172852988907661 -0.00036012646994893876
+leaf_weight=39 44 44 43 39 52
+leaf_count=39 44 44 43 39 52
+internal_value=0 0.0188586 -0.0278698 -0.120809 0.0554666
+internal_weight=0 217 173 82 91
+internal_count=261 217 173 82 91
+shrinkage=0.02
+
+
+Tree=4015
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.437313 0.955883 3.16534 5.47567 1.17051
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.001134101385834701 0.0017385900636445195 -0.0032162717249712086 0.004818532682454372 -0.0075011310603126562 0.0035556978591767575
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.0201966 0.0123246 -0.0684494 0.0722482
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=4016
+num_leaves=5
+num_cat=0
+split_feature=5 8 5 9
+split_gain=0.434959 0.928165 1.11648 0.673934
+threshold=67.65000000000002 54.500000000000007 47.850000000000001 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0017475208919915956 0.0012887925348583327 -0.0039328313440559091 0.0025482627061774771 -0.00025384825759773447
+leaf_weight=42 77 42 59 41
+leaf_count=42 77 42 59 41
+internal_value=0 -0.0270745 0.0377004 -0.106344
+internal_weight=0 184 101 83
+internal_count=261 184 101 83
+shrinkage=0.02
+
+
+Tree=4017
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.429713 1.93462 4.44606 1.63503 2.02285
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0038649631956732123 -0.001843363682760358 -0.0036733354744030626 0.0071437965050462427 -0.001860687105937087 0.0039063690601229455
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.01863 0.0632328 -0.0218203 0.0478304
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=4018
+num_leaves=5
+num_cat=0
+split_feature=5 2 6 5
+split_gain=0.430772 1.78643 4.91455 2.34353
+threshold=67.65000000000002 15.500000000000002 49.500000000000007 55.150000000000006
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0019950544517562474 0.0012826999303654845 -0.0014887619079266428 -0.0072554606227036838 0.0049346086968003024
+leaf_weight=47 77 50 45 42
+leaf_count=47 77 50 45 42
+internal_value=0 -0.0269571 -0.126152 0.071824
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=4019
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.424259 1.8712 4.29206 1.57458 1.92524
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0037890034982442323 -0.0018321689275932981 -0.0036093373264662592 0.0070247239923132074 -0.0018052066447124381 0.0038221911543839587
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0185158 0.0623916 -0.0211774 0.0471837
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=4020
+num_leaves=5
+num_cat=0
+split_feature=9 2 3 1
+split_gain=0.430907 1.22582 2.28766 0.536146
+threshold=70.500000000000014 13.500000000000002 56.500000000000007 5.5000000000000009
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0030414043089859737 0.0013446062454465064 0.0012396397268269765 -0.0045877703152999308 -0.00027522380345475206
+leaf_weight=40 72 50 59 40
+leaf_count=40 72 50 59 40
+internal_value=0 -0.0257286 -0.0954116 0.0687154
+internal_weight=0 189 109 80
+internal_count=261 189 109 80
+shrinkage=0.02
+
+
+Tree=4021
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.427337 1.74396 1.53103 1.71487
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0038325748892219296 0.0012778830937572347 0.0051784814542125343 -0.0020832073377148076 -0.00055146567606716276
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0268501 0.0310818 0.115296
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4022
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.419557 1.83599 4.13307 1.50674 1.94246
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0036957562969365801 -0.0018224886943957474 -0.0035740762798052205 0.0069070257890959299 -0.0018259184939229895 0.0038264220240013455
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0184154 0.0618824 -0.0201262 0.0467586
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=4023
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 1
+split_gain=0.439128 1.19816 2.28355 0.513457
+threshold=70.500000000000014 13.500000000000002 7.5000000000000009 5.5000000000000009
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0029811901260201755 0.0013567877753088656 -0.0045745455278031659 0.0012476981926611947 -0.00026670903376519069
+leaf_weight=40 72 59 50 40
+leaf_count=40 72 59 50 40
+internal_value=0 -0.0259631 -0.0948685 0.0674218
+internal_weight=0 189 109 80
+internal_count=261 189 109 80
+shrinkage=0.02
+
+
+Tree=4024
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.420921 1.18814 2.10258 2.35799
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0036329146751835069 0.0013296789614750176 -0.0036429656197233275 -0.001134141120592583 0.0047363538435719393
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0254398 0.0151038 0.0870825
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=4025
+num_leaves=5
+num_cat=0
+split_feature=9 9 1 6
+split_gain=0.435113 1.11875 1.87295 1.85333
+threshold=42.500000000000007 54.500000000000007 8.5000000000000018 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0017342816268642201 -0.0033952281589429106 0.0044952174910262233 -0.0029088599614424089 -0.00052549744636126998
+leaf_weight=49 41 53 51 67
+leaf_count=49 41 53 51 67
+internal_value=0 -0.0201541 0.0155377 0.0843325
+internal_weight=0 212 171 120
+internal_count=261 212 171 120
+shrinkage=0.02
+
+
+Tree=4026
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 7
+split_gain=0.432096 1.70312 4.80328 2.4113
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0020872944081090964 0.0012845560475561318 -0.0013875035705742964 -0.0070561168665789677 0.0051793786896321675
+leaf_weight=46 77 53 46 39
+leaf_count=46 77 53 46 39
+internal_value=0 -0.0269979 -0.123881 0.0694708
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=4027
+num_leaves=6
+num_cat=0
+split_feature=9 9 1 3 5
+split_gain=0.42353 1.07266 1.79471 4.51798 3.11911
+threshold=42.500000000000007 54.500000000000007 8.5000000000000018 75.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=-1 -2 3 4 -3
+right_child=1 2 -4 -5 -6
+leaf_value=0.0017121075268357305 -0.0033288579588537821 0.0083329149045371816 -0.0028509971087159114 -0.0039411937336132049 0.00043877770539644368
+leaf_weight=49 41 40 51 39 41
+leaf_count=49 41 40 51 39 41
+internal_value=0 -0.019894 0.0150633 0.0824261 0.217541
+internal_weight=0 212 171 120 81
+internal_count=261 212 171 120 81
+shrinkage=0.02
+
+
+Tree=4028
+num_leaves=5
+num_cat=0
+split_feature=5 2 6 7
+split_gain=0.441718 1.63727 4.67062 2.33022
+threshold=67.65000000000002 15.500000000000002 49.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0019588649161484482 0.0012982903444005798 -0.0013835746991627629 -0.0070599228708395443 0.0050728530610098946
+leaf_weight=47 77 53 45 39
+leaf_count=47 77 53 45 39
+internal_value=0 -0.0272768 -0.122291 0.0673238
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=4029
+num_leaves=5
+num_cat=0
+split_feature=4 2 2 9
+split_gain=0.426426 0.874871 2.96349 1.84934
+threshold=74.500000000000014 10.500000000000002 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0014257867495286009 0.0017178110275148056 -0.0060249039288948715 -0.0027553426703676802 0.0027393367383005828
+leaf_weight=71 49 39 42 60
+leaf_count=71 49 39 42 60
+internal_value=0 -0.0199528 -0.0661935 0.0234323
+internal_weight=0 212 141 102
+internal_count=261 212 141 102
+shrinkage=0.02
+
+
+Tree=4030
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.428502 1.10034 3.48719 6.12591
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017218750269465954 0.0019191882964348637 -0.00346041756195579 0.0038701230007558026 -0.0079139872463803024
+leaf_weight=49 64 39 67 42
+leaf_count=49 64 39 67 42
+internal_value=0 -0.0199954 0.0143266 -0.0986042
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=4031
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 8 7
+split_gain=0.448049 0.921452 2.89517 4.3951 0.903582
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0011202526043710545 0.0017590874421674267 -0.0031706743074535939 0.0046043566725643935 -0.0069130029937618069 0.0029910804481164534
+leaf_weight=39 49 40 45 39 49
+leaf_count=39 49 40 45 39 49
+internal_value=0 -0.0204219 0.0115161 -0.065746 0.0580243
+internal_weight=0 212 172 127 88
+internal_count=261 212 172 127 88
+shrinkage=0.02
+
+
+Tree=4032
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.451339 2.60115 1.90919 2.78369
+threshold=66.500000000000014 76.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0014896395551319711 0.0037135431065284737 -0.0029362128558562696 0.0021345433920246112 -0.0052344714817085013
+leaf_weight=43 60 39 61 58
+leaf_count=43 60 39 61 58
+internal_value=0 0.0542822 -0.0332728 -0.118238
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=4033
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.436403 1.66016 1.42372 1.76539
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0037584071074301872 0.0012911061706985499 0.0051282155561226126 -0.0020207772931233924 -0.00068543065010807079
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.027104 0.0294283 0.110686
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4034
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.441075 1.06603 3.39608 5.88054
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017459764450466605 0.0018539852427212 -0.0034185828436723844 0.0038072548537948763 -0.0077806987078421642
+leaf_weight=49 64 39 67 42
+leaf_count=49 64 39 67 42
+internal_value=0 -0.020267 0.0135215 -0.0979302
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=4035
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.44893 2.50722 1.83454 2.69011
+threshold=66.500000000000014 76.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.001459471080041358 0.0036634136176266091 -0.0028659335588299773 0.0020814742460000214 -0.0051512554023733694
+leaf_weight=43 60 39 61 58
+leaf_count=43 60 39 61 58
+internal_value=0 0.0541482 -0.0331827 -0.116491
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=4036
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 4
+split_gain=0.439921 1.07216 1.99287 3.0223
+threshold=42.500000000000007 50.650000000000013 19.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0017439294318111118 -0.0031309108938742851 0.0019027301087121695 0.0033537399733417602 -0.0048114932466036472
+leaf_weight=49 46 57 58 51
+leaf_count=49 46 57 58 51
+internal_value=0 -0.0202347 0.0173474 -0.0630768
+internal_weight=0 212 166 108
+internal_count=261 212 166 108
+shrinkage=0.02
+
+
+Tree=4037
+num_leaves=5
+num_cat=0
+split_feature=5 2 8 1
+split_gain=0.444317 1.59496 1.39056 4.75783
+threshold=67.65000000000002 8.5000000000000018 49.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0036998606713913775 0.0013024372197286435 0.0033207916406229128 -0.0061603236775859592 0.0032096522812362794
+leaf_weight=48 77 48 39 49
+leaf_count=48 77 48 39 49
+internal_value=0 -0.0273287 0.02809 -0.0467731
+internal_weight=0 184 136 88
+internal_count=261 184 136 88
+shrinkage=0.02
+
+
+Tree=4038
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.43607 2.41532 1.75544 2.58065
+threshold=66.500000000000014 76.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0014270801799657702 0.0036014072787539427 -0.0028079909651457023 0.0020314995565565907 -0.0050485254008408274
+leaf_weight=43 60 39 61 58
+leaf_count=43 60 39 61 58
+internal_value=0 0.0534109 -0.0327142 -0.11423
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=4039
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.443076 1.06577 3.21414 5.67151
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017501208506219374 0.0018453872404423932 -0.0034187339796628185 0.0037112710898983977 -0.0076170618381924153
+leaf_weight=49 64 39 67 42
+leaf_count=49 64 39 67 42
+internal_value=0 -0.020293 0.0134914 -0.0949448
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=4040
+num_leaves=5
+num_cat=0
+split_feature=4 2 2 9
+split_gain=0.453429 0.875691 2.94624 1.69985
+threshold=74.500000000000014 10.500000000000002 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.001415331912842484 0.0017696407771828186 -0.00602289657810017 -0.0026402224478824761 0.0026300495869782553
+leaf_weight=71 49 39 42 60
+leaf_count=71 49 39 42 60
+internal_value=0 -0.0205154 -0.0667759 0.0225889
+internal_weight=0 212 141 102
+internal_count=261 212 141 102
+shrinkage=0.02
+
+
+Tree=4041
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 4
+split_gain=0.443965 1.05168 1.88891 2.89562
+threshold=42.500000000000007 50.650000000000013 19.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0017519169431221516 -0.0031066524632807173 0.0018696076972290953 0.0032665982777780444 -0.0047032532737495006
+leaf_weight=49 46 57 58 51
+leaf_count=49 46 57 58 51
+internal_value=0 -0.0203067 0.016919 -0.0613938
+internal_weight=0 212 166 108
+internal_count=261 212 166 108
+shrinkage=0.02
+
+
+Tree=4042
+num_leaves=5
+num_cat=0
+split_feature=4 8 2 4
+split_gain=0.448883 0.867936 3.53739 1.79424
+threshold=74.500000000000014 56.500000000000007 17.500000000000004 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0014184244467821178 0.0017612487596383958 0.0013101230171434189 -0.0064879522406638421 0.0036415751980454335
+leaf_weight=65 49 58 39 50
+leaf_count=65 49 58 39 50
+internal_value=0 -0.0204104 -0.0909681 0.038775
+internal_weight=0 212 97 115
+internal_count=261 212 97 115
+shrinkage=0.02
+
+
+Tree=4043
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.434984 1.59044 1.44586 1.7324
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0036895589874865538 0.0012896625724922858 0.0050911880553385011 -0.002063269755742773 -0.00066831631050672056
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0270336 0.0283074 0.110188
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4044
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.439389 1.30759 1.35678 1.23025
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0019430510001733532 0.001358142685248778 -0.0035602442340492957 0.0035046496314668062 -0.0025552668503745967
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0259221 0.0200173 -0.0408657
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4045
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 6 5
+split_gain=0.425076 4.02877 2.97147 1.4574 1.24314
+threshold=69.500000000000014 71.500000000000014 58.550000000000004 49.500000000000007 47.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0017494235226907951 0.0017378758097982717 -0.0062134975697802318 0.005281645737949048 -0.003903219426779726 0.0030140757148549996
+leaf_weight=42 48 39 46 39 47
+leaf_count=42 48 39 46 39 47
+internal_value=0 -0.0196321 0.0454705 -0.0328822 0.0378771
+internal_weight=0 213 174 128 89
+internal_count=261 213 174 128 89
+shrinkage=0.02
+
+
+Tree=4046
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.456002 1.30433 1.2982 1.20507
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010838993502405869 0.0013825667441791705 -0.0035656691142929527 0.003427624368220604 -0.0032887045965375619
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0263824 0.0194997 -0.0400673
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4047
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 4
+split_gain=0.437132 1.25201 1.26994 1.34069
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016626104644480017 0.0013549422493339643 -0.003494468789597555 0.0029449962179605243 -0.0031668948664737573
+leaf_weight=42 72 44 51 52
+leaf_count=42 72 44 51 52
+internal_value=0 -0.0258514 0.0191103 -0.0500448
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4048
+num_leaves=5
+num_cat=0
+split_feature=5 2 6 7
+split_gain=0.428399 1.57762 4.4793 2.13413
+threshold=67.65000000000002 15.500000000000002 49.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0019112247942181335 0.0012804468500688798 -0.0012921810691496377 -0.006921499064578591 0.0048885565996932842
+leaf_weight=47 77 53 45 39
+leaf_count=47 77 53 45 39
+internal_value=0 -0.0268297 -0.120121 0.0660475
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=4049
+num_leaves=5
+num_cat=0
+split_feature=2 9 7 1
+split_gain=0.428838 1.43091 3.70706 2.36068
+threshold=6.5000000000000009 72.500000000000014 65.500000000000014 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0017021391470233005 0.0030669080403013587 0.0023478910932358903 -0.0067479436006849924 -0.0026717662080414134
+leaf_weight=50 62 56 39 54
+leaf_count=50 62 56 39 54
+internal_value=0 -0.0202055 -0.0702075 0.0194282
+internal_weight=0 211 155 116
+internal_count=261 211 155 116
+shrinkage=0.02
+
+
+Tree=4050
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 5
+split_gain=0.425402 2.18336 1.41717 1.14561
+threshold=66.500000000000014 14.500000000000002 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0017497638514695328 0.0036211587457449443 -0.0024059351723325034 -0.0031029819193945287 0.0025855139489030609
+leaf_weight=42 57 42 60 60
+leaf_count=42 57 42 60 60
+internal_value=0 0.0528121 -0.0322999 0.0396293
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=4051
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 6 3
+split_gain=0.424254 1.80956 4.12689 1.46333 1.23431
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00091353040924678735 -0.0018310580303034923 -0.0035427320660083596 0.0068997246552084876 -0.0037083836786958118 0.003683855240344086
+leaf_weight=60 44 39 40 39 39
+leaf_count=60 44 39 40 39 39
+internal_value=0 0.0185708 0.0617279 -0.0202195 0.0445405
+internal_weight=0 217 178 138 99
+internal_count=261 217 178 138 99
+shrinkage=0.02
+
+
+Tree=4052
+num_leaves=5
+num_cat=0
+split_feature=5 7 3 3
+split_gain=0.424393 1.05281 1.11121 1.43238
+threshold=67.65000000000002 64.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010648617527373064 0.0012746585486716562 -0.0034771272204844944 0.0027278993940897571 -0.0039144628756966173
+leaf_weight=56 77 39 49 40
+leaf_count=56 77 39 49 40
+internal_value=0 -0.0267124 0.0126533 -0.0501435
+internal_weight=0 184 145 96
+internal_count=261 184 145 96
+shrinkage=0.02
+
+
+Tree=4053
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.418851 1.75668 2.81866 3.11756
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00099700956210545927 -0.00181994801724893 0.0039563114328776093 0.0038366614931330868 -0.0052321233237594888
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.0184546 -0.0269937 -0.102006
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=4054
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 2
+split_gain=0.41858 3.98595 3.48671 2.00877
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 20.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0042460256777433567 0.0017253537454208566 -0.006179570906228473 -0.0047280000443019809 0.0009766555229335401
+leaf_weight=73 48 39 44 57
+leaf_count=73 48 39 44 57
+internal_value=0 -0.0194781 0.0452783 -0.0751089
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4055
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 7
+split_gain=0.424052 1.17087 0.808518 1.8776
+threshold=70.500000000000014 60.500000000000007 52.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0025512573897350514 0.0013356006016769474 -0.0029561941407252835 -0.0038411776531447729 0.0022014666501097928
+leaf_weight=50 72 56 40 43
+leaf_count=50 72 56 40 43
+internal_value=0 -0.0254697 0.0257919 -0.0350902
+internal_weight=0 189 133 83
+internal_count=261 189 133 83
+shrinkage=0.02
+
+
+Tree=4056
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.418119 1.72329 3.92375 1.43191 1.93319
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.003598214381646122 -0.0018182461369306777 -0.0034516298436133765 0.0067362553171305883 -0.0018367990579985086 0.0038022504852620095
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0184484 0.0605793 -0.0193289 0.0458885
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=4057
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.439788 1.17637 1.2051 1.31601
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017651188774122819 0.001359003628195118 -0.0034059280804936403 0.0029284345540053882 -0.0029944736004655021
+leaf_weight=41 72 44 49 55
+leaf_count=41 72 44 49 55
+internal_value=0 -0.0259198 0.0176763 -0.0476799
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=4058
+num_leaves=5
+num_cat=0
+split_feature=5 2 8 3
+split_gain=0.4266 1.66904 1.41359 3.35113
+threshold=67.65000000000002 8.5000000000000018 49.500000000000007 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0037602259155145078 0.0012780059814507265 0.0033795276689063199 -0.004571244177201359 0.0032656394867877298
+leaf_weight=48 77 48 47 41
+leaf_count=48 77 48 47 41
+internal_value=0 -0.0267694 0.029913 -0.0455596
+internal_weight=0 184 136 88
+internal_count=261 184 136 88
+shrinkage=0.02
+
+
+Tree=4059
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.424399 1.07385 3.16913 4.12759 4.69547
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0017150465295930391 0.0046632663279753215 -0.0034211183485241539 -0.0066084802130045384 0.0057707881853105523 -0.0036968934579609753
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0198505 0.0140606 -0.0698384 0.0570456
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=4060
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 3
+split_gain=0.432218 1.18927 0.802258 1.61487
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012561449738820558 0.0013478909912208372 -0.0029796051100462501 -0.0015298138039282632 0.0043228672871654201
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0256996 0.0259585 0.0862103
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=4061
+num_leaves=5
+num_cat=0
+split_feature=5 2 6 7
+split_gain=0.42322 1.66367 4.31576 2.10501
+threshold=67.65000000000002 15.500000000000002 49.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.001785463150365099 0.0012731577671143014 -0.0012214984120185123 -0.0068847869014909274 0.004916943658838378
+leaf_weight=47 77 53 45 39
+leaf_count=47 77 53 45 39
+internal_value=0 -0.026668 -0.122437 0.0686869
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=4062
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.420863 1.78065 1.25264 1.77912 2.07145
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00091576430965188932 -0.001823924537253591 0.0042603156282365068 -0.0035693184759659231 -0.0031168141825734037 0.0049464285428455134
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0185065 -0.0239531 0.0220637 0.0958978
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4063
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 8 7
+split_gain=0.410944 0.928625 2.60781 4.22292 0.961737
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0011420124569359051 0.0016887625271466979 -0.0031639228872387733 0.0044030999826543847 -0.0067047953690703276 0.0030970027815039637
+leaf_weight=39 49 40 45 39 49
+leaf_count=39 49 40 45 39 49
+internal_value=0 -0.0195538 0.0125074 -0.0608345 0.0604925
+internal_weight=0 212 172 127 88
+internal_count=261 212 172 127 88
+shrinkage=0.02
+
+
+Tree=4064
+num_leaves=5
+num_cat=0
+split_feature=4 2 8 2
+split_gain=0.414755 1.35915 1.69162 2.38178
+threshold=53.500000000000007 21.500000000000004 62.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0014168110291071529 0.004099304799144908 -0.0021104973049608879 -0.0038990020320212289 0.0031115460191384467
+leaf_weight=65 60 58 39 39
+leaf_count=65 60 58 39 39
+internal_value=0 0.0234923 0.0780326 -0.0191917
+internal_weight=0 196 138 78
+internal_count=261 196 138 78
+shrinkage=0.02
+
+
+Tree=4065
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 3
+split_gain=0.431018 3.86296 3.37902 2.08411
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.004168753830217151 0.0017495830835077453 -0.0060955460610438838 0.0014121366639991517 -0.0043499136921102254
+leaf_weight=73 48 39 50 51
+leaf_count=73 48 39 50 51
+internal_value=0 -0.0197556 0.0439956 -0.0745248
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4066
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 4
+split_gain=0.450112 1.13406 2.22704 4.84189
+threshold=48.500000000000007 55.500000000000007 19.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0013116939865662708 0.0032914120943447452 0.0029089499669426506 0.0029631821711994279 -0.0065819895352733498
+leaf_weight=77 46 39 51 48
+leaf_count=77 46 39 51 48
+internal_value=0 0.0274411 -0.0180393 -0.115966
+internal_weight=0 184 138 87
+internal_count=261 184 138 87
+shrinkage=0.02
+
+
+Tree=4067
+num_leaves=5
+num_cat=0
+split_feature=5 2 6 5
+split_gain=0.450488 1.67873 4.10611 1.99424
+threshold=67.65000000000002 15.500000000000002 49.500000000000007 55.150000000000006
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.001656780505360173 0.0013117505624490103 -0.0013333489310903325 -0.0068007401336130768 0.0045956100158292441
+leaf_weight=47 77 50 45 42
+leaf_count=47 77 50 45 42
+internal_value=0 -0.0274755 -0.123669 0.0683048
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=4068
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.443414 2.36586 1.73118 2.50699
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0013804937597768113 0.0049285637841891055 -0.0014152570083720009 0.0020084545496483375 -0.0050024801776498255
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0538733 -0.0329425 -0.113899
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=4069
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 7
+split_gain=0.448936 1.16337 0.749985 1.8207
+threshold=70.500000000000014 60.500000000000007 52.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0024609653376428241 0.0013726650835152504 -0.0029623441850732991 -0.003767048000158858 0.0021843453560181055
+leaf_weight=50 72 56 40 43
+leaf_count=50 72 56 40 43
+internal_value=0 -0.026166 0.0249322 -0.0337462
+internal_weight=0 189 133 83
+internal_count=261 189 133 83
+shrinkage=0.02
+
+
+Tree=4070
+num_leaves=5
+num_cat=0
+split_feature=4 2 5 6
+split_gain=0.446511 1.35775 1.84026 2.59827
+threshold=53.500000000000007 21.500000000000004 67.65000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0014673709736105595 0.0033152595767809438 -0.0020920002577492474 0.0043856592848033268 -0.0038265445986410663
+leaf_weight=65 40 58 56 42
+leaf_count=65 40 58 56 42
+internal_value=0 0.0243487 0.0788599 -0.0166567
+internal_weight=0 196 138 82
+internal_count=261 196 138 82
+shrinkage=0.02
+
+
+Tree=4071
+num_leaves=5
+num_cat=0
+split_feature=4 2 5 3
+split_gain=0.428019 1.3033 1.76666 2.24784
+threshold=53.500000000000007 21.500000000000004 67.65000000000002 62.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0014380548660136302 0.0029865160656288819 -0.0020502107043222774 0.0042980554365438855 -0.0036580085465224201
+leaf_weight=65 41 58 56 41
+leaf_count=65 41 58 56 41
+internal_value=0 0.0238583 0.0772846 -0.0163142
+internal_weight=0 196 138 82
+internal_count=261 196 138 82
+shrinkage=0.02
+
+
+Tree=4072
+num_leaves=6
+num_cat=0
+split_feature=5 2 6 2 1
+split_gain=0.443209 1.78147 1.50399 2.984 0.428731
+threshold=72.700000000000003 24.500000000000004 46.500000000000007 10.500000000000002 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=-0.003791868892116228 -0.0018200843346683016 0.003997551568084113 0.0045773739235553616 -0.0033174836700808402 -0.00031565457880001097
+leaf_weight=43 46 44 47 39 42
+leaf_count=43 46 44 47 39 42
+internal_value=0 0.0194866 -0.0267588 0.0277049 -0.0886232
+internal_weight=0 215 171 128 81
+internal_count=261 215 171 128 81
+shrinkage=0.02
+
+
+Tree=4073
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 1
+split_gain=0.425649 2.21351 1.81913 1.74505
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019354205339029516 -0.0017622019090621061 0.0038191413778405747 -0.0034757529212590429 0.003514854620620594
+leaf_weight=45 47 56 63 50
+leaf_count=45 47 56 63 50
+internal_value=0 0.0193588 -0.0412654 0.0462603
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4074
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 6
+split_gain=0.420514 0.956403 2.46939 4.8544 0.683395
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 45.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00049990645509441099 0.0017073725477325615 -0.0032085701260954652 0.0042973308544585311 -0.006948008848405819 0.0030989293970162986
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.0197716 0.0127588 -0.0586183 0.0738683
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=4075
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 4
+split_gain=0.413243 1.18779 2.13304 4.72611
+threshold=48.500000000000007 55.500000000000007 19.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.001259250694464598 0.0033326552255515396 0.0028444400559400457 0.0028495443862829512 -0.0065326098762010874
+leaf_weight=77 46 39 51 48
+leaf_count=77 46 39 51 48
+internal_value=0 0.0263409 -0.0201941 -0.11605
+internal_weight=0 184 138 87
+internal_count=261 184 138 87
+shrinkage=0.02
+
+
+Tree=4076
+num_leaves=5
+num_cat=0
+split_feature=4 5 7 5
+split_gain=0.428598 0.893416 3.76531 1.07965
+threshold=74.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0017260389855618089 0.0017230418167927856 0.0014845473462435554 -0.006442536957106627 0.002484806439821784
+leaf_weight=42 49 69 41 60
+leaf_count=42 49 69 41 60
+internal_value=0 -0.0199485 -0.0656836 0.0371548
+internal_weight=0 212 143 102
+internal_count=261 212 143 102
+shrinkage=0.02
+
+
+Tree=4077
+num_leaves=5
+num_cat=0
+split_feature=4 8 8 4
+split_gain=0.410834 0.799668 2.67561 1.69109
+threshold=74.500000000000014 56.500000000000007 65.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0013842407925549935 0.0016886300922035321 -0.0053305860554428734 0.0013420653615639814 0.0035297307456613469
+leaf_weight=65 49 45 52 50
+leaf_count=65 49 45 52 50
+internal_value=0 -0.0195471 -0.0873432 0.0373082
+internal_weight=0 212 97 115
+internal_count=261 212 97 115
+shrinkage=0.02
+
+
+Tree=4078
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 1
+split_gain=0.412585 2.03624 1.74855 1.70994
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019096171928663489 -0.0017588847643037356 0.0036331205761942326 -0.003393390067541904 0.0034860770290950733
+leaf_weight=45 46 57 63 50
+leaf_count=45 46 57 63 50
+internal_value=0 0.0188317 -0.0397102 0.0461141
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=4079
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.428206 2.83877 2.18781 1.60955 0.88451
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0016742429211611756 0.00071635654038867491 0.0051999842489262064 -0.0042100313668438586 0.0038527621206009451 -0.0033822652949324745
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0290399 -0.0414273 0.0556618 -0.0590942
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4080
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.410354 2.72579 2.10042 1.54521 0.528499
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0016408133968650684 0.00057821408619745203 0.005096161932166777 -0.0041259508010737158 0.0037758319515804975 -0.0026145926861847082
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0284558 -0.0405998 0.054541 -0.0579052
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4081
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 8
+split_gain=0.424038 1.4719 1.25033 1.82827
+threshold=69.500000000000014 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010962361316764441 0.0017361558031578283 -0.0036711992131005567 0.0028900372317256333 -0.0042883124667984288
+leaf_weight=73 48 44 57 39
+leaf_count=73 48 44 57 39
+internal_value=0 -0.019594 0.0229171 -0.0386555
+internal_weight=0 213 169 112
+internal_count=261 213 169 112
+shrinkage=0.02
+
+
+Tree=4082
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 3
+split_gain=0.406455 4.01474 3.30168 2.02558
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0041669344314720341 0.001701483275157785 -0.0061947780151119436 0.0014344986255996975 -0.0042469274400147488
+leaf_weight=73 48 39 50 51
+leaf_count=73 48 39 50 51
+internal_value=0 -0.0191996 0.0457898 -0.071369
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4083
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 4
+split_gain=0.429653 1.15545 2.0957 4.66424
+threshold=48.500000000000007 55.500000000000007 19.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0012826265677165873 0.0033049097776878728 0.0028499699113754655 0.0028439713126062671 -0.0064657789052450319
+leaf_weight=77 46 39 51 48
+leaf_count=77 46 39 51 48
+internal_value=0 0.0268477 -0.0190556 -0.114082
+internal_weight=0 184 138 87
+internal_count=261 184 138 87
+shrinkage=0.02
+
+
+Tree=4084
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.428661 2.24792 1.67729 2.4144
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.001348331760496614 0.004815105394135359 -0.0013697372187708526 0.0019777009917375243 -0.0049163719855180935
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0530161 -0.0324066 -0.112111
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=4085
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.421956 1.25689 1.43631 1.15271
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0018133432047903195 0.0013327348947192142 -0.0034910899436890416 0.0035857661759618256 -0.0025425980561643276
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.025395 0.0196539 -0.0429728
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4086
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 3
+split_gain=0.414899 3.88466 3.14951 1.99017
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0040669445513422751 0.001718497113228799 -0.0061038882489212951 0.0014392569559358993 -0.004192798704270727
+leaf_weight=73 48 39 50 51
+leaf_count=73 48 39 50 51
+internal_value=0 -0.0193762 0.0445536 -0.0698836
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4087
+num_leaves=5
+num_cat=0
+split_feature=4 8 1 3
+split_gain=0.442272 1.04782 1.7095 3.37057
+threshold=53.500000000000007 55.500000000000007 8.5000000000000018 75.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0014604988853118381 0.0031881622878521753 0.0037511355988435052 -0.0036551380436761816 -0.0036361534472832387
+leaf_weight=65 45 68 44 39
+leaf_count=65 45 68 44 39
+internal_value=0 0.0242474 -0.0158227 0.0525242
+internal_weight=0 196 151 107
+internal_count=261 196 151 107
+shrinkage=0.02
+
+
+Tree=4088
+num_leaves=5
+num_cat=0
+split_feature=3 2 3 4
+split_gain=0.437543 2.18636 1.26641 1.13952
+threshold=66.500000000000014 14.500000000000002 61.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0014313205258626811 0.0036374883028245002 -0.0023936458921273818 -0.0037146831275716094 0.0024904037791181211
+leaf_weight=65 57 42 41 56
+leaf_count=65 57 42 41 56
+internal_value=0 0.0535433 -0.0327208 0.0188738
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=4089
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.438275 1.17386 1.39728 1.20484
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010030701140451698 0.0013570762564500129 -0.0034017432041657278 0.0035036014633977501 -0.0033686000073672871
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0258617 0.0176885 -0.0440912
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4090
+num_leaves=5
+num_cat=0
+split_feature=4 5 7 5
+split_gain=0.421746 0.901469 3.59146 1.00509
+threshold=74.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016891650969947578 0.0017101579116832366 0.0014962585523306021 -0.0063239683449224805 0.0023763970155296814
+leaf_weight=42 49 69 41 60
+leaf_count=42 49 69 41 60
+internal_value=0 -0.0197793 -0.0657155 0.0347247
+internal_weight=0 212 143 102
+internal_count=261 212 143 102
+shrinkage=0.02
+
+
+Tree=4091
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 1
+split_gain=0.418099 2.10566 1.69576 1.70153
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019457684216278206 -0.0017698021944986652 0.0036902575581921199 -0.0033712760650716571 0.0034370207934172926
+leaf_weight=45 46 57 63 50
+leaf_count=45 46 57 63 50
+internal_value=0 0.0189642 -0.0405613 0.0439654
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=4092
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.412074 0.902117 2.3641 4.55961 1.08758
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.001074936887874364 0.0016913145969750707 -0.0031250643241701502 0.0041967513242793086 -0.0067543641364214459 0.0034480355870011993
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.0195624 0.0120444 -0.057802 0.0706037
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=4093
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 4
+split_gain=0.426033 1.15685 2.09383 4.50506
+threshold=48.500000000000007 55.500000000000007 19.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0012773255100738403 0.0033045274320693085 0.0027599948550814522 0.0028399445703141909 -0.0063958138623628445
+leaf_weight=77 46 39 51 48
+leaf_count=77 46 39 51 48
+internal_value=0 0.0267457 -0.0191851 -0.114169
+internal_weight=0 184 138 87
+internal_count=261 184 138 87
+shrinkage=0.02
+
+
+Tree=4094
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 3
+split_gain=0.443694 2.2376 1.61494 1.47245
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.00076153017917058989 0.0048242308822226158 -0.0013464119115545762 0.0019181897311509679 -0.0041923440120039427
+leaf_weight=40 39 60 61 61
+leaf_count=40 39 60 61 61
+internal_value=0 0.0539032 -0.0329389 -0.111166
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=4095
+num_leaves=5
+num_cat=0
+split_feature=3 2 3 4
+split_gain=0.425177 2.18676 1.25756 1.13441
+threshold=66.500000000000014 14.500000000000002 61.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0014218634582251033 0.0036232831795176552 -0.002408466923274392 -0.0036951874960998504 0.0024911567076591539
+leaf_weight=65 57 42 41 56
+leaf_count=65 57 42 41 56
+internal_value=0 0.0528195 -0.0322709 0.0191453
+internal_weight=0 99 162 121
+internal_count=261 99 162 121
+shrinkage=0.02
+
+
+Tree=4096
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 6 5
+split_gain=0.409362 3.8774 3.05612 1.30721 1.01782
+threshold=69.500000000000014 71.500000000000014 58.550000000000004 49.500000000000007 47.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0016274122906207245 0.0017075082560524962 -0.0060961153296434827 0.0053260724365853532 -0.0037728140675750022 0.002690181597950151
+leaf_weight=42 48 39 46 39 47
+leaf_count=42 48 39 46 39 47
+internal_value=0 -0.0192531 0.0446171 -0.0348412 0.0322003
+internal_weight=0 213 174 128 89
+internal_count=261 213 174 128 89
+shrinkage=0.02
+
+
+Tree=4097
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.428716 1.2053 1.40206 1.21478
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010256855360077626 0.0013429259458463472 -0.0034340070169786765 0.003525787706876689 -0.003363831101829735
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0255866 0.0185371 -0.0433461
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4098
+num_leaves=5
+num_cat=0
+split_feature=4 2 5 6
+split_gain=0.405146 1.26312 1.84211 2.31286
+threshold=53.500000000000007 21.500000000000004 67.65000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0014006301771665622 0.0030489884794041018 -0.0020235826628578085 0.0043273517160821095 -0.0036917880141369543
+leaf_weight=65 40 58 56 42
+leaf_count=65 40 58 56 42
+internal_value=0 0.0232531 0.0758652 -0.019703
+internal_weight=0 196 138 82
+internal_count=261 196 138 82
+shrinkage=0.02
+
+
+Tree=4099
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 1
+split_gain=0.425492 2.0158 1.69533 1.66714
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0018886974652299654 -0.0017847072111698611 0.0036226860166904142 -0.0033423613091930456 0.003439786522741301
+leaf_weight=45 46 57 63 50
+leaf_count=45 46 57 63 50
+internal_value=0 0.0191218 -0.039127 0.045391
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=4100
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.406771 1.77843 2.59675 2.65247
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00081136789406881379 -0.0017943506241047602 0.0039734756703113851 0.0036514580219524206 -0.0049365523916824099
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.0182175 -0.0275095 -0.0995356
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=4101
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.423103 2.67981 2.04446 1.46619 0.810812
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0015756206714203048 0.00064368750954207357 0.0050667235580331262 -0.004061687109498063 0.0037021809133404998 -0.0032836019966053136
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0288884 -0.039584 0.0542886 -0.0587424
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4102
+num_leaves=5
+num_cat=0
+split_feature=6 9 5 8
+split_gain=0.411358 3.97092 2.95303 1.28745
+threshold=69.500000000000014 71.500000000000014 58.550000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010907483309307521 0.0017114581549294108 -0.0061651230514591119 0.0052654590443284499 -0.0029861698763024602
+leaf_weight=73 48 39 46 55
+leaf_count=73 48 39 46 55
+internal_value=0 -0.0192986 0.0453359 -0.032774
+internal_weight=0 213 174 128
+internal_count=261 213 174 128
+shrinkage=0.02
+
+
+Tree=4103
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.401863 1.25563 1.40112 1.17724
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010307016157450077 0.0013021763188879982 -0.0034779049342171472 0.0035582561506852343 -0.0032916151798165556
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0248065 0.0202206 -0.04164
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4104
+num_leaves=4
+num_cat=0
+split_feature=4 2 2
+split_gain=0.399756 1.22501 1.76557
+threshold=53.500000000000007 21.500000000000004 11.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0013916725091108332 -0.00066997991976384681 -0.0019891438648215009 0.003874824384772347
+leaf_weight=65 72 58 66
+leaf_count=65 72 58 66
+internal_value=0 0.0231077 0.0749345
+internal_weight=0 196 138
+internal_count=261 196 138
+shrinkage=0.02
+
+
+Tree=4105
+num_leaves=5
+num_cat=0
+split_feature=5 9 9 1
+split_gain=0.393419 1.90862 1.68068 1.59457
+threshold=72.700000000000003 66.500000000000014 55.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0018176648994097297 -0.0017192729083659051 0.003522284746389371 -0.0033143085732037776 0.0033946629793838706
+leaf_weight=45 46 57 63 50
+leaf_count=45 46 57 63 50
+internal_value=0 0.01842 -0.0382694 0.0458865
+internal_weight=0 215 158 95
+internal_count=261 215 158 95
+shrinkage=0.02
+
+
+Tree=4106
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.411225 3.9524 2.95096 1.97738
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0039784606720625632 0.0017111097740264006 -0.0061517256541816006 0.0020759014954002692 -0.0036400847080663972
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0192999 0.045184 -0.0655994
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4107
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.394149 3.79539 2.85835 1.32251
+threshold=69.500000000000014 71.500000000000014 57.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0023637551555906185 0.0016769378395630611 -0.0060289113515321026 0.005372760799262152 0.0017143746184366941
+leaf_weight=74 48 39 43 57
+leaf_count=74 48 39 43 57
+internal_value=0 -0.0189113 0.0442813 -0.0291615
+internal_weight=0 213 174 131
+internal_count=261 213 174 131
+shrinkage=0.02
+
+
+Tree=4108
+num_leaves=6
+num_cat=0
+split_feature=6 2 6 2 1
+split_gain=0.408237 1.78337 1.31361 2.7631 0.321893
+threshold=70.500000000000014 24.500000000000004 46.500000000000007 10.500000000000002 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=-0.0036029839196004749 -0.0017973340820543939 0.0039791442079557052 0.0041574029765825259 -0.0031953554949645715 -0.00055156448812003782
+leaf_weight=43 44 44 50 39 41
+leaf_count=43 44 44 50 39 41
+internal_value=0 0.0182536 -0.0275364 0.0227054 -0.0926035
+internal_weight=0 217 173 130 80
+internal_count=261 217 173 130 80
+shrinkage=0.02
+
+
+Tree=4109
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.421543 1.23347 1.28464 1.18291
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010677375677113445 0.0013320438270070063 -0.0034634372473628661 0.0034068986888868779 -0.0032650489502427105
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0253866 0.0192448 -0.0400137
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4110
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.404039 1.2032 2.06861 3.27823
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0035848145077940767 0.0013054290104699282 -0.003651223841731372 -0.0020345361665001357 0.0049093054768565656
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0248755 0.0159223 0.087323
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=4111
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.401377 1.04983 3.13796 3.91114 4.2593
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0016701595373155632 0.0046448190453545037 -0.0033772462559136891 -0.0064594066063214722 0.0054957524434316738 -0.0035232245602078295
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0193231 0.0142115 -0.069275 0.0542424
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=4112
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 1
+split_gain=0.408236 1.20887 0.742206 11.2954
+threshold=70.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.002770578061029694 0.0013117870755118375 -0.002985620662577973 -0.0079325547319624365 0.0061817266956198016
+leaf_weight=42 72 56 43 48
+leaf_count=42 72 56 43 48
+internal_value=0 -0.0250027 0.0270755 -0.0239923
+internal_weight=0 189 133 91
+internal_count=261 189 133 91
+shrinkage=0.02
+
+
+Tree=4113
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.406213 0.875351 2.16106 4.56802 1.10188
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0010341588438457317 0.0016797657521710708 -0.0030824734913457177 0.0040180214342215069 -0.0067053124237185504 0.0035176498690414316
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.0194312 0.0117101 -0.055085 0.0734402
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=4114
+num_leaves=5
+num_cat=0
+split_feature=4 2 5 3
+split_gain=0.412012 1.17609 1.82122 2.30982
+threshold=53.500000000000007 21.500000000000004 67.65000000000002 62.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0014120385343438199 0.0029418073120359846 -0.0019338295997390037 0.0042789868489193509 -0.0037924478632097029
+leaf_weight=65 41 58 56 41
+leaf_count=65 41 58 56 41
+internal_value=0 0.0234328 0.074233 -0.0207968
+internal_weight=0 196 138 82
+internal_count=261 196 138 82
+shrinkage=0.02
+
+
+Tree=4115
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.409086 2.55006 1.94879 1.46542 0.82019
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0015950788251855523 0.00067266822873653337 0.0049482186014181461 -0.0039610378068553132 0.0036814829911271186 -0.0032770008082279164
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0284206 -0.0383798 0.0532835 -0.0578132
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4116
+num_leaves=4
+num_cat=0
+split_feature=4 2 2
+split_gain=0.399412 1.12524 1.78375
+threshold=53.500000000000007 21.500000000000004 11.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0013913534766694855 -0.00072386416134547144 -0.0018890073020424968 0.0038442843525686122
+leaf_weight=65 72 58 66
+leaf_count=65 72 58 66
+internal_value=0 0.0230857 0.0727975
+internal_weight=0 196 138
+internal_count=261 196 138
+shrinkage=0.02
+
+
+Tree=4117
+num_leaves=6
+num_cat=0
+split_feature=5 2 6 2 1
+split_gain=0.397089 1.79211 1.2901 2.51222 0.349037
+threshold=72.700000000000003 24.500000000000004 46.500000000000007 10.500000000000002 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=-0.0035772730851909634 -0.001727134745809813 0.0039883331593023779 0.0041460496096036633 -0.0030858555724470088 -0.00036018389686924389
+leaf_weight=43 46 44 47 39 42
+leaf_count=43 46 44 47 39 42
+internal_value=0 0.0184893 -0.0278938 0.0225803 -0.0841972
+internal_weight=0 215 171 128 81
+internal_count=261 215 171 128 81
+shrinkage=0.02
+
+
+Tree=4118
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.40522 0.99449 3.0901 3.73156 4.1051
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0016774940364395305 0.0045920131754944625 -0.0033008550277963331 -0.0063491083091269575 0.005351515063898785 -0.0035035656699522995
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0194242 0.0132254 -0.0696248 0.0510279
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=4119
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.411125 3.76107 2.86451 1.95016
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010482342071363208 0.0017106016171506767 -0.0060114551203228617 0.0045131541720063997 -0.00433959573507309
+leaf_weight=73 48 39 58 43
+leaf_count=73 48 39 58 43
+internal_value=0 -0.019313 0.0435937 -0.0471749
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4120
+num_leaves=4
+num_cat=0
+split_feature=9 9 6
+split_gain=0.433807 1.2628 0.764955
+threshold=70.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.0010134906938809927 0.0013501764676738205 -0.0030544303761024794 0.002054409979766943
+leaf_weight=65 72 56 68
+leaf_count=65 72 56 68
+internal_value=0 -0.0257487 0.0274652
+internal_weight=0 189 133
+internal_count=261 189 133
+shrinkage=0.02
+
+
+Tree=4121
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 7
+split_gain=0.415856 1.21202 0.734439 1.86607
+threshold=70.500000000000014 60.500000000000007 52.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0024804102131676144 0.0013231993003629341 -0.0029934184080737574 -0.0037534115912910113 0.0022712901268532358
+leaf_weight=50 72 56 40 43
+leaf_count=50 72 56 40 43
+internal_value=0 -0.0252345 0.0269104 -0.0311633
+internal_weight=0 189 133 83
+internal_count=261 189 133 83
+shrinkage=0.02
+
+
+Tree=4122
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 5
+split_gain=0.398576 1.23446 1.3377 1.1387
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011614682879932839 0.0012967612602739836 -0.0034514576977062641 0.0031088177959083759 -0.0032236483066938526
+leaf_weight=49 72 44 49 47
+leaf_count=49 72 44 49 47
+internal_value=0 -0.0247263 0.0199234 -0.0488935
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=4123
+num_leaves=5
+num_cat=0
+split_feature=4 8 1 3
+split_gain=0.399886 1.07901 1.72356 3.19352
+threshold=53.500000000000007 55.500000000000007 8.5000000000000018 75.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0013922156755580173 0.0032044377844323599 0.003650595243980273 -0.0037032950685334395 -0.0035411158397065301
+leaf_weight=65 45 68 44 39
+leaf_count=65 45 68 44 39
+internal_value=0 0.0230949 -0.0175613 0.0510622
+internal_weight=0 196 151 107
+internal_count=261 196 151 107
+shrinkage=0.02
+
+
+Tree=4124
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.404793 3.70953 2.84795 2.04547
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.003887292795302328 0.0016980941878526701 -0.0059700576144256058 0.0021347656065250275 -0.0036780680420594389
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0191656 0.0433095 -0.0655322
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4125
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.418492 1.15716 1.28494 1.13959
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010072090017506975 0.0013273020876064718 -0.0033704094197546139 0.0033812273007284444 -0.0032464689909023222
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0253053 0.0179377 -0.0413292
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4126
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.411301 1.9825 1.66759 1.83542
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0040373580430856934 0.0012560649469941449 0.005435740707151279 -0.0021127257424717744 -0.00049005400250409716
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0262999 0.0354433 0.123269
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4127
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.402459 1.82362 2.5746 2.50634 4.12701
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0045092254607190648 -0.001785429301095815 0.0040165262543373379 0.003620083422704581 -0.0059520181412206384 0.0042696606413642384
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0181169 -0.0281838 -0.0999042 -0.000429401
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4128
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.403697 1.88972 1.59781 1.80894
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0039504838951392365 0.0012448831721637613 0.0053535743548293732 -0.0020781053398079945 -0.00052988418475562041
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.02607 0.0342198 0.120217
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4129
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.409874 2.5594 1.98642 1.37891 0.807374
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0015004657528761419 0.00065731461559138688 0.0049565385742462668 -0.0039934558190127516 0.0036195904610880516 -0.0032619439137228888
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0284393 -0.0384828 0.0540562 -0.0578736
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4130
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 2
+split_gain=0.39483 3.7119 2.83702 1.90673
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 20.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0038864416753167379 0.001678062338627672 -0.005967321812111093 -0.0044458603551254163 0.001114086026545475
+leaf_weight=73 48 39 44 57
+leaf_count=73 48 39 44 57
+internal_value=0 -0.0189396 0.0435555 -0.0650778
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4131
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.412152 1.1799 1.28211 1.16851
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010434568293590685 0.0013176624416975213 -0.0033943100927880704 0.0033899269883058527 -0.0032631678447798507
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0251222 0.0185394 -0.040662
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4132
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.398094 1.76951 2.51425 2.49352 3.56595
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0042690524551768014 -0.0017761320365321915 0.0039606899228635927 0.0035830113765358208 -0.0059132889161564953 0.0039010641442346079
+leaf_weight=41 44 44 44 43 45
+leaf_count=41 44 44 44 43 45
+internal_value=0 0.0180256 -0.0275874 -0.0984715 0
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4133
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.406929 1.85098 1.52301 1.78476
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0039174529263450971 0.0012496723485398815 0.0052797342202486044 -0.0020275683649812939 -0.00056480091542451827
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0261667 0.0335055 0.117496
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4134
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.41121 2.5209 1.93005 1.29023 0.784526
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0014321014780258096 0.00063007523349581504 0.0049246008069752665 -0.0039368960277743181 0.0035226160808896033 -0.0032343795862107435
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0284859 -0.0379328 0.0532917 -0.057961
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4135
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.404429 0.966144 3.10248 3.70089 3.94449
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0016760816359340186 0.0045918990996192946 -0.0032593603550030016 -0.0063408136867768644 0.0052445332297377609 -0.0034363719004260559
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0193987 0.0127884 -0.0702275 0.0499288
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=4136
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 7
+split_gain=0.412655 1.84121 4.16877 2.14519
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0017123068645612677 0.0012579649860377468 -0.0011410729211109472 -0.0068071134302086708 0.0050547569203718504
+leaf_weight=46 77 53 46 39
+leaf_count=46 77 53 46 39
+internal_value=0 -0.0263446 -0.127033 0.0739289
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=4137
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.409168 2.11269 1.49504 2.27678
+threshold=66.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0013470361413771906 0.0046781780241790995 -0.0013192147445333655 0.0018464360796177429 -0.0047378475095198489
+leaf_weight=43 39 60 61 58
+leaf_count=43 39 60 61 58
+internal_value=0 0.0518478 -0.0316987 -0.10701
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=4138
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 2
+split_gain=0.408124 0.944862 3.19057 3.35596
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0016834936532853745 0.0019963930041645679 -0.0032297426857300234 0.0036761244791775807 -0.0051617935445626064
+leaf_weight=49 48 39 67 58
+leaf_count=49 48 39 67 58
+internal_value=0 -0.0194764 0.0123589 -0.0956815
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=4139
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.406732 1.12126 2.66213 1.61367
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0014033525588601459 0.0029726132778027919 -0.0049307237565136032 -0.00079886232028015831 0.0043195434235034566
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.0232908 -0.0229342 0.0606416
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4140
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.425754 1.76637 2.42087 2.48556
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00078230750268465897 -0.0018338717808657448 0.0039692827161813184 0.0035186231619164276 -0.0047829400952500815
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.0186159 -0.0269565 -0.0965263
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=4141
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 6
+split_gain=0.422727 2.06374 2.07456 3.81059 0.751503
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0017730970417007105 0.00057735942392273432 0.0046507717089668893 0.0031154432462801524 -0.0062870836593503536 -0.0032063717009243537
+leaf_weight=47 46 39 42 47 40
+leaf_count=47 46 39 42 47 40
+internal_value=0 0.0288739 -0.0293256 -0.112508 -0.0587199
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=4142
+num_leaves=4
+num_cat=0
+split_feature=4 2 2
+split_gain=0.402144 1.10254 1.8365
+threshold=53.500000000000007 21.500000000000004 11.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0013956536542019098 -0.00076384520446342793 -0.0018637884351910342 0.0038708462616093538
+leaf_weight=65 72 58 66
+leaf_count=65 72 58 66
+internal_value=0 0.0231719 0.0723895
+internal_weight=0 196 138
+internal_count=261 196 138
+shrinkage=0.02
+
+
+Tree=4143
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.405703 2.39382 1.79678 1.29037 0.715482
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0014656951630345031 0.00055841118703766712 0.0048108729587322263 -0.0037961770896880525 0.0034895186523065951 -0.0031356130981790415
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0283132 -0.0364163 0.0516232 -0.0575799
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4144
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.401582 0.923762 3.07041 5.32969
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0016706446616693844 0.0017530683233964199 -0.0031954742294154816 0.0036074188774760166 -0.0074205326652878227
+leaf_weight=49 64 39 67 42
+leaf_count=49 64 39 67 42
+internal_value=0 -0.0193239 0.0121589 -0.0938355
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=4145
+num_leaves=5
+num_cat=0
+split_feature=6 6 5 4
+split_gain=0.407402 1.32507 1.18811 1.58093
+threshold=69.500000000000014 63.500000000000007 53.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011014178634685516 0.0017035852409534999 -0.0034980158145692252 0.0024116223981331154 -0.0040893011554863678
+leaf_weight=58 48 44 71 40
+leaf_count=58 48 44 71 40
+internal_value=0 -0.0192102 0.0211436 -0.0505246
+internal_weight=0 213 169 98
+internal_count=261 213 169 98
+shrinkage=0.02
+
+
+Tree=4146
+num_leaves=4
+num_cat=0
+split_feature=9 9 6
+split_gain=0.419316 1.29369 0.76119
+threshold=70.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=-0.00098815779582831615 0.0013288227701540281 -0.0030761952381710631 0.0020721950519797701
+leaf_weight=65 72 56 68
+leaf_count=65 72 56 68
+internal_value=0 -0.0253153 0.0285394
+internal_weight=0 189 133
+internal_count=261 189 133
+shrinkage=0.02
+
+
+Tree=4147
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.403425 1.08869 2.60959 1.64437
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0013978166549605529 0.0029348666541698133 -0.004875124692230357 -0.00082266416986014697 0.0043437609216549818
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.0232047 -0.0223521 0.0603982
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4148
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.415846 1.67301 1.06367 1.94144 1.99977
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 50.050000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00046984456410357046 -0.0018132897962619312 0.0041403782413283186 -0.0033067484561735794 -0.0033218784823675304 0.0053780785340575002
+leaf_weight=57 44 39 41 40 40
+leaf_count=57 44 39 41 40 40
+internal_value=0 0.0184121 -0.0227524 0.0196899 0.0967784
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4149
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.399706 1.81465 1.53122 1.61637
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014405229037958551 -0.0017099378273343745 0.0034865573681897612 -0.0031570420008898733 0.003835267806410195
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0187971 -0.0361275 0.0442312
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4150
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 3
+split_gain=0.411191 2.3667 1.8055 1.20339 0.454286
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0013657083785077696 -0.0027888118300805286 0.0047904369123289124 -0.0037927704419092713 0.003421602790597035 0.00017825438853710199
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0284872 -0.0358761 0.0523763 -0.0579577
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4151
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.396879 1.76348 2.30128 2.48864
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00080685033088410995 -0.001773567640351308 0.0039540867135182305 0.0034061217279641948 -0.0047619175555845142
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.0179985 -0.0275373 -0.0953845
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=4152
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.41623 2.28595 1.73465 1.15534 0.672773
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00132680829330156 0.00049317985029160552 0.0047218085060248514 -0.0037071561679739031 0.0033653101235081484 -0.0030911889713929721
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.028657 -0.0346032 0.0519132 -0.0582916
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4153
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.398852 2.19483 1.66519 1.10896 0.645477
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0013003166639410971 0.00048333121776994822 0.0046275331504463373 -0.0036331186659933237 0.003298113542959866 -0.0030294735754610208
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0280805 -0.033912 0.0508672 -0.0571186
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4154
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 3
+split_gain=0.404503 3.83053 2.75274 1.93919
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0038571574558217536 0.0016976784479352722 -0.0060596446341677403 0.0015472037234610131 -0.004013515117847922
+leaf_weight=73 48 39 50 51
+leaf_count=73 48 39 50 51
+internal_value=0 -0.0191509 0.044333 -0.0626802
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4155
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 8
+split_gain=0.427905 1.35923 1.40932 1.15976
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00085853675530651581 0.0013416289311019695 -0.0036118029157726408 0.0035880794007324785 -0.003510811258082322
+leaf_weight=64 72 44 41 40
+leaf_count=64 72 44 41 40
+internal_value=0 -0.0255676 0.0212624 -0.0407763
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4156
+num_leaves=5
+num_cat=0
+split_feature=4 8 1 3
+split_gain=0.395238 1.01036 1.67715 2.90744
+threshold=53.500000000000007 55.500000000000007 8.5000000000000018 75.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0013842954049558159 0.0031150303626631803 0.0035361283841559735 -0.003634914828957629 -0.003327571009625429
+leaf_weight=65 45 68 44 39
+leaf_count=65 45 68 44 39
+internal_value=0 0.0229764 -0.0163814 0.0513197
+internal_weight=0 196 151 107
+internal_count=261 196 151 107
+shrinkage=0.02
+
+
+Tree=4157
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.415721 1.29927 1.35384 1.17607
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001788140841099381 0.0013232364544090061 -0.0035366959779582277 0.0035124651798518116 -0.0025742337745765145
+leaf_weight=42 72 44 41 62
+leaf_count=42 72 44 41 62
+internal_value=0 -0.0252184 0.0205767 -0.04024
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4158
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.405616 3.7378 2.79136 1.94583
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010682565326018195 0.0016999944547915475 -0.0059913028172895013 0.0044656273276665872 -0.0043137588704686893
+leaf_weight=73 48 39 58 43
+leaf_count=73 48 39 58 43
+internal_value=0 -0.0191715 0.0435408 -0.0460653
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4159
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.431539 1.28802 1.27436 1.44807
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0019056073253843249 0.0013471486152202591 -0.0035326529247083982 0.0030450358154187262 -0.0030843556635670294
+leaf_weight=41 72 44 49 55
+leaf_count=41 72 44 49 55
+internal_value=0 -0.0256668 0.019931 -0.0472531
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=4160
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.413637 1.23634 1.22309 1.39009
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0018675595767921214 0.0013202318648607536 -0.0034621124252565381 0.002984221908160424 -0.0030227469857859925
+leaf_weight=41 72 44 49 55
+leaf_count=41 72 44 49 55
+internal_value=0 -0.0251498 0.0195332 -0.0463006
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=4161
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.400506 0.853178 2.00091 4.59565 1.05385
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00092644481424605536 0.0016686800739928907 -0.0030461048137183674 0.0038715721690287109 -0.0066771205535308669 0.0035259871028281561
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.0192908 0.0114597 -0.0528269 0.0760871
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=4162
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.409038 1.93392 1.49101 1.81855
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0039928541279630209 0.0012530481465382228 0.0053148082968370912 -0.0019739855865107082 -0.00058439975357803731
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0262166 0.0347699 0.117883
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4163
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 5
+split_gain=0.392104 1.87912 4.16712 1.92663
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 55.150000000000006
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.001703992359467952 0.0012280100547487796 -0.0011413303783060383 -0.0068137184709847459 0.0046862460613704112
+leaf_weight=46 77 50 46 42
+leaf_count=46 77 50 46 42
+internal_value=0 -0.0256971 -0.127406 0.0755968
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=4164
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.392659 2.28126 1.65976 1.1652 0.677264
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0013886388959923179 0.00053088667913090781 0.0047021745444650286 -0.0036562608525882753 0.0033235574785264485 -0.0030654559936165245
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0278835 -0.0353126 0.0493274 -0.0566834
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4165
+num_leaves=5
+num_cat=0
+split_feature=4 8 1 3
+split_gain=0.394849 1.06592 1.57718 2.79714
+threshold=53.500000000000007 55.500000000000007 8.5000000000000018 75.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0013835229897427638 0.0031856123675574268 0.0034267223982431304 -0.0035571876118039502 -0.0033065180449587078
+leaf_weight=65 45 68 44 39
+leaf_count=65 45 68 44 39
+internal_value=0 0.0229718 -0.0174402 0.0482261
+internal_weight=0 196 151 107
+internal_count=261 196 151 107
+shrinkage=0.02
+
+
+Tree=4166
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.399732 1.26027 1.25701 1.09221
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010306534956776795 0.0012988535698027193 -0.0034821066052052934 0.003397022357438642 -0.0031353884038069256
+leaf_weight=59 72 44 41 45
+leaf_count=59 72 44 41 45
+internal_value=0 -0.0247453 0.0203641 -0.0382585
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4167
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 3
+split_gain=0.40196 3.72306 2.70977 1.92557
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0038175417804552432 0.0016927886754429364 -0.0059785412041609143 0.0015375344798977751 -0.0040037689640584099
+leaf_weight=73 48 39 50 51
+leaf_count=73 48 39 50 51
+internal_value=0 -0.0190834 0.0435054 -0.0626735
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4168
+num_leaves=5
+num_cat=0
+split_feature=4 8 1 3
+split_gain=0.413813 1.02089 1.49747 2.71549
+threshold=53.500000000000007 55.500000000000007 8.5000000000000018 75.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0014147761644229045 0.0031388196862931522 0.0033849853862570095 -0.0034488249924908778 -0.0032498607484159913
+leaf_weight=65 45 68 44 39
+leaf_count=65 45 68 44 39
+internal_value=0 0.0234918 -0.0160673 0.0479331
+internal_weight=0 196 151 107
+internal_count=261 196 151 107
+shrinkage=0.02
+
+
+Tree=4169
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.419197 1.17944 1.2374 1.38839
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0018342966579094925 0.0013286469219351586 -0.0033975320158089696 0.0029753660754854284 -0.0030528470188709404
+leaf_weight=41 72 44 49 55
+leaf_count=41 72 44 49 55
+internal_value=0 -0.0253117 0.0183413 -0.0478743
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=4170
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.418629 1.94381 1.46595 2.19725
+threshold=66.500000000000014 76.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.001293672398372789 0.0033237275067454514 -0.0024307920849882779 0.0018157430370866676 -0.0046845977897998778
+leaf_weight=43 60 39 61 58
+leaf_count=43 60 39 61 58
+internal_value=0 0.0524302 -0.0320321 -0.106617
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=4171
+num_leaves=5
+num_cat=0
+split_feature=4 8 1 3
+split_gain=0.411944 1.03969 1.43065 2.606
+threshold=53.500000000000007 55.500000000000007 8.5000000000000018 75.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0014116900290567353 0.0031618418745384107 0.0032993033766501351 -0.0033873488238837469 -0.0032013867409112725
+leaf_weight=65 45 68 44 39
+leaf_count=65 45 68 44 39
+internal_value=0 0.0234429 -0.0164742 0.0460939
+internal_weight=0 196 151 107
+internal_count=261 196 151 107
+shrinkage=0.02
+
+
+Tree=4172
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 5
+split_gain=0.418396 1.87833 4.04524 1.85153
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 55.150000000000006
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0016257533329086782 0.0012666082050372413 -0.0011059392856842081 -0.0067667465435596935 0.0046078768929336883
+leaf_weight=46 77 50 46 42
+leaf_count=46 77 50 46 42
+internal_value=0 -0.0265026 -0.128188 0.0747687
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=4173
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 6
+split_gain=0.414449 1.73444 1.28306 0.912275
+threshold=66.500000000000014 14.500000000000002 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.001024549947403857 0.0033326830384775995 -0.0020442975935109345 -0.0029771315516658728 0.0028028697379460527
+leaf_weight=55 57 42 60 47
+leaf_count=55 57 42 60 47
+internal_value=0 0.0521816 -0.0318773 0.036597
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=4174
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 3
+split_gain=0.404949 1.53065 2.35562 4.892
+threshold=72.500000000000014 69.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0032371350552394917 0.001429933306259173 -0.0038647893692440056 0.0031274474382791298 -0.0064318848316269675
+leaf_weight=40 63 42 72 44
+leaf_count=40 63 42 72 44
+internal_value=0 -0.022754 0.0229557 -0.0909606
+internal_weight=0 198 156 84
+internal_count=261 198 156 84
+shrinkage=0.02
+
+
+Tree=4175
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.422015 1.11223 2.54122 1.64242
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0014280965641302384 0.0029710649174329406 -0.0048167240732934187 -0.00084275276146903561 0.0043207544176892586
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.0237124 -0.0223277 0.0593355
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4176
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.413581 1.6804 0.980872 1.94851 2.02542
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 50.050000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00051835618212111505 -0.0018084960906771218 0.0041477292669507473 -0.0031982949241861568 -0.0033646847203184249 0.0053668817394327759
+leaf_weight=57 44 39 41 40 40
+leaf_count=57 44 39 41 40 40
+internal_value=0 0.0183681 -0.0228867 0.0178907 0.0951212
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4177
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 8 7
+split_gain=0.411704 0.877481 1.91443 3.54663 0.776455
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00091758939015886682 0.001690551431742175 -0.0030881559666390748 0.0037960898489196424 -0.0060576452354900306 0.0028985230176760269
+leaf_weight=39 49 40 45 39 49
+leaf_count=39 49 40 45 39 49
+internal_value=0 -0.0195559 0.0116226 -0.0512678 0.0599411
+internal_weight=0 212 172 127 88
+internal_count=261 212 172 127 88
+shrinkage=0.02
+
+
+Tree=4178
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.410497 1.05697 2.41548 1.62479
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0014095612047021156 0.0029029786956833652 -0.0046917541576814012 -0.00085621832479668603 0.0042799095439016895
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.0233918 -0.0215044 0.0581216
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4179
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.422827 1.66531 2.30516 2.30535
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00074082582051745516 -0.0018278715190958863 0.0038648276759676316 0.0034461770289699479 -0.0046201934082696723
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.0185532 -0.0257053 -0.0936117
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=4180
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 6
+split_gain=0.444626 2.00641 2.00511 3.57403 0.672788
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0017044377316122656 0.00045577625607489883 0.0046083640416076741 0.0030837646101953189 -0.0061025502528763388 -0.0031282855386236584
+leaf_weight=47 46 39 42 47 40
+leaf_count=47 46 39 42 47 40
+internal_value=0 0.0295778 -0.0278111 -0.109609 -0.0601561
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=4181
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.426214 2.33774 1.54625 0.927091 0.645495
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0014104011652728626 0.00044667436593947619 0.0047748123826642733 -0.0038449642637198339 0.0026727044687057701 -0.0030658295583272772
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0289921 -0.0349775 0.0389887 -0.0589459
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=4182
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.408436 2.24458 1.49379 1.09479 0.619278
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0013822404995989226 0.00043775460712020578 0.0046794793457845029 -0.0034861800980125791 0.0031878631895168878 -0.0030046196602097107
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0284086 -0.0342793 0.0460506 -0.0577598
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4183
+num_leaves=4
+num_cat=0
+split_feature=4 2 2
+split_gain=0.410873 1.09386 1.85832
+threshold=53.500000000000007 21.500000000000004 11.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0014100470340538635 -0.00077595793185294287 -0.0018499951074594306 0.0038859703288072044
+leaf_weight=65 72 58 66
+leaf_count=65 72 58 66
+internal_value=0 0.0234084 0.0724353
+internal_weight=0 196 138
+internal_count=261 196 138
+shrinkage=0.02
+
+
+Tree=4184
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.393755 1.06734 2.39697 1.7133
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0013818768896335695 0.0029055420295406426 -0.0046890254116192607 -0.00092981294916792982 0.0043431669759552991
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.0229325 -0.0221813 0.0571397
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4185
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 6
+split_gain=0.409511 2.15619 1.63216 0.62289
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0026036522871660047 0.00044066127106654092 0.0045989754650535919 0.0018725909568037082 -0.0030114754884951662
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0284348 -0.033012 -0.0578416
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=4186
+num_leaves=6
+num_cat=0
+split_feature=8 2 2 3 3
+split_gain=0.40045 1.57312 1.39553 0.993954 0.911244
+threshold=72.500000000000014 24.500000000000004 13.500000000000002 58.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0011641988668010107 -0.0017113776809221523 0.0037671974859244169 -0.00016512303720632419 0.0031248122682251424 -0.0044777203579009339
+leaf_weight=39 47 44 39 50 42
+leaf_count=39 47 44 39 50 42
+internal_value=0 0.0188175 -0.0248883 0.0618469 -0.120654
+internal_weight=0 214 170 89 81
+internal_count=261 214 170 89 81
+shrinkage=0.02
+
+
+Tree=4187
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 3
+split_gain=0.392858 2.09159 1.54928 0.522161
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0025471065656786545 -0.0028772196811434367 0.0045275610949121201 0.0018152837749600759 0.00029718811898974063
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0278752 -0.0326489 -0.0567122
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=4188
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.395391 1.6564 1.50341 1.70655
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001471756369420223 -0.0017011078683742931 0.0033475057971525087 -0.0030885629436650614 0.0039475684614229132
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0187011 -0.0337912 0.0458442
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4189
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.395917 2.01796 1.50199 1.00808 0.568502
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0012294891885377063 0.0003892253013764875 0.0044597933957516963 -0.0034379056682162989 0.0031582186669491825 -0.0029127952167153034
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.027979 -0.0314754 0.0490772 -0.0569212
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4190
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.393949 0.942953 3.20413 5.15343
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0016553158763228984 0.0014491019800052091 -0.0032205423533474054 0.0036891321948992186 -0.0076999929220071687
+leaf_weight=49 67 39 67 39
+leaf_count=49 67 39 67 39
+internal_value=0 -0.019155 0.0126488 -0.0956196
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=4191
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.408593 3.51515 5.76355 4.93856
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0015957183989776234 0.0014358385069972366 0.0014918764080580186 -0.0082173719349397795 0.0074138238606520669
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.022862 -0.157949 0.109142
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4192
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.425938 3.76923 2.8408 1.86351
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010063194727750204 0.0017400589716119531 -0.0060237619572202049 0.0044932698765976489 -0.0042614883578844963
+leaf_weight=73 48 39 58 43
+leaf_count=73 48 39 58 43
+internal_value=0 -0.0196261 0.0433486 -0.0470451
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4193
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.425189 3.38255 5.59882 4.72125
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0015705023746888118 0.0014634837467680135 0.0014674338410692904 -0.0081023849386406069 0.0072392661878203793
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0232949 -0.155826 0.106204
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4194
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 4
+split_gain=0.438051 3.64865 2.76638 1.12569
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001682646653630656 0.0017636402978925862 -0.0059386332435993477 0.004420397624537665 -0.0024436283062082794
+leaf_weight=42 48 39 58 74
+leaf_count=42 48 39 58 74
+internal_value=0 -0.0198856 0.0420756 -0.0471313
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4195
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 5
+split_gain=0.441087 1.33915 1.33544 1.24068
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012680415932748818 0.0013613893750207807 -0.0035964128129743846 0.0031190895425683009 -0.0033066868509156249
+leaf_weight=49 72 44 49 47
+leaf_count=49 72 44 49 47
+internal_value=0 -0.025933 0.0205524 -0.048206
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=4196
+num_leaves=5
+num_cat=0
+split_feature=5 2 8 1
+split_gain=0.427287 1.83347 1.30466 4.31304
+threshold=67.65000000000002 8.5000000000000018 49.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0039135041108790073 0.0012794418721681551 0.0033257810435127462 -0.0057744289564299169 0.0031489246774222667
+leaf_weight=48 77 48 39 49
+leaf_count=48 77 48 39 49
+internal_value=0 -0.0267673 0.0326233 -0.0399053
+internal_weight=0 184 136 88
+internal_count=261 184 136 88
+shrinkage=0.02
+
+
+Tree=4197
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 4
+split_gain=0.417219 1.31469 1.31232 1.29391
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016277031098752115 0.0013257872799378595 -0.0035549547465947955 0.0030206802631512252 -0.0031178939546828129
+leaf_weight=42 72 44 51 52
+leaf_count=42 72 44 51 52
+internal_value=0 -0.0252478 0.0208158 -0.0494692
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4198
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.41702 3.57446 2.73917 1.96962
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0038016612586936598 0.0017228840550340733 -0.0058729198671131754 0.0020845719321470118 -0.0036203401209546227
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0194134 0.0419162 -0.0648365
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4199
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.433431 3.2847 5.41035 4.47947
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.001516343611323815 0.001477277392348142 0.0014240472618324872 -0.0079836751276554773 0.0070656106789980027
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.023494 -0.154107 0.104125
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4200
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.440078 1.04889 2.3711 1.73147
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0014567679306485054 0.0029099696019914655 -0.0046332133822057269 -0.00091601676374215488 0.004384459695489209
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.0242028 -0.0205225 0.0583725
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4201
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.425633 1.83727 1.28618 1.86916
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0039158426895691155 0.0012772027728275533 0.0051987668446840515 -0.0018264449713027292 -0.00078225285409889284
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0267113 0.0327404 0.110029
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4202
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 7
+split_gain=0.408044 1.79268 3.96917 2.08668
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0016390257985182536 0.0012516818878623832 -0.0011284120654080443 -0.0066745765317358374 0.0049830221773597451
+leaf_weight=46 77 53 46 39
+leaf_count=46 77 53 46 39
+internal_value=0 -0.0261819 -0.12555 0.0727717
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=4203
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 4
+split_gain=0.410279 1.21117 2.37786 4.46513
+threshold=48.500000000000007 55.500000000000007 19.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0012542681754857355 0.0033585520981707284 0.0025838703686757131 0.0030198027583290296 -0.00653088359357117
+leaf_weight=77 46 39 51 48
+leaf_count=77 46 39 51 48
+internal_value=0 0.026284 -0.020702 -0.121849
+internal_weight=0 184 138 87
+internal_count=261 184 138 87
+shrinkage=0.02
+
+
+Tree=4204
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.411506 1.71706 1.2305 1.86168
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0037960319527908654 0.0012568487036849741 0.0051291581891638269 -0.0018035641824853427 -0.00084028516603190564
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0262818 0.031205 0.106835
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4205
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 7
+split_gain=0.394475 1.69771 3.86142 1.95718
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0016435387172330505 0.0012317345532810648 -0.001091631835567675 -0.0065569616243848061 0.0048287066552308421
+leaf_weight=46 77 53 46 39
+leaf_count=46 77 53 46 39
+internal_value=0 -0.025761 -0.122495 0.0705575
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=4206
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 6
+split_gain=0.396703 2.1 1.52055 0.642257
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0025290396437783499 0.00048271504529378461 0.0045385289845202648 0.0017931637517429166 -0.0030215569384561564
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0280295 -0.0326154 -0.0569508
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=4207
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.402325 0.927804 1.418 2.16992
+threshold=42.500000000000007 50.650000000000013 73.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0016725162317244129 -0.0029261496756326898 0.0044574454409650891 -0.0023594596203735585 -0.0011255533233205312
+leaf_weight=49 46 55 54 57
+leaf_count=49 46 55 54 57
+internal_value=0 -0.0193209 0.0156742 0.0805016
+internal_weight=0 212 166 112
+internal_count=261 212 166 112
+shrinkage=0.02
+
+
+Tree=4208
+num_leaves=5
+num_cat=0
+split_feature=4 5 1 3
+split_gain=0.401057 0.816107 1.82446 3.77057
+threshold=74.500000000000014 68.65000000000002 5.5000000000000009 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0024663013583548499 0.001669931718390659 -0.0029890896531976135 0.0025191641766474037 -0.0055154095932959737
+leaf_weight=46 49 40 77 49
+leaf_count=46 49 40 77 49
+internal_value=0 -0.0192954 0.0107902 -0.0821598
+internal_weight=0 212 172 95
+internal_count=261 212 172 95
+shrinkage=0.02
+
+
+Tree=4209
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.431272 1.29573 1.27745 1.35716
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0018170258143405599 0.001347066532161159 -0.0035410786581561494 0.0030513520614421125 -0.0030155711932084474
+leaf_weight=41 72 44 49 55
+leaf_count=41 72 44 49 55
+internal_value=0 -0.0256433 0.0200895 -0.0471751
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=4210
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 3
+split_gain=0.41338 1.25668 0.743747 1.52251
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011738454830259016 0.0013201513325952412 -0.0030359829395254691 -0.001414962916390901 0.0042446680034055988
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0251269 0.02796 0.0860266
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=4211
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 3
+split_gain=0.402769 3.46925 2.80055 1.90538
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0038227761652311967 0.0016946381677677559 -0.0057856352520093048 0.0014441505306038952 -0.0040678565273340782
+leaf_weight=73 48 39 50 51
+leaf_count=73 48 39 50 51
+internal_value=0 -0.0190903 0.0413321 -0.0666057
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4212
+num_leaves=5
+num_cat=0
+split_feature=5 2 6 5
+split_gain=0.413622 1.69407 3.76434 1.76486
+threshold=67.65000000000002 15.500000000000002 49.500000000000007 55.150000000000006
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.001495272715775633 0.0012599567955197167 -0.0011427630280838865 -0.0066036670695182789 0.0044373132196541274
+leaf_weight=47 77 50 45 42
+leaf_count=47 77 50 45 42
+internal_value=0 -0.0263446 -0.122974 0.0698705
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=4213
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.418231 1.23602 1.24621 1.29186
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017532162166204888 0.0013275320161859215 -0.0034640527469509022 0.003005771456096137 -0.0029631320560435238
+leaf_weight=41 72 44 49 55
+leaf_count=41 72 44 49 55
+internal_value=0 -0.0252665 0.0194107 -0.0470361
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=4214
+num_leaves=5
+num_cat=0
+split_feature=4 2 8 2
+split_gain=0.402832 1.13038 1.75967 2.13972
+threshold=53.500000000000007 21.500000000000004 62.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0013964303219824029 0.0040496324555179689 -0.0018918276297075112 -0.0038556885861178816 0.0027911408671297349
+leaf_weight=65 60 58 39 39
+leaf_count=65 60 58 39 39
+internal_value=0 0.0232088 0.0730316 -0.0261252
+internal_weight=0 196 138 78
+internal_count=261 196 138 78
+shrinkage=0.02
+
+
+Tree=4215
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 7
+split_gain=0.413546 1.6582 3.68524 1.81363
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0015599852800369262 0.001259871691576733 -0.0010325632142283855 -0.0064518556321601387 0.0046683990826178563
+leaf_weight=46 77 53 46 39
+leaf_count=46 77 53 46 39
+internal_value=0 -0.0263411 -0.121955 0.0688586
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=4216
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.408254 1.94534 1.37444 2.23024
+threshold=66.500000000000014 76.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.001373827498529858 0.0033124901708082143 -0.0024443376399071312 0.0017465874885300558 -0.004649152983758174
+leaf_weight=43 60 39 61 58
+leaf_count=43 60 39 61 58
+internal_value=0 0.0518225 -0.0316349 -0.103891
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=4217
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 1
+split_gain=0.400922 1.23805 0.791516 11.1714
+threshold=70.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0028587204732208032 0.0013011349811366901 -0.0030100961022088298 -0.0079071058597591278 0.0061295571106900438
+leaf_weight=42 72 56 43 48
+leaf_count=42 72 56 43 48
+internal_value=0 -0.0247583 0.0279384 -0.0247673
+internal_weight=0 189 133 91
+internal_count=261 189 133 91
+shrinkage=0.02
+
+
+Tree=4218
+num_leaves=5
+num_cat=0
+split_feature=4 2 8 2
+split_gain=0.399101 1.11322 1.78725 2.0251
+threshold=53.500000000000007 21.500000000000004 62.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0013901811870095807 0.0040602474851062142 -0.0018761109923955104 -0.0037909419651924875 0.0026767803501947522
+leaf_weight=65 60 58 39 39
+leaf_count=65 60 58 39 39
+internal_value=0 0.0231099 0.0725606 -0.0273667
+internal_weight=0 196 138 78
+internal_count=261 196 138 78
+shrinkage=0.02
+
+
+Tree=4219
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 4
+split_gain=0.393292 1.87408 1.32924 2.1625
+threshold=66.500000000000014 76.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0013559903345945015 0.0032527092931194002 -0.0023986747050440951 0.0017187743156108915 -0.0045754763426008012
+leaf_weight=43 60 39 61 58
+leaf_count=43 60 39 61 58
+internal_value=0 0.0509105 -0.031076 -0.102155
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=4220
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 3
+split_gain=0.398337 1.5065 2.19042 4.7377
+threshold=72.500000000000014 69.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0032345801624598454 0.0014191806082518817 -0.0038341772181562164 0.0030298987738307417 -0.0062814142989657878
+leaf_weight=40 63 42 72 44
+leaf_count=40 63 42 72 44
+internal_value=0 -0.0225555 0.0227951 -0.0870776
+internal_weight=0 198 156 84
+internal_count=261 198 156 84
+shrinkage=0.02
+
+
+Tree=4221
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.423346 1.10563 2.41245 1.65154
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0014298386472320712 0.0029648957145580225 -0.0047017017049209098 -0.00088633256360879026 0.0042915736954085059
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.0237684 -0.0221366 0.0574392
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4222
+num_leaves=5
+num_cat=0
+split_feature=4 2 8 2
+split_gain=0.405772 1.08171 1.75965 1.95708
+threshold=53.500000000000007 21.500000000000004 62.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0014012724645601838 0.004030032884028781 -0.0018396642455673678 -0.0037315090708882719 0.0026276679212141173
+leaf_weight=65 60 58 39 39
+leaf_count=65 60 58 39 39
+internal_value=0 0.0232896 0.0720493 -0.0271084
+internal_weight=0 196 138 78
+internal_count=261 196 138 78
+shrinkage=0.02
+
+
+Tree=4223
+num_leaves=5
+num_cat=0
+split_feature=4 2 8 2
+split_gain=0.388892 1.03817 1.68922 1.87897
+threshold=53.500000000000007 21.500000000000004 62.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0013732774922086363 0.0039495260205069617 -0.0018029153518428773 -0.0036570125481098061 0.0025752086382304917
+leaf_weight=65 60 58 39 39
+leaf_count=65 60 58 39 39
+internal_value=0 0.0228201 0.0706098 -0.026557
+internal_weight=0 196 138 78
+internal_count=261 196 138 78
+shrinkage=0.02
+
+
+Tree=4224
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 9
+split_gain=0.390793 1.6759 3.59975 1.71865
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0015172647049240986 0.0012263117153480296 -0.001583824917117972 -0.0064013953904461804 0.00392330916860705
+leaf_weight=46 77 42 46 50
+leaf_count=46 77 42 46 50
+internal_value=0 -0.0256433 -0.121762 0.07006
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=4225
+num_leaves=4
+num_cat=0
+split_feature=6 8 8
+split_gain=0.393285 1.12732 1.53233
+threshold=48.500000000000007 62.500000000000007 69.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.001229147725875498 0.002464110714899494 -0.0035730521311036984 0.0012203601770307936
+leaf_weight=77 73 46 65
+leaf_count=77 73 46 65
+internal_value=0 0.0257649 -0.0379948
+internal_weight=0 184 111
+internal_count=261 184 111
+shrinkage=0.02
+
+
+Tree=4226
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.392166 1.63943 2.35587 2.51813
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00083786694905536711 -0.0017629824481720227 0.0038253554365709043 0.0034834476562467516 -0.0047636851145742209
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.0179231 -0.025993 -0.0946338
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=4227
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 6
+split_gain=0.3897 1.88669 1.28723 0.969354
+threshold=66.500000000000014 14.500000000000002 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0010569271817194564 0.0034000299866529114 -0.0022060655279867378 -0.0029622503818917123 0.0028861111241058608
+leaf_weight=55 57 42 60 47
+leaf_count=55 57 42 60 47
+internal_value=0 0.0506867 -0.0309428 0.0376429
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=4228
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 6
+split_gain=0.405458 2.1362 1.617 0.631154
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.002591280676057215 0.00045697592764070761 0.0045781989840802881 0.0018643680203077981 -0.003017487893206894
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0283235 -0.0328391 -0.0575449
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=4229
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 2
+split_gain=0.391918 0.929528 3.27214 3.25367
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0016518109209648771 0.0019119302078768447 -0.0031991930321595054 0.0037221820831834273 -0.0051366574295790201
+leaf_weight=49 48 39 67 58
+leaf_count=49 48 39 67 58
+internal_value=0 -0.0190798 0.0125 -0.0969073
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=4230
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.386488 2.06298 1.56507 1.22401 0.609685
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0014379411109813691 0.00045608724799595042 0.0044968996055665495 -0.0035143115529223043 0.0033900529623813519 -0.0029604782557172134
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0276906 -0.0324203 0.0497916 -0.0562417
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4231
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.387966 3.37411 5.34278 4.37053
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0014135818056145077 0.0014014204248575699 0.0013850528574839529 -0.0079638163624788424 0.0070634762399626487
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0222771 -0.154646 0.107062
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4232
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.405829 3.55002 2.66295 2.00273
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0037615083816302081 0.0017009230386151924 -0.0058490188116990059 0.0021436394221712443 -0.0036088209692404279
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0191511 0.041969 -0.0632941
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4233
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 3
+split_gain=0.403555 1.45508 2.06154 4.70626
+threshold=72.500000000000014 69.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0032650248970746221 0.0014280261541683532 -0.0037794745382827397 0.0029355887232230217 -0.0062195859830179862
+leaf_weight=40 63 42 72 44
+leaf_count=40 63 42 72 44
+internal_value=0 -0.0226946 0.0218813 -0.0847315
+internal_weight=0 198 156 84
+internal_count=261 198 156 84
+shrinkage=0.02
+
+
+Tree=4234
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 3
+split_gain=0.399442 0.956297 4.18363 4.38452
+threshold=42.500000000000007 55.150000000000006 19.500000000000004 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0016669909831873628 -0.0023397427301547011 -0.0061069853381552335 0.0050902640172077376 0.0027049980134246521
+leaf_weight=49 69 49 52 42
+leaf_count=49 69 49 52 42
+internal_value=0 -0.0192452 0.0276716 -0.101609
+internal_weight=0 212 143 91
+internal_count=261 212 143 91
+shrinkage=0.02
+
+
+Tree=4235
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.408513 1.11701 2.34799 1.67554
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0014056240974143848 0.0029695516184536732 -0.0046574650420720303 -0.00093494758184745834 0.0042802753316708835
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.0233719 -0.0227663 0.0557431
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4236
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 6
+split_gain=0.402804 2.08837 1.62602 0.625523
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0025844868249134401 0.00045373986390062903 0.0045318980226377115 0.0018835000668907199 -0.0030056010803618215
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0282453 -0.0322321 -0.0573549
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=4237
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 4
+split_gain=0.386662 1.25323 2.21251 4.26688
+threshold=48.500000000000007 55.500000000000007 19.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0012190198184869412 0.0033923287352331556 0.0025119001357328686 0.0028686210960412366 -0.006398863412745163
+leaf_weight=77 46 39 51 48
+leaf_count=77 46 39 51 48
+internal_value=0 0.0255695 -0.0222181 -0.119819
+internal_weight=0 184 138 87
+internal_count=261 184 138 87
+shrinkage=0.02
+
+
+Tree=4238
+num_leaves=5
+num_cat=0
+split_feature=5 7 3 3
+split_gain=0.390459 1.04571 1.16529 1.43055
+threshold=67.65000000000002 64.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010530543165749484 0.0012261469963228903 -0.003445553809084 0.0028055247173111087 -0.0039230702895534462
+leaf_weight=56 77 39 49 40
+leaf_count=56 77 39 49 40
+internal_value=0 -0.0256162 0.0136191 -0.0506676
+internal_weight=0 184 145 96
+internal_count=261 184 145 96
+shrinkage=0.02
+
+
+Tree=4239
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 6
+split_gain=0.379511 2.0386 1.56782 0.598217
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0025511294756727686 0.00045142977960797485 0.0044692408870556427 0.0018370236889803208 -0.0029337652820823259
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0274642 -0.0322923 -0.0557445
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=4240
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 9
+split_gain=0.39234 3.24338 5.26889 4.22574
+threshold=72.500000000000014 6.5000000000000009 51.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0014067875840243281 0.0014092120198396793 0.0026536398193919815 -0.0068217233950481904 0.0069292378480321926
+leaf_weight=58 63 39 59 42
+leaf_count=58 63 39 59 42
+internal_value=0 -0.0223811 -0.152178 0.104437
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4241
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.405631 3.45599 2.70134 1.95112
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0037665107327462294 0.001700835342786157 -0.0057761701925852929 0.0020686553894297931 -0.0036096048476529519
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0191311 0.0411759 -0.0648408
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4242
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.407408 1.42097 2.06183 3.58287
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0034985191611717672 0.0014348078004759505 -0.0037425539591744816 -0.0016076538367102344 0.0054352761221315776
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0227825 0.021272 0.0893358
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=4243
+num_leaves=5
+num_cat=0
+split_feature=5 7 3 3
+split_gain=0.405838 1.01295 1.1461 1.40912
+threshold=67.65000000000002 64.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010263957511896073 0.0012489807318044851 -0.0034094843031547244 0.0027633730097557491 -0.003912656798806308
+leaf_weight=56 77 39 49 40
+leaf_count=56 77 39 49 40
+internal_value=0 -0.0260879 0.0125348 -0.0512283
+internal_weight=0 184 145 96
+internal_count=261 184 145 96
+shrinkage=0.02
+
+
+Tree=4244
+num_leaves=5
+num_cat=0
+split_feature=4 2 8 2
+split_gain=0.395432 1.1077 1.61028 1.84319
+threshold=53.500000000000007 21.500000000000004 62.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0013838363933145535 0.0039248904146766319 -0.001872180875923869 -0.0035472521012720926 0.0026264181444223562
+leaf_weight=65 60 58 39 39
+leaf_count=65 60 58 39 39
+internal_value=0 0.0230208 0.0723514 -0.0225291
+internal_weight=0 196 138 78
+internal_count=261 196 138 78
+shrinkage=0.02
+
+
+Tree=4245
+num_leaves=5
+num_cat=0
+split_feature=5 2 8 1
+split_gain=0.400386 1.64375 1.38943 4.21421
+threshold=67.65000000000002 8.5000000000000018 49.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0037191264375669194 0.0012409172039196251 0.003364352118034038 -0.0058089657785766174 0.0030116019981326994
+leaf_weight=48 77 48 39 49
+leaf_count=48 77 48 39 49
+internal_value=0 -0.0259225 0.0303327 -0.044497
+internal_weight=0 184 136 88
+internal_count=261 184 136 88
+shrinkage=0.02
+
+
+Tree=4246
+num_leaves=6
+num_cat=0
+split_feature=4 5 6 6 3
+split_gain=0.390644 0.798225 1.74386 1.54724 0.952559
+threshold=74.500000000000014 68.65000000000002 57.500000000000007 49.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.001367324162699122 0.0016495866774419478 -0.0029558902739035627 0.0039544514696906834 -0.0039647282153158362 0.0028077730926894134
+leaf_weight=46 49 40 39 44 43
+leaf_count=46 49 40 39 44 43
+internal_value=0 -0.0190337 0.0107262 -0.0438819 0.0320749
+internal_weight=0 212 172 133 89
+internal_count=261 212 172 133 89
+shrinkage=0.02
+
+
+Tree=4247
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.392116 0.944465 2.84191 3.44335 3.38953
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.001652522808985091 0.0044066025130721975 -0.0032210531195381092 -0.0060966366079926405 0.004922028653910079 -0.0031278179099205961
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0190686 0.0127604 -0.0667053 0.0492044
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=4248
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=0.420001 3.13903 5.10254 4.248
+threshold=72.500000000000014 6.5000000000000009 51.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0065995823444985804 0.0014556355190358376 0.0025900555309933226 -0.0067348733392487495 -0.0016925608316940039
+leaf_weight=45 63 39 59 55
+leaf_count=45 63 39 59 55
+internal_value=0 -0.0231236 -0.150829 0.101646
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4249
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 4
+split_gain=0.430368 1.17907 2.15247 4.07203
+threshold=48.500000000000007 55.500000000000007 19.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0012827442901768976 0.0033339103580892595 0.0024803440139891395 0.0028791270810335336 -0.0062254200698755521
+leaf_weight=77 46 39 51 48
+leaf_count=77 46 39 51 48
+internal_value=0 0.026914 -0.019451 -0.11574
+internal_weight=0 184 138 87
+internal_count=261 184 138 87
+shrinkage=0.02
+
+
+Tree=4250
+num_leaves=5
+num_cat=0
+split_feature=5 2 6 9
+split_gain=0.45036 1.67476 3.45643 1.69979
+threshold=67.65000000000002 15.500000000000002 49.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0013197980103458293 0.0013126629685534259 -0.0016037575278226627 -0.0064418389777637841 0.0038735264641202474
+leaf_weight=47 77 42 45 50
+leaf_count=47 77 42 45 50
+internal_value=0 -0.0274171 -0.123499 0.068251
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=4251
+num_leaves=5
+num_cat=0
+split_feature=5 2 6 7
+split_gain=0.431714 1.60749 3.31917 1.72338
+threshold=67.65000000000002 15.500000000000002 49.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.001293441391539518 0.0012864332943014001 -0.0010118075869998532 -0.0063132024141962948 0.0045469072715519704
+leaf_weight=47 77 53 45 39
+leaf_count=47 77 53 45 39
+internal_value=0 -0.0268655 -0.121024 0.066879
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=4252
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 4
+split_gain=0.428936 1.17552 1.94753 3.9926
+threshold=48.500000000000007 55.500000000000007 19.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0012805741362585949 0.0033290477504899969 0.0025270449525564872 0.0027214263987058013 -0.0060939606401735329
+leaf_weight=77 46 39 51 48
+leaf_count=77 46 39 51 48
+internal_value=0 0.0268777 -0.0194183 -0.111063
+internal_weight=0 184 138 87
+internal_count=261 184 138 87
+shrinkage=0.02
+
+
+Tree=4253
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 6
+split_gain=0.450542 2.0859 1.21845 0.911197
+threshold=66.500000000000014 14.500000000000002 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0010835040497470295 0.003594397075209243 -0.0022974919345533592 -0.0029434873269126999 0.0027421562435370177
+leaf_weight=55 57 42 60 47
+leaf_count=55 57 42 60 47
+internal_value=0 0.0543438 -0.0331371 0.0336067
+internal_weight=0 99 162 102
+internal_count=261 99 162 102
+shrinkage=0.02
+
+
+Tree=4254
+num_leaves=5
+num_cat=0
+split_feature=3 2 9 4
+split_gain=0.431838 2.00271 1.1999 2.12884
+threshold=66.500000000000014 14.500000000000002 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0013714657769226435 0.003522597285647181 -0.0022516188550397794 0.0015752718340107125 -0.0045141212386355786
+leaf_weight=43 57 42 61 58
+leaf_count=43 57 42 61 58
+internal_value=0 0.0532497 -0.0324749 -0.100062
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=4255
+num_leaves=6
+num_cat=0
+split_feature=4 5 6 6 3
+split_gain=0.42376 0.752707 1.74094 1.45607 0.917591
+threshold=74.500000000000014 68.65000000000002 57.500000000000007 49.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0014070228129683541 0.0017149308990722814 -0.0028980353897070689 0.0039196264986754506 -0.003904412695210295 0.0026927646855162669
+leaf_weight=46 49 40 39 44 43
+leaf_count=46 49 40 39 44 43
+internal_value=0 -0.0197803 0.00913238 -0.0454316 0.0282676
+internal_weight=0 212 172 133 89
+internal_count=261 212 172 133 89
+shrinkage=0.02
+
+
+Tree=4256
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 3
+split_gain=0.419942 3.35251 2.68352 1.94185
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.003732436167707649 0.0017292428396088878 -0.0057016084815173134 0.0014882527060534442 -0.0040759380267969851
+leaf_weight=73 48 39 50 51
+leaf_count=73 48 39 50 51
+internal_value=0 -0.0194476 0.0399517 -0.0657175
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4257
+num_leaves=4
+num_cat=0
+split_feature=6 9 4
+split_gain=0.447609 1.1713 1.48054
+threshold=48.500000000000007 55.500000000000007 69.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00130693950784706 0.0033351190922859047 0.0018588749475955072 -0.0023189358756829331
+leaf_weight=77 46 64 74
+leaf_count=77 46 64 74
+internal_value=0 0.0274307 -0.0187823
+internal_weight=0 184 138
+internal_count=261 184 138
+shrinkage=0.02
+
+
+Tree=4258
+num_leaves=5
+num_cat=0
+split_feature=5 7 5 4
+split_gain=0.442567 0.953669 1.19405 1.4998
+threshold=67.65000000000002 64.500000000000014 53.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010019783302820835 0.0013018310322934158 -0.0033471521661581822 0.0028508775247391908 -0.0040549007203919893
+leaf_weight=58 77 39 47 40
+leaf_count=58 77 39 47 40
+internal_value=0 -0.0271846 0.0103039 -0.0527659
+internal_weight=0 184 145 98
+internal_count=261 184 145 98
+shrinkage=0.02
+
+
+Tree=4259
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.444529 0.986503 2.26577 1.63178
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0014632431080727163 0.0028409763720832078 -0.0045097753561180757 -0.00086122002841856622 0.0042858314529398743
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.0243473 -0.0190449 0.0580868
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4260
+num_leaves=5
+num_cat=0
+split_feature=4 2 3 3
+split_gain=0.426116 1.11533 1.70084 3.5649
+threshold=53.500000000000007 21.500000000000004 72.500000000000014 61.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0014340094022712749 0.0045716426565972383 -0.0018633010540563635 0.0047282028760881906 -0.0033490367838309582
+leaf_weight=65 39 58 44 55
+leaf_count=65 39 58 44 55
+internal_value=0 0.0238569 0.0733521 -0.00266683
+internal_weight=0 196 138 94
+internal_count=261 196 138 94
+shrinkage=0.02
+
+
+Tree=4261
+num_leaves=5
+num_cat=0
+split_feature=9 2 7 2
+split_gain=0.410203 1.34593 3.68478 1.26359
+threshold=72.500000000000014 6.5000000000000009 65.500000000000014 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=0.0026877376739569709 0.0014394186205414199 -0.0022784209785935827 -0.0066636493341534356 0.0020714365172862549
+leaf_weight=43 63 43 39 73
+leaf_count=43 63 43 39 73
+internal_value=0 -0.0228605 -0.0667829 0.0225848
+internal_weight=0 198 155 116
+internal_count=261 198 155 116
+shrinkage=0.02
+
+
+Tree=4262
+num_leaves=5
+num_cat=0
+split_feature=3 9 9 3
+split_gain=0.420276 1.89491 1.22117 1.27958
+threshold=66.500000000000014 76.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.00077973252583954258 0.0032978907296787848 -0.0023843778492008021 0.0016030159441835657 -0.0038423869119682897
+leaf_weight=40 60 39 61 61
+leaf_count=40 60 39 61 61
+internal_value=0 0.0525622 -0.0320585 -0.100233
+internal_weight=0 99 162 101
+internal_count=261 99 162 101
+shrinkage=0.02
+
+
+Tree=4263
+num_leaves=5
+num_cat=0
+split_feature=4 2 3 8
+split_gain=0.423528 1.07656 1.60577 4.46564
+threshold=53.500000000000007 21.500000000000004 72.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0014298362704773958 0.0037208570442116813 -0.0018242399399387708 0.004618364876769746 -0.0051086169780685938
+leaf_weight=65 54 58 44 40
+leaf_count=65 54 58 44 40
+internal_value=0 0.023788 0.0724328 -0.00144336
+internal_weight=0 196 138 94
+internal_count=261 196 138 94
+shrinkage=0.02
+
+
+Tree=4264
+num_leaves=5
+num_cat=0
+split_feature=5 7 5 4
+split_gain=0.411428 0.871694 1.09679 1.50395
+threshold=67.65000000000002 64.500000000000014 53.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010427303784928635 0.001257156801086286 -0.0032080387158568693 0.0027289784695404668 -0.0040213003292743008
+leaf_weight=58 77 39 47 40
+leaf_count=58 77 39 47 40
+internal_value=0 -0.0262583 0.00960601 -0.0508729
+internal_weight=0 184 145 98
+internal_count=261 184 145 98
+shrinkage=0.02
+
+
+Tree=4265
+num_leaves=5
+num_cat=0
+split_feature=4 2 5 6
+split_gain=0.414566 1.0345 1.59511 1.97284
+threshold=53.500000000000007 21.500000000000004 67.65000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0014153561712831916 0.0028269947135957187 -0.0017844416584228717 0.0040420935916579328 -0.0034030843737161277
+leaf_weight=65 40 58 56 42
+leaf_count=65 40 58 56 42
+internal_value=0 0.0235445 0.0712501 -0.0177227
+internal_weight=0 196 138 82
+internal_count=261 196 138 82
+shrinkage=0.02
+
+
+Tree=4266
+num_leaves=5
+num_cat=0
+split_feature=6 5 7 6
+split_gain=0.421654 1.69819 0.779234 0.882406
+threshold=70.500000000000014 67.050000000000011 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001035165543973565 -0.0018246147447035972 0.004171472650549549 -0.0020123474899972275 0.0027305566614312881
+leaf_weight=55 44 39 76 47
+leaf_count=55 44 39 76 47
+internal_value=0 0.0185703 -0.0229007 0.0346433
+internal_weight=0 217 178 102
+internal_count=261 217 178 102
+shrinkage=0.02
+
+
+Tree=4267
+num_leaves=4
+num_cat=0
+split_feature=4 2 2
+split_gain=0.396516 0.991424 1.56101
+threshold=53.500000000000007 21.500000000000004 11.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0013857749228618911 -0.00064476845088937303 -0.0017477762928020529 0.0036314050023618372
+leaf_weight=65 72 58 66
+leaf_count=65 72 58 66
+internal_value=0 0.0230441 0.0697684
+internal_weight=0 196 138
+internal_count=261 196 138
+shrinkage=0.02
+
+
+Tree=4268
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.405035 1.71837 2.30275 2.39135
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00076884822730796513 -0.0017901448491265072 0.0039125178364471762 0.0034232645342010259 -0.0046906184352702458
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.018208 -0.0267453 -0.0946151
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=4269
+num_leaves=6
+num_cat=0
+split_feature=6 2 6 2 1
+split_gain=0.388263 1.64952 1.25034 2.68345 0.316916
+threshold=70.500000000000014 24.500000000000004 46.500000000000007 10.500000000000002 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=-0.0035031193265069077 -0.0017543993370587631 0.0038343921032572975 0.0041065299494885063 -0.0031495808183170503 -0.00052529644555772111
+leaf_weight=43 44 44 50 39 41
+leaf_count=43 44 44 50 39 41
+internal_value=0 0.0178487 -0.0262014 0.0228284 -0.0908131
+internal_weight=0 217 173 130 80
+internal_count=261 217 173 130 80
+shrinkage=0.02
+
+
+Tree=4270
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 3
+split_gain=0.41323 2.18306 1.5914 1.15557 0.526046
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0013723806559061929 -0.0029103376285206611 0.0046267618257792758 -0.0035543727250407233 0.0033205212160014263 0.0002752296466064575
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0285848 -0.0332417 0.0496525 -0.0580643
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4271
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.395971 2.096 1.52761 1.10917 0.591406
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0013449786637099702 0.00041955644203766788 0.0045343842887074041 -0.0034833868606187241 0.0032542187648055337 -0.0029465795332337666
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0280097 -0.0325777 0.0486517 -0.0568958
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4272
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 9
+split_gain=0.38491 3.03999 5.0168 4.08071
+threshold=72.500000000000014 6.5000000000000009 51.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0014231503954157555 0.0013961314523732282 0.0026017003670231837 -0.0066448648338776383 0.0067692619058123561
+leaf_weight=58 63 39 59 42
+leaf_count=58 63 39 59 42
+internal_value=0 -0.022195 -0.147886 0.1006
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4273
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 3
+split_gain=0.39332 2.05385 1.56105 0.523197
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0025423375677463811 -0.0028788724750860102 0.0044928853412166507 0.0018364657358230648 0.00029859246874858495
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0279233 -0.0320549 -0.0567113
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=4274
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.379826 2.93583 5.05409 3.97533
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0063911567793364325 0.0013874643967465212 0.0014437695541142813 -0.0076499492898092726 -0.0016314569848655724
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0220489 -0.145585 0.0986335
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4275
+num_leaves=5
+num_cat=0
+split_feature=7 3 4 8
+split_gain=0.396165 1.09348 0.950682 1.44408
+threshold=76.500000000000014 70.500000000000014 61.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011083383549511871 0.0019041559012429867 -0.0034009901685809465 0.0023775305541145915 -0.0033396653126570339
+leaf_weight=72 39 39 61 50
+leaf_count=72 39 39 61 50
+internal_value=0 -0.0167109 0.0158018 -0.0354465
+internal_weight=0 222 183 122
+internal_count=261 222 183 122
+shrinkage=0.02
+
+
+Tree=4276
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 4
+split_gain=0.400106 3.37901 2.69923 1.0721
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016126579520876344 0.0016895836098838402 -0.0057138253937017471 0.0043479408795905417 -0.0024155882649114623
+leaf_weight=42 48 39 58 74
+leaf_count=42 48 39 58 74
+internal_value=0 -0.0190154 0.0406178 -0.047505
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4277
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.398642 0.99029 2.17987 1.6493
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0013892914366022276 0.002820648871753902 -0.0044579435829459361 -0.00092802645318742897 0.0042466376365203479
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.0231037 -0.0203722 0.0552891
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4278
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.392762 1.61333 2.2725 2.40957 3.59122
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0043318410443386902 -0.0017640205995955922 0.0037984803047801247 0.0034199247774246437 -0.0060258247776661146 0.0036919666580283923
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0179478 -0.0256199 -0.093049 -0.00220257
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=4279
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 6
+split_gain=0.396654 2.05318 1.51704 0.593986
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0025131936741357914 0.00042209604812051355 0.0044945814507048095 0.0018041450787025781 -0.0029511774302510693
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0280404 -0.0319281 -0.0569349
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=4280
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 3
+split_gain=0.380099 1.97116 1.45628 0.501444
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0024629763515076754 -0.0028251437196378853 0.0044048427141040007 0.001768105500266251 0.00028772588479739227
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0274811 -0.0312839 -0.055789
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=4281
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.38677 2.87688 5.02324 3.9508
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0063497203315391439 0.001399601891646299 0.0014515475167531614 -0.0076144826757900278 -0.0016482776847526104
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0222325 -0.144531 0.0972376
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4282
+num_leaves=5
+num_cat=0
+split_feature=6 9 5 2
+split_gain=0.394336 3.29629 2.62396 1.18231
+threshold=69.500000000000014 71.500000000000014 58.550000000000004 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0023583737319987667 0.0016780478792005056 -0.0056458197039413061 0.0049111730805652789 0.0015507515469934323
+leaf_weight=73 48 39 46 55
+leaf_count=73 48 39 46 55
+internal_value=0 -0.018879 0.0400216 -0.0336248
+internal_weight=0 213 174 128
+internal_count=261 213 174 128
+shrinkage=0.02
+
+
+Tree=4283
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.401058 2.77173 4.90199 3.91907
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0014733768730588411 0.0014240483587230604 0.0014359795001474219 -0.0075202792363104004 0.0065560526751993059
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0226157 -0.142676 0.0946608
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4284
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 8
+split_gain=0.404189 3.1921 2.5688 1.33713
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.000795350432005207 0.001697966491070016 -0.0055667896637712601 0.0039759764514935595 -0.0036984757814149632
+leaf_weight=64 48 39 64 46
+leaf_count=64 48 39 64 46
+internal_value=0 -0.019098 0.0388666 -0.0538887
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=4285
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.414653 2.67087 4.77194 3.85832
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0061967796963414944 0.0014469146142994732 0.0014153211861878011 -0.0074216829229558582 -0.0017077062985688496
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0229749 -0.140847 0.0921582
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4286
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.413388 3.08704 2.53863 1.69893
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00090433926026504974 0.0017163376985666085 -0.0054853564510582006 0.0041838468458174393 -0.0041275193574590759
+leaf_weight=73 48 39 58 43
+leaf_count=73 48 39 58 43
+internal_value=0 -0.019301 0.0377043 -0.0477695
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4287
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.427512 2.57102 4.63873 3.73363
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0014929303353283807 0.0014682175406829686 0.00139332417198093 -0.0073198306164481679 0.006345223684597957
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0233095 -0.138976 0.0896618
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4288
+num_leaves=5
+num_cat=0
+split_feature=4 2 5 3
+split_gain=0.431837 0.990313 1.65815 2.05903
+threshold=53.500000000000007 21.500000000000004 67.65000000000002 62.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.001443057724210145 0.0027714199952496381 -0.0017270616849071911 0.0040820171556395493 -0.0035898995197926643
+leaf_weight=65 41 58 56 41
+leaf_count=65 41 58 56 41
+internal_value=0 0.0240152 0.0707119 -0.0199921
+internal_weight=0 196 138 82
+internal_count=261 196 138 82
+shrinkage=0.02
+
+
+Tree=4289
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 3
+split_gain=0.417151 1.16336 2.21387 1.91018
+threshold=48.500000000000007 55.500000000000007 19.500000000000004 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0012636471479895268 0.0033077431815757858 -0.0050284037742913332 0.0029233996770197876 0.00094371797847326742
+leaf_weight=77 46 48 51 39
+leaf_count=77 46 48 51 39
+internal_value=0 0.0265229 -0.0195358 -0.117173
+internal_weight=0 184 138 87
+internal_count=261 184 138 87
+shrinkage=0.02
+
+
+Tree=4290
+num_leaves=5
+num_cat=0
+split_feature=4 2 5 6
+split_gain=0.403782 0.989996 1.6039 1.99792
+threshold=53.500000000000007 21.500000000000004 67.65000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0013975423437504427 0.0028160149340978251 -0.0017419237315151807 0.004023276169540034 -0.0034529792530657677
+leaf_weight=65 40 58 56 42
+leaf_count=65 40 58 56 42
+internal_value=0 0.0232576 0.0699486 -0.0192696
+internal_weight=0 196 138 82
+internal_count=261 196 138 82
+shrinkage=0.02
+
+
+Tree=4291
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 7
+split_gain=0.390189 1.12566 2.17115 0.941607
+threshold=48.500000000000007 55.500000000000007 19.500000000000004 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0012240607022806042 0.0032465908246364305 -0.0044034421560338686 0.0028897189895146654 -0.00017893868572672642
+leaf_weight=77 46 44 51 43
+leaf_count=77 46 44 51 43
+internal_value=0 0.0256918 -0.0196236 -0.116324
+internal_weight=0 184 138 87
+internal_count=261 184 138 87
+shrinkage=0.02
+
+
+Tree=4292
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.380896 2.5244 4.56227 3.74597
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0060878488968289938 0.0013895480309951054 0.0014045356224258749 -0.0072368074814896438 -0.0017012573904925236
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0220669 -0.136692 0.0898826
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4293
+num_leaves=6
+num_cat=0
+split_feature=5 4 9 5 6
+split_gain=0.400766 1.53738 1.16306 0.900812 0.696767
+threshold=53.500000000000007 52.500000000000007 67.500000000000014 62.400000000000006 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -2 -4
+right_child=2 -3 4 -5 -6
+leaf_value=0.0010484480530931963 0.000138659602789614 -0.0040708562809837296 0.00073514453331555629 0.0044517918635864516 -0.0029709227852818972
+leaf_weight=58 39 40 43 41 40
+leaf_count=58 39 40 43 41 40
+internal_value=0 -0.051716 0.0311738 0.118055 -0.052114
+internal_weight=0 98 163 80 83
+internal_count=261 98 163 80 83
+shrinkage=0.02
+
+
+Tree=4294
+num_leaves=4
+num_cat=0
+split_feature=4 2 2
+split_gain=0.408477 0.969568 1.60726
+threshold=53.500000000000007 21.500000000000004 11.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0014052821962591948 -0.00067789084069090719 -0.001716848957121875 0.0036605960488447957
+leaf_weight=65 72 58 66
+leaf_count=65 72 58 66
+internal_value=0 0.0233852 0.0696024
+internal_weight=0 196 138
+internal_count=261 196 138
+shrinkage=0.02
+
+
+Tree=4295
+num_leaves=6
+num_cat=0
+split_feature=7 3 6 7 7
+split_gain=0.403261 1.16929 1.21784 1.42614 0.848492
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00159615930101953 0.0019204994663310105 -0.0035063261285592047 0.0033488475917239696 -0.0038330093963633788 0.0021751162585513842
+leaf_weight=40 39 39 42 39 62
+leaf_count=40 39 39 42 39 62
+internal_value=0 -0.0168439 0.0167645 -0.0278955 0.0344133
+internal_weight=0 222 183 141 102
+internal_count=261 222 183 141 102
+shrinkage=0.02
+
+
+Tree=4296
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.391367 0.948226 2.07523 1.62785
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0013770860367625913 0.0027670862673814627 -0.0043461015176419907 -0.00093699525644232206 0.0042043614004370596
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.0229061 -0.0196496 0.0541832
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4297
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.388006 1.58361 2.27909 2.4126 3.45129
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0042429541248676754 -0.0017537507113548588 0.0037650562056289771 0.0034316107212469262 -0.0060243404699174352 0.0036238762684862357
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0178479 -0.0253196 -0.0928459 -0.00194368
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=4298
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 6
+split_gain=0.394098 1.97033 1.46285 0.618938
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0024572906858334647 0.00045746999618700225 0.0044135338238535469 0.0017832615259737777 -0.0029841771617713998
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0279579 -0.0307944 -0.0567563
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=4299
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 4
+split_gain=0.384158 3.1488 2.4987 1.35225
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010148697424524223 0.0016572913536788373 -0.0055227347194294141 0.0039335395277490743 -0.0034552128657053807
+leaf_weight=59 48 39 64 51
+leaf_count=59 48 39 64 51
+internal_value=0 -0.0186466 0.0389247 -0.0525617
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=4300
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.379605 2.44595 4.5615 3.71768
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0060376002818564234 0.0013872763676359475 0.0014404682101674898 -0.0072002458774678806 -0.0017222718469256041
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0220331 -0.134879 0.0881728
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4301
+num_leaves=6
+num_cat=0
+split_feature=7 3 6 7 7
+split_gain=0.396439 1.12401 1.16564 1.38793 0.81062
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0015532951867279939 0.00190497245541353 -0.0034426743618234334 0.0032744335065283004 -0.0037806157045789102 0.0021346420099601976
+leaf_weight=40 39 39 42 39 62
+leaf_count=40 39 39 42 39 62
+internal_value=0 -0.0167069 0.0162516 -0.0274516 0.034024
+internal_weight=0 222 183 141 102
+internal_count=261 222 183 141 102
+shrinkage=0.02
+
+
+Tree=4302
+num_leaves=5
+num_cat=0
+split_feature=4 2 8 2
+split_gain=0.387508 0.953501 1.57151 1.69722
+threshold=53.500000000000007 21.500000000000004 62.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0013706007798146376 0.0038212555288196864 -0.001710745880807844 -0.0034750131377866878 0.0024513143975700537
+leaf_weight=65 60 58 39 39
+leaf_count=65 60 58 39 39
+internal_value=0 0.022799 0.0686416 -0.0251031
+internal_weight=0 196 138 78
+internal_count=261 196 138 78
+shrinkage=0.02
+
+
+Tree=4303
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 8
+split_gain=0.395431 3.05132 2.48533 1.34749
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0008108281858052594 0.0016802073064559905 -0.0054481079745375052 0.0039021030001066704 -0.0037002245314938405
+leaf_weight=64 48 39 64 46
+leaf_count=64 48 39 64 46
+internal_value=0 -0.0189068 0.0377688 -0.0534749
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=4304
+num_leaves=6
+num_cat=0
+split_feature=7 3 6 7 7
+split_gain=0.379175 1.08003 1.12633 1.3785 0.787008
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0015164600220112126 0.0018650130851664809 -0.0033754266046382353 0.0032192480256672505 -0.0037610575586503993 0.0021184706682165562
+leaf_weight=40 39 39 42 39 62
+leaf_count=40 39 39 42 39 62
+internal_value=0 -0.0163597 0.0159551 -0.0270134 0.0342554
+internal_weight=0 222 183 141 102
+internal_count=261 222 183 141 102
+shrinkage=0.02
+
+
+Tree=4305
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.38722 2.35748 4.42436 3.6782
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0015425655599000307 0.0014003725675002169 0.0014144470887989921 -0.007095795520107433 0.006237668653607851
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.022245 -0.133049 0.0859608
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4306
+num_leaves=5
+num_cat=0
+split_feature=5 8 8 4
+split_gain=0.396714 1.63195 1.61071 1.5597
+threshold=53.500000000000007 62.500000000000007 69.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0010683369719163057 0.0035622321768367456 -0.0036352376548954642 0.0012779576002415636 -0.0040876543763601961
+leaf_weight=58 52 46 65 40
+leaf_count=58 52 46 65 40
+internal_value=0 0.0310194 -0.0375973 -0.0514704
+internal_weight=0 163 111 98
+internal_count=261 163 111 98
+shrinkage=0.02
+
+
+Tree=4307
+num_leaves=4
+num_cat=0
+split_feature=6 1 8
+split_gain=0.381911 1.21316 3.28317
+threshold=48.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.001211719374774541 -0.0016734508716728103 0.0061526074741898055 -0.00078884664917990238
+leaf_weight=77 66 43 75
+leaf_count=77 66 43 75
+internal_value=0 0.0254276 0.0868019
+internal_weight=0 184 118
+internal_count=261 184 118
+shrinkage=0.02
+
+
+Tree=4308
+num_leaves=5
+num_cat=0
+split_feature=6 9 5 2
+split_gain=0.388053 2.95239 2.4274 1.24299
+threshold=69.500000000000014 71.500000000000014 58.550000000000004 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.002404513426896925 0.0016651918857186157 -0.0053624709944820239 0.0046954178867046146 0.0016022303236662985
+leaf_weight=73 48 39 46 55
+leaf_count=73 48 39 46 55
+internal_value=0 -0.0187396 0.0370124 -0.0338342
+internal_weight=0 213 174 128
+internal_count=261 213 174 128
+shrinkage=0.02
+
+
+Tree=4309
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.402023 2.34324 4.3735 3.65381
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0059422867681516211 0.001425589311809477 0.0013896118716902291 -0.0070716926975787917 -0.0017510845229795414
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0226461 -0.133118 0.0852337
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4310
+num_leaves=5
+num_cat=0
+split_feature=5 2 8 1
+split_gain=0.397268 1.87245 1.23736 4.15069
+threshold=67.65000000000002 8.5000000000000018 49.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0039300560677822801 0.0012363354007075336 0.003288203445868654 -0.0056116596977210942 0.0031430681524917841
+leaf_weight=48 77 48 39 49
+leaf_count=48 77 48 39 49
+internal_value=0 -0.0258247 0.0341908 -0.036458
+internal_weight=0 184 136 88
+internal_count=261 184 136 88
+shrinkage=0.02
+
+
+Tree=4311
+num_leaves=5
+num_cat=0
+split_feature=4 2 5 6
+split_gain=0.394686 0.929663 1.61605 1.95381
+threshold=53.500000000000007 21.500000000000004 67.65000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0013826116126712537 0.0027404501657846535 -0.0016799358529602782 0.0039997899177296025 -0.003459357954304916
+leaf_weight=65 40 58 56 42
+leaf_count=65 40 58 56 42
+internal_value=0 0.0229992 0.068278 -0.0212778
+internal_weight=0 196 138 82
+internal_count=261 196 138 82
+shrinkage=0.02
+
+
+Tree=4312
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.387284 1.56087 1.11494 1.90324 1.9353
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 50.050000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0004097013142849615 -0.0017521779235035676 0.0040017951161836398 -0.0033572306804538557 -0.0032490246553119953 0.0053437035707633697
+leaf_weight=57 44 39 41 40 40
+leaf_count=57 44 39 41 40 40
+internal_value=0 0.0178331 -0.0219378 0.0215044 0.0978369
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4313
+num_leaves=6
+num_cat=0
+split_feature=5 4 9 5 6
+split_gain=0.385617 1.54166 1.11486 0.816117 0.748139
+threshold=53.500000000000007 52.500000000000007 67.500000000000014 62.400000000000006 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -2 -4
+right_child=2 -3 4 -5 -6
+leaf_value=0.0010699075176113543 0.00019462516431708395 -0.004056561318513667 0.00082133287214917322 0.0043063852636881462 -0.0030161746400556035
+leaf_weight=58 39 40 43 41 40
+leaf_count=58 39 40 43 41 40
+internal_value=0 -0.0507887 0.0305954 0.115691 -0.0509711
+internal_weight=0 98 163 80 83
+internal_count=261 98 163 80 83
+shrinkage=0.02
+
+
+Tree=4314
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.383452 2.90836 2.44759 2.16956
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0035367574490860684 0.0016558042623235187 -0.0053232596786409086 0.0022631481862399072 -0.0037222962437620205
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0186323 0.0367036 -0.0642381
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4315
+num_leaves=5
+num_cat=0
+split_feature=4 8 8 5
+split_gain=0.390924 0.938962 1.55113 0.839242
+threshold=53.500000000000007 62.500000000000007 69.500000000000014 55.150000000000006
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=-0.0013763912503705043 3.5974611458484816e-06 -0.0035911053635579453 0.0012312891161255625 0.0040431236625686449
+leaf_weight=65 42 46 65 43
+leaf_count=65 42 46 65 43
+internal_value=0 0.0228914 -0.0380491 0.102909
+internal_weight=0 196 111 85
+internal_count=261 196 111 85
+shrinkage=0.02
+
+
+Tree=4316
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.401799 2.302 4.30434 3.5766
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0015306227507182934 0.0014252698827852098 0.0013770096646798713 -0.0070173427841042626 0.0061419289638997834
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0226371 -0.132142 0.0842948
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4317
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.39115 0.903663 2.06926 1.53979
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0013766749747084897 0.0027132418718584204 -0.0043206720159987165 -0.0008641323584260513 0.0041375024570231532
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.0229024 -0.018656 0.0550718
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4318
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.393943 1.59614 2.35546 2.37765 3.30035
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0041865175813684454 -0.0017664242452101384 0.0037809578917154742 0.0034958503744094743 -0.0060173632119099804 0.0035072102199752444
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0179793 -0.0253572 -0.093993 -0.00373887
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=4319
+num_leaves=5
+num_cat=0
+split_feature=5 8 8 5
+split_gain=0.379348 1.55739 1.48213 1.33185
+threshold=53.500000000000007 62.500000000000007 69.500000000000014 48.45000000000001
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0013287703206734962 0.003482048122707017 -0.003500992150046134 0.0012142862872195101 -0.00335913373753717
+leaf_weight=49 52 46 65 49
+leaf_count=49 52 46 65 49
+internal_value=0 0.0303652 -0.0366783 -0.0503874
+internal_weight=0 163 111 98
+internal_count=261 163 111 98
+shrinkage=0.02
+
+
+Tree=4320
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.388803 1.56376 1.0642 1.88394 1.80835
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 50.050000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00035851706582442543 -0.001755399317649686 0.0040058255351227449 -0.0032912639001874645 -0.0032503311119235481 0.0052044007988725199
+leaf_weight=57 44 39 41 40 40
+leaf_count=57 44 39 41 40 40
+internal_value=0 0.0178685 -0.0219389 0.0205147 0.0964663
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4321
+num_leaves=5
+num_cat=0
+split_feature=7 6 7 8
+split_gain=0.37383 1.04886 1.32424 1.6599
+threshold=76.500000000000014 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00096288798330778692 0.0018523849105156838 -0.0028033075148504016 0.0029496372151556552 -0.0041698670696199234
+leaf_weight=73 39 53 57 39
+leaf_count=73 39 53 57 39
+internal_value=0 -0.0162548 0.02241 -0.040938
+internal_weight=0 222 169 112
+internal_count=261 222 169 112
+shrinkage=0.02
+
+
+Tree=4322
+num_leaves=5
+num_cat=0
+split_feature=4 2 5 3
+split_gain=0.363189 0.880355 1.54874 1.74309
+threshold=53.500000000000007 21.500000000000004 67.65000000000002 62.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0013291624344602532 0.0024895739247684555 -0.0016414102119547132 0.0039034645549831074 -0.0033678982855123063
+leaf_weight=65 41 58 56 41
+leaf_count=65 41 58 56 41
+internal_value=0 0.0221038 0.0661963 -0.0214894
+internal_weight=0 196 138 82
+internal_count=261 196 138 82
+shrinkage=0.02
+
+
+Tree=4323
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.401934 1.5537 2.27022 2.35949 3.56042
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.004091661696638607 -0.0017835520147188521 0.0037390337164558362 0.0034380876604110061 -0.0056777891448182363 0.0040652021907045107
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0181441 -0.0246168 -0.0920141 0.00361174
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4324
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.394168 2.03192 1.43933 0.960656 0.685473
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0012158766395268714 0.00053910811827320943 0.0044726581637851218 -0.0033840417102152355 0.0030693658710993 -0.0030784591647259668
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0279553 -0.0317033 0.0471645 -0.0567661
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4325
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 2
+split_gain=0.389343 2.10314 1.9645 1.61481
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0018075577271134829 -0.0056664041493796422 0.0041120397862274847 -0.00085503445347806007 -0.00018560557661604572
+leaf_weight=42 41 56 75 47
+leaf_count=42 41 56 75 47
+internal_value=0 -0.0173189 0.0631627 -0.137536
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=4326
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 5
+split_gain=0.373189 2.01929 1.87028 1.8052
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 68.250000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0017714665178762978 -0.0055588856550391882 0.0039279154159777511 0.00028567998826379204 -0.0008250903388117161
+leaf_weight=42 45 57 43 74
+leaf_count=42 45 57 43 74
+internal_value=0 -0.016977 -0.134799 0.0618951
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=4327
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.380123 2.95544 2.5312 1.77712
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00093914303800647625 0.0016488097201868509 -0.0053615037405432909 0.0041691690695681996 -0.0042060839031034377
+leaf_weight=73 48 39 58 43
+leaf_count=73 48 39 58 43
+internal_value=0 -0.0185627 0.037218 -0.0481317
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4328
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.377348 2.41344 4.16002 3.58414
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.005947020816147024 0.0013831651013504595 0.0012703100910666687 -0.0069823592005377232 -0.0016727694997840294
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0219801 -0.13408 0.0874952
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4329
+num_leaves=5
+num_cat=0
+split_feature=5 8 4 8
+split_gain=0.398678 1.52675 1.51832 1.46496
+threshold=53.500000000000007 62.500000000000007 52.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=2 -2 -1 -3
+right_child=1 3 -4 -5
+leaf_value=0.0010379383259454323 0.0034683397712784447 -0.0034576688772210958 -0.0040498753009902775 0.0012306824570803101
+leaf_weight=58 52 46 40 65
+leaf_count=58 52 46 40 65
+internal_value=0 0.0310855 -0.0515986 -0.0352995
+internal_weight=0 163 98 111
+internal_count=261 163 98 111
+shrinkage=0.02
+
+
+Tree=4330
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.396445 0.874415 1.95195 1.53817
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0013856799534357547 0.002679997701327725 -0.0041922614925393436 -0.00088918018973306524 0.0041099999831240635
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.023041 -0.0178495 0.0537701
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4331
+num_leaves=5
+num_cat=0
+split_feature=6 2 4 8
+split_gain=0.392281 1.49866 1.06792 1.99231
+threshold=70.500000000000014 24.500000000000004 53.500000000000007 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0028683395608234746 -0.0017630318231671028 0.0036753141804295444 0.0028748257366008091 -0.0023346261521764501
+leaf_weight=53 44 44 67 53
+leaf_count=53 44 44 67 53
+internal_value=0 0.0179353 -0.0240674 0.0283651
+internal_weight=0 217 173 120
+internal_count=261 217 173 120
+shrinkage=0.02
+
+
+Tree=4332
+num_leaves=5
+num_cat=0
+split_feature=4 1 3 4
+split_gain=0.378491 0.802224 3.28744 1.60003
+threshold=74.500000000000014 6.5000000000000009 56.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0024502084370106557 0.0016247444300029207 -0.0015485730683576684 -0.0046166629412524923 0.0034360534573473155
+leaf_weight=46 49 53 62 51
+leaf_count=46 49 53 62 51
+internal_value=0 -0.0187624 -0.079983 0.0444395
+internal_weight=0 212 108 104
+internal_count=261 212 108 104
+shrinkage=0.02
+
+
+Tree=4333
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 8
+split_gain=0.373952 1.5232 1.44346 1.3479
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0010721973387903942 0.003372046072354399 -0.0040238905207367658 -0.0033293978800697545 0.0011701273012577698
+leaf_weight=58 52 40 46 65
+leaf_count=58 52 40 46 65
+internal_value=0 -0.0500534 0.0301519 -0.0344131
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=4334
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.408049 1.55962 0.993236 1.81926 1.76657
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 50.050000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00037726660660024656 -0.0017964217960925375 0.0040091582134819895 -0.0031871878700242416 -0.0032067710739851654 0.0051217112515613518
+leaf_weight=57 44 39 41 40 40
+leaf_count=57 44 39 41 40 40
+internal_value=0 0.0182755 -0.0214794 0.0195524 0.0942085
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4335
+num_leaves=5
+num_cat=0
+split_feature=6 5 4 6
+split_gain=0.391069 1.49727 0.953086 0.944626
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011130856457655482 -0.0017605501409837291 0.0039291183133319972 -0.0031235527495905987 0.0022592371238591689
+leaf_weight=76 44 39 41 61
+leaf_count=76 44 39 41 61
+internal_value=0 0.0179033 -0.021055 0.0191505
+internal_weight=0 217 178 137
+internal_count=261 217 178 137
+shrinkage=0.02
+
+
+Tree=4336
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.374789 1.46321 2.23688 2.28974 3.421
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0040151433253871995 -0.0017253952246858387 0.0036285544650906847 0.003422391276957904 -0.0055982758031108415 0.0039813344199857072
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0175422 -0.0239651 -0.0908722 0.00333469
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4337
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.391025 2.12607 1.42669 0.903535 0.678909
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011881060888740606 0.00053535927624797676 0.0045591306643588195 -0.0034015022619984805 0.0029702851648864322 -0.0030652748052396174
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0278398 -0.0331786 0.045343 -0.0565595
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4338
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 2
+split_gain=0.383352 1.91425 1.89876 1.81746
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0017941019254255556 -0.0055236218983750933 0.0032730807967919552 0.00036528839882604198 -0.0014961149585430856
+leaf_weight=42 45 74 43 57
+leaf_count=42 45 74 43 57
+internal_value=0 -0.0172006 -0.13195 0.059607
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=4339
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.39103 2.02512 1.3556 0.891556 0.656353
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011844211418667798 0.00050796949131798786 0.0044639154099651813 -0.0033042961448910817 0.0029468956110176863 -0.0030337175122588417
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0278418 -0.0317176 0.044842 -0.056558
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4340
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 6
+split_gain=0.374651 1.94431 1.32933 0.629703
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0023783297950591186 0.00049782592124811655 0.0043747888709002817 0.0016664499659248405 -0.0029731494322928643
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0272816 -0.0310841 -0.0554196
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=4341
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 8
+split_gain=0.379914 1.85948 1.8123 1.79523
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0017865352524922187 -0.0054235703857346551 0.0038965518923819503 0.00033063499424334104 -0.00085386480808067504
+leaf_weight=42 45 56 43 75
+leaf_count=42 45 56 43 75
+internal_value=0 -0.0171223 -0.130237 0.058587
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=4342
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.392271 2.97442 2.51898 2.2573
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0035852134047886482 0.0016736327898317597 -0.0053829828280758186 0.0023129411655996792 -0.0037914085686851784
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0188433 0.0371156 -0.0652802
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4343
+num_leaves=5
+num_cat=0
+split_feature=6 6 5 2
+split_gain=0.375943 1.38542 1.30527 1.25435
+threshold=69.500000000000014 63.500000000000007 58.20000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0022429914654017434 0.0016402088335225257 -0.0035522472137208693 0.003635542573240412 0.0017709845563169181
+leaf_weight=74 48 44 40 55
+leaf_count=74 48 44 40 55
+internal_value=0 -0.0184638 0.0227911 -0.0262688
+internal_weight=0 213 169 129
+internal_count=261 213 169 129
+shrinkage=0.02
+
+
+Tree=4344
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.385563 2.46707 4.14454 3.48982
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0059112521293212495 0.0013974354120684024 0.001233918788569861 -0.007003328494865322 -0.0016079213441944349
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0222039 -0.135531 0.088474
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4345
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 8
+split_gain=0.392365 1.49908 1.43622 1.39232
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.001032757438284324 0.0033791549035333875 -0.0040231133770222737 -0.0033547239285669954 0.0012175127550838219
+leaf_weight=58 52 40 46 65
+leaf_count=58 52 40 46 65
+internal_value=0 -0.0512052 0.030853 -0.0335503
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=4346
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.39749 0.855781 1.92217 1.55721
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0013873683097304996 0.0026573766379655588 -0.0041539987841621526 -0.0009028725219860646 0.0041268524186314241
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.0230723 -0.017387 0.0536877
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4347
+num_leaves=5
+num_cat=0
+split_feature=2 5 2 6
+split_gain=0.388705 2.09137 1.38186 2.9982
+threshold=7.5000000000000009 70.65000000000002 24.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0014789126703199061 0.00083697424104181182 0.0042998561082525756 0.0025299220895546614 -0.005685607735530597
+leaf_weight=58 71 44 41 47
+leaf_count=58 71 44 41 47
+internal_value=0 0.0211899 -0.0322606 -0.0878029
+internal_weight=0 203 159 118
+internal_count=261 203 159 118
+shrinkage=0.02
+
+
+Tree=4348
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.405287 1.49195 0.881618 1.80695 1.68572
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 50.050000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00036072850310908992 -0.0017905355155948125 0.0039291640186965059 -0.0030147308356459485 -0.0032254022111433355 0.0050120670478749161
+leaf_weight=57 44 39 41 40 40
+leaf_count=57 44 39 41 40 40
+internal_value=0 0.0182205 -0.0206689 0.0180218 0.0924316
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4349
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.388416 1.43227 0.845887 1.73464 1.61843
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 50.050000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0003535229313367299 -0.0017547816632555164 0.0038507214726344807 -0.0029545392440362135 -0.0031610064730252714 0.0049120008453842059
+leaf_weight=57 44 39 41 40 40
+leaf_count=57 44 39 41 40 40
+internal_value=0 0.0178494 -0.0202606 0.0176504 0.0905781
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4350
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 2
+split_gain=0.38349 1.50891 1.4292 1.36701
+threshold=53.500000000000007 50.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0019182125947932299 0.0033655903095335476 -0.0031356653500630976 -0.0023576392006929444 0.0022911518702661425
+leaf_weight=41 52 57 71 40
+leaf_count=41 52 57 71 40
+internal_value=0 -0.0506635 0.0305069 -0.0337404
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=4351
+num_leaves=4
+num_cat=0
+split_feature=4 2 2
+split_gain=0.381945 0.910823 1.57938
+threshold=53.500000000000007 21.500000000000004 11.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0013615092051199585 -0.00070295507298422978 -0.0016659744567072122 0.0035982870501010096
+leaf_weight=65 72 58 66
+leaf_count=65 72 58 66
+internal_value=0 0.0226281 0.0674574
+internal_weight=0 196 138
+internal_count=261 196 138
+shrinkage=0.02
+
+
+Tree=4352
+num_leaves=6
+num_cat=0
+split_feature=4 5 6 6 7
+split_gain=0.368391 0.824907 1.91266 1.60662 0.791623
+threshold=74.500000000000014 68.65000000000002 57.500000000000007 49.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0014615367516217044 0.0016038690395660841 -0.0029875633335110551 0.0041488794934758759 -0.004054075349599888 0.0023689689401431655
+leaf_weight=40 49 40 39 44 49
+leaf_count=40 49 40 39 44 49
+internal_value=0 -0.0185308 0.0117148 -0.0454579 0.0319308
+internal_weight=0 212 172 133 89
+internal_count=261 212 172 133 89
+shrinkage=0.02
+
+
+Tree=4353
+num_leaves=5
+num_cat=0
+split_feature=4 2 3 8
+split_gain=0.364262 0.87784 1.51333 4.23843
+threshold=53.500000000000007 21.500000000000004 72.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.001331355014264318 0.0035414486797741783 -0.0016381994774589156 0.0044016100746218732 -0.0050611647330958973
+leaf_weight=65 54 58 44 40
+leaf_count=65 54 58 44 40
+internal_value=0 0.0221181 0.0661491 -0.00558879
+internal_weight=0 196 138 94
+internal_count=261 196 138 94
+shrinkage=0.02
+
+
+Tree=4354
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 5
+split_gain=0.36997 1.83774 1.87521 1.68362
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 68.250000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0017639811035570635 -0.0054545527514767069 0.0037660688388487578 0.00039818499213945625 -0.00082582462692173844
+leaf_weight=42 45 57 43 74
+leaf_count=42 45 57 43 74
+internal_value=0 -0.0169184 -0.129378 0.0583508
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=4355
+num_leaves=6
+num_cat=0
+split_feature=7 3 6 7 7
+split_gain=0.362976 1.05134 1.25579 1.40435 0.703546
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0014373590281576715 0.0018263826252273322 -0.00332913942453896 0.0033763600520157378 -0.0038401805716064968 0.0020041631584930327
+leaf_weight=40 39 39 42 39 62
+leaf_count=40 39 39 42 39 62
+internal_value=0 -0.0160441 0.015844 -0.0295004 0.0323324
+internal_weight=0 222 183 141 102
+internal_count=261 222 183 141 102
+shrinkage=0.02
+
+
+Tree=4356
+num_leaves=5
+num_cat=0
+split_feature=8 3 7 7
+split_gain=0.369241 1.49407 1.01582 0.674983
+threshold=72.500000000000014 66.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014086621584724482 -0.0016463148428175842 0.0033316062818922925 -0.0026728560590339183 0.0019641251403754974
+leaf_weight=40 47 52 60 62
+leaf_count=40 47 52 60 62
+internal_value=0 0.0181217 -0.0293362 0.0316783
+internal_weight=0 214 162 102
+internal_count=261 214 162 102
+shrinkage=0.02
+
+
+Tree=4357
+num_leaves=5
+num_cat=0
+split_feature=5 5 8 2
+split_gain=0.375646 1.4259 1.4171 1.32146
+threshold=53.500000000000007 48.45000000000001 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0014133744495377074 0.0033479482804902438 -0.0034353489362710073 -0.0023305719094415152 0.0022410843595918172
+leaf_weight=49 52 49 71 40
+leaf_count=49 52 49 71 40
+internal_value=0 -0.0501776 0.0302 -0.0337776
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=4358
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.369775 2.86318 2.55868 1.88398
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00097303332072921412 0.0016271153545277962 -0.0052789626874473975 0.0041746983729111717 -0.004323160150418128
+leaf_weight=73 48 39 58 43
+leaf_count=73 48 39 58 43
+internal_value=0 -0.0183328 0.0365732 -0.0492371
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4359
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 1
+split_gain=0.387832 1.13947 0.966256 10.3014
+threshold=70.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0030597103319288232 0.0012805626154115469 -0.0029020011235797215 -0.0077568346931786557 0.0057227429977593173
+leaf_weight=42 72 56 43 48
+leaf_count=42 72 56 43 48
+internal_value=0 -0.0243793 0.0261995 -0.0319505
+internal_weight=0 189 133 91
+internal_count=261 189 133 91
+shrinkage=0.02
+
+
+Tree=4360
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.371661 1.12086 1.20202 1.06923
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017006753779999118 0.0012549764566114183 -0.003297698787815695 0.003298463816912121 -0.0024620012029350066
+leaf_weight=42 72 44 41 62
+leaf_count=42 72 44 41 62
+internal_value=0 -0.0238882 0.0186803 -0.038661
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4361
+num_leaves=4
+num_cat=0
+split_feature=4 2 2
+split_gain=0.365774 0.865402 1.51695
+threshold=53.500000000000007 21.500000000000004 11.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0013338688953472061 -0.00069363083444877916 -0.0016227060624669171 0.0035227055204641779
+leaf_weight=65 72 58 66
+leaf_count=65 72 58 66
+internal_value=0 0.0221667 0.0658924
+internal_weight=0 196 138
+internal_count=261 196 138
+shrinkage=0.02
+
+
+Tree=4362
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.363024 1.45703 2.2693 2.39014 3.37748
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0039615779225379132 -0.0016995809772961637 0.0036163927506827056 0.0034467419839944052 -0.0056928234425420296 0.0039840419832908678
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0172745 -0.024146 -0.0915305 0.00471311
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4363
+num_leaves=5
+num_cat=0
+split_feature=7 6 7 8
+split_gain=0.369375 1.06358 1.31932 1.66383
+threshold=76.500000000000014 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00097418822903826943 0.0018415528511624218 -0.0028187952088572915 0.0029518960498564509 -0.0041646259723339425
+leaf_weight=73 39 53 57 39
+leaf_count=73 39 53 57 39
+internal_value=0 -0.0161789 0.0227529 -0.0404783
+internal_weight=0 222 169 112
+internal_count=261 222 169 112
+shrinkage=0.02
+
+
+Tree=4364
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 4
+split_gain=0.361936 1.3309 1.2663 1.05617
+threshold=69.500000000000014 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017250188599297006 0.0016107251133520985 -0.0034835494658439531 0.0028929305400889334 -0.0023158762723194718
+leaf_weight=42 48 44 57 70
+leaf_count=42 48 44 57 70
+internal_value=0 -0.0181448 0.0222978 -0.0396636
+internal_weight=0 213 169 112
+internal_count=261 213 169 112
+shrinkage=0.02
+
+
+Tree=4365
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.370295 1.4134 2.2263 2.3493 3.32262
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0039166398740647836 -0.0017155445638950219 0.0035710644597554925 0.0034253801702641561 -0.0056315895355243221 0.0039645115956444309
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0174422 -0.0233585 -0.0901099 0.00531137
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4366
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.376076 2.02829 1.37938 0.875414 0.638545
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.001163702662268245 0.00050681066485245164 0.0044567284025006969 -0.0033384132887526595 0.002930712539980299 -0.0029878370345033018
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0273293 -0.0322768 0.0449446 -0.055521
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4367
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.371665 2.92283 2.51445 2.32728
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0035823749976705006 0.0016311422069596728 -0.0053303027618700266 0.0023698720370065795 -0.0038277645629139342
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0183728 0.0371003 -0.0652039
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4368
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 1
+split_gain=0.363922 1.10184 0.962381 10.0947
+threshold=70.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0030527272022107675 0.0012425628560759976 -0.00284795874582588 -0.0076849779258312424 0.0056589116139671826
+leaf_weight=42 72 56 43 48
+leaf_count=42 72 56 43 48
+internal_value=0 -0.0236486 0.0260991 -0.0319359
+internal_weight=0 189 133 91
+internal_count=261 189 133 91
+shrinkage=0.02
+
+
+Tree=4369
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.360676 1.44425 0.881789 1.70071 1.61962
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00070975691086045518 -0.0016941919568811978 0.0038527744451248343 -0.0030223200511026766 -0.0031266730355151372 0.0044789548119795611
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.01723 -0.0210382 0.0176556 0.0898768
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4370
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.363889 2.85033 2.50048 1.79987
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00094901564155669719 0.0016148316952885621 -0.005265195189205497 0.0041359983880630315 -0.0042287350364508588
+leaf_weight=73 48 39 58 43
+leaf_count=73 48 39 58 43
+internal_value=0 -0.0181914 0.0365917 -0.0482412
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4371
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.377184 1.09842 1.14903 1.06927
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017141908905923806 0.0012637853797768629 -0.0032731608999459851 0.0032226149490026481 -0.0024486465035515052
+leaf_weight=42 72 44 41 62
+leaf_count=42 72 44 41 62
+internal_value=0 -0.0240564 0.0180883 -0.0379896
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4372
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.361431 1.05424 1.12725 1.31485
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013220385123300096 0.00123853429964822 -0.0032078013705888089 0.0027717020769793387 -0.0034388299520776945
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.0235713 0.0177277 -0.047473
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4373
+num_leaves=5
+num_cat=0
+split_feature=4 2 5 3
+split_gain=0.353246 0.815475 1.536 1.61485
+threshold=53.500000000000007 21.500000000000004 67.65000000000002 62.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0013119839879065704 0.002349760300389804 -0.001570619461518753 0.0038548696800250522 -0.0032902464396854314
+leaf_weight=65 41 58 56 41
+leaf_count=65 41 58 56 41
+internal_value=0 0.0218062 0.0642851 -0.0230448
+internal_weight=0 196 138 82
+internal_count=261 196 138 82
+shrinkage=0.02
+
+
+Tree=4374
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.374898 1.7562 1.44271 1.3657
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012939101176812687 -0.0016581348782958867 0.0034258794345244682 -0.003079677583044033 0.0035603466812040392
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.018258 -0.0357814 0.0422404
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4375
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.372316 1.96493 1.39252 0.906293 0.659547
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011758554146129444 0.00053795043599820329 0.0043931486997286252 -0.0033350658068133157 0.0029886381902771092 -0.0030123896121658947
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0271969 -0.0314758 0.0461105 -0.0552591
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4376
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 8
+split_gain=0.359482 1.63503 1.74747 1.63797
+threshold=50.500000000000007 5.5000000000000009 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0017401717682193061 -0.0052256276800200291 0.0036912428257468346 0.0004260754621593532 -0.00084862551578823383
+leaf_weight=42 45 56 43 75
+leaf_count=42 45 56 43 75
+internal_value=0 -0.0166856 -0.122839 0.0543456
+internal_weight=0 219 88 131
+internal_count=261 219 88 131
+shrinkage=0.02
+
+
+Tree=4377
+num_leaves=5
+num_cat=0
+split_feature=6 6 4 8
+split_gain=0.362484 1.33828 1.21457 1.23606
+threshold=69.500000000000014 63.500000000000007 61.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001100444452403173 0.0016119224357585141 -0.0034922874153052595 0.0032432529920219263 -0.0029956790601784688
+leaf_weight=72 48 44 46 51
+leaf_count=72 48 44 46 51
+internal_value=0 -0.0181557 0.0223979 -0.0296093
+internal_weight=0 213 169 123
+internal_count=261 213 169 123
+shrinkage=0.02
+
+
+Tree=4378
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.358997 1.44803 2.18311 2.37666 3.2857
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0038852543803385726 -0.0016904887216199896 0.0036047346799693361 0.0033727640517449906 -0.0056556785150251847 0.0039522011519587449
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0171901 -0.0241034 -0.0902104 0.00576325
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4379
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 8
+split_gain=0.362731 1.29841 1.2341 1.57682
+threshold=69.500000000000014 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00094909198426165991 0.0016124813734480715 -0.0034460935882153843 0.0028520229935061186 -0.0040550655660526753
+leaf_weight=73 48 44 57 39
+leaf_count=73 48 44 57 39
+internal_value=0 -0.0181597 0.0217909 -0.0393867
+internal_weight=0 213 169 112
+internal_count=261 213 169 112
+shrinkage=0.02
+
+
+Tree=4380
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.365459 1.96229 1.34662 0.880051 0.62852
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011752077825907604 0.00050943089755414131 0.0043859566363186513 -0.0032946100135624037 0.0029298877674547403 -0.0029584881962498493
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0269646 -0.031669 0.0446393 -0.0547677
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4381
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.356642 2.87052 2.43993 2.46364
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0035375895286423741 0.0015996375272644518 -0.005278838860399742 0.0025032147967615119 -0.0038723886191140444
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0180128 0.0369634 -0.0638208
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4382
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.368229 2.6598 3.93384 3.38429
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0012654995204906816 0.0013671389875414633 0.0010557573862171041 -0.0069696781810730012 0.0061980782606864109
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0217296 -0.139362 0.0931676
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4383
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 7
+split_gain=0.373855 1.76183 1.22118 0.722455
+threshold=65.500000000000014 14.500000000000002 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0014692998884442386 0.0031705510178808112 -0.0020667074939774545 -0.0031250436729533052 0.0020170990084898881
+leaf_weight=40 61 45 53 62
+leaf_count=40 61 45 53 62
+internal_value=0 0.0469874 -0.0320886 0.0320988
+internal_weight=0 106 155 102
+internal_count=261 106 155 102
+shrinkage=0.02
+
+
+Tree=4384
+num_leaves=5
+num_cat=0
+split_feature=2 8 1 2
+split_gain=0.379247 2.08641 1.50607 6.30149
+threshold=7.5000000000000009 69.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0014618523664411979 0.0016369326425672275 0.0039820126398418722 -0.0078343588517505829 0.0027537987300196619
+leaf_weight=58 63 50 44 46
+leaf_count=58 63 50 44 46
+internal_value=0 0.0209356 -0.0370913 -0.120791
+internal_weight=0 203 153 90
+internal_count=261 203 153 90
+shrinkage=0.02
+
+
+Tree=4385
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.37143 1.4405 0.876618 1.70579 1.6228
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00070645003754958818 -0.0017179219030809155 0.0038531248178785955 -0.0030090268656143399 -0.0031281826524647326 0.0044872821693666583
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0174734 -0.0207454 0.0178369 0.090164
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4386
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.361013 1.68077 1.7393 1.69627
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0017437241242904973 -0.0052147692150992407 0.0031422784214353251 -0.0015245398654502433 0.00035391154605397942
+leaf_weight=42 45 74 57 43
+leaf_count=42 45 74 57 43
+internal_value=0 -0.0167169 0.0552922 -0.124325
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=4387
+num_leaves=6
+num_cat=0
+split_feature=6 2 3 7 4
+split_gain=0.368913 1.42173 0.952975 2.06746 1.03105
+threshold=70.500000000000014 24.500000000000004 65.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0018857906105340123 -0.0017124775181065238 0.0035798313129724547 0.0017784270099187854 -0.0052687152395597472 0.0026640674884640014
+leaf_weight=41 44 44 53 39 40
+leaf_count=41 44 44 53 39 40
+internal_value=0 0.0174127 -0.0235072 -0.0735192 0.0175773
+internal_weight=0 217 173 120 81
+internal_count=261 217 173 120 81
+shrinkage=0.02
+
+
+Tree=4388
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 2
+split_gain=0.367944 1.51045 1.43238 1.42385
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0010710921958512276 0.003356795490806841 -0.0040038959891541158 -0.0024049555531983242 0.0023382173808087488
+leaf_weight=58 52 40 71 40
+leaf_count=58 52 40 71 40
+internal_value=0 -0.0496777 0.0299137 -0.0344052
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=4389
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.364854 1.95839 1.25732 0.829733 0.617922
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011665240715766764 0.00049697241495016314 0.004381751003986965 -0.0032054853773977065 0.0028221547713627362 -0.0029423159807883269
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0269435 -0.0316322 0.0421268 -0.0547247
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4390
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 6
+split_gain=0.362638 0.826623 1.69616 0.602981
+threshold=53.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0013284153886630604 -0.00061428817989936965 0.00056963489551139536 0.0043364956343462067 -0.0028835726618052777
+leaf_weight=65 63 43 50 40
+leaf_count=65 63 43 50 40
+internal_value=0 0.0220775 0.0785289 -0.0542979
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=4391
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.374148 2.84755 2.46676 1.72862
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00091708102994216727 0.0016363064710392583 -0.0052675873204390657 0.0041078457566286423 -0.0041581218500604542
+leaf_weight=73 48 39 58 43
+leaf_count=73 48 39 58 43
+internal_value=0 -0.0184309 0.0363254 -0.0479362
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4392
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.381255 2.62263 3.88087 3.29754
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0058664894312296162 0.0013897983702668981 0.0010388885787701873 -0.0069325056009505847 -0.0014431528122840266
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0220954 -0.138909 0.0919997
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4393
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 6 7
+split_gain=0.381727 2.75463 2.43851 1.26483 0.76393
+threshold=69.500000000000014 71.500000000000014 58.550000000000004 49.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0014598850395306407 0.0016520488108422073 -0.0051910119960458809 0.0046693579746167266 -0.0037414614666307676 0.0023048138238500257
+leaf_weight=40 48 39 46 39 49
+leaf_count=40 48 39 46 39 49
+internal_value=0 -0.018603 0.0352554 -0.0357536 0.0302008
+internal_weight=0 213 174 128 89
+internal_count=261 213 174 128 89
+shrinkage=0.02
+
+
+Tree=4394
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.392591 1.36631 2.27416 3.3742
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0037035964627589613 0.001409318542350996 -0.0036720701978088756 -0.0014493049237866587 0.0053860369521080767
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0224041 0.0208023 0.0922441
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=4395
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 4
+split_gain=0.378587 1.07176 1.17145 1.36844
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017124488715295812 0.001266007955966974 -0.0032405331414019629 0.0028139747747218092 -0.0031663313453088051
+leaf_weight=42 72 44 51 52
+leaf_count=42 72 44 51 52
+internal_value=0 -0.0240992 0.0175369 -0.0489147
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4396
+num_leaves=5
+num_cat=0
+split_feature=7 6 7 8
+split_gain=0.379841 0.994803 1.26403 1.47368
+threshold=76.500000000000014 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00086687382862769228 0.0018662583809665382 -0.0027425020932589678 0.00287048687951795 -0.003972509240887493
+leaf_weight=73 39 53 57 39
+leaf_count=73 39 53 57 39
+internal_value=0 -0.0163888 0.0212797 -0.0406279
+internal_weight=0 222 169 112
+internal_count=261 222 169 112
+shrinkage=0.02
+
+
+Tree=4397
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 9
+split_gain=0.375145 0.79777 1.98009 1.06333
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0013499499928645317 0.0025707086246858687 -0.0041956683634826837 0.0027926169241884635 -0.0013563577245300164
+leaf_weight=65 53 39 62 42
+leaf_count=65 53 39 62 42
+internal_value=0 0.0224355 -0.0166523 0.0554799
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4398
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.367486 2.68881 2.36676 2.39472
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.003455290962331175 0.0016224258797429619 -0.0051269714954581625 0.002439958572910161 -0.0038463476988367102
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0182742 0.0349391 -0.0643321
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4399
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.391703 1.32054 2.20815 3.35098
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0036578271091951228 0.0014077794886044584 -0.0036179489209018922 -0.0014726429939361802 0.0053393479426138458
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0223811 0.020102 0.0905124
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=4400
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.375459 2.44593 3.76948 3.20395
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0012792483128162061 0.0013796550320647155 0.0010663414677225356 -0.0067903847646087713 0.0059839096512678252
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0219388 -0.134784 0.0882668
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4401
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.389423 1.85296 1.41553 1.87154
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0039079225340763945 0.0012243133095416082 0.0053021705518971445 -0.0019195087147590088 -0.00068211264286694123
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0255981 0.0341063 0.115122
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4402
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 8
+split_gain=0.374444 1.45907 1.36559 1.38388
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0010275409630988454 0.0032975178481075527 -0.0039612647810440002 -0.0033288787790200754 0.0012297661188232455
+leaf_weight=58 52 40 46 65
+leaf_count=58 52 40 46 65
+internal_value=0 -0.0500961 0.0301592 -0.0326553
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=4403
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 6
+split_gain=0.380256 0.815365 1.82259 0.659635
+threshold=53.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0013587441752358886 -0.00069140830919068577 0.00066445877041865773 0.0044390816741630614 -0.0029435564569026298
+leaf_weight=65 63 43 50 40
+leaf_count=65 63 43 50 40
+internal_value=0 0.0225755 0.0786494 -0.0532864
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=4404
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.373013 2.64179 2.38628 2.23631
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0034545739284043966 0.0016338748918369253 -0.0050881427455724947 0.0022949767472652846 -0.0037811060045649376
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0184081 0.0343395 -0.065339
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4405
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 1
+split_gain=0.389058 1.07015 0.952994 9.75547
+threshold=70.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0030111895725113327 0.0012825072793628848 -0.0028294302840187776 -0.0075899122954660439 0.0055282011187346878
+leaf_weight=42 72 56 43 48
+leaf_count=42 72 56 43 48
+internal_value=0 -0.0244148 0.0246201 -0.0331376
+internal_weight=0 189 133 91
+internal_count=261 189 133 91
+shrinkage=0.02
+
+
+Tree=4406
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.373062 2.41263 3.68579 3.27495
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0057647602193905594 0.0013755231916275988 0.0010410605302430282 -0.0067282523390199325 -0.001520231580948557
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0218694 -0.133951 0.087588
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4407
+num_leaves=5
+num_cat=0
+split_feature=4 9 5 6
+split_gain=0.39453 0.795096 1.24966 0.65243
+threshold=53.500000000000007 67.500000000000014 62.400000000000006 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0013826887726105907 -2.2244968840396733e-05 0.00068194639057938167 0.0043735753532770294 -0.0029070356259894604
+leaf_weight=65 72 43 41 40
+leaf_count=65 72 43 41 40
+internal_value=0 0.022978 0.0783672 -0.0519523
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=4408
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.392634 1.87589 1.40449 1.74555
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0039306547960205641 0.0012290873389052591 0.0051994044519828066 -0.0019041305811890077 -0.00058125092605244442
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0256992 0.0343711 0.115074
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4409
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.376349 1.80078 1.34809 1.67593
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0038521564347793092 0.0012045283935479777 0.0050955891555353617 -0.0018660993143180659 -0.00056964519544143075
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.02519 0.0336734 0.112767
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4410
+num_leaves=6
+num_cat=0
+split_feature=7 3 6 7 7
+split_gain=0.363365 1.11583 1.2017 1.32943 0.698115
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0014241838580151284 0.0018272414543392531 -0.0034185904382301592 0.0033295465230991361 -0.0037153722317605671 0.002004304504961577
+leaf_weight=40 39 39 42 39 62
+leaf_count=40 39 39 42 39 62
+internal_value=0 -0.0160557 0.0167844 -0.0275819 0.0325953
+internal_weight=0 222 183 141 102
+internal_count=261 222 183 141 102
+shrinkage=0.02
+
+
+Tree=4411
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 2
+split_gain=0.357037 1.46619 1.39523 1.3911
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0010547545172988762 0.0033126833503777909 -0.0039462048008792536 -0.002377441003551728 0.0023115831561105818
+leaf_weight=58 52 40 71 40
+leaf_count=58 52 40 71 40
+internal_value=0 -0.0489828 0.0294818 -0.0340054
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=4412
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.361529 1.72313 1.28291 1.65021
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0037705373684254724 0.0011817763792961137 0.0050200758219147799 -0.0018206518243719984 -0.00060211680211447345
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0247155 0.0328736 0.110065
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4413
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.351836 1.8657 1.77522 1.642
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.001722446236611546 -0.0055357017068680811 0.0032431788441380695 -0.0014707792670563429 -1.1106655460673329e-05
+leaf_weight=42 41 74 57 47
+leaf_count=42 41 74 57 47
+internal_value=0 -0.0165219 0.0593137 -0.129825
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=4414
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.362996 1.74075 1.59144 1.39086
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012364683791206048 -0.0016332082581135127 0.0034067670841235755 -0.0031980145256124666 0.0036612694513381222
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0179682 -0.0358349 0.0460767
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4415
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 7 6
+split_gain=0.353838 1.67141 1.71356 1.23552 0.631154
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 53.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=3.1531297453127003e-05 0.00052905314190574814 0.004200755494816211 0.002849747854742523 -0.0046004095073547621 -0.0029461046038109498
+leaf_weight=52 46 39 42 42 40
+leaf_count=52 46 39 42 42 40
+internal_value=0 0.0265365 -0.0258722 -0.101572 -0.0539543
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=4416
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.353024 2.7025 2.35719 2.17421
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0034591535475261572 0.001591689936988736 -0.0051322982563046749 0.0022784883711266641 -0.0037133686132363166
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0179385 0.0354098 -0.0636611
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4417
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 1
+split_gain=0.362963 1.03657 0.95114 9.52942
+threshold=70.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0030092407613178038 0.0012408389608519557 -0.0027774110910289531 -0.0075078648464403496 0.0054576466430156078
+leaf_weight=42 72 56 43 48
+leaf_count=42 72 56 43 48
+internal_value=0 -0.0236276 0.0246427 -0.0330596
+internal_weight=0 189 133 91
+internal_count=261 189 133 91
+shrinkage=0.02
+
+
+Tree=4418
+num_leaves=6
+num_cat=0
+split_feature=6 2 6 2 1
+split_gain=0.355233 1.45494 0.934411 2.36366 0.325644
+threshold=70.500000000000014 24.500000000000004 46.500000000000007 10.500000000000002 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=-0.0030681774074859127 -0.0016822013902723695 0.0036105672521117272 0.0037911373990734275 -0.0031203646661147823 -0.00046386261430932037
+leaf_weight=43 44 44 50 39 41
+leaf_count=43 44 44 50 39 41
+internal_value=0 0.0170982 -0.024293 0.0181667 -0.0885247
+internal_weight=0 217 173 130 80
+internal_count=261 217 173 130 80
+shrinkage=0.02
+
+
+Tree=4419
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 8
+split_gain=0.348891 1.33442 1.48914 1.38068
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0017155604089612714 -0.0029811301651120775 0.0034478676691724291 -0.0033753363657132236 0.0011777911216263328
+leaf_weight=42 57 51 46 65
+leaf_count=42 57 51 46 65
+internal_value=0 -0.016459 0.0299931 -0.0351413
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=4420
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.35072 1.40145 2.20858 2.4753 3.31454
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0038616446433453826 -0.0016721289660861928 0.0035486349424916595 0.0034043509657011839 -0.0057325713628125019 0.0040097318962639041
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0169912 -0.0236386 -0.0901264 0.00781311
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4421
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.355825 1.84708 1.27575 0.84797 0.601787
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011503062527055607 0.00048919982800637403 0.0042655121404627742 -0.0031970983300307195 0.0028807866941451582 -0.002906149693013785
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0266137 -0.0302825 0.044012 -0.0540908
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4422
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.359785 2.71525 2.30737 1.65803
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00091472073594640738 0.0016060566186086537 -0.0051466761844097767 0.003978720555181078 -0.0040569604113646117
+leaf_weight=73 48 39 58 43
+leaf_count=73 48 39 58 43
+internal_value=0 -0.0180999 0.0353736 -0.0461336
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4423
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 4
+split_gain=0.362996 1.08459 1.09152 1.31444
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017194364429058584 0.0012408967658647872 -0.0032473246905033839 0.0027442660251428453 -0.0030636695090882353
+leaf_weight=42 72 44 51 52
+leaf_count=42 72 44 51 52
+internal_value=0 -0.0236284 0.0182536 -0.0459172
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4424
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.348826 2.63281 2.26606 2.23296
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0033942885782130695 0.0015828130158163888 -0.0050687005975750179 0.0023527751187788241 -0.0037190681015004412
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.017832 0.0348264 -0.0623211
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4425
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.37273 2.26004 3.71269 3.21141
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0056562505746088777 0.0013748953552877958 0.0011261647221905298 -0.0066715958163328986 -0.0015582825220202673
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0218625 -0.130376 0.0840974
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4426
+num_leaves=5
+num_cat=0
+split_feature=5 2 6 4
+split_gain=0.368851 1.82919 1.13362 3.12233
+threshold=67.65000000000002 8.5000000000000018 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0038733089058841127 0.0011931747162915924 0.003237790348525752 0.0030664579801820179 -0.004448057481808162
+leaf_weight=48 77 41 51 44
+leaf_count=48 77 41 51 44
+internal_value=0 -0.0249459 0.0343772 -0.0365874
+internal_weight=0 184 136 85
+internal_count=261 184 136 85
+shrinkage=0.02
+
+
+Tree=4427
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 6
+split_gain=0.372703 0.795232 1.8728 0.643591
+threshold=53.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0013457794482209305 -0.00074002573857580376 0.0006580102483136266 0.0044602065135053185 -0.0029070412023037128
+leaf_weight=65 63 43 50 40
+leaf_count=65 63 43 50 40
+internal_value=0 0.0223656 0.0777612 -0.0525729
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=4428
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.362432 1.75268 1.30552 1.63809
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.00379867991656902 0.0011832659898162183 0.0050322977555656715 -0.0018328527632305897 -0.00056923759360480029
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0247401 0.0333374 0.111194
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4429
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.354529 1.02104 1.03032 0.971651
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017401942244812472 0.001227164373537845 -0.0031610175215903125 0.0030576561792999223 -0.0022654193101108626
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0233628 0.0172889 -0.0358489
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4430
+num_leaves=6
+num_cat=0
+split_feature=7 3 6 7 7
+split_gain=0.352978 1.11337 1.14782 1.37788 0.705166
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0013889340028103551 0.001802445226064081 -0.003410745239071691 0.0032665699314116188 -0.0037480679242880045 0.002056000362334475
+leaf_weight=40 39 39 42 39 62
+leaf_count=40 39 39 42 39 62
+internal_value=0 -0.0158303 0.0169741 -0.0263967 0.0348591
+internal_weight=0 222 183 141 102
+internal_count=261 222 183 141 102
+shrinkage=0.02
+
+
+Tree=4431
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.345404 1.41585 0.972599 1.71661 1.6238
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00066761125460198622 -0.0016599687326649621 0.00381154216835497 -0.0031497833866372953 -0.0031039091643101265 0.0045274873748057613
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0168755 -0.0210181 0.0195914 0.0921405
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4432
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 6 3
+split_gain=0.352643 2.62455 2.2463 1.28578 0.656147
+threshold=69.500000000000014 71.500000000000014 58.550000000000004 49.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0010129539330558867 0.0015908925481712545 -0.0050632748447905921 0.0044991203394116261 -0.0037215418254731105 0.0024660971982001095
+leaf_weight=46 48 39 46 39 43
+leaf_count=46 48 39 46 39 43
+internal_value=0 -0.0179284 0.0346475 -0.0335178 0.0329786
+internal_weight=0 213 174 128 89
+internal_count=261 213 174 128 89
+shrinkage=0.02
+
+
+Tree=4433
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 4
+split_gain=0.360144 1.03436 1.03677 1.29807
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017176333209355825 0.0012362214130809111 -0.0031817863818696763 0.0026673990930535453 -0.0030360547670229216
+leaf_weight=42 72 44 51 52
+leaf_count=42 72 44 51 52
+internal_value=0 -0.0235425 0.0173701 -0.0451932
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4434
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.348376 1.74477 1.52871 1.30526
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012100699893247168 -0.0016016112417077625 0.0034034645249122011 -0.0031572601492117266 0.0035366491028042397
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0176279 -0.0362371 0.0440562
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4435
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 6 2
+split_gain=0.35081 2.60451 2.17155 1.25982 0.702406
+threshold=69.500000000000014 71.500000000000014 58.550000000000004 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0025753220669625914 0.0015869551371927937 -0.0050445697293169892 0.0044326910202211328 -0.0036715337749840442 -0.0010247831162764106
+leaf_weight=42 48 39 46 39 47
+leaf_count=42 48 39 46 39 47
+internal_value=0 -0.0178854 0.0344903 -0.0325367 0.0332925
+internal_weight=0 213 174 128 89
+internal_count=261 213 174 128 89
+shrinkage=0.02
+
+
+Tree=4436
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.353678 1.02724 0.989057 1.00014
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017010744471773276 0.0012256448590525547 -0.0031686275787626179 0.0030067162005634881 -0.0023276254949562789
+leaf_weight=42 72 44 41 62
+leaf_count=42 72 44 41 62
+internal_value=0 -0.0233424 0.017431 -0.0346457
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4437
+num_leaves=6
+num_cat=0
+split_feature=7 3 6 7 7
+split_gain=0.343259 1.08857 1.07927 1.35298 0.680688
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0013413331414625655 0.0017786877502222209 -0.0033726944832170834 0.0031761813099647263 -0.0036966119668300356 0.0020446302487891676
+leaf_weight=40 39 39 42 39 62
+leaf_count=40 39 39 42 39 62
+internal_value=0 -0.0156286 0.0168128 -0.0252583 0.0354477
+internal_weight=0 222 183 141 102
+internal_count=261 222 183 141 102
+shrinkage=0.02
+
+
+Tree=4438
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.352417 1.46724 2.26446 2.5351 3.24518
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0038305309195968474 -0.0016759469735938889 0.0036228190497365267 0.0034347916162011305 -0.0058137388968857971 0.0039585919952430451
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0170304 -0.0245339 -0.0918467 0.00726427
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4439
+num_leaves=6
+num_cat=0
+split_feature=4 1 3 3 2
+split_gain=0.350735 1.78162 1.65223 2.89146 1.63422
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 64.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0017198990837593159 -0.0054772285210018127 0.0034555897511597145 0.0041722577985036594 -0.00400143826023713 3.2444731657839806e-07
+leaf_weight=42 41 39 47 45 47
+leaf_count=42 41 39 47 45 47
+internal_value=0 -0.0164973 0.0576231 -0.0264868 -0.127248
+internal_weight=0 219 131 84 88
+internal_count=261 219 131 84 88
+shrinkage=0.02
+
+
+Tree=4440
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.356607 1.83339 1.28907 0.819097 0.450241
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011033791701754567 0.00052356832341553456 0.004252475336038025 -0.0032055172568332502 0.0028597212059192825 -0.0024315708302972876
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0266475 -0.0300387 0.0446391 -0.0541409
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4441
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.350644 1.67734 1.45897 1.2936
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012155105746946969 -0.0016064587854037297 0.0033457911023194089 -0.0030799146253861925 0.0035103221973331235
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0176859 -0.0351357 0.0433218
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4442
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.353459 1.72735 1.63824 1.56539
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0017262530812804592 -0.0053831133402073095 0.0031057625239084047 -0.0014245880982264633 -0
+leaf_weight=42 41 74 57 47
+leaf_count=42 41 74 57 47
+internal_value=0 -0.0165554 0.0564365 -0.125626
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=4443
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 6
+split_gain=0.366762 1.64558 1.66804 3.56321 0.618553
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0017814700058576944 0.00049482666552778378 0.0041818399848247206 0.0028806406966679749 -0.0059773062849435522 -0.002946145945515215
+leaf_weight=49 46 39 41 46 40
+leaf_count=49 46 39 41 46 40
+internal_value=0 0.0269991 -0.0250055 -0.0984316 -0.0548713
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=4444
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 6
+split_gain=0.351432 1.57962 1.64825 3.42422 0.593395
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0018392320657602055 0.00048494486037552008 0.0040983528033421415 0.0028131820818633798 -0.0058037375215071393 -0.0028873260568019481
+leaf_weight=47 46 39 42 47 40
+leaf_count=47 46 39 42 47 40
+internal_value=0 0.0264648 -0.0244943 -0.0987612 -0.0537666
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=4445
+num_leaves=5
+num_cat=0
+split_feature=4 8 8 9
+split_gain=0.351494 0.858478 1.41752 0.865595
+threshold=53.500000000000007 62.500000000000007 69.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=-0.0013088964636431726 -0.00012962473093345851 -0.0034385173376920504 0.0011740551930392086 0.0039358090310240654
+leaf_weight=65 41 46 65 44
+leaf_count=65 41 46 65 44
+internal_value=0 0.0217552 -0.0365611 0.0983469
+internal_weight=0 196 111 85
+internal_count=261 196 111 85
+shrinkage=0.02
+
+
+Tree=4446
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.346004 1.60595 1.50144 1.32911
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012006285285150037 -0.0015963005131284271 0.0032800664616785568 -0.003093467562261391 0.0035885244405323463
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0175784 -0.0341156 0.0454675
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4447
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.360403 1.72571 1.2535 0.821218 0.553886
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010900782598065231 0.00042024605294771608 0.0041454775979738326 -0.0031337816236471972 0.0028779121400973958 -0.0028407214981735515
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0267813 -0.028225 0.0454285 -0.0544133
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4448
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.355813 2.68115 2.19081 2.25031
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0033557708109511687 0.0015977592416307599 -0.0051147511368796195 0.0024053593755261815 -0.003690055022823924
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0179989 0.0351389 -0.0603906
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4449
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=0.35695 2.2516 3.57869 3.15707
+threshold=72.500000000000014 6.5000000000000009 51.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0056276634870465279 0.0013470256083104621 0.0021021946676557926 -0.0057116323507929983 -0.001525817537060965
+leaf_weight=45 63 39 59 55
+leaf_count=45 63 39 59 55
+internal_value=0 -0.021417 -0.12973 0.084347
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4450
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.360456 2.37456 3.10073 0.958136
+threshold=8.5000000000000018 71.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0012725012405867583 0.0025176145090728104 0.0041716967306306089 -0.0057525002729840865 -0.0012959732436367505
+leaf_weight=69 61 51 39 41
+leaf_count=69 61 51 39 41
+internal_value=0 0.0229144 -0.0440296 -0.174083
+internal_weight=0 192 141 80
+internal_count=261 192 141 80
+shrinkage=0.02
+
+
+Tree=4451
+num_leaves=5
+num_cat=0
+split_feature=9 6 2 6
+split_gain=0.360001 1.50296 1.1159 0.548181
+threshold=67.500000000000014 60.500000000000007 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.002071377257552456 0.000413232196533993 0.0039615024305324114 0.0016295861931518042 -0.0028313731764182206
+leaf_weight=77 46 40 58 40
+leaf_count=77 46 40 58 40
+internal_value=0 0.0267683 -0.0237695 -0.0543834
+internal_weight=0 175 135 86
+internal_count=261 175 135 86
+shrinkage=0.02
+
+
+Tree=4452
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 5
+split_gain=0.361353 2.66602 2.24858 1.24024
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001337253293316695 0.0016095746116527082 -0.0051039735821848311 0.0036917711966250239 -0.002960284628975659
+leaf_weight=49 48 39 64 61
+leaf_count=49 48 39 64 61
+internal_value=0 -0.0181269 0.0348613 -0.0519513
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=4453
+num_leaves=5
+num_cat=0
+split_feature=4 8 8 9
+split_gain=0.351574 0.842923 1.41525 0.865237
+threshold=53.500000000000007 62.500000000000007 69.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=-0.0013090494484400922 -0.00014281852636599676 -0.0034259588552615844 0.0011830221310965528 0.0039218916858618077
+leaf_weight=65 41 46 65 44
+leaf_count=65 41 46 65 44
+internal_value=0 0.0217569 -0.0360379 0.0976679
+internal_weight=0 196 111 85
+internal_count=261 196 111 85
+shrinkage=0.02
+
+
+Tree=4454
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.345974 1.05176 1.04539 1.25804
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013293433123799043 0.0012131541121331868 -0.0031950591533314431 0.0026925799601321262 -0.0033292098259063581
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.0230901 0.0181614 -0.0446564
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4455
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 6
+split_gain=0.339608 1.49258 1.59327 3.32534 0.564669
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0017172489011751699 0.0004649264004307091 0.0039915243525745501 0.0028348914695854222 -0.005779267830330663 -0.0028270644779540906
+leaf_weight=49 46 39 41 46 40
+leaf_count=49 46 39 41 46 40
+internal_value=0 0.0260445 -0.0235013 -0.0952906 -0.0528996
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=4456
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.353534 0.830785 1.98051 1.56614
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0013124093751817948 0.0026008593133103721 -0.0042240479758611452 -0.00090060403371775835 0.0041433296728691452
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.0218186 -0.0180569 0.0540816
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4457
+num_leaves=5
+num_cat=0
+split_feature=6 2 4 8
+split_gain=0.35623 1.3956 0.901727 1.98176
+threshold=70.500000000000014 24.500000000000004 53.500000000000007 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0026655020302964261 -0.0016842545873593496 0.0035447778443725361 0.0027981133573729256 -0.0023980087477770682
+leaf_weight=53 44 44 67 53
+leaf_count=53 44 44 67 53
+internal_value=0 0.0171298 -0.0234157 0.0248218
+internal_weight=0 217 173 120
+internal_count=261 217 173 120
+shrinkage=0.02
+
+
+Tree=4458
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.341327 1.37959 0.972447 1.75631 1.67444
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00068198149161874974 -0.0016506230334102743 0.0037655761007468415 -0.0031417651831857009 -0.0031359136538937527 0.0045927314506180863
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0167839 -0.0206254 0.0199814 0.0933517
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4459
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 8
+split_gain=0.346255 1.2547 1.15921 1.43306
+threshold=69.500000000000014 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00090026815881868788 0.0015772539232757749 -0.0033868332584888346 0.0027731728188749661 -0.0038730596071516795
+leaf_weight=73 48 44 57 39
+leaf_count=73 48 44 57 39
+internal_value=0 -0.0177713 0.021508 -0.0378058
+internal_weight=0 213 169 112
+internal_count=261 213 169 112
+shrinkage=0.02
+
+
+Tree=4460
+num_leaves=5
+num_cat=0
+split_feature=6 5 4 6
+split_gain=0.340647 1.36293 0.938936 0.904821
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010749229707682794 -0.0016491579605063154 0.0037446973808843947 -0.0030912253643028461 0.0022269282014334437
+leaf_weight=76 44 39 41 61
+leaf_count=76 44 39 41 61
+internal_value=0 0.0167637 -0.020421 0.0194897
+internal_weight=0 217 178 137
+internal_count=261 217 178 137
+shrinkage=0.02
+
+
+Tree=4461
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.344067 1.7425 1.63484 1.56787
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0017043882713256664 -0.0053906339049223199 0.0031142224509641686 -0.0014114237473978977 -0
+leaf_weight=42 41 74 57 47
+leaf_count=42 41 74 57 47
+internal_value=0 -0.0163468 0.0569621 -0.12589
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=4462
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.343392 1.59552 1.44083 1.30077
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012085701398578139 -0.0015907928198164425 0.0032692179977574921 -0.0030430934922298621 0.0035300813850156192
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0175057 -0.0340217 0.0439527
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4463
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.344189 1.25382 1.41936 1.43105
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0017045692600432048 -0.002898966223184253 0.003355240585001243 -0.00241943561244115 0.0023355163687001986
+leaf_weight=42 57 51 71 40
+leaf_count=42 57 51 71 40
+internal_value=0 -0.0163548 0.0286873 -0.0349172
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=4464
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 7 6
+split_gain=0.355117 1.4939 1.10412 0.734086 0.533886
+threshold=67.500000000000014 60.500000000000007 57.500000000000007 50.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011138609406403149 0.00040087608623354557 0.0039477056454535224 -0.0028572715554904954 0.0026545303242957487 -0.0028024191083026286
+leaf_weight=39 46 40 50 46 40
+leaf_count=39 46 40 50 46 40
+internal_value=0 0.0265884 -0.023798 0.0458303 -0.0540401
+internal_weight=0 175 135 85 86
+internal_count=261 175 135 85 86
+shrinkage=0.02
+
+
+Tree=4465
+num_leaves=5
+num_cat=0
+split_feature=7 6 4 8
+split_gain=0.356264 0.990346 1.16733 1.17489
+threshold=76.500000000000014 63.500000000000007 61.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010642910858819634 0.0018102067782960038 -0.0027276255918443149 0.0031749231513368871 -0.0029307019238442107
+leaf_weight=72 39 53 46 51
+leaf_count=72 39 53 46 51
+internal_value=0 -0.015908 0.0216778 -0.0293197
+internal_weight=0 222 169 123
+internal_count=261 222 169 123
+shrinkage=0.02
+
+
+Tree=4466
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.348361 2.62545 2.13419 2.19622
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.003314079178436782 0.0015817744929179942 -0.0050619779794164902 0.002379095039432694 -0.0036432097974773339
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0178228 0.0347623 -0.0595321
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4467
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.359888 1.01313 0.985446 1.22925
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013161533401676612 0.001235912070029798 -0.0031540785762683211 0.0026023820373195943 -0.0032895709749121925
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.0235294 0.0169664 -0.0440509
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4468
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.345822 2.36051 3.09019 0.937019
+threshold=8.5000000000000018 71.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.001247859666890133 0.002506817567362144 0.0041518445503070959 -0.0057287418779766652 -0.00131979323417449
+leaf_weight=69 61 51 39 41
+leaf_count=69 61 51 39 41
+internal_value=0 0.0224658 -0.044281 -0.174114
+internal_weight=0 192 141 80
+internal_count=261 192 141 80
+shrinkage=0.02
+
+
+Tree=4469
+num_leaves=5
+num_cat=0
+split_feature=6 2 4 7
+split_gain=0.33604 1.36752 0.884205 1.82151
+threshold=70.500000000000014 24.500000000000004 53.500000000000007 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0026458966873539845 -0.0016386257846095218 0.003503412403485822 0.0038027191785211106 -0.001357940390940011
+leaf_weight=53 44 44 43 77
+leaf_count=53 44 44 43 77
+internal_value=0 0.0166546 -0.023485 0.0242886
+internal_weight=0 217 173 120
+internal_count=261 217 173 120
+shrinkage=0.02
+
+
+Tree=4470
+num_leaves=5
+num_cat=0
+split_feature=6 6 4 8
+split_gain=0.34519 1.19067 1.13122 1.11675
+threshold=69.500000000000014 63.500000000000007 61.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010160474992995953 0.0015749084907334932 -0.0033092633239030569 0.0031100130584135422 -0.0028802992552606379
+leaf_weight=72 48 44 46 51
+leaf_count=72 48 44 46 51
+internal_value=0 -0.017748 0.0205264 -0.0296865
+internal_weight=0 213 169 123
+internal_count=261 213 169 123
+shrinkage=0.02
+
+
+Tree=4471
+num_leaves=5
+num_cat=0
+split_feature=5 7 3 3
+split_gain=0.347313 0.825921 1.0597 1.60914
+threshold=67.65000000000002 64.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011772768037596 0.0011595439333171409 -0.0030983235498416874 0.0026316047409583139 -0.0040970530095230115
+leaf_weight=56 77 39 49 40
+leaf_count=56 77 39 49 40
+internal_value=0 -0.024251 0.0106755 -0.0506709
+internal_weight=0 184 145 96
+internal_count=261 184 145 96
+shrinkage=0.02
+
+
+Tree=4472
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.345627 1.37392 0.935536 1.73696 1.70228
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00072289774702150988 -0.0016605074551199093 0.0037605057027079365 -0.0030871198204621975 -0.0031285187750794449 0.0045952495458350465
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0168789 -0.020454 0.0193854 0.0923575
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4473
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.335304 1.82817 1.27257 0.865168 0.564068
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011813434765065172 0.00047026051560528813 0.0042318688587373796 -0.003202841504633925 0.002889737256350472 -0.0028200907029057192
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0258757 -0.0307308 0.0434712 -0.0525945
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4474
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.339788 0.99302 2.10055 3.03922
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0036491372350567087 0.0012026506165939081 -0.003328210550529865 -0.0019180085487843798 0.0047690724901109571
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0229044 0.0142009 0.0861468
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=4475
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.341029 2.60219 2.1969 1.53661
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00087247980065950712 0.0015657918707283366 -0.0050378589911826413 0.0038867206576668257 -0.0039157047967415884
+leaf_weight=73 48 39 58 43
+leaf_count=73 48 39 58 43
+internal_value=0 -0.0176526 0.0347 -0.0448425
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4476
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.350192 1.00039 0.962647 0.952936
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016500871116882098 0.0012198752331282143 -0.0031316305627310547 0.0029633247956092961 -0.002284096384684168
+leaf_weight=42 72 44 41 62
+leaf_count=42 72 44 41 62
+internal_value=0 -0.0232353 0.0170087 -0.0343782
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4477
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 4
+split_gain=0.335509 0.960091 0.935019 1.15356
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016171406726245504 0.0011955009807333862 -0.00306909737739537 0.0025390538317666541 -0.0028680093097943182
+leaf_weight=42 72 44 51 52
+leaf_count=42 72 44 51 52
+internal_value=0 -0.0227666 0.0166697 -0.0427895
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4478
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 7 6
+split_gain=0.33446 1.54006 1.09114 0.765153 0.566217
+threshold=67.500000000000014 60.500000000000007 57.500000000000007 50.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.001194099944541605 0.00047441943228205972 0.0039846706765606001 -0.0028735048498415962 0.0026518390215941406 -0.0028220336198330758
+leaf_weight=39 46 40 50 46 40
+leaf_count=39 46 40 50 46 40
+internal_value=0 0.0258485 -0.0253053 0.0439149 -0.0525284
+internal_weight=0 175 135 85 86
+internal_count=261 175 135 85 86
+shrinkage=0.02
+
+
+Tree=4479
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.343066 2.54411 2.08534 1.45865
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00085552690843069493 0.0015703536766295079 -0.0049865376366536457 0.0037928460679521082 -0.0038111075868954209
+leaf_weight=73 48 39 58 43
+leaf_count=73 48 39 58 43
+internal_value=0 -0.0176948 0.0340724 -0.0434354
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4480
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.359226 0.992176 0.906359 1.09596
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001236303134194843 0.0012348152338461887 -0.0031263297696502565 0.0025037646637355976 -0.0031163808320561559
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.0235098 0.0165704 -0.0419846
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4481
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 9
+split_gain=0.344191 0.973603 0.898539 0.564402
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 44.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=2.0128244650691915e-05 0.0012101430450664971 -0.0026959047390642029 -0.0016910981148669647 0.0033760245341227231
+leaf_weight=41 72 56 49 43
+leaf_count=41 72 56 49 43
+internal_value=0 -0.0230363 0.0237656 0.0874462
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=4482
+num_leaves=4
+num_cat=0
+split_feature=6 1 8
+split_gain=0.341905 0.95618 2.76652
+threshold=48.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.0011501810892370406 -0.0014583693090862923 0.005631372036348785 -0.0007436337668869997
+leaf_weight=77 66 43 75
+leaf_count=77 66 43 75
+internal_value=0 0.0241115 0.0787324
+internal_weight=0 184 118
+internal_count=261 184 118
+shrinkage=0.02
+
+
+Tree=4483
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 6 7
+split_gain=0.340702 2.48553 2.07864 1.17614 0.746536
+threshold=69.500000000000014 71.500000000000014 58.550000000000004 49.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0014090660182442605 0.0015652569122217243 -0.0049321454319848348 0.0043334263357444423 -0.0035614392481742381 0.0023132516657817818
+leaf_weight=40 48 39 46 39 49
+leaf_count=40 48 39 46 39 49
+internal_value=0 -0.0176359 0.0335341 -0.032051 0.0315763
+internal_weight=0 213 174 128 89
+internal_count=261 213 174 128 89
+shrinkage=0.02
+
+
+Tree=4484
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.358774 1.31993 2.13819 3.37974
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.003575455422023005 0.0013501591069778286 -0.0035991856723577528 -0.001490979296818378 0.0053500836379380924
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0214748 0.0209994 0.0902973
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=4485
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 5
+split_gain=0.345437 0.953714 0.900712 1.01553
+threshold=70.500000000000014 64.200000000000003 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001214287453521797 0.0012120513070596479 -0.0030668838795537392 0.0025571179615277878 -0.0029316744524910364
+leaf_weight=49 72 44 49 47
+leaf_count=49 72 44 49 47
+internal_value=0 -0.0230837 0.0162228 -0.0403918
+internal_weight=0 189 145 96
+internal_count=261 189 145 96
+shrinkage=0.02
+
+
+Tree=4486
+num_leaves=6
+num_cat=0
+split_feature=7 3 6 7 6
+split_gain=0.339817 1.04458 1.0563 1.36908 0.741176
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 57.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00087258995185427433 0.0017702317569668958 -0.0033098986615205869 0.0031348100272725649 -0.0037179909563748036 0.0025847879127190326
+leaf_weight=55 39 39 42 39 47
+leaf_count=55 39 39 42 39 47
+internal_value=0 -0.0155549 0.016232 -0.025395 0.0356679
+internal_weight=0 222 183 141 102
+internal_count=261 222 183 141 102
+shrinkage=0.02
+
+
+Tree=4487
+num_leaves=5
+num_cat=0
+split_feature=4 8 2 4
+split_gain=0.338701 0.718726 3.11512 1.476
+threshold=74.500000000000014 56.500000000000007 17.500000000000004 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0012683603404321962 0.0015412474873839946 0.0012935528335173857 -0.0060268473080548916 0.0033259557748843223
+leaf_weight=65 49 58 39 50
+leaf_count=65 49 58 39 50
+internal_value=0 -0.0178134 -0.0821842 0.0361512
+internal_weight=0 212 97 115
+internal_count=261 212 97 115
+shrinkage=0.02
+
+
+Tree=4488
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.344978 1.35389 0.932149 1.67759 1.70302
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00074464972823447566 -0.0016590768591140928 0.0037354878210902427 -0.0030773279978638587 -0.0030647772024003294 0.0045747635373776449
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0168617 -0.0202005 0.0195681 0.0912998
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4489
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.332558 2.33933 3.5473 3.10603
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0056501710397032856 0.0013024926333981609 0.0010275055001819347 -0.0065950660918810992 -0.0014452956456691703
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0207236 -0.131108 0.0870694
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4490
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 6 2
+split_gain=0.350544 2.44147 2.09096 1.1301 0.734449
+threshold=69.500000000000014 71.500000000000014 58.550000000000004 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0025405495892391089 0.0015863884466835682 -0.0048965606061560077 0.0043302795101731002 -0.0035223889379114456 -0.0011395259196778024
+leaf_weight=42 48 39 46 39 47
+leaf_count=42 48 39 46 39 47
+internal_value=0 -0.0178789 0.0328373 -0.0329415 0.0294394
+internal_weight=0 213 174 128 89
+internal_count=261 213 174 128 89
+shrinkage=0.02
+
+
+Tree=4491
+num_leaves=4
+num_cat=0
+split_feature=6 1 8
+split_gain=0.353655 0.925903 2.68979
+threshold=48.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.0011689169763884565 -0.0014203343342071189 0.00556560892795974 -0.00072086047204996664
+leaf_weight=77 66 43 75
+leaf_count=77 66 43 75
+internal_value=0 0.0244891 0.0782569
+internal_weight=0 184 118
+internal_count=261 184 118
+shrinkage=0.02
+
+
+Tree=4492
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.350797 2.37414 3.04593 0.969743
+threshold=8.5000000000000018 71.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.001256606660376621 0.0024814519699493955 0.0041651728942287119 -0.005748877863914331 -0.0012666059575116866
+leaf_weight=69 61 51 39 41
+leaf_count=69 61 51 39 41
+internal_value=0 0.0226036 -0.0443347 -0.173241
+internal_weight=0 192 141 80
+internal_count=261 192 141 80
+shrinkage=0.02
+
+
+Tree=4493
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 6
+split_gain=0.347864 0.941936 4.05203 0.600284
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.001160010440008981 -0.0017880716383056716 0.00052733278382649724 0.006362186487851188 -0.0028814738312057941
+leaf_weight=77 55 45 44 40
+leaf_count=77 55 45 44 40
+internal_value=0 0.0242893 0.0914063 -0.0534229
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=4494
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 8
+split_gain=0.347511 2.40437 2.04019 1.13196
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00072081707040028522 0.0015796262070471515 -0.004861020073809526 0.0035041227680445652 -0.0034187677673735125
+leaf_weight=64 48 39 64 46
+leaf_count=64 48 39 64 46
+internal_value=0 -0.0178183 0.0325126 -0.0502044
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=4495
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 9
+split_gain=0.35267 0.915803 0.889672 1.91244
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0030103331369483507 0.0012237958765747778 -0.0026355743941849129 -0.0030368950444036725 0.0027750222670977031
+leaf_weight=39 72 56 55 39
+leaf_count=39 72 56 55 39
+internal_value=0 -0.0233206 0.0220906 -0.0308396
+internal_weight=0 189 133 94
+internal_count=261 189 133 94
+shrinkage=0.02
+
+
+Tree=4496
+num_leaves=4
+num_cat=0
+split_feature=6 8 2
+split_gain=0.340846 0.937381 1.40042
+threshold=48.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.0011488335772496154 0.0022615744452400971 -0.0023860855357580187 0.0023184026583995729
+leaf_weight=77 73 71 40
+leaf_count=77 73 71 40
+internal_value=0 0.0240595 -0.034159
+internal_weight=0 184 111
+internal_count=261 184 111
+shrinkage=0.02
+
+
+Tree=4497
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.340336 2.33347 2.01673 2.32743
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0031855933379014317 0.0015642485031844525 -0.0047910809636283851 0.0024796352747556557 -0.003718712516432895
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0176376 0.0319489 -0.0597331
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4498
+num_leaves=5
+num_cat=0
+split_feature=2 8 1 2
+split_gain=0.354046 1.96718 1.52473 4.07264
+threshold=7.5000000000000009 69.500000000000014 3.5000000000000004 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0014153005360058423 0.0023324047923993724 0.0038660098051915325 -0.0058470681449863471 0.0019666952263068071
+leaf_weight=58 46 50 55 52
+leaf_count=58 46 50 55 52
+internal_value=0 0.0202474 -0.0361071 -0.102173
+internal_weight=0 203 153 107
+internal_count=261 203 153 107
+shrinkage=0.02
+
+
+Tree=4499
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.352421 1.35494 2.32682 2.6064 3.29268
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.003817867465106501 -0.0016760108927114767 0.0034964345552116827 0.0035203200291114406 -0.0058551026373887139 0.004027525154078713
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0170278 -0.0229281 -0.0911536 0.00933853
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4500
+num_leaves=5
+num_cat=0
+split_feature=6 5 4 6
+split_gain=0.337696 1.31521 0.892709 0.911694
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010885102577743542 -0.001642543978503915 0.00368385096584283 -0.0030143269405244243 0.0022256630746699873
+leaf_weight=76 44 39 41 61
+leaf_count=76 44 39 41 61
+internal_value=0 0.0166877 -0.0198462 0.0190845
+internal_weight=0 217 178 137
+internal_count=261 217 178 137
+shrinkage=0.02
+
+
+Tree=4501
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.338148 0.745906 1.80862 4.20995 0.891321
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00078910954168821075 0.0015399388453613992 -0.0028477606215261599 0.0036845576499316235 -0.0063839838878603271 0.0033110595855335694
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.0178056 0.0109807 -0.050159 0.0732354
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=4502
+num_leaves=5
+num_cat=0
+split_feature=5 8 8 5
+split_gain=0.339882 1.29079 1.30854 1.1794
+threshold=53.500000000000007 62.500000000000007 69.500000000000014 48.45000000000001
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0012428936077422661 0.0031966510101428805 -0.0032488911752234268 0.0011855608886684602 -0.0031723128796984231
+leaf_weight=49 52 46 65 49
+leaf_count=49 52 46 65 49
+internal_value=0 0.0287967 -0.0322913 -0.047862
+internal_weight=0 163 111 98
+internal_count=261 163 111 98
+shrinkage=0.02
+
+
+Tree=4503
+num_leaves=5
+num_cat=0
+split_feature=8 5 7 7
+split_gain=0.335656 1.36031 0.838599 0.658417
+threshold=72.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013637892769136897 -0.0015738236785112279 0.0034153509374998232 -0.0022692742288356223 0.0019682248205484276
+leaf_weight=40 47 46 66 62
+leaf_count=40 47 46 66 62
+internal_value=0 0.0173156 -0.0245167 0.0326838
+internal_weight=0 214 168 102
+internal_count=261 214 168 102
+shrinkage=0.02
+
+
+Tree=4504
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 7
+split_gain=0.336331 1.76699 1.15954 0.63164
+threshold=65.500000000000014 14.500000000000002 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0013365615791652099 0.003127587740191349 -0.0021175060037871489 -0.0030318193986453154 0.0019289046998413476
+leaf_weight=40 61 45 53 62
+leaf_count=40 61 45 53 62
+internal_value=0 0.0446713 -0.0305435 0.0320227
+internal_weight=0 106 155 102
+internal_count=261 106 155 102
+shrinkage=0.02
+
+
+Tree=4505
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 2
+split_gain=0.339189 1.42344 1.28402 1.3065
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0010484006731999154 0.0031892404154254994 -0.0038800822282435443 -0.0022891689830059846 0.0022570816853641723
+leaf_weight=58 52 40 71 40
+leaf_count=58 52 40 71 40
+internal_value=0 -0.0478201 0.0287649 -0.0321644
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=4506
+num_leaves=4
+num_cat=0
+split_feature=4 2 2
+split_gain=0.334861 0.857004 1.77482
+threshold=53.500000000000007 21.500000000000004 11.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0012796504982187946 -0.00087937589932764984 -0.001631397334735283 0.0036781329460993505
+leaf_weight=65 72 58 66
+leaf_count=65 72 58 66
+internal_value=0 0.021243 0.0647634
+internal_weight=0 196 138
+internal_count=261 196 138
+shrinkage=0.02
+
+
+Tree=4507
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 6
+split_gain=0.332745 1.80913 1.10289 0.594572
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0022135691231808872 0.00051356035556999189 0.0042105920160371143 0.0014756314167266912 -0.0028622351844530321
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0257705 -0.0305424 -0.0524167
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=4508
+num_leaves=5
+num_cat=0
+split_feature=6 6 4 8
+split_gain=0.340294 1.23322 1.16418 1.07113
+threshold=69.500000000000014 63.500000000000007 61.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00098447697332501843 0.0015641108805607032 -0.0033585575866082479 0.0031638957001471021 -0.002832719100249334
+leaf_weight=72 48 44 46 51
+leaf_count=72 48 44 46 51
+internal_value=0 -0.017639 0.0213063 -0.0296237
+internal_weight=0 213 169 123
+internal_count=261 213 169 123
+shrinkage=0.02
+
+
+Tree=4509
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.330729 2.31059 3.5015 3.03515
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0055934272426471287 0.0012990387370247309 0.0010183852236110309 -0.0065550154143644039 -0.0014210167395694081
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0206733 -0.130384 0.0864597
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4510
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 4
+split_gain=0.34705 2.3938 2.13682 1.20299
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00090541632663422632 0.0015788222635166793 -0.0048507809689702789 0.0035684700917021734 -0.003313852068170284
+leaf_weight=59 48 39 64 51
+leaf_count=59 48 39 64 51
+internal_value=0 -0.0177978 0.0324227 -0.0522193
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=4511
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=0.34043 2.22385 3.42264 2.91333
+threshold=72.500000000000014 6.5000000000000009 51.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0054697664783300891 0.0013169838782841115 0.0020213961856030186 -0.0056207716986675727 -0.0014032897342890042
+leaf_weight=45 63 39 59 55
+leaf_count=45 63 39 59 55
+internal_value=0 -0.0209521 -0.128604 0.0841627
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4512
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.352444 1.84261 1.42795 1.74851
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.003875082888039279 0.001167578586697795 0.0052298472188050098 -0.001910492751725191 -0.00055552083918338207
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0244216 0.0351178 0.11648
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4513
+num_leaves=4
+num_cat=0
+split_feature=4 2 2
+split_gain=0.343197 0.785381 1.72005
+threshold=53.500000000000007 21.500000000000004 11.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0012944937631229076 -0.00087697497945197741 -0.0015402285753397598 0.0036104049060656663
+leaf_weight=65 72 58 66
+leaf_count=65 72 58 66
+internal_value=0 0.0214961 0.0632056
+internal_weight=0 196 138
+internal_count=261 196 138
+shrinkage=0.02
+
+
+Tree=4514
+num_leaves=5
+num_cat=0
+split_feature=7 6 4 8
+split_gain=0.342121 0.898793 1.09946 1.03535
+threshold=76.500000000000014 63.500000000000007 61.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00096487068209450311 0.0017757030709002798 -0.0026100358257460823 0.0030664027223352604 -0.0027891287690789729
+leaf_weight=72 39 53 46 51
+leaf_count=72 39 53 46 51
+internal_value=0 -0.015614 0.0202184 -0.0292933
+internal_weight=0 222 169 123
+internal_count=261 222 169 123
+shrinkage=0.02
+
+
+Tree=4515
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.336931 1.7583 1.38123 1.6398
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0037874475378168833 0.0011428759375542879 0.0050956391932591993 -0.0018850966729402588 -0.0005084551018265383
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0239139 0.0342566 0.114299
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4516
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.332822 1.3925 2.20829 2.52318 3.17426
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0037630061960741718 -0.0016314400301408085 0.003530077204727007 0.0033981746406424795 -0.0057759419830210228 0.0039409311792329513
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0165673 -0.023934 -0.0904171 0.00846239
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4517
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.335806 1.72379 1.69629 1.60287
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0016847345252090321 -0.0054070553582661459 0.0031462633801090816 -0.0014628764204204405 1.8282036271499478e-05
+leaf_weight=42 41 74 57 47
+leaf_count=42 41 74 57 47
+internal_value=0 -0.0161706 0.0567473 -0.125132
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=4518
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.337682 1.80926 1.21249 0.83634 0.605459
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011751148761353018 0.00052030252374018094 0.0042144373501191799 -0.0031345593514475485 0.0028291079422382462 -0.0028853885525624173
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0259572 -0.0303574 0.0420904 -0.0527752
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4519
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.33047 2.40161 2.08042 1.4544
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00083153063476501684 0.0015427136996542809 -0.0048499836100087566 0.0037660185864927523 -0.0038282506242446348
+leaf_weight=73 48 39 58 43
+leaf_count=73 48 39 58 43
+internal_value=0 -0.0173931 0.0329091 -0.0445088
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4520
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.33084 0.922162 1.94579 2.92311
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0035236245739599819 0.0011875543669041906 -0.0032203218794735551 -0.0019223154129228693 0.0046366546284553117
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0226202 0.0131545 0.0824355
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=4521
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.334666 1.33993 2.15294 2.53194 3.11691
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.003691225570569221 -0.0016356904215354998 0.003470870681649735 0.0033658406170541965 -0.0057501591788053467 0.0039430487882544567
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.016611 -0.0231255 -0.0887809 0.0102709
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4522
+num_leaves=6
+num_cat=0
+split_feature=4 1 3 3 2
+split_gain=0.3398 1.63928 1.6846 2.79391 1.51555
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 64.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0016941724184547208 -0.005276157462904568 0.0033163316922306648 0.0041463664658438863 -0.0040142529406395726 6.5154632439095646e-07
+leaf_weight=42 41 39 47 45 47
+leaf_count=42 41 39 47 45 47
+internal_value=0 -0.0162608 0.0548624 -0.0300662 -0.122551
+internal_weight=0 219 131 84 88
+internal_count=261 219 131 84 88
+shrinkage=0.02
+
+
+Tree=4523
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.340301 1.61028 1.48014 1.34582
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00122938153158297 -0.0015840486134595367 0.0032809909123648973 -0.0030808907518565273 0.0035895228856301859
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0174292 -0.0343341 0.044687
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4524
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 3 6
+split_gain=0.351702 1.51635 1.02053 0.704726 0.575578
+threshold=67.500000000000014 60.500000000000007 57.500000000000007 49.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011369689421059379 0.00046119198329230826 0.0039704280103981448 -0.0027770679942714449 0.0025575771156374212 -0.0028613991184903405
+leaf_weight=39 46 40 50 46 40
+leaf_count=39 46 40 50 46 40
+internal_value=0 0.0264618 -0.0242991 0.0426744 -0.0537987
+internal_weight=0 175 135 85 86
+internal_count=261 175 135 85 86
+shrinkage=0.02
+
+
+Tree=4525
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 8
+split_gain=0.341273 1.29607 1.43174 1.34903
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0016976925990687488 -0.0029399848227833524 0.0033832726781793557 -0.0033298739126558182 0.0011715121519845883
+leaf_weight=42 57 51 46 65
+leaf_count=42 57 51 46 65
+internal_value=0 -0.0162912 0.0294955 -0.0343824
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=4526
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.340226 1.70537 1.1589 0.794415 0.564284
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011221563121840085 0.00046322881062791022 0.0041098899269643892 -0.0030446352286593406 0.0027824098761066959 -0.0028276605318394094
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0260531 -0.0286309 0.0422177 -0.0529589
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4527
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.334829 1.05697 3.84548 4.71495
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0015328420303110585 0.0011624971079021199 -0.0033553339057729044 0.004080515310170489 -0.0075893097397370024
+leaf_weight=49 67 39 67 39
+leaf_count=49 67 39 67 39
+internal_value=0 -0.0177202 0.0159284 -0.102642
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=4528
+num_leaves=5
+num_cat=0
+split_feature=6 6 4 8
+split_gain=0.345681 1.19841 1.12148 1.03018
+threshold=69.500000000000014 63.500000000000007 61.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00095965405062628766 0.0015759383478952292 -0.0033189598056892434 0.003100753515822939 -0.0027851106665954823
+leaf_weight=72 48 44 46 51
+leaf_count=72 48 44 46 51
+internal_value=0 -0.0177613 0.0206359 -0.0293627
+internal_weight=0 213 169 123
+internal_count=261 213 169 123
+shrinkage=0.02
+
+
+Tree=4529
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.334189 0.920082 0.961475 0.959251
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017324506141717651 0.0011933231683748018 -0.0030142919192082604 0.002939615547874707 -0.002248027226901453
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0227222 0.0158952 -0.0354626
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4530
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 4
+split_gain=0.334669 2.3779 2.0715 1.1904
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00092419471346385509 0.0015521449970311227 -0.0048297511388616611 0.0035268290863034141 -0.0032734084017071469
+leaf_weight=59 48 39 64 51
+leaf_count=59 48 39 64 51
+internal_value=0 -0.0174861 0.0325683 -0.0507771
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=4531
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 1
+split_gain=0.3439 0.912631 0.926507 8.73273
+threshold=70.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0029306850627167425 0.0012096673835948187 -0.0026260456982325677 -0.0072482010569931152 0.0051644528391382571
+leaf_weight=42 72 56 43 48
+leaf_count=42 72 56 43 48
+internal_value=0 -0.0230267 0.0223075 -0.0346573
+internal_weight=0 189 133 91
+internal_count=261 189 133 91
+shrinkage=0.02
+
+
+Tree=4532
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.331899 1.34008 2.12265 2.51674 3.10388
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0036808698267162573 -0.0016289502107721082 0.00347009496243059 0.0033380120886320266 -0.0057301480792045934 0.0039375264498688126
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0165634 -0.0231752 -0.0883725 0.0103826
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4533
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 7
+split_gain=0.332064 1.68167 1.20294 0.645536
+threshold=65.500000000000014 14.500000000000002 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0013306283956755717 0.0030686203512482546 -0.0020495145535334163 -0.0030719933546103848 0.0019693523369440232
+leaf_weight=40 61 45 53 62
+leaf_count=40 61 45 53 62
+internal_value=0 0.0444183 -0.0303448 0.033369
+internal_weight=0 106 155 102
+internal_count=261 106 155 102
+shrinkage=0.02
+
+
+Tree=4534
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.330015 1.57973 1.37736 1.3089
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012508615765903816 -0.0015611291238145767 0.0032485495915392923 -0.0029925291919946405 0.0035026293728055197
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0171859 -0.0340882 0.0421649
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4535
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.341822 1.70087 1.15388 0.774149 0.540931
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010976870611951106 0.00042983676794296183 0.0041064346408449248 -0.0030367072460751976 0.0027577970192244608 -0.0027941219524638683
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0261149 -0.0284973 0.0421997 -0.0530719
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4536
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.338861 2.42354 2.06077 2.36393
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0032326910834526491 0.0015612244571299322 -0.0048742910662757976 0.0025082221239014269 -0.0037382261451586168
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0175924 0.0329379 -0.0597321
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4537
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 2 9
+split_gain=0.332854 1.54941 1.5477 1.76398 1.52187
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 15.500000000000002 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0016779829673991512 -0.0049751921318800406 0.0022217671624955131 0.0038015327786883432 -0.0037436905851869415 0.00030195388822730463
+leaf_weight=42 45 41 51 39 43
+leaf_count=42 45 41 51 39 43
+internal_value=0 -0.0160909 0.0530733 -0.0338566 -0.119466
+internal_weight=0 219 131 80 88
+internal_count=261 219 131 80 88
+shrinkage=0.02
+
+
+Tree=4538
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 6
+split_gain=0.341583 1.47067 1.59806 3.30771 0.555673
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.001714154506667413 0.00045006554385366992 0.0039676703500463924 0.0028484751170558711 -0.0057625695109037459 -0.0028162921414370545
+leaf_weight=49 46 39 41 46 40
+leaf_count=49 46 39 41 46 40
+internal_value=0 0.0261141 -0.0230694 -0.0949658 -0.0530465
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=4539
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.339323 2.23112 2.83565 0.89256
+threshold=8.5000000000000018 71.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0012365651875410721 0.0023977872519948314 0.0040460110920993277 -0.0055343405324593852 -0.0012289963065054053
+leaf_weight=69 61 51 39 41
+leaf_count=69 61 51 39 41
+internal_value=0 0.0222734 -0.0426273 -0.167042
+internal_weight=0 192 141 80
+internal_count=261 192 141 80
+shrinkage=0.02
+
+
+Tree=4540
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 6
+split_gain=0.354135 1.64068 1.05377 0.530841
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0021091229654603724 0.00039839102973745474 0.0040521514984285393 0.0014987578084819059 -0.0027960394459351479
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0265647 -0.0270784 -0.0539581
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=4541
+num_leaves=5
+num_cat=0
+split_feature=4 8 2 9
+split_gain=0.342986 0.809359 1.42071 0.765037
+threshold=53.500000000000007 62.500000000000007 19.500000000000004 53.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=-0.0012937992858835423 -5.4062028495549045e-05 -0.0024179148930645838 0.0023200047991208555 0.0037719913081622927
+leaf_weight=65 41 71 40 44
+leaf_count=65 41 71 40 44
+internal_value=0 0.0215058 -0.0351484 0.0959277
+internal_weight=0 196 111 85
+internal_count=261 196 111 85
+shrinkage=0.02
+
+
+Tree=4542
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 6
+split_gain=0.339828 1.586 1.01053 0.499131
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0020696689388677394 0.00037558379499571219 0.0039834997498745294 0.0014647235871079829 -0.0027250493285303134
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0260522 -0.0266962 -0.052916
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=4543
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.344453 1.02791 3.0132 3.53978 3.3629
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0015538182111264538 0.0045784942992690304 -0.0033189885891518199 -0.006159789757315539 0.00494143056432194 -0.0030767387271449891
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0179425 0.0152457 -0.0665694 0.0509491
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=4544
+num_leaves=5
+num_cat=0
+split_feature=4 2 3 1
+split_gain=0.35034 0.745419 2.68609 0.867345
+threshold=53.500000000000007 22.500000000000004 68.500000000000014 8.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0013068671554065951 0.0057008516212318948 -0.0016107384216679857 -0.001892410382044869 0.0014507172372938729
+leaf_weight=65 41 53 63 39
+leaf_count=65 41 53 63 39
+internal_value=0 0.0217211 0.0599214 0.182099
+internal_weight=0 196 143 80
+internal_count=261 196 143 80
+shrinkage=0.02
+
+
+Tree=4545
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.350716 2.40028 2.08836 1.4207
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00079878508526665159 0.0015869659201528962 -0.0048582992312363243 0.003762049384303526 -0.0038072256715797432
+leaf_weight=73 48 39 58 43
+leaf_count=73 48 39 58 43
+internal_value=0 -0.0178724 0.0324158 -0.0451495
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4546
+num_leaves=5
+num_cat=0
+split_feature=5 7 3 3
+split_gain=0.340052 0.849539 1.08822 1.56584
+threshold=67.65000000000002 64.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011464007911844562 0.0011482023138302039 -0.0031296115708238244 0.0026779859572715809 -0.0040571891493948438
+leaf_weight=56 77 39 49 40
+leaf_count=56 77 39 49 40
+internal_value=0 -0.0240012 0.0114138 -0.0507405
+internal_weight=0 184 145 96
+internal_count=261 184 145 96
+shrinkage=0.02
+
+
+Tree=4547
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.357345 2.33004 3.38566 2.91056
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0055077376787800577 0.0013478404398111529 0.00093387606363165099 -0.0065135005893336506 -0.0013619115948677062
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0214228 -0.131588 0.0861563
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4548
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.356317 0.783772 1.91915 1.54833
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.001317306887870819 0.0025417896077971863 -0.0041403723406477425 -0.000887634442336249 0.0041278054856719957
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.0218989 -0.0168514 0.0541683
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4549
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 6
+split_gain=0.341397 0.762028 1.62908 0.530499
+threshold=53.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0012909890326813142 -0.00062721091720557777 0.00051660204815261179 0.0042257965837341361 -0.0027285839047906757
+leaf_weight=65 63 43 50 40
+leaf_count=65 63 43 50 40
+internal_value=0 0.0214574 0.0757175 -0.0519347
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=4550
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.341346 1.23459 2.02978 3.29314
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0034911698485985639 0.0013188758712431433 -0.0034864913904386376 -0.0015012561204973921 0.0052521250366803184
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0209678 0.020124 0.0876653
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=4551
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 4
+split_gain=0.337903 2.33286 2.08157 1.19903
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016348409817058399 0.0015592133428491473 -0.004789068153142808 0.0035227032787475726 -0.002688719307216582
+leaf_weight=42 48 39 64 68
+leaf_count=42 48 39 64 68
+internal_value=0 -0.0175653 0.0320148 -0.0515324
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=4552
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=0.350734 2.28976 3.34475 2.86303
+threshold=72.500000000000014 6.5000000000000009 51.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0054620416710719003 0.0013358621445159744 0.001931763831464064 -0.0056230964690108824 -0.0013516080919845968
+leaf_weight=45 63 39 59 55
+leaf_count=45 63 39 59 55
+internal_value=0 -0.0212403 -0.130459 0.0854108
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4553
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.34797 1.74469 1.48261 1.7032
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0037817589242095783 0.0011607302031203656 0.0051940868644029196 -0.0019883630254213069 -0.00051632042137437963
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0242651 0.033681 0.116566
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4554
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.333449 1.67477 1.42312 1.63525
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0037062337975976179 0.0011375368956780488 0.0050903778259505398 -0.0019486493129617299 -0.0005060107907178936
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0237846 0.032997 0.114229
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4555
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.326525 0.949884 3.80068 4.53027
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00151492984629507 0.0010824626467569906 -0.0031979390462402312 0.0040284823820792535 -0.0074966432627491678
+leaf_weight=49 67 39 67 39
+leaf_count=49 67 39 67 39
+internal_value=0 -0.0175051 0.0144153 -0.103466
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=4556
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 1
+split_gain=0.340528 0.940722 0.892784 8.63372
+threshold=70.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0029017085274750075 0.0012040226450943329 -0.0026563171600411024 -0.0071747311740760766 0.0051675975584043942
+leaf_weight=42 72 56 43 48
+leaf_count=42 72 56 43 48
+internal_value=0 -0.0229212 0.0230952 -0.032837
+internal_weight=0 189 133 91
+internal_count=261 189 133 91
+shrinkage=0.02
+
+
+Tree=4557
+num_leaves=4
+num_cat=0
+split_feature=6 2 1
+split_gain=0.332058 0.90342 3.96083
+threshold=48.500000000000007 19.500000000000004 7.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0011344444518177771 -0.0036947818906457037 0.0024400664369816521 0.003626815040184631
+leaf_weight=77 69 63 52
+leaf_count=77 69 63 52
+internal_value=0 0.0237803 -0.0270713
+internal_weight=0 184 121
+internal_count=261 184 121
+shrinkage=0.02
+
+
+Tree=4558
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 6 6
+split_gain=0.324746 1.42885 2.03141 1.92841 2.48225
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 56.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0036633822567706045 -0.0016123350204349186 0.0035674943687533317 0.0032268598644620361 -0.0054311356878143794 0.0030483333125001363
+leaf_weight=42 44 44 44 40 47
+leaf_count=42 44 44 44 40 47
+internal_value=0 0.0163929 -0.0246291 -0.0884245 -0.00552006
+internal_weight=0 217 173 129 89
+internal_count=261 217 173 129 89
+shrinkage=0.02
+
+
+Tree=4559
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 4
+split_gain=0.333055 2.35597 2.02728 1.19003
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00093794324827089278 0.001548659018079481 -0.0048083807369358016 0.0034925298815131171 -0.0032591003150080479
+leaf_weight=59 48 39 64 51
+leaf_count=59 48 39 64 51
+internal_value=0 -0.0174438 0.0323802 -0.0500763
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=4560
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.32819 0.953592 0.915959 0.913071
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017160676356701592 0.0011833250929516332 -0.0030555361110673946 0.0028958098293221548 -0.0021694791850050883
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0225214 0.0167833 -0.0333601
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4561
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.322683 2.28497 2.00792 2.37839
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0031789114620611515 0.0015258438523455026 -0.0047360094879818964 0.0025222788061397862 -0.0037431350337356621
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0171805 0.0318903 -0.0595924
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4562
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 1
+split_gain=0.335388 0.914606 0.892351 8.38231
+threshold=70.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0028919711517046542 0.0011955885485742995 -0.0026227946685494557 -0.0070883844649955018 0.0050732565817016503
+leaf_weight=42 72 56 43 48
+leaf_count=42 72 56 43 48
+internal_value=0 -0.0227482 0.0226347 -0.033285
+internal_weight=0 189 133 91
+internal_count=261 189 133 91
+shrinkage=0.02
+
+
+Tree=4563
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.335671 1.41931 2.05902 2.51614 2.69886
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0036345660604318701 -0.0016375145204542768 0.0035621121450700754 0.0032599302131910025 -0.0060242799909211867 0.0033274585734304972
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.016659 -0.0242268 -0.0884496 0.0034666
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=4564
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 8 2
+split_gain=0.331212 0.72721 1.6903 3.23706 0.625016
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 54.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0029926147200539073 0.0015253747777684247 -0.002813289629043056 0.00356745059616634 -0.0057751657372321023 -0.00042541149038910887
+leaf_weight=41 49 40 45 39 47
+leaf_count=41 49 40 45 39 47
+internal_value=0 -0.0176113 0.0108188 -0.0483014 0.0579554
+internal_weight=0 212 172 127 88
+internal_count=261 212 172 127 88
+shrinkage=0.02
+
+
+Tree=4565
+num_leaves=4
+num_cat=0
+split_feature=5 2 9
+split_gain=0.337517 1.61819 1.0771
+threshold=67.65000000000002 8.5000000000000018 53.500000000000007
+decision_type=2 2 2
+left_child=1 -1 -3
+right_child=-2 2 -4
+leaf_value=-0.003654428804047222 0.0011442134148944318 -0.0013744088421080065 0.0022373300024279008
+leaf_weight=48 77 60 76
+leaf_count=48 77 60 76
+internal_value=0 -0.0239136 0.0319075
+internal_weight=0 184 136
+internal_count=261 184 136
+shrinkage=0.02
+
+
+Tree=4566
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 6
+split_gain=0.340887 1.49065 1.4796 3.20416 0.526207
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.001703788685609154 0.00041149826109448148 0.0039902758187182214 0.0027176058865650051 -0.0056556171865332072 -0.0027695696992650425
+leaf_weight=49 46 39 41 46 40
+leaf_count=49 46 39 41 46 40
+internal_value=0 0.0260932 -0.0234208 -0.0926419 -0.0529911
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=4567
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 6
+split_gain=0.326581 1.57814 1.0068 0.504697
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0020737811897169893 0.00040328076475997123 0.0039655487614520309 0.0014541553664232094 -0.0027142752757951865
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.025577 -0.0270417 -0.0519239
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=4568
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.329543 1.53988 1.4907 1.67027
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0035721040485007915 0.0011315343664038023 0.0051142345487164695 -0.002052803738484496 -0.00054136330154238503
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0236377 0.0308265 0.113941
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4569
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.332565 0.980416 3.56173 4.42994
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0015283652356709425 0.0011298163475134662 -0.0032451551394417429 0.0039170181360226276 -0.0073542871493831883
+leaf_weight=49 67 39 67 39
+leaf_count=49 67 39 67 39
+internal_value=0 -0.0176425 0.0147799 -0.0993472
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=4570
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 9
+split_gain=0.329078 1.51015 3.82632 1.92382
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0017762532413801507 0.0011307329765604492 -0.0018119054694115647 -0.0063875181431208303 0.0040123238780284468
+leaf_weight=46 77 42 46 50
+leaf_count=46 77 42 46 50
+internal_value=0 -0.0236244 -0.114935 0.0672696
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=4571
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.332295 0.831972 1.9156 1.52794
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0012744404607532176 0.0025899587894170572 -0.0041739000291364532 -0.00091327181633780985 0.004069603531065143
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.0211948 -0.0187096 0.052243
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4572
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.342778 1.34179 1.95514 2.39265 2.99771
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0036065392572692209 -0.0016537687151995217 0.0034772928150056683 0.0031908461221943699 -0.0055754485518425293 0.0038812033610770512
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0168259 -0.0229377 -0.0855416 0.0107572
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4573
+num_leaves=6
+num_cat=0
+split_feature=4 1 3 3 2
+split_gain=0.331354 1.4871 1.73417 2.64292 1.40029
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 64.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0016746811541463692 -0.0050640174879306782 0.0031218820101301904 0.0041279831245646052 -0.0040087087506964388 1.0288965715986161e-05
+leaf_weight=42 41 39 47 45 47
+leaf_count=42 41 39 47 45 47
+internal_value=0 -0.0160431 0.0517295 -0.0344359 -0.117347
+internal_weight=0 219 131 84 88
+internal_count=261 219 131 84 88
+shrinkage=0.02
+
+
+Tree=4574
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.346684 1.27415 1.89108 2.30685 2.61162
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0035517420416238728 -0.0016625552050159014 0.0034001961681127063 0.0031531343922705395 -0.0057444717498776991 0.0032975437716099088
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0169208 -0.021837 -0.0834219 0.00460261
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=4575
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.359395 1.62346 1.03124 0.767717 0.492794
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011282436295702702 0.00033837022952410361 0.0040377597450585966 -0.0028666058524650494 0.0027118784598167186 -0.0027428210216000515
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0267612 -0.0266014 0.0402818 -0.0543256
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4576
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 7
+split_gain=0.348353 1.70566 1.183 0.617085
+threshold=65.500000000000014 14.500000000000002 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0013114028929593052 0.003104409431696758 -0.0020496299152023014 -0.0030654014804526331 0.0019172189185080444
+leaf_weight=40 61 45 53 62
+leaf_count=40 61 45 53 62
+internal_value=0 0.0454462 -0.031027 0.0321612
+internal_weight=0 106 155 102
+internal_count=261 106 155 102
+shrinkage=0.02
+
+
+Tree=4577
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.341428 1.34142 1.43638 1.34795
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0016985046220330125 -0.002984245874187419 0.0034037630907448632 -0.0023448342153236678 0.0022718469394705136
+leaf_weight=42 57 51 71 40
+leaf_count=42 57 51 71 40
+internal_value=0 -0.0162722 0.0303004 -0.033679
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=4578
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 7
+split_gain=0.337585 1.67332 1.16623 0.605667
+threshold=65.500000000000014 14.500000000000002 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0012934208172111997 0.003070409109134887 -0.0020350876456820466 -0.0030392182140627083 0.0019060207684921224
+leaf_weight=40 61 45 53 62
+leaf_count=40 61 45 53 62
+internal_value=0 0.0447763 -0.0305707 0.0321737
+internal_weight=0 106 155 102
+internal_count=261 106 155 102
+shrinkage=0.02
+
+
+Tree=4579
+num_leaves=6
+num_cat=0
+split_feature=9 5 6 1 6
+split_gain=0.348655 1.57645 0.87477 0.723962 0.480628
+threshold=67.500000000000014 62.400000000000006 49.500000000000007 10.500000000000002 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0024691053856654367 0.000336574178689572 0.0039796032576787958 -0.0027132130208569949 -0.0012455183889472866 -0.0027077165707882606
+leaf_weight=45 46 41 48 41 40
+leaf_count=45 46 41 48 41 40
+internal_value=0 0.0263744 -0.0262158 0.0344656 -0.0535565
+internal_weight=0 175 134 86 86
+internal_count=261 175 134 86 86
+shrinkage=0.02
+
+
+Tree=4580
+num_leaves=6
+num_cat=0
+split_feature=4 1 3 3 2
+split_gain=0.328192 1.47177 1.66099 2.56251 1.34246
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 64.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0016670907746592243 -0.0049963393290750535 0.0030947663323986642 0.0040572395879598802 -0.0039273854923838128 -0
+leaf_weight=42 41 39 47 45 47
+leaf_count=42 41 39 47 45 47
+internal_value=0 -0.0159726 0.0514532 -0.0328861 -0.11676
+internal_weight=0 219 131 84 88
+internal_count=261 219 131 84 88
+shrinkage=0.02
+
+
+Tree=4581
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.351294 1.43601 1.42883 1.39937
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012352929963316648 -0.0016076700104784758 0.0031255109899180535 -0.0029770223424252082 0.0036771831335068203
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0177112 -0.0311946 0.0464616
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4582
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.349896 1.5294 0.981496 0.73097 0.456293
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010901846683362558 0.00029955916059801213 0.0039291645549845459 -0.0027866115543588206 0.0026590040765507249 -0.0026691724470437007
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0264154 -0.0253896 0.0398844 -0.05365
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4583
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 3
+split_gain=0.33515 1.46818 0.941832 0.701342 0.409138
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010684178086338173 -0.0026019835529697806 0.0038507153691385155 -0.0027309587297212187 0.002605910625110681 0.00022022919471739508
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0258836 -0.0248825 0.0390785 -0.0525696
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4584
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.339138 1.00351 3.40069 4.26345
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0015424086725928036 0.0011268720007012068 -0.0032817395916673454 0.0038388123397360059 -0.0071969160928059828
+leaf_weight=49 67 39 67 39
+leaf_count=49 67 39 67 39
+internal_value=0 -0.0178131 0.0149838 -0.096542
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=4585
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 7
+split_gain=0.339257 1.61995 1.09756 0.562035
+threshold=65.500000000000014 14.500000000000002 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0012629772800443653 0.0030378467864484275 -0.0019863674403665229 -0.0029694551848884533 0.0018228108136381566
+leaf_weight=40 61 45 53 62
+leaf_count=40 61 45 53 62
+internal_value=0 0.044874 -0.0306489 0.0302412
+internal_weight=0 106 155 102
+internal_count=261 106 155 102
+shrinkage=0.02
+
+
+Tree=4586
+num_leaves=5
+num_cat=0
+split_feature=5 8 2 5
+split_gain=0.342651 1.36772 1.3963 1.20511
+threshold=53.500000000000007 62.500000000000007 19.500000000000004 48.45000000000001
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0012631251332423147 0.0032749534313752464 -0.0023793022161389234 0.0023183869660674174 -0.0031992817282166532
+leaf_weight=49 52 71 40 49
+leaf_count=49 52 71 40 49
+internal_value=0 0.0289224 -0.0339422 -0.0480306
+internal_weight=0 163 111 98
+internal_count=261 163 111 98
+shrinkage=0.02
+
+
+Tree=4587
+num_leaves=4
+num_cat=0
+split_feature=4 2 2
+split_gain=0.336116 0.762587 1.60389
+threshold=53.500000000000007 21.500000000000004 11.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0012815281704803283 -0.00081970275511138906 -0.0015159779657733735 0.0035149635925079349
+leaf_weight=65 72 58 66
+leaf_count=65 72 58 66
+internal_value=0 0.0212997 0.0624168
+internal_weight=0 196 138
+internal_count=261 196 138
+shrinkage=0.02
+
+
+Tree=4588
+num_leaves=6
+num_cat=0
+split_feature=4 1 3 3 2
+split_gain=0.331433 1.41715 1.63765 2.45053 1.29243
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 64.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0016746333124576965 -0.0049115199040751234 0.0029973012610167715 0.0040095410168816742 -0.0038706913936923716 -3.4770762715239335e-07
+leaf_weight=42 41 39 47 45 47
+leaf_count=42 41 39 47 45 47
+internal_value=0 -0.0160567 0.0501189 -0.0336312 -0.114984
+internal_weight=0 219 131 84 88
+internal_count=261 219 131 84 88
+shrinkage=0.02
+
+
+Tree=4589
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.346786 1.44667 1.37478 1.3689
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012472196862548001 -0.0015980951406658391 0.0031332653407980804 -0.0029386705207393765 0.0036123317285986106
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0175926 -0.0314927 0.0446938
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4590
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.332257 1.38868 1.31955 1.31406
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012223084938375655 -0.0015661808374785608 0.0030706783828834006 -0.0028799621718317691 0.0035402052346391183
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0172379 -0.0308631 0.0437933
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4591
+num_leaves=6
+num_cat=0
+split_feature=4 1 3 3 9
+split_gain=0.345925 1.36946 1.61548 2.34935 1.34692
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 64.500000000000014 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0017086710924486778 -0.0047080060328841076 0.0029033857352873354 0.0039605412708363114 -0.0038222438966537598 0.00025963285537006296
+leaf_weight=42 45 39 47 45 43
+leaf_count=42 45 39 47 45 43
+internal_value=0 -0.0163916 0.0486722 -0.0345148 -0.113664
+internal_weight=0 219 131 84 88
+internal_count=261 219 131 84 88
+shrinkage=0.02
+
+
+Tree=4592
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 6
+split_gain=0.346897 1.46822 1.50162 3.23891 0.422866
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0017244238786160982 0.00025400477607674053 0.0039685508162584145 0.0027525945749775115 -0.0056746209892322005 -0.0026077657993041521
+leaf_weight=49 46 39 41 46 40
+leaf_count=49 46 39 41 46 40
+internal_value=0 0.0263003 -0.0228424 -0.0925698 -0.0534397
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=4593
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.332352 1.42492 0.930583 0.717964 0.405442
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.001084425849474777 0.00024893227784318471 0.0037998409770993325 -0.0027050534147630284 0.002632121171708004 -0.0025557015939249132
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.02578 -0.0242386 0.0393462 -0.0523636
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4594
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.333397 0.955668 3.21258 4.18535
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0015300034088298409 0.0011483419456717616 -0.0032097263796298375 0.0037274611065564408 -0.0070992549559726484
+leaf_weight=49 67 39 67 39
+leaf_count=49 67 39 67 39
+internal_value=0 -0.0176715 0.0143445 -0.0940646
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=4595
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 7
+split_gain=0.340092 1.59953 1.10358 0.558422
+threshold=65.500000000000014 14.500000000000002 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0012545581053759291 0.0030255037656934441 -0.001967257799629047 -0.002976534487344416 0.0018215740832783892
+leaf_weight=40 61 45 53 62
+leaf_count=40 61 45 53 62
+internal_value=0 0.0449247 -0.0306861 0.0303688
+internal_weight=0 106 155 102
+internal_count=261 106 155 102
+shrinkage=0.02
+
+
+Tree=4596
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 4
+split_gain=0.339222 0.917727 2.33981 3.87997
+threshold=48.500000000000007 55.500000000000007 19.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0011459340958863177 0.0029528702115945295 0.0023347648089198101 0.0030675736484589212 -0.0061636974809322048
+leaf_weight=77 46 39 51 48
+leaf_count=77 46 39 51 48
+internal_value=0 0.0240208 -0.0169511 -0.117302
+internal_weight=0 184 138 87
+internal_count=261 184 138 87
+shrinkage=0.02
+
+
+Tree=4597
+num_leaves=6
+num_cat=0
+split_feature=4 5 6 6 2
+split_gain=0.345423 0.655869 1.51625 1.34376 0.871044
+threshold=74.500000000000014 68.65000000000002 57.500000000000007 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0026996534642001243 0.0015558205072132032 -0.0026999185926931467 0.0036717825928154219 -0.0037176136505801261 -0.0013007425418547418
+leaf_weight=42 49 40 39 44 47
+leaf_count=42 49 40 39 44 47
+internal_value=0 -0.0179695 0.0090573 -0.0418903 0.0289371
+internal_weight=0 212 172 133 89
+internal_count=261 212 172 133 89
+shrinkage=0.02
+
+
+Tree=4598
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 2
+split_gain=0.349357 2.40292 2.1429 1.27384
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 20.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0032737731188841592 0.0015840640127820038 -0.0048600953656036837 -0.0038167951083085913 0.00073690868560332486
+leaf_weight=73 48 39 44 57
+leaf_count=73 48 39 44 57
+internal_value=0 -0.0178392 0.0324765 -0.0620119
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4599
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.365015 1.08055 1.11097 0.96741
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016143226388346875 0.001244361385345393 -0.0032432943110174408 0.0031764053288300255 -0.0023486972313217637
+leaf_weight=42 72 44 41 62
+leaf_count=42 72 44 41 62
+internal_value=0 -0.0236807 0.0181243 -0.0370275
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4600
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 4
+split_gain=0.349744 0.999614 0.849808 1.15446
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00079924853471407414 0.0012194983492252217 -0.0027282935809340731 -0.0016236282176912645 0.0039257428972478293
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0232031 0.024211 0.0861821
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=4601
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 7
+split_gain=0.336117 1.57317 1.10078 0.54176
+threshold=65.500000000000014 14.500000000000002 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0012254573684813287 0.003003176508216084 -0.0019487327922467041 -0.0029702084404118929 0.0018058386815233815
+leaf_weight=40 61 45 53 62
+leaf_count=40 61 45 53 62
+internal_value=0 0.0446755 -0.0305167 0.0304616
+internal_weight=0 106 155 102
+internal_count=261 106 155 102
+shrinkage=0.02
+
+
+Tree=4602
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.330748 1.03339 1.06965 0.9501
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016173090872697716 0.0011876222346946174 -0.0031619000189396862 0.0031278229935313767 -0.0023108970929751637
+leaf_weight=42 72 44 41 62
+leaf_count=42 72 44 41 62
+internal_value=0 -0.022606 0.0182886 -0.0358399
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4603
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 6
+split_gain=0.333429 0.736224 1.20432 0.412355
+threshold=53.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.001276727688235586 -0.00035181808470734633 0.00035708082055779821 0.003827367866672583 -0.0025162472721493275
+leaf_weight=65 63 43 50 40
+leaf_count=65 63 43 50 40
+internal_value=0 0.0212171 0.0745764 -0.0509489
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=4604
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 4
+split_gain=0.34193 2.37405 2.09688 1.2048
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00092127365450054254 0.001567983020299285 -0.0048296700368032517 0.0035398881301104759 -0.0033012036283888747
+leaf_weight=59 48 39 64 51
+leaf_count=59 48 39 64 51
+internal_value=0 -0.0176626 0.0323513 -0.0515003
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=4605
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.353279 1.03345 0.971837 0.900281
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015921139014370797 0.0012251862467154064 -0.0031761855292082213 0.0029868144915868454 -0.0022338794186454436
+leaf_weight=42 72 44 41 62
+leaf_count=42 72 44 41 62
+internal_value=0 -0.0233201 0.0175749 -0.0340524
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4606
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.339393 2.55808 3.40562 2.80798
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0055530727441278618 0.0013153498754110845 0.00085021291620371417 -0.0066186971634164191 -0.0011945472080250369
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0209089 -0.136291 0.0917824
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4607
+num_leaves=5
+num_cat=0
+split_feature=5 7 3 3
+split_gain=0.355223 0.825342 1.0604 1.59316
+threshold=67.65000000000002 64.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011607948172553798 0.0011721709389174296 -0.003102382442889874 0.0026271791158223898 -0.0040875125438577372
+leaf_weight=56 77 39 49 40
+leaf_count=56 77 39 49 40
+internal_value=0 -0.0245003 0.0104139 -0.0509529
+internal_weight=0 184 145 96
+internal_count=261 184 145 96
+shrinkage=0.02
+
+
+Tree=4608
+num_leaves=5
+num_cat=0
+split_feature=4 8 2 8
+split_gain=0.347168 0.764707 0.983138 3.73139
+threshold=53.500000000000007 55.500000000000007 11.500000000000002 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0013011998890804517 0.0027500617958395347 -0.0024409019279021398 -0.0022581067989754025 0.0057534064577154896
+leaf_weight=65 45 54 58 39
+leaf_count=65 45 54 58 39
+internal_value=0 0.0216308 -0.0126836 0.0478301
+internal_weight=0 196 151 97
+internal_count=261 196 151 97
+shrinkage=0.02
+
+
+Tree=4609
+num_leaves=5
+num_cat=0
+split_feature=4 9 8 6
+split_gain=0.332617 0.733866 1.13335 0.430724
+threshold=53.500000000000007 67.500000000000014 55.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0012752042763680565 0.0041640648563644857 0.00038829515251976058 -2.5082180325360046e-05 -0.0025460059118592175
+leaf_weight=65 41 43 72 40
+leaf_count=65 41 43 72 40
+internal_value=0 0.0211955 0.0744718 -0.0508575
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=4610
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 4
+split_gain=0.340722 2.31131 2.07705 1.19568
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00090922929337732233 0.0015654237683384289 -0.0047699959597488125 0.0035137471587363589 -0.0032974256617415553
+leaf_weight=59 48 39 64 51
+leaf_count=59 48 39 64 51
+internal_value=0 -0.0176302 0.0317213 -0.0517359
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=4611
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 5
+split_gain=0.350114 0.950594 0.923326 0.873776
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012663147895040252 0.0012200397548082387 -0.0030653795207712638 0.0028907750346290821 -0.0024399482182697048
+leaf_weight=49 72 44 41 55
+leaf_count=49 72 44 41 55
+internal_value=0 -0.0232181 0.0160248 -0.0343182
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4612
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 5
+split_gain=0.335436 0.935547 0.897956 1.85269
+threshold=70.500000000000014 60.500000000000007 48.45000000000001 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0029095325261418205 0.0011956628869050285 -0.0026469822469530674 -0.0039015831544508147 0.0018704083679192496
+leaf_weight=42 72 56 40 51
+leaf_count=42 72 56 40 51
+internal_value=0 -0.02275 0.0231417 -0.0329498
+internal_weight=0 189 133 91
+internal_count=261 189 133 91
+shrinkage=0.02
+
+
+Tree=4613
+num_leaves=6
+num_cat=0
+split_feature=7 3 6 7 7
+split_gain=0.330148 0.984187 1.07281 1.26366 0.606928
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0012933659577328038 0.0017465928134358017 -0.0032191123128974715 0.003142458667218444 -0.003614018891728501 0.0019092919460832545
+leaf_weight=40 39 39 42 39 62
+leaf_count=40 39 39 42 39 62
+internal_value=0 -0.0153291 0.0155373 -0.0264107 0.0322742
+internal_weight=0 222 183 141 102
+internal_count=261 222 183 141 102
+shrinkage=0.02
+
+
+Tree=4614
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 6
+split_gain=0.328744 0.71937 1.21976 0.446069
+threshold=53.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0012681269209671082 -0.00037817315800510915 0.00042413281278984435 0.0038274920802166875 -0.0025602639877263644
+leaf_weight=65 63 43 50 40
+leaf_count=65 63 43 50 40
+internal_value=0 0.0210814 0.0738441 -0.0502723
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=4615
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 7
+split_gain=0.331122 2.26873 2.01193 3.74174
+threshold=69.500000000000014 71.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00098718512304466497 0.0015445058363030054 -0.0047247201268374546 -0.002060744414792566 0.0065831986861748636
+leaf_weight=59 48 39 68 47
+leaf_count=59 48 39 68 47
+internal_value=0 -0.0173914 0.0315055 0.118204
+internal_weight=0 213 174 106
+internal_count=261 213 174 106
+shrinkage=0.02
+
+
+Tree=4616
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.350304 2.48953 3.3452 2.71623
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0054557267808057223 0.0013350983114538922 0.00084291315333166761 -0.0065597347691354413 -0.0011814143042047465
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0212273 -0.135066 0.0899516
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4617
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.338884 1.67158 1.62556 1.70196
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0037067533527611945 0.0011463174658154522 0.005251498772493304 -0.0021309599460075609 -0.00045653233150985879
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0239633 0.0327644 0.119498
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4618
+num_leaves=5
+num_cat=0
+split_feature=6 6 4 8
+split_gain=0.327471 1.16553 1.10963 1.02898
+threshold=69.500000000000014 63.500000000000007 61.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0009626495975453629 0.0015363686475829172 -0.0032696161581622189 0.0030854207708128161 -0.0027800069752564886
+leaf_weight=72 48 44 46 51
+leaf_count=72 48 44 46 51
+internal_value=0 -0.017305 0.020568 -0.0291691
+internal_weight=0 213 169 123
+internal_count=261 213 169 123
+shrinkage=0.02
+
+
+Tree=4619
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.337608 0.940102 0.862762 1.07431
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012367248610466786 0.0011992265992626433 -0.0030434316843038029 0.0024448235670554326 -0.0030735409292858402
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.0228236 0.0162055 -0.0409474
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4620
+num_leaves=5
+num_cat=0
+split_feature=5 7 3 3
+split_gain=0.331593 0.797525 0.946218 1.50056
+threshold=67.65000000000002 64.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011680732518354797 0.0011346442331379299 -0.0030434478822040046 0.0024999641675508893 -0.0039274245905168105
+leaf_weight=56 77 39 49 40
+leaf_count=56 77 39 49 40
+internal_value=0 -0.0237171 0.0106139 -0.0474019
+internal_weight=0 184 145 96
+internal_count=261 184 145 96
+shrinkage=0.02
+
+
+Tree=4621
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.33378 1.45695 1.91202 2.42439 2.62335
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0035818251731533435 -0.0016332040831619091 0.0036031193291759557 0.0031131818676876704 -0.0059120798765438312 0.0032828227844262088
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0166122 -0.0248076 -0.0867231 0.00350722
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=4622
+num_leaves=6
+num_cat=0
+split_feature=7 3 6 7 7
+split_gain=0.32354 0.97095 1.04064 1.27466 0.595899
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0012596930522171374 0.0017299765922817575 -0.0031970183951396422 0.00309922647052574 -0.0036160013144480654 0.0019143946323107459
+leaf_weight=40 39 39 42 39 62
+leaf_count=40 39 39 42 39 62
+internal_value=0 -0.0151866 0.0154744 -0.0258477 0.0330903
+internal_weight=0 222 183 141 102
+internal_count=261 222 183 141 102
+shrinkage=0.02
+
+
+Tree=4623
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.329611 1.3903 1.84102 2.34954 2.8448
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0035092990468396745 -0.0016235848155615685 0.0035264940080064911 0.0030631606070151913 -0.0055245192985897808 0.0037862140523189048
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0165125 -0.0239572 -0.0847288 0.0107019
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4624
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.327165 1.58724 1.60801 1.70125
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.003617400804130407 0.0011274725461309333 0.0052209491304838953 -0.0021369255802465167 -0.0004860633195849193
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0235675 0.0317215 0.117995
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4625
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.331528 1.54424 1.06256 0.736326 0.434814
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010630854314654917 0.00029481185829403965 0.0039321132651175322 -0.0028952600414456093 0.0026991935081594857 -0.0026059257494769612
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0257473 -0.0263072 0.0415718 -0.0523048
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4626
+num_leaves=6
+num_cat=0
+split_feature=4 1 3 3 2
+split_gain=0.331515 1.4064 1.58371 2.29518 1.43699
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 64.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0016748744016989185 -0.0050445463397887792 0.0029023314275978345 0.0039552341290459356 -0.0037461068334245146 9.5604327116545441e-05
+leaf_weight=42 41 39 47 45 47
+leaf_count=42 41 39 47 45 47
+internal_value=0 -0.0160564 0.0498703 -0.0324985 -0.114613
+internal_weight=0 219 131 84 88
+internal_count=261 219 131 84 88
+shrinkage=0.02
+
+
+Tree=4627
+num_leaves=6
+num_cat=0
+split_feature=6 2 3 7 4
+split_gain=0.334473 1.33348 0.789345 2.04861 0.927678
+threshold=70.500000000000014 24.500000000000004 65.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0016825585693142726 -0.0016348149893044182 0.0034637586992561126 0.0015897823728386552 -0.0051542735931236847 0.0026366571482946844
+leaf_weight=41 44 44 53 39 40
+leaf_count=41 44 44 53 39 40
+internal_value=0 0.0166279 -0.0230137 -0.0686388 0.0220477
+internal_weight=0 217 173 120 81
+internal_count=261 217 173 120 81
+shrinkage=0.02
+
+
+Tree=4628
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.32711 1.36478 1.55841 1.37059
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0016644456963485852 -0.0049499615039272794 0.0029093568650063874 -0.0015110725043261555 7.1183259772828925e-05
+leaf_weight=42 41 74 57 47
+leaf_count=42 41 74 57 47
+internal_value=0 -0.0159504 0.049004 -0.11306
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=4629
+num_leaves=5
+num_cat=0
+split_feature=8 3 7 7
+split_gain=0.336537 1.31286 0.91892 0.543132
+threshold=72.500000000000014 66.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012185484731706087 -0.0015754133620559979 0.0031330450272660862 -0.0025295327787135751 0.0018163700309836079
+leaf_weight=40 47 52 60 62
+leaf_count=40 47 52 60 62
+internal_value=0 0.0173549 -0.0271593 0.0309174
+internal_weight=0 214 162 102
+internal_count=261 214 162 102
+shrinkage=0.02
+
+
+Tree=4630
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.321754 1.29093 1.77052 2.30257 2.46561
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0034280815481827894 -0.0016052565563555502 0.0034081183516954873 0.0030207800900338322 -0.0057183457293152233 0.0032283440740038557
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0163249 -0.0226853 -0.0822998 0.005644
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=4631
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 6
+split_gain=0.332426 1.52669 0.918982 0.400679
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0019856627028672007 0.00024141971203829065 0.0039135843024858744 0.0013878499450547285 -0.0025473194936579051
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0257823 -0.0259778 -0.0523695
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=4632
+num_leaves=6
+num_cat=0
+split_feature=4 1 3 3 9
+split_gain=0.340494 1.33665 1.55549 2.20556 1.2923
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 64.500000000000014 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0016962301636184226 -0.0046330048112454532 0.0028104458484986506 0.0038924871627276994 -0.0037077731151974385 0.00023392232714879529
+leaf_weight=42 45 39 47 45 43
+leaf_count=42 45 39 47 45 43
+internal_value=0 -0.0162552 0.0480332 -0.0336061 -0.112373
+internal_weight=0 219 131 84 88
+internal_count=261 219 131 84 88
+shrinkage=0.02
+
+
+Tree=4633
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.326191 1.28288 1.53915 1.29181
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.001662362540932826 -0.0048138739227058542 0.0028590642479696597 -0.0015344463216458433 6.2456695623703767e-05
+leaf_weight=42 41 74 57 47
+leaf_count=42 41 74 57 47
+internal_value=0 -0.0159232 0.0470741 -0.11012
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=4634
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.333497 1.35562 1.32029 1.14383
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0034858523039619079 -0.0015685593091000511 0.0030394875404242423 -0.0028682414759012491 -0.00098765826904992338
+leaf_weight=40 47 56 63 55
+leaf_count=40 47 56 63 55
+internal_value=0 0.0172868 -0.0302436 0.0444345
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4635
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.346223 1.48347 0.93163 0.71446 0.383128
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010892943035884681 0.00019353003221917158 0.0038758560571758773 -0.0027162277338969769 0.0026184695033260974 -0.0025355914691037778
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0262886 -0.0247387 0.0388803 -0.0533782
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4636
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 3
+split_gain=0.331622 1.42407 0.893939 0.685483 0.377318
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010675443179368803 -0.0025378574994265163 0.003798471137877651 -0.0026619805530737001 0.0025661854319653267 0.00017674290205684214
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0257594 -0.0242446 0.0380945 -0.0523032
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4637
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.322147 1.32953 1.28709 1.36025
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012610108443116971 -0.0015432533163388165 0.0030081779271794746 -0.0028366338330629193 0.0035834782917538643
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0170031 -0.0300726 0.0436705
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4638
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 3
+split_gain=0.333646 1.39777 1.51077 3.14195 0.375732
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0016806681963438799 -0.002537927764103423 0.0038766951386447084 0.0027765624668872756 -0.0056072793927812673 0.00017115612052316144
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0258294 -0.0221296 -0.0920674 -0.0524576
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=4639
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 3
+split_gain=0.319627 1.34326 0.868554 0.360171
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0018916237605798101 -0.0024872600478469363 0.0036964892133950667 0.0013902354395408031 0.00016773797712534737
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0253184 -0.0232583 -0.0514011
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=4640
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.325208 1.32044 1.3096 1.34791
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001233828234227786 -0.0015500451814021582 0.0030007879557999912 -0.0028510061371141223 0.0035887965859611954
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0170838 -0.0298322 0.0445469
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4641
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=0.330232 1.23204 1.57454 1.2396 0.790461
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 3 4 -2 -3
+right_child=1 2 -4 -5 -6
+leaf_value=0.0016720106301637509 -0.0045044860865367823 0.001158942277662945 0.0036786580303421646 0.000263589956117169 -0.0028555345056299141
+leaf_weight=42 45 40 51 43 40
+leaf_count=42 45 40 51 43 40
+internal_value=0 -0.0160172 0.0457338 -0.108359 -0.0419523
+internal_weight=0 219 131 88 80
+internal_count=261 219 131 88 80
+shrinkage=0.02
+
+
+Tree=4642
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 6
+split_gain=0.346083 1.33001 1.46864 3.05651 0.354364
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0016844237869860126 0.00014723931297915398 0.003804552604589494 0.0027644895293981397 -0.0055043793837263912 -0.0024816849045334595
+leaf_weight=49 46 39 41 46 40
+leaf_count=49 46 39 41 46 40
+internal_value=0 0.0262893 -0.0205021 -0.0894773 -0.0533623
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=4643
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 3
+split_gain=0.33157 1.27653 1.40971 2.935 0.360113
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0016507832570840757 -0.0025047414783995747 0.0037285982203935156 0.0027092940427974276 -0.005394458990307157 0.00014982737653038166
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0257692 -0.0200809 -0.0876821 -0.0522876
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=4644
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.337758 0.982552 3.08751 4.21837
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0015398831094917127 0.001209866144723965 -0.0032505126618228367 0.0036674092891978071 -0.00707025869601457
+leaf_weight=49 67 39 67 39
+leaf_count=49 67 39 67 39
+internal_value=0 -0.0177568 0.0147004 -0.0915854
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=4645
+num_leaves=5
+num_cat=0
+split_feature=4 8 8 9
+split_gain=0.345172 0.838793 1.3919 0.705212
+threshold=53.500000000000007 62.500000000000007 69.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=-0.0012972723373312254 1.2277585835476585e-05 -0.0034044122475979511 0.0011668478881541498 0.0037276551295819943
+leaf_weight=65 41 46 65 44
+leaf_count=65 41 46 65 44
+internal_value=0 0.0215911 -0.0360649 0.097321
+internal_weight=0 196 111 85
+internal_count=261 196 111 85
+shrinkage=0.02
+
+
+Tree=4646
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.330761 0.841873 1.79276 1.68435
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.001271354972317744 0.0026018965809790455 -0.004056687736895678 -0.0010617433409220599 0.0041677268502890476
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.0211639 -0.0189734 0.0496802
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4647
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.343373 1.28311 1.32877 1.3521
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012039206658960491 -0.0015900828951935315 0.0029725687455871602 -0.0028449467944422217 0.0036258751237536941
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0175386 -0.0287159 0.046202
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4648
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 3
+split_gain=0.336634 1.31006 0.853473 0.355645
+threshold=67.500000000000014 62.400000000000006 17.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0018548689083888808 -0.0025035330483850564 0.0036700649837057816 0.0013991390770923173 0.00013512240446168501
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0259547 -0.0220228 -0.0526623
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=4649
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.339496 1.27509 1.57834 2.32625 2.4557
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0033326307451297132 -0.0016459946607228768 0.0033981734715758851 0.0028421716460003345 -0.0056602339533884452 0.0033100407643602871
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0167634 -0.0220087 -0.0783433 0.0100532
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=4650
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 3
+split_gain=0.338581 1.30493 1.40113 2.95636 0.354697
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0016622776338469599 -0.0025045188057749115 0.0037687172627613799 0.0026950046201677604 -0.0054084294046604217 0.00013073258948776914
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0260265 -0.0203258 -0.087724 -0.0528047
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=4651
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.334488 0.969039 3.03472 3.15156 3.21419
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.00153287352370419 0.0045800051784376508 -0.0032292689378834579 -0.0059082418030011333 0.0047029345161349644 -0.0031374767109922231
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0176732 0.0145631 -0.0675431 0.0433563
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=4652
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 8
+split_gain=0.328959 0.817011 1.66691 1.22617
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0012681343933028965 0.0025691088416919168 -0.0039162697851856196 -0.00094571346722622704 0.0034634741120468573
+leaf_weight=65 53 39 59 45
+leaf_count=65 53 39 59 45
+internal_value=0 0.0211071 -0.0184431 0.0477734
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4653
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.350581 1.26211 1.53486 2.18092 2.42015
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0033386998885539866 -0.0016712183671823185 0.0033878548215083154 0.0028061447227815395 -0.0055069795208939031 0.0032562640824535171
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0170179 -0.0215582 -0.0771241 0.00847647
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=4654
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 6
+split_gain=0.343516 1.34975 1.36803 2.86377 0.345476
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.001612152951735937 0.00013637148890185827 0.0038267323870945077 0.0026464141285968052 -0.0053474787195903093 -0.0024608604016076725
+leaf_weight=49 46 39 41 46 40
+leaf_count=49 46 39 41 46 40
+internal_value=0 0.0262034 -0.0209311 -0.0875408 -0.0531684
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=4655
+num_leaves=5
+num_cat=0
+split_feature=8 3 8 7
+split_gain=0.329941 1.2012 0.853344 0.551656
+threshold=72.500000000000014 66.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012175411591364435 -0.0015603674345141083 0.0030110134743833719 -0.0023985810908003216 0.0018500735245575506
+leaf_weight=40 47 52 61 61
+leaf_count=40 47 52 61 61
+internal_value=0 0.0172138 -0.0253854 0.031363
+internal_weight=0 214 162 101
+internal_count=261 214 162 101
+shrinkage=0.02
+
+
+Tree=4656
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 4
+split_gain=0.32762 0.987429 2.34424 3.83735
+threshold=48.500000000000007 55.500000000000007 19.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0011268166446555864 0.00303581717605831 0.0022696898160976674 0.0030331990446669961 -0.0061819708148927732
+leaf_weight=77 46 39 51 48
+leaf_count=77 46 39 51 48
+internal_value=0 0.0236527 -0.0188256 -0.119266
+internal_weight=0 184 138 87
+internal_count=261 184 138 87
+shrinkage=0.02
+
+
+Tree=4657
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.319037 0.980238 2.97552 3.94389
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0014990594212382588 0.0011568289218031385 -0.0032378002207145563 0.0036147789955050299 -0.0068504145783416324
+leaf_weight=49 67 39 67 39
+leaf_count=49 67 39 67 39
+internal_value=0 -0.0172855 0.0151344 -0.0892133
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=4658
+num_leaves=5
+num_cat=0
+split_feature=6 6 4 8
+split_gain=0.342798 1.3115 1.25697 0.984398
+threshold=69.500000000000014 63.500000000000007 61.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00090447654973225015 0.0015704144855807373 -0.0034513392542694496 0.0032927469126775052 -0.0027574304045005298
+leaf_weight=72 48 44 46 51
+leaf_count=72 48 44 46 51
+internal_value=0 -0.0176562 0.0224938 -0.030404
+internal_weight=0 213 169 123
+internal_count=261 213 169 123
+shrinkage=0.02
+
+
+Tree=4659
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.334012 0.768777 1.62973 1.71436
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0012772564870962737 0.0025093700850618655 -0.0038507366550755923 -0.0011063938116203193 0.0041691641120948962
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.0212606 -0.0171248 0.0483556
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4660
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.327662 1.24621 1.53533 2.12186 2.33657
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0033072270351321049 -0.0016186528118500127 0.0033583186371731657 0.0028008088247357299 -0.0054593051206830645 0.0031739339889001023
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0164863 -0.0218488 -0.0774227 0.00701453
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=4661
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 3
+split_gain=0.326675 1.40949 0.866077 0.621066 0.368897
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00099885477485865291 -0.0025142774149100435 0.0037785178227003166 -0.0026268258016075943 0.0024644536527951857 0.00017120394068258647
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0255919 -0.0241576 0.0372177 -0.0519195
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4662
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.329084 1.31401 1.39883 1.33904
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0016695185765422153 -0.0029515070478239808 0.0033638924210884348 -0.002326331846872027 0.0022753517180569664
+leaf_weight=42 57 51 71 40
+leaf_count=42 57 51 71 40
+internal_value=0 -0.0159784 0.0301212 -0.0330238
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=4663
+num_leaves=5
+num_cat=0
+split_feature=7 3 2 9
+split_gain=0.318939 1.00102 1.04241 3.90443
+threshold=76.500000000000014 70.500000000000014 22.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00165923512704591 0.0017187495417902469 -0.0032381597403098412 -0.0019961459535597372 0.0054232289758808019
+leaf_weight=74 39 39 55 54
+leaf_count=74 39 39 55 54
+internal_value=0 -0.0150647 0.0160613 0.0661882
+internal_weight=0 222 183 128
+internal_count=261 222 183 128
+shrinkage=0.02
+
+
+Tree=4664
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.324584 1.21858 1.47921 2.11406 2.58561
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0032607372398752764 -0.0016115332419352382 0.0033235849399860956 0.0027486665890090775 -0.0051563449506004588 0.0036964368232529484
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0164102 -0.0215021 -0.0760676 0.0144782
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4665
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 3
+split_gain=0.338792 1.40751 0.843778 0.584906 0.391201
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00095465555762292548 -0.0025741222755955345 0.00378500398849814 -0.002590247301431496 0.0024091660564007212 0.00018784496835875164
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0260316 -0.0236828 0.036911 -0.0528228
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4666
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.332427 1.18065 1.60381 1.21514
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0016774315960990411 -0.004663779278988092 0.0028452135059810037 -0.0016389493837976113 6.7467950276566688e-05
+leaf_weight=42 41 74 57 47
+leaf_count=42 41 74 57 47
+internal_value=0 -0.0160578 0.0444076 -0.106487
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=4667
+num_leaves=6
+num_cat=0
+split_feature=9 5 6 2 6
+split_gain=0.328975 1.34708 0.752168 0.918194 0.328864
+threshold=67.500000000000014 62.400000000000006 49.500000000000007 14.500000000000002 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0029112500105530122 0.00012989190720233583 0.0037080547349613198 -0.0024932131015612128 -0.0012675868968061079 -0.0024072348226595315
+leaf_weight=40 46 41 48 46 40
+leaf_count=40 46 41 48 46 40
+internal_value=0 0.0256746 -0.0229703 0.0333775 -0.0520935
+internal_weight=0 175 134 86 86
+internal_count=261 175 134 86 86
+shrinkage=0.02
+
+
+Tree=4668
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.323578 0.954464 2.8425 2.89147 3.02624
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0015089668364808592 0.0044435172066610174 -0.0032026836568204097 -0.0056642503909801146 0.0045500536881247118 -0.0030590790170574819
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0174059 0.0145905 -0.0648822 0.0413551
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=4669
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 2
+split_gain=0.353588 1.37352 1.29338 1.31931
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.00099493035945585223 0.0032107045093241137 -0.0038472342760389748 -0.0022893205913659376 0.0022789367154288954
+leaf_weight=58 52 40 71 40
+leaf_count=58 52 40 71 40
+internal_value=0 -0.0487321 0.0293728 -0.031775
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=4670
+num_leaves=5
+num_cat=0
+split_feature=4 2 3 1
+split_gain=0.356493 0.786043 2.66376 1.13156
+threshold=53.500000000000007 22.500000000000004 68.500000000000014 8.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0013173529218561148 0.0059979814189954029 -0.0016605936805923847 -0.0018556868364916035 0.0011664817540396014
+leaf_weight=65 41 53 63 39
+leaf_count=65 41 53 63 39
+internal_value=0 0.0219171 0.0611146 0.182785
+internal_weight=0 196 143 80
+internal_count=261 196 143 80
+shrinkage=0.02
+
+
+Tree=4671
+num_leaves=5
+num_cat=0
+split_feature=4 2 8 2
+split_gain=0.341573 0.75421 2.48698 0.921742
+threshold=53.500000000000007 22.500000000000004 62.500000000000007 11.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0012910344220259343 0.0042250756167243877 -0.0016274257117978189 -0.0031916101350193782 0.0011109269915817489
+leaf_weight=65 62 53 42 39
+leaf_count=65 62 53 42 39
+internal_value=0 0.021476 0.0598949 -0.055549
+internal_weight=0 196 143 81
+internal_count=261 196 143 81
+shrinkage=0.02
+
+
+Tree=4672
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 7
+split_gain=0.35229 1.58973 1.0036 0.467258
+threshold=65.500000000000014 14.500000000000002 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0011667369609168262 0.0030343070445209871 -0.0019432093158103104 -0.0028790086114841239 0.0016562345329643891
+leaf_weight=40 61 45 53 62
+leaf_count=40 61 45 53 62
+internal_value=0 0.045689 -0.0311916 0.0270654
+internal_weight=0 106 155 102
+internal_count=261 106 155 102
+shrinkage=0.02
+
+
+Tree=4673
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 3
+split_gain=0.348911 1.41206 0.965041 1.37441
+threshold=53.500000000000007 52.500000000000007 63.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0010281052390494856 0.0023550478057849092 -0.0038807685788147224 -0.0033505049333338133 0.0015695712292717629
+leaf_weight=58 71 40 44 48
+leaf_count=58 71 40 44 48
+internal_value=0 -0.048435 0.0291794 -0.0387789
+internal_weight=0 98 163 92
+internal_count=261 98 163 92
+shrinkage=0.02
+
+
+Tree=4674
+num_leaves=5
+num_cat=0
+split_feature=3 2 8 7
+split_gain=0.33648 1.51557 0.990058 0.474638
+threshold=65.500000000000014 14.500000000000002 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0011517179515077968 0.002965353898727232 -0.0018960081064994673 -0.0028190959215133871 0.00170151872946819
+leaf_weight=40 61 45 54 61
+leaf_count=40 61 45 54 61
+internal_value=0 0.0447068 -0.0305237 0.0281797
+internal_weight=0 106 155 101
+internal_count=261 106 155 101
+shrinkage=0.02
+
+
+Tree=4675
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 2
+split_gain=0.340846 1.36855 1.1767 1.36467
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0010079723050513449 0.0030812002802298078 -0.0038256263613909119 -0.0022715976048039207 0.0023737956040371737
+leaf_weight=58 52 40 71 40
+leaf_count=58 52 40 71 40
+internal_value=0 -0.0479045 0.0288568 -0.0294969
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=4676
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.343443 0.739568 1.55439 1.72895
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0012945291599645509 0.0024756364323042959 -0.0037501232318784203 -0.001125825975123933 0.0041719837767932146
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.0215235 -0.0161389 0.0478224
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4677
+num_leaves=5
+num_cat=0
+split_feature=4 2 3 1
+split_gain=0.329034 0.701203 2.60013 1.09483
+threshold=53.500000000000007 22.500000000000004 68.500000000000014 8.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.001268666225295289 0.0058725884500532687 -0.0015632307372210905 -0.0018777464185366639 0.0011185963786347064
+leaf_weight=65 41 53 63 39
+leaf_count=65 41 53 63 39
+internal_value=0 0.0210896 0.0581748 0.178401
+internal_weight=0 196 143 80
+internal_count=261 196 143 80
+shrinkage=0.02
+
+
+Tree=4678
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 7
+split_gain=0.329813 1.47213 1.00134 0.438579
+threshold=65.500000000000014 14.500000000000002 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.001097469491377893 0.002927351657899601 -0.0018646521297650668 -0.0028576680165453162 0.0016405883461203343
+leaf_weight=40 61 45 53 62
+leaf_count=40 61 45 53 62
+internal_value=0 0.044279 -0.0302446 0.0279493
+internal_weight=0 106 155 102
+internal_count=261 106 155 102
+shrinkage=0.02
+
+
+Tree=4679
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 2
+split_gain=0.325925 1.38458 1.13801 1.36531
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0010392731204898382 0.0030282387345176476 -0.0038223525944986575 -0.0022650933585430951 0.002381413351574279
+leaf_weight=58 52 40 71 40
+leaf_count=58 52 40 71 40
+internal_value=0 -0.0469109 0.0282466 -0.0291514
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=4680
+num_leaves=5
+num_cat=0
+split_feature=4 9 8 6
+split_gain=0.323655 0.70979 1.04132 0.326372
+threshold=53.500000000000007 67.500000000000014 55.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.001258931911786764 0.0040324326044223827 0.00023012847846989323 0 -0.002339023013185735
+leaf_weight=65 41 43 72 40
+leaf_count=65 41 43 72 40
+internal_value=0 0.0209224 0.0733432 -0.0499657
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=4681
+num_leaves=5
+num_cat=0
+split_feature=3 2 8 4
+split_gain=0.330836 1.44783 0.989451 0.534608
+threshold=65.500000000000014 14.500000000000002 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.001287522139621263 0.0029119537014588022 -0.0018407674810231487 -0.0028137693777563273 0.0017480955835757709
+leaf_weight=39 61 45 54 62
+leaf_count=39 61 45 54 62
+internal_value=0 0.0443432 -0.0302895 0.0283966
+internal_weight=0 106 155 101
+internal_count=261 106 155 101
+shrinkage=0.02
+
+
+Tree=4682
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 2
+split_gain=0.327186 1.40004 1.09295 1.35059
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0010484703432493373 0.0029808501343775648 -0.0038398929904576457 -0.0022325170131755881 0.0023893562125031388
+leaf_weight=58 52 40 71 40
+leaf_count=58 52 40 71 40
+internal_value=0 -0.046997 0.0282975 -0.0279659
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=4683
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.330517 1.55294 1.69276 1.88583
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0035859478472274587 0.0011328654923342509 0.0054007420803096817 -0.0022226691454368518 -0.0006057622329964401
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0236829 0.0310099 0.119499
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4684
+num_leaves=6
+num_cat=0
+split_feature=4 1 3 3 2
+split_gain=0.325334 1.2723 1.51366 2.02476 1.29058
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 64.500000000000014 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0016600600122300354 -0.0048048681372675492 0.0026631793696342727 0.0038292016699634748 -0.0035843333696179047 6.9209075933913909e-05
+leaf_weight=42 41 39 47 45 47
+leaf_count=42 41 39 47 45 47
+internal_value=0 -0.0159157 0.0468242 -0.0337192 -0.10973
+internal_weight=0 219 131 84 88
+internal_count=261 219 131 84 88
+shrinkage=0.02
+
+
+Tree=4685
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.331425 1.31232 1.51105 2.00244 2.45534
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0032559265308604547 -0.0016277946742424383 0.0034377342388152211 0.0027568064216420391 -0.005096636487251927 0.0035254742640985883
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0165551 -0.0227737 -0.0779117 0.0102189
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4686
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.326718 1.30098 1.16711 1.2793
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0016634835247928866 -0.0029379091781681723 0.0031245359733470248 -0.0021852124042193635 0.0023146696312323729
+leaf_weight=42 57 51 71 40
+leaf_count=42 57 51 71 40
+internal_value=0 -0.0159425 0.0299302 -0.0277997
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=4687
+num_leaves=5
+num_cat=0
+split_feature=3 2 8 4
+split_gain=0.325015 1.48043 1.00465 0.542455
+threshold=65.500000000000014 14.500000000000002 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0012866392143553165 0.0029270034362822018 -0.0018783735472313022 -0.0028252323537676372 0.0017703196223911042
+leaf_weight=39 61 45 54 62
+leaf_count=39 61 45 54 62
+internal_value=0 0.0439775 -0.0300334 0.029096
+internal_weight=0 106 155 101
+internal_count=261 106 155 101
+shrinkage=0.02
+
+
+Tree=4688
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.321787 1.27658 1.13857 1.26786
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0016515991421133486 -0.0029113648548547335 0.0030877201701181613 -0.0021703229006104657 0.0023097397824472766
+leaf_weight=42 57 51 71 40
+leaf_count=42 57 51 71 40
+internal_value=0 -0.0158295 0.0296157 -0.0274123
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=4689
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.325917 1.46794 1.67156 1.89693
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0034975204167456298 0.0011254862324128407 0.0053718267081892916 -0.0022319466879529462 -0.00065241304292964076
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.023523 0.0296642 0.117608
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=4690
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 2 2
+split_gain=0.319232 1.26413 1.59672 1.82983 1.23359
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0016454060891758723 -0.0047384982836748638 0.0021213277995891168 0.0037184659499745793 -0.003952438089970832 2.7823035223087018e-05
+leaf_weight=42 41 41 51 39 47
+leaf_count=42 41 41 51 39 47
+internal_value=0 -0.0157706 0.0467701 -0.0415254 -0.109288
+internal_weight=0 219 131 80 88
+internal_count=261 219 131 80 88
+shrinkage=0.02
+
+
+Tree=4691
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.342171 1.26279 0.709676 1.92756 1.54655
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00059813770796454115 -0.0016524364526563418 0.0036198549303658816 -0.0027202738982962959 -0.0033870505331284775 0.004472859078388648
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0168093 -0.0189959 0.0157838 0.0926078
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4692
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 3
+split_gain=0.330001 1.46238 0.869379 0.543597 0.358388
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0009032174646641882 -0.0024994831211342435 0.0038403958288282846 -0.002647070937664902 0.0023432343671652344 0.00014901538354362276
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.025692 -0.0249746 0.0365139 -0.0521905
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4693
+num_leaves=5
+num_cat=0
+split_feature=8 3 9 2
+split_gain=0.331967 1.25437 1.08779 3.02199
+threshold=72.500000000000014 66.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0034131166384289741 -0.0015654085896274505 0.0030688933498151522 -0.0030031233560343746 0.0033290541205294151
+leaf_weight=40 47 52 56 66
+leaf_count=40 47 52 56 66
+internal_value=0 0.0172372 -0.0262844 0.0207936
+internal_weight=0 214 162 122
+internal_count=261 214 162 122
+shrinkage=0.02
+
+
+Tree=4694
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 2 9
+split_gain=0.331486 1.21875 1.54254 1.80484 1.25174
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 15.500000000000002 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0016747367315460109 -0.004506804741272674 0.0021030266502056211 0.0036433673508951105 -0.003929514983806703 0.00028438584408081681
+leaf_weight=42 45 41 51 39 43
+leaf_count=42 45 41 51 39 43
+internal_value=0 -0.0160591 0.045362 -0.0414355 -0.10791
+internal_weight=0 219 131 80 88
+internal_count=261 219 131 80 88
+shrinkage=0.02
+
+
+Tree=4695
+num_leaves=6
+num_cat=0
+split_feature=9 5 6 1 6
+split_gain=0.352993 1.38109 0.826337 0.805962 0.321842
+threshold=67.500000000000014 62.400000000000006 49.500000000000007 10.500000000000002 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0026007177544348993 8.1953087634408403e-05 0.0037644382880237348 -0.0025837427737287807 -0.0013136525117250903 -0.0024287292103175959
+leaf_weight=45 46 41 48 41 40
+leaf_count=45 46 41 48 41 40
+internal_value=0 0.026523 -0.0227261 0.036286 -0.0538768
+internal_weight=0 175 134 86 86
+internal_count=261 175 134 86 86
+shrinkage=0.02
+
+
+Tree=4696
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 3
+split_gain=0.338123 1.32575 0.802703 0.530661 0.347691
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00087728193516342493 -0.0024905918584099611 0.0036892778659160042 -0.0025112758297188499 0.0023314283677838034 0.00011963855784638865
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0259889 -0.0222723 0.0368563 -0.0527919
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4697
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.342548 1.12955 0.69675 1.85334 1.51971
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00057412426200769177 -0.001653423829565033 0.0034446907602965694 -0.0026612141563679315 -0.0032832413146865916 0.0044530245723150988
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0168116 -0.0170714 0.0173991 0.0927462
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4698
+num_leaves=6
+num_cat=0
+split_feature=8 2 2 3 3
+split_gain=0.331928 1.17005 1.22706 0.961769 0.744328
+threshold=72.500000000000014 24.500000000000004 13.500000000000002 58.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00086449090625002835 -0.0015654368565635667 0.0032754551901794599 5.7184580558091442e-05 -0.0043278109678249908 0.002856662735768557
+leaf_weight=39 47 44 39 42 50
+leaf_count=39 47 44 39 42 50
+internal_value=0 0.0172303 -0.0205149 -0.110421 0.0608833
+internal_weight=0 214 170 81 89
+internal_count=261 214 170 81 89
+shrinkage=0.02
+
+
+Tree=4699
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.325801 1.20504 1.29498 1.25207
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0016610942527010685 -0.0028408137901727091 0.0032233729917101606 -0.0022626869405215013 0.0021890896949791571
+leaf_weight=42 57 51 71 40
+leaf_count=42 57 51 71 40
+internal_value=0 -0.015931 0.0282364 -0.0325436
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=4700
+num_leaves=6
+num_cat=0
+split_feature=9 5 6 2 3
+split_gain=0.316178 1.30304 0.798847 0.921543 0.346321
+threshold=67.500000000000014 62.400000000000006 49.500000000000007 14.500000000000002 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0029547852851191988 -0.0024553727004071593 0.0036462556275248617 -0.0025478628730982241 -0.0012311917016841025 0.00015036460343809273
+leaf_weight=40 39 41 48 46 47
+leaf_count=40 39 41 48 46 47
+internal_value=0 0.0251766 -0.0226742 0.035365 -0.0511524
+internal_weight=0 175 134 86 86
+internal_count=261 175 134 86 86
+shrinkage=0.02
+
+
+Tree=4701
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 6 1
+split_gain=0.317856 1.24403 0.830334 1.51862 0.854527
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 56.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0010014134374145434 -0.0015961932936154556 0.003350527659548852 0.0004824360087586868 -0.0047791222335128551 0.0030921941574745468
+leaf_weight=42 44 44 51 39 41
+leaf_count=42 44 44 51 39 41
+internal_value=0 0.0162257 -0.0220764 -0.0895316 0.0506001
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=4702
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 8
+split_gain=0.318121 2.50871 2.22468 1.28869
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00079887139010172625 0.0015155079557527644 -0.0049420654519320697 0.003665452596292642 -0.0036140137696074699
+leaf_weight=64 48 39 64 46
+leaf_count=64 48 39 64 46
+internal_value=0 -0.017073 0.0343344 -0.0520187
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=4703
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.319544 1.10469 1.14259 1.313
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013578012688280924 0.0011684929449961524 -0.0032448877918969106 0.002833483017819115 -0.0034000064197548326
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.0222423 0.0200231 -0.0456102
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4704
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.313533 1.19223 1.50316 2.04508 2.48596
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0032279244508033756 -0.0015858682022699023 0.0032858951594355104 0.0027764837129034365 -0.0051032302787582372 0.0035950360122061326
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0161255 -0.0213792 -0.0763778 0.0126841
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4705
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.322657 2.48731 2.19288 1.51909
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00084995661700197698 0.0015257141724095563 -0.0049247672137455595 0.0038699637527656329 -0.0039110776298362203
+leaf_weight=73 48 39 58 43
+leaf_count=73 48 39 58 43
+internal_value=0 -0.0171835 0.034005 -0.0454656
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4706
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 4
+split_gain=0.315959 1.05825 0.977359 1.10052
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00060359860140861746 0.0011623850738777274 -0.0027709395973806138 -0.001724708135651065 0.0040100521927057629
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0221208 0.0266473 0.0929883
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=4707
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.314241 1.2374 1.26626 1.28096
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011814570236008384 -0.0015255006761251549 0.0029114163599593432 -0.0027901432532430248 0.0035213579966048886
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0167965 -0.0286363 0.0445165
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4708
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 8
+split_gain=0.315382 1.32754 1.21003 1.37819
+threshold=69.500000000000014 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00088075951555448382 0.0015093380651727943 -0.0034569802423480528 0.0028605576081223304 -0.0038014754003840153
+leaf_weight=73 48 44 57 39
+leaf_count=73 48 44 57 39
+internal_value=0 -0.0170047 0.0233884 -0.037194
+internal_weight=0 213 169 112
+internal_count=261 213 169 112
+shrinkage=0.02
+
+
+Tree=4709
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 2 9
+split_gain=0.318237 1.18868 1.57164 1.74587 1.26007
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 15.500000000000002 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0016429016562915907 -0.004486073197415486 0.0020298782377049149 0.003659856906720564 -0.0039040598902200106 0.00032105233062716904
+leaf_weight=42 45 41 51 39 43
+leaf_count=42 45 41 51 39 43
+internal_value=0 -0.0157519 0.0449166 -0.0426905 -0.106483
+internal_weight=0 219 131 80 88
+internal_count=261 219 131 80 88
+shrinkage=0.02
+
+
+Tree=4710
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 6 1
+split_gain=0.334678 1.19566 0.764443 1.49314 0.803452
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 56.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00097601837164890408 -0.0016353323634030032 0.003300134995802206 0.00053969111943492367 -0.0046783800160553812 0.0029960097561562938
+leaf_weight=42 44 44 51 39 41
+leaf_count=42 44 44 51 39 41
+internal_value=0 0.0166305 -0.0209272 -0.0857235 0.0488654
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=4711
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 3
+split_gain=0.325335 1.3141 0.814656 0.566207 0.328489
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00092562917946692404 -0.0024335272424447435 0.0036662467665986654 -0.0025313255744138802 0.002385515429482594 0.00010711045168452592
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0255222 -0.022529 0.0370301 -0.0518393
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4712
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.327181 1.15267 1.46783 2.05236 2.17637
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0031627100200303975 -0.0016179716340235526 0.0032436592567526945 0.002758051843796832 -0.005342812632809584 0.0030940848255395542
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.016453 -0.0204307 -0.0747913 0.00825882
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=4713
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 3
+split_gain=0.326748 1.32813 1.3283 2.91347 0.327684
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.001655208789600188 -0.0024340287330726056 0.0037880181863099256 0.0025969730916614222 -0.0053643309900552093 0.00010360781455561693
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0255732 -0.0211861 -0.0868379 -0.0519465
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=4714
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.323199 1.1693 1.28017 1.32514
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011787937800830787 -0.0015456429939057787 0.0028453447740038004 -0.0027724852661843041 0.0036031710883345264
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0170282 -0.0271506 0.046401
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4715
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.314212 1.14629 1.46783 1.13625
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0016332235699287071 -0.0045472367004463499 0.0027522008772625111 -0.0015397359017789917 2.9659800172890473e-05
+leaf_weight=42 41 74 57 47
+leaf_count=42 41 74 57 47
+internal_value=0 -0.0156516 0.0439394 -0.10478
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=4716
+num_leaves=5
+num_cat=0
+split_feature=8 3 8 4
+split_gain=0.320935 1.15968 0.865408 0.59217
+threshold=72.500000000000014 66.500000000000014 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013047380228618664 -0.0015405603152995964 0.0029604596397026567 -0.0024018168406213618 0.001884367325675839
+leaf_weight=39 47 52 61 62
+leaf_count=39 47 52 61 62
+internal_value=0 0.0169708 -0.0248943 0.0322482
+internal_weight=0 214 162 101
+internal_count=261 214 162 101
+shrinkage=0.02
+
+
+Tree=4717
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 6 1
+split_gain=0.311008 1.12435 0.740072 1.44314 0.742254
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 56.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0009121362913496455 -0.0015798267120943877 0.0032005592895955328 0.00053331377549672846 -0.0045976273807221925 0.002908837941402875
+leaf_weight=42 44 44 51 39 41
+leaf_count=42 44 44 51 39 41
+internal_value=0 0.0160658 -0.0203676 -0.0841529 0.0483282
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=4718
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 3
+split_gain=0.323105 1.29683 1.31395 2.82948 0.329372
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0016213654860814672 -0.0024319978739512312 0.0037470756841111673 0.0025891359697910359 -0.0052967922742386975 0.00011193749401659022
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0254388 -0.0207713 -0.0860749 -0.0516726
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=4719
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.317646 1.02008 2.86588 2.79938 2.97044
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0014956321587187467 0.0044844614127730296 -0.0032944886544674047 -0.0055770339543784022 0.0044995157624760727 -0.0030396003040455834
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0172676 0.0157962 -0.0640006 0.0405363
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=4720
+num_leaves=5
+num_cat=0
+split_feature=4 2 3 1
+split_gain=0.335907 0.761512 2.74921 1.13048
+threshold=53.500000000000007 22.500000000000004 68.500000000000014 8.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0012811078613248128 0.0060110490910830448 -0.001640766215724237 -0.0019288944491541564 0.0011816156891443737
+leaf_weight=65 41 53 63 39
+leaf_count=65 41 53 63 39
+internal_value=0 0.0212956 0.0598952 0.183489
+internal_weight=0 196 143 80
+internal_count=261 196 143 80
+shrinkage=0.02
+
+
+Tree=4721
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 7
+split_gain=0.327617 0.898965 2.32975 1.71678
+threshold=48.500000000000007 55.500000000000007 18.500000000000004 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0011271946685732117 0.0029202991745361723 -0.0053090839574987036 0.0029075159550387298 0.000423337397784781
+leaf_weight=77 46 42 54 42
+leaf_count=77 46 42 54 42
+internal_value=0 0.0236335 -0.016924 -0.12177
+internal_weight=0 184 138 84
+internal_count=261 184 138 84
+shrinkage=0.02
+
+
+Tree=4722
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 4
+split_gain=0.3139 0.87913 3.02971 0.310324
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0011046711622361653 -0.0013665846865018754 -0.002392282122147794 0.0056850616867874446 9.2577901208946693e-05
+leaf_weight=77 55 39 44 46
+leaf_count=77 55 39 44 46
+internal_value=0 0.0231655 0.0880604 -0.051958
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=4723
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 5
+split_gain=0.310802 1.05504 1.09706 0.95376
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013298489679647895 0.0011534385940966403 -0.0031765638431312279 0.0031837624206953975 -0.0025390077501519183
+leaf_weight=49 72 44 41 55
+leaf_count=49 72 44 41 55
+internal_value=0 -0.0219499 0.0193664 -0.0354413
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4724
+num_leaves=5
+num_cat=0
+split_feature=7 3 2 9
+split_gain=0.308141 1.01646 1.04092 3.86429
+threshold=76.500000000000014 70.500000000000014 22.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016354262470329953 0.0016907700009897661 -0.0032558539595968863 -0.0019852868628973796 0.0054106495821866088
+leaf_weight=74 39 39 55 54
+leaf_count=74 39 39 55 54
+internal_value=0 -0.0148418 0.0165205 0.0666112
+internal_weight=0 222 183 128
+internal_count=261 222 183 128
+shrinkage=0.02
+
+
+Tree=4725
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.31066 1.14639 1.43276 1.97178 2.16199
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0031777077465576487 -0.001579008356179676 0.0032279629679745443 0.0027144546125152632 -0.0052602969056330506 0.0030587108824142481
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0160567 -0.0207279 -0.0744455 0.00696462
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=4726
+num_leaves=5
+num_cat=0
+split_feature=6 6 4 8
+split_gain=0.315354 1.30307 1.32348 1.06912
+threshold=69.500000000000014 63.500000000000007 61.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.000950599744703 0.001509380643683212 -0.0034284377669694084 0.0033763751593146119 -0.0028628569267163525
+leaf_weight=72 48 44 46 51
+leaf_count=72 48 44 46 51
+internal_value=0 -0.0169986 0.023024 -0.0312409
+internal_weight=0 213 169 123
+internal_count=261 213 169 123
+shrinkage=0.02
+
+
+Tree=4727
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 3
+split_gain=0.306021 1.36745 0.787833 0.536489 0.337542
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00093576619821742954 -0.0024224485685400013 0.0037143466602498404 -0.0025310647782809093 0.0022905095940486501 0.00015174268542871827
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0247996 -0.0242093 0.0343744 -0.0503675
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4728
+num_leaves=5
+num_cat=0
+split_feature=6 5 4 6
+split_gain=0.316877 1.16059 0.698442 0.786425
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010398425971441519 -0.0015937602555492121 0.0034743838994147598 -0.0026850389325476513 0.0020435047379507459
+leaf_weight=76 44 39 41 61
+leaf_count=76 44 39 41 61
+internal_value=0 0.0162081 -0.0181329 0.016377
+internal_weight=0 217 178 137
+internal_count=261 217 178 137
+shrinkage=0.02
+
+
+Tree=4729
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.309355 0.977389 2.74737 3.71461
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0014770028344939143 0.0011550291104482989 -0.0032292315305148911 0.003489811629383526 -0.0066170873465543293
+leaf_weight=49 67 39 67 39
+leaf_count=49 67 39 67 39
+internal_value=0 -0.0170619 0.0153117 -0.084973
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=4730
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 2
+split_gain=0.323126 2.22538 4.59731 1.21791
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0014873023536478604 -0.0029507387796148523 -0.002886144775519513 0.0065959436153117312 0.001648313367935698
+leaf_weight=63 54 52 51 41
+leaf_count=63 54 52 51 41
+internal_value=0 0.027449 0.106185 -0.0478859
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=4731
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.320379 2.46277 2.22016 1.46939
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00080736646659400021 0.0015205817957144655 -0.0049012083281403671 0.0038856275157500347 -0.0038758992335069537
+leaf_weight=73 48 39 58 43
+leaf_count=73 48 39 58 43
+internal_value=0 -0.0171288 0.0338076 -0.0461535
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4732
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 1
+split_gain=0.326251 1.07456 0.948827 1.16306
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 5.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.004104135361068342 0.0011799966219248697 -0.0027952383591228571 -0.0016914267262581693 -0.00063069831114146129
+leaf_weight=44 72 56 49 40
+leaf_count=44 72 56 49 40
+internal_value=0 -0.02246 0.0266773 0.0920644
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=4733
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 1
+split_gain=0.312587 1.03116 0.928938 7.66619
+threshold=70.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0030099507111507897 0.0011564197905456763 -0.0027394035845511268 -0.0067612475326312019 0.0048705571274472075
+leaf_weight=42 72 56 43 48
+leaf_count=42 72 56 43 48
+internal_value=0 -0.0220154 0.0261326 -0.0308989
+internal_weight=0 189 133 91
+internal_count=261 189 133 91
+shrinkage=0.02
+
+
+Tree=4734
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 2
+split_gain=0.323673 2.09933 4.43451 1.17368
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0014672548365097749 -0.002915643649928469 -0.0027877074455722895 0.0064721004264130149 0.0016002436151665901
+leaf_weight=63 54 52 51 41
+leaf_count=63 54 52 51 41
+internal_value=0 0.0274687 0.103967 -0.0479262
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=4735
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 2
+split_gain=0.309919 2.01544 4.25851 1.12655
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0014379423977702321 -0.002857406205294951 -0.0027320278724195842 0.0063428359455734475 0.0015682931527012827
+leaf_weight=63 54 52 51 41
+leaf_count=63 54 52 51 41
+internal_value=0 0.0269106 0.101884 -0.0469602
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=4736
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 8
+split_gain=0.309088 0.709889 1.57402 1.2674
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.001232152947297528 0.0024142125430294905 -0.0037776191986282981 -0.00097437773423941982 0.0035073487883810197
+leaf_weight=65 53 39 59 45
+leaf_count=65 53 39 59 45
+internal_value=0 0.0204647 -0.0164506 0.0479099
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4737
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.318656 1.21917 1.44537 2.02691
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00093870778672540357 -0.0015982395202590949 0.0033208543114957557 0.002708835124526539 -0.0040916091967412487
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.0162369 -0.0216846 -0.0756324
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=4738
+num_leaves=5
+num_cat=0
+split_feature=4 5 5 3
+split_gain=0.29704 1.14866 0.936657 1.40192
+threshold=50.500000000000007 53.500000000000007 64.200000000000003 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0015904954731081849 -0.0027686564184350605 0.0025625428123285192 -0.0029343645222125914 0.0017820802739286984
+leaf_weight=42 57 60 52 50
+leaf_count=42 57 60 52 50
+internal_value=0 -0.0152551 0.0278794 -0.0307454
+internal_weight=0 219 162 102
+internal_count=261 219 162 102
+shrinkage=0.02
+
+
+Tree=4739
+num_leaves=5
+num_cat=0
+split_feature=8 3 9 2
+split_gain=0.313597 1.1879 1.04495 2.95673
+threshold=72.500000000000014 66.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.003342902813137455 -0.0015241011913247693 0.0029877479096532258 -0.002970754945790553 0.0032931122262511805
+leaf_weight=40 47 52 56 66
+leaf_count=40 47 52 56 66
+internal_value=0 0.0167767 -0.0255891 0.0205643
+internal_weight=0 214 162 122
+internal_count=261 214 162 122
+shrinkage=0.02
+
+
+Tree=4740
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.31763 0.919805 2.93219 2.76751 2.90279
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0014952745414785974 0.0044989362587818668 -0.0031490135263048048 -0.0056040404173712212 0.0043943309717681253 -0.0030592342311371729
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0172832 0.014135 -0.0665775 0.0373624
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=4741
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 3
+split_gain=0.314794 2.4565 2.25154 1.26073
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0033667779078933213 0.0015079169060600158 -0.0048927765536222866 0.00100245276872617 -0.0034905668364267708
+leaf_weight=73 48 39 50 51
+leaf_count=73 48 39 50 51
+internal_value=0 -0.0169946 0.0338772 -0.0629615
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4742
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 8
+split_gain=0.328989 0.693613 1.48464 1.23942
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0012688626494846607 0.0024038487896309167 -0.0036591573122489291 -0.00096937880458586789 0.0034633502236207682
+leaf_weight=65 53 39 59 45
+leaf_count=65 53 39 59 45
+internal_value=0 0.0210744 -0.015423 0.0470991
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4743
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.331296 1.20601 1.42221 1.92272 2.38838
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0031796541066925746 -0.0016277899616276403 0.0033108785673418039 0.0026939446890749084 -0.0049621541639658043 0.0035092045325174717
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0165373 -0.0211808 -0.0747026 0.0116664
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4744
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.317406 1.1912 0.650684 1.79138 1.54448
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00067173113550567478 -0.0015952857217741087 0.0035149399830170965 -0.0026153720528184861 -0.003275629240849353 0.0043963000889996554
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.016207 -0.0185791 0.0147537 0.0888535
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4745
+num_leaves=5
+num_cat=0
+split_feature=4 2 6 3
+split_gain=0.309143 2.48542 1.3323 0.759622
+threshold=65.500000000000014 18.500000000000004 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.00068811474414798139 -0.0013589515924796339 0.0049112847378743954 -0.0032971275668045902 0.0029347425783141242
+leaf_weight=60 73 39 50 39
+leaf_count=60 73 39 50 39
+internal_value=0 0.04095 -0.0307781 0.0366031
+internal_weight=0 112 149 99
+internal_count=261 112 149 99
+shrinkage=0.02
+
+
+Tree=4746
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 6
+split_gain=0.310369 0.874997 2.90491 0.290266
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0010993247214993321 -0.0013075818515676798 8.3871470131550332e-05 0.005597978087747776 -0.0023194161642064825
+leaf_weight=77 55 45 44 40
+leaf_count=77 55 45 44 40
+internal_value=0 0.0230172 0.0877634 -0.0519331
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=4747
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 2
+split_gain=0.31086 2.00921 4.22244 1.06277
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0014251021484442592 -0.0028050262849713863 -0.0027266061493444742 0.0063227574684532606 0.0014953920026025197
+leaf_weight=63 54 52 51 41
+leaf_count=63 54 52 51 41
+internal_value=0 0.0269307 0.101789 -0.0470453
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=4748
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.310999 2.40941 2.25981 2.55173
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0033635423941081703 0.0014990263198067797 -0.0048476877151234004 0.0025754174281710802 -0.0039125119292817423
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.016914 0.0334698 -0.0635462
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4749
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 1
+split_gain=0.328093 1.03995 0.934825 7.64944
+threshold=70.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.003011185364624597 0.0011826836017872901 -0.0027594871088976697 -0.0067646093913233977 0.0048544838794532079
+leaf_weight=42 72 56 43 48
+leaf_count=42 72 56 43 48
+internal_value=0 -0.0225421 0.0258074 -0.0314026
+internal_weight=0 189 133 91
+internal_count=261 189 133 91
+shrinkage=0.02
+
+
+Tree=4750
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 4
+split_gain=0.314288 0.998065 0.913813 1.02594
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0005895239855433352 0.0011590525163775662 -0.0027043662705650211 -0.0016784751163509001 0.0038674781270637629
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0220876 0.0252919 0.0894936
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=4751
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.314064 1.22731 1.15507 1.2027
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0034908083699307065 -0.0015255272897510032 0.0029005457542468594 -0.0026890291245242242 -0.0010951865337408885
+leaf_weight=40 47 56 63 55
+leaf_count=40 47 56 63 55
+internal_value=0 0.0167705 -0.0284786 0.0414246
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4752
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.307817 1.95836 2.84972 1.08526
+threshold=8.5000000000000018 67.65000000000002 53.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0031784285577806655 -0.0028200093016168956 0.0035163791032723889 -0.003562950484429458 0.0015250186912038769
+leaf_weight=40 54 58 68 41
+leaf_count=40 54 58 68 41
+internal_value=0 0.0268037 -0.052915 -0.0468315
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=4753
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.327417 1.20189 1.39247 1.91713
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00090064809987056786 -0.0016190033965784863 0.0033038197314087321 0.0026607716484542661 -0.0039926518436532513
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.0164345 -0.0212199 -0.0741887
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=4754
+num_leaves=5
+num_cat=0
+split_feature=8 3 9 2
+split_gain=0.31414 1.20294 1.08864 2.95348
+threshold=72.500000000000014 66.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0034056590702398653 -0.0015256139615145818 0.0030042124951277262 -0.0029553038581331425 0.0033050857614700464
+leaf_weight=40 47 52 56 66
+leaf_count=40 47 52 56 66
+internal_value=0 0.0167767 -0.0258535 0.0212432
+internal_weight=0 214 162 122
+internal_count=261 214 162 122
+shrinkage=0.02
+
+
+Tree=4755
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 3
+split_gain=0.307018 1.33991 1.30514 2.84904 0.30414
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0016095819654497762 -0.0023564075365269735 0.0037871561148510218 0.0025514246864797199 -0.0053322382036144521 9.3184955653957886e-05
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0248121 -0.0221529 -0.0872378 -0.0504697
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=4756
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.311051 1.12804 1.32876 1.88262
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00091886225019331984 -0.0015802887715069595 0.0032048521629936817 0.0026057855432736025 -0.0039307066285753853
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.0160488 -0.0204436 -0.072209
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=4757
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 3
+split_gain=0.308079 1.29744 1.24273 2.7293 0.303496
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0015853459783549801 -0.0023564945712079162 0.0037363453358144811 0.0024957663822208903 -0.0052099379565261937 9.061208988466863e-05
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0248618 -0.0213595 -0.0849 -0.0505421
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=4758
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.31869 0.738331 1.45414 1.71032
+threshold=53.500000000000007 55.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0012499825839844649 0.0024588240560938098 -0.0036538625887082856 -0.00117098944523037 0.0040987805861073577
+leaf_weight=65 53 39 63 41
+leaf_count=65 53 39 63 41
+internal_value=0 0.020762 -0.0168707 0.0450094
+internal_weight=0 196 143 104
+internal_count=261 196 143 104
+shrinkage=0.02
+
+
+Tree=4759
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.329714 1.11276 1.20078 1.29552
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011769162941410287 -0.00156058886649757 0.0027879485490196888 -0.0026792286695543027 0.0035521099483538953
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0171719 -0.0259381 0.0453236
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4760
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 6 1
+split_gain=0.321632 1.09243 0.743367 1.40056 0.724787
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 56.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00087206176476606659 -0.0016052856300189323 0.0031648994008781203 0.00051289806860590809 -0.004542592273615558 0.0029044950202865732
+leaf_weight=42 44 44 51 39 41
+leaf_count=42 44 44 51 39 41
+internal_value=0 0.0163062 -0.0196121 -0.083538 0.0492356
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=4761
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 3
+split_gain=0.316906 1.31851 0.734149 0.571322 0.296836
+threshold=67.500000000000014 62.400000000000006 50.500000000000007 53.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=0.0017902780930317316 -0.0023558951527383708 0.0036649075900445985 -0.002815286856449883 0.00039903339718442025 6.5389680702873212e-05
+leaf_weight=41 39 41 54 39 47
+leaf_count=41 39 41 54 39 47
+internal_value=0 0.0251934 -0.0229379 -0.0729732 -0.0512182
+internal_weight=0 175 134 93 86
+internal_count=261 175 134 93 86
+shrinkage=0.02
+
+
+Tree=4762
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 6 3
+split_gain=0.314411 1.09706 3.38638 1.34001 0.787924
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00069316688771848764 -0.0015881099817175051 -0.0027343518474399814 0.0061328840784548172 -0.003650402614976977 0.0029949219456590409
+leaf_weight=60 44 39 40 39 39
+leaf_count=60 44 39 40 39 39
+internal_value=0 0.0161389 0.0498951 -0.0243529 0.0376366
+internal_weight=0 217 178 138 99
+internal_count=261 217 178 138 99
+shrinkage=0.02
+
+
+Tree=4763
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 6
+split_gain=0.308169 0.861061 2.79641 0.267695
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0010955271140694141 -0.001261501257299879 5.1825020924319649e-05 0.0055145202401289195 -0.0022613686851976757
+leaf_weight=77 55 45 44 40
+leaf_count=77 55 45 44 40
+internal_value=0 0.0229469 0.0871879 -0.0514149
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=4764
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 9
+split_gain=0.321733 1.93473 4.25834 1.06469
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0014585666207970844 0.0011457737933728857 -0.0026570435353117116 0.0063221242301937817 -0.0031182330021951666
+leaf_weight=63 48 52 51 47
+leaf_count=63 48 52 51 47
+internal_value=0 0.0273761 0.10085 -0.0478058
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=4765
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.308061 1.89086 2.84882 1.02188
+threshold=8.5000000000000018 67.65000000000002 53.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0032056867551232384 0.0011228913352721095 0.0034654416154928291 -0.0035347540180107324 -0.00305596125652665
+leaf_weight=40 48 58 68 47
+leaf_count=40 48 58 68 47
+internal_value=0 0.0268198 -0.0515216 -0.0468427
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=4766
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.315358 1.16934 1.13272 1.22711
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011910256623255907 -0.0015283437287235096 0.002841030653305013 -0.0026466951854627412 0.0034135349226984014
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0168097 -0.02737 0.0418637
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4767
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.304619 1.10642 1.3192 1.92749 2.06342
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.003067753795974465 -0.0015649231333080161 0.003174399315485858 0.002598818115584023 -0.0051661343310368717 0.0030259306961021477
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0158891 -0.0202562 -0.0718388 0.00865776
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=4768
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.304259 2.49728 2.26054 1.4526
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0007981041366642537 0.0014838086639319583 -0.0049249217289089701 0.0039293402393877934 -0.0038586307735821758
+leaf_weight=73 48 39 58 43
+leaf_count=73 48 39 58 43
+internal_value=0 -0.0167348 0.0345559 -0.0461246
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4769
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.303964 1.069 1.31865 1.88907 2.24291
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0030202224318647375 -0.0015633034714230718 0.0031262747795640787 0.002610150482061771 -0.0048628343930647447 0.0034630978883787001
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0158751 -0.0196611 -0.0712343 0.0143825
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4770
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.312764 1.20954 1.30431 1.32752
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0016292652555052673 -0.002839618536622633 0.0032402406510061224 -0.0023065403329851396 0.0022756399539103377
+leaf_weight=42 57 51 71 40
+leaf_count=42 57 51 71 40
+internal_value=0 -0.0156386 0.0286105 -0.0323854
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=4771
+num_leaves=6
+num_cat=0
+split_feature=6 6 5 6 2
+split_gain=0.312174 1.35612 1.32274 0.854551 1.04605
+threshold=69.500000000000014 63.500000000000007 58.20000000000001 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0029063623687391868 0.001501921168732896 -0.003488407054197932 0.0036782824523079443 -0.002966828984098004 -0.0014701343551420574
+leaf_weight=42 48 44 40 40 47
+leaf_count=42 48 44 40 40 47
+internal_value=0 -0.0169322 0.0238893 -0.0254937 0.0293429
+internal_weight=0 213 169 129 89
+internal_count=261 213 169 129 89
+shrinkage=0.02
+
+
+Tree=4772
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 4
+split_gain=0.299038 2.42648 2.20154 1.21555
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00092110483395542735 0.0014719269911824282 -0.0048571164282060269 0.0036427445424334283 -0.00331988005143732
+leaf_weight=59 48 39 64 51
+leaf_count=59 48 39 64 51
+internal_value=0 -0.016594 0.0339674 -0.0519381
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=4773
+num_leaves=5
+num_cat=0
+split_feature=6 5 4 6
+split_gain=0.308678 1.09407 0.720574 0.789607
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010163162258274064 -0.0015745249756453175 0.0033801214629986844 -0.0027051417418921808 0.0020729242634276467
+leaf_weight=76 44 39 41 61
+leaf_count=76 44 39 41 61
+internal_value=0 0.0159956 -0.0173577 0.0176852
+internal_weight=0 217 178 137
+internal_count=261 217 178 137
+shrinkage=0.02
+
+
+Tree=4774
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.309423 1.05519 1.03182 0.886702
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015807472623836861 0.0011506898064371517 -0.0031761762375379326 0.0031015478017587341 -0.0022168749742736867
+leaf_weight=42 72 44 41 62
+leaf_count=42 72 44 41 62
+internal_value=0 -0.0219212 0.0193979 -0.0337751
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4775
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 9
+split_gain=0.301801 1.8994 4.11539 0.977653
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0014292298256169604 0.0010875467604848832 -0.0026440291338503097 0.0062202348512388952 -0.0030014122628104489
+leaf_weight=63 48 52 51 47
+leaf_count=63 48 52 51 47
+internal_value=0 0.0265705 0.0993801 -0.0463859
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=4776
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.30367 1.01419 1.09342 1.19345
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012564806577895502 0.0011405960876617151 -0.0031196485709678785 0.0027569754755798095 -0.003282397444493654
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.0217291 0.0187898 -0.0454354
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4777
+num_leaves=6
+num_cat=0
+split_feature=7 3 1 2 9
+split_gain=0.299161 1.01836 1.08097 5.57303 1.48917
+threshold=76.500000000000014 70.500000000000014 8.5000000000000018 18.500000000000004 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=0.0056412056412914347 0.0016671363588700004 -0.0032548409361713589 0.0014168394165695675 -0.0038624113261529662 -0.0040325625791582552
+leaf_weight=60 39 39 39 42 42
+leaf_count=60 39 39 39 42 42
+internal_value=0 -0.0146542 0.0167372 0.0860074 -0.0699975
+internal_weight=0 222 183 102 81
+internal_count=261 222 183 102 81
+shrinkage=0.02
+
+
+Tree=4778
+num_leaves=5
+num_cat=0
+split_feature=4 9 8 6
+split_gain=0.30217 0.662117 1.03715 0.292012
+threshold=53.500000000000007 67.500000000000014 55.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0012192385331705382 0.0039792526930766533 0.00020028168861872087 -3.097543244026431e-05 -0.0022370907851725647
+leaf_weight=65 41 43 72 40
+leaf_count=65 41 43 72 40
+internal_value=0 0.0202431 0.0709275 -0.048281
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=4779
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 1
+split_gain=0.310928 0.970795 0.870592 7.29957
+threshold=70.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0029050672392905226 0.001153284902999053 -0.0026715726470360468 -0.0066046576388396495 0.0047462837581255593
+leaf_weight=42 72 56 43 48
+leaf_count=42 72 56 43 48
+internal_value=0 -0.0219727 0.0247642 -0.0304759
+internal_weight=0 189 133 91
+internal_count=261 189 133 91
+shrinkage=0.02
+
+
+Tree=4780
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 3
+split_gain=0.31271 2.38051 2.1409 1.10116
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011165665244490615 0.0015031403771229438 -0.004821420668914919 0.003814970858283476 -0.002809720649702569
+leaf_weight=56 48 39 58 60
+leaf_count=56 48 39 58 60
+internal_value=0 -0.0169455 0.0331365 -0.0453925
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4781
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.320766 0.991649 1.04284 1.09628
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011768610599644928 0.0011704094081070879 -0.0031014074820332822 0.0026821971420488274 -0.0031760145964182373
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.0222916 0.0177795 -0.0449635
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4782
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.309997 1.83709 2.84604 0.957519
+threshold=8.5000000000000018 67.65000000000002 53.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0032277732528978552 -0.0027106683281139543 0.003425751817099133 -0.0035094973646773108 0.0013746762045665701
+leaf_weight=40 54 58 68 41
+leaf_count=40 54 58 68 41
+internal_value=0 0.02691 -0.0503167 -0.0469695
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=4783
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.312542 1.08847 0.690639 1.5943 1.64924
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00078790223393726902 -0.0015836255462336815 0.0033744178004114713 -0.00265332193974889 -0.0030272668787880907 0.0044479425086548612
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0160958 -0.0171731 0.0171488 0.0871095
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4784
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 4
+split_gain=0.300566 0.959107 0.969203 0.817237
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014923255074355732 0.0011351803369200875 -0.0030450022538448911 0.0029877213036198381 -0.002156486474883831
+leaf_weight=42 72 44 41 62
+leaf_count=42 72 44 41 62
+internal_value=0 -0.0216212 0.0177965 -0.0337614
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4785
+num_leaves=6
+num_cat=0
+split_feature=1 3 3 7 2
+split_gain=0.301099 1.8717 3.06207 2.34347 0.911859
+threshold=8.5000000000000018 75.500000000000014 65.500000000000014 53.500000000000007 17.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0031731708037279062 -0.0026561347273508589 -0.0033111393500509425 0.0063090354370779313 -0.0034336205045743078 0.0013323928353732482
+leaf_weight=40 54 39 40 47 41
+leaf_count=40 54 39 40 47 41
+internal_value=0 0.0265446 0.0859099 -0.0193359 -0.0463321
+internal_weight=0 166 127 87 95
+internal_count=261 166 127 87 95
+shrinkage=0.02
+
+
+Tree=4786
+num_leaves=5
+num_cat=0
+split_feature=4 6 9 4
+split_gain=0.303475 0.669721 1.75998 1.4215
+threshold=53.500000000000007 63.500000000000007 53.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0012216131661424482 -0.0015172239144643149 0.0015347163887263983 0.0037666142001854751 -0.0034674352860542715
+leaf_weight=65 44 48 60 44
+leaf_count=65 44 48 60 44
+internal_value=0 0.0202888 0.076197 -0.0424873
+internal_weight=0 196 104 92
+internal_count=261 196 104 92
+shrinkage=0.02
+
+
+Tree=4787
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.293625 2.85648 3.1745 2.64257
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0055966494393925306 0.0012284750401009769 0.00062426594084714849 -0.0065872072362459112 -0.00094953606920210266
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0195458 -0.141419 0.0995054
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4788
+num_leaves=5
+num_cat=0
+split_feature=4 9 8 4
+split_gain=0.30763 0.671691 1.00847 0.232156
+threshold=53.500000000000007 67.500000000000014 55.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0012294490140063691 0.0039546930142670394 -0.0020350338884834516 -4.1098554223358191e-07 0.00015287616461448489
+leaf_weight=65 41 43 72 40
+leaf_count=65 41 43 72 40
+internal_value=0 0.0204178 0.0714556 -0.0485874
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=4789
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 7
+split_gain=0.329814 2.33273 2.18206 3.71937
+threshold=69.500000000000014 71.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00089212173361735486 0.001541310070407646 -0.0047851429481487436 -0.0021574439209288959 0.0066554003569612285
+leaf_weight=59 48 39 68 47
+leaf_count=59 48 39 68 47
+internal_value=0 -0.0173747 0.032204 0.122453
+internal_weight=0 213 174 106
+internal_count=261 213 174 106
+shrinkage=0.02
+
+
+Tree=4790
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.313389 2.67952 3.09272 2.6361
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00085878383323989018 0.0012665164571557272 0.00064352982474185727 -0.0064749601842340508 0.0057317630020759444
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0201559 -0.138223 0.0951662
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4791
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 8
+split_gain=0.336559 2.26012 2.09109 0.895794
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00074216392745197731 0.0015560949083075894 -0.004719468168332689 0.0042456256632265937 -0.0026860377338560051
+leaf_weight=73 48 39 47 54
+leaf_count=73 48 39 47 54
+internal_value=0 -0.0175417 0.0312626 -0.0354939
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=4792
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.322469 2.57967 3.00675 2.56435
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0054083499455891042 0.0012837585910389251 0.00063464971596605981 -0.0063846820990497814 -0.0010412638333687143
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.020423 -0.136288 0.092741
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4793
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 2
+split_gain=0.342713 2.18703 2.05411 0.977256
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.002293848719202015 0.0015695726676197542 -0.0046517983525381206 0.0041950969490619737 0.001268677462310274
+leaf_weight=71 48 39 47 56
+leaf_count=71 48 39 47 56
+internal_value=0 -0.0176871 0.0303252 -0.0358421
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=4794
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 9
+split_gain=0.332747 0.890578 0.845437 2.09778
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.002947675428458849 0.0011909347227231173 -0.0025932609962655917 -0.0031233272830435994 0.0029613967205149639
+leaf_weight=39 72 56 55 39
+leaf_count=39 72 56 55 39
+internal_value=0 -0.0226737 0.0221184 -0.0294992
+internal_weight=0 189 133 94
+internal_count=261 189 133 94
+shrinkage=0.02
+
+
+Tree=4795
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.327338 2.12439 2.0098 2.66552
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0031428097201728201 0.0015360704476654295 -0.0045827050786012499 0.0027007703463875063 -0.0039295814897408006
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0173019 0.0300212 -0.0615065
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4796
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.340351 2.42341 2.93504 2.51537
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00092316964144999875 0.001317062383557197 0.00065481663007009789 -0.0062808095930183376 0.0055160020219902827
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0209387 -0.13327 0.0887627
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4797
+num_leaves=4
+num_cat=0
+split_feature=6 2 1
+split_gain=0.344892 0.988807 3.52044
+threshold=48.500000000000007 19.500000000000004 7.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0011548632247231113 -0.0035530074509228823 0.0025375016895373861 0.0033513718158355806
+leaf_weight=77 69 63 52
+leaf_count=77 69 63 52
+internal_value=0 0.0242136 -0.0289503
+internal_weight=0 184 121
+internal_count=261 184 121
+shrinkage=0.02
+
+
+Tree=4798
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 6
+split_gain=0.330459 0.780405 3.05443 0.326155
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0011317868402562006 -0.0014413412401240589 0.00024496414137221848 0.0056391302716145043 -0.0022965302137415815
+leaf_weight=77 55 45 44 40
+leaf_count=77 55 45 44 40
+internal_value=0 0.0237302 0.084961 -0.0471267
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=4799
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 9
+split_gain=0.331921 0.878985 0.830674 2.01333
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0029211192345997544 0.0011896321134528308 -0.0025789747903409523 -0.0030686515105361623 0.0028934012309655009
+leaf_weight=39 72 56 55 39
+leaf_count=39 72 56 55 39
+internal_value=0 -0.0226425 0.0218617 -0.0293109
+internal_weight=0 189 133 94
+internal_count=261 189 133 94
+shrinkage=0.02
+
+
+Tree=4800
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 7
+split_gain=0.330218 2.09124 1.97935 3.51939
+threshold=69.500000000000014 71.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00093853204090300197 0.0015425126316246332 -0.0045511694876694047 -0.0020775125730540306 0.0064043530005156767
+leaf_weight=59 48 39 68 47
+leaf_count=59 48 39 68 47
+internal_value=0 -0.0173691 0.0295851 0.115591
+internal_weight=0 213 174 106
+internal_count=261 213 174 106
+shrinkage=0.02
+
+
+Tree=4801
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.338889 0.903665 0.979372 1.04261
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011167356306893874 0.0012013369247045168 -0.0029947011471166615 0.0025645615429193834 -0.0031298077139538089
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.0228663 0.0154098 -0.0454248
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4802
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.325406 2.39188 2.90512 2.48847
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0052710299163111199 0.0012894902722156588 0.00066121841051211105 -0.0062391838149607054 -0.0010833067050809455
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0204984 -0.132105 0.0884919
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4803
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 2
+split_gain=0.339251 2.04655 1.93533 1.01953
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0023176055668996196 0.0015622997291995255 -0.0045108598101615245 0.0040616746812473983 0.0013199191964499682
+leaf_weight=71 48 39 47 56
+leaf_count=71 48 39 47 56
+internal_value=0 -0.0175906 0.0288616 -0.0353759
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=4804
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 4
+split_gain=0.334083 0.850311 0.936925 1.00364
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014067756918566454 0.0011934168338780806 -0.002917093278517698 0.0024969004498131241 -0.0027808816508045346
+leaf_weight=42 72 44 51 52
+leaf_count=42 72 44 51 52
+internal_value=0 -0.0227051 0.014441 -0.0450821
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4805
+num_leaves=5
+num_cat=0
+split_feature=6 6 4 8
+split_gain=0.328137 1.16937 1.16067 0.896203
+threshold=69.500000000000014 63.500000000000007 61.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0008395659058057967 0.0015380500097371 -0.0032744699198941148 0.0031462433096264 -0.0026574988335528577
+leaf_weight=72 48 44 46 51
+leaf_count=72 48 44 46 51
+internal_value=0 -0.0173111 0.0206236 -0.0302311
+internal_weight=0 213 169 123
+internal_count=261 213 169 123
+shrinkage=0.02
+
+
+Tree=4806
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 1
+split_gain=0.326077 0.848362 0.796087 0.98182
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 5.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0037094902996306039 0.001179947933700053 -0.002538454977186559 -0.0016157827650058109 -0.00064691113896104559
+leaf_weight=44 72 56 49 40
+leaf_count=44 72 56 49 40
+internal_value=0 -0.022442 0.0212929 0.0813343
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=4807
+num_leaves=5
+num_cat=0
+split_feature=8 8 3 3
+split_gain=0.322051 1.14783 1.51124 1.43734
+threshold=69.500000000000014 62.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010328649931866493 0.0012570766543857014 -0.0032036737357097451 0.0031693728150498385 -0.0039191308651697274
+leaf_weight=56 65 46 53 41
+leaf_count=56 65 46 53 41
+internal_value=0 -0.0208192 0.0217074 -0.0526661
+internal_weight=0 196 150 97
+internal_count=261 196 150 97
+shrinkage=0.02
+
+
+Tree=4808
+num_leaves=5
+num_cat=0
+split_feature=4 8 2 9
+split_gain=0.314745 0.670396 0.949682 3.98774
+threshold=53.500000000000007 55.500000000000007 11.500000000000002 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0012423403710653583 0.0025869258155784662 -0.0023808705882243891 -0.0026568726307879742 0.0055167175017514372
+leaf_weight=65 45 54 54 43
+leaf_count=65 45 54 54 43
+internal_value=0 0.0206577 -0.0115131 0.0479798
+internal_weight=0 196 151 97
+internal_count=261 196 151 97
+shrinkage=0.02
+
+
+Tree=4809
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 2
+split_gain=0.308725 0.701745 1.44441 2.59583
+threshold=76.500000000000014 72.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0041691339971305762 0.0016923162338829479 -0.0025902588467090638 -0.0020345568597378038 -0.0021394607491163303
+leaf_weight=67 39 44 68 43
+leaf_count=67 39 44 68 43
+internal_value=0 -0.0148529 0.0133051 0.0847993
+internal_weight=0 222 178 110
+internal_count=261 222 178 110
+shrinkage=0.02
+
+
+Tree=4810
+num_leaves=4
+num_cat=0
+split_feature=6 2 3
+split_gain=0.311553 1.00159 1.5215
+threshold=48.500000000000007 19.500000000000004 65.500000000000014
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0011008321382013513 -0.0033941184615726805 0.0025279219305981201 0.0012137832759228358
+leaf_weight=77 48 63 73
+leaf_count=77 48 63 73
+internal_value=0 0.0230814 -0.0304221
+internal_weight=0 184 121
+internal_count=261 184 121
+shrinkage=0.02
+
+
+Tree=4811
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.310959 1.21904 1.54388 2.04331 2.38534
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0031820023235527785 -0.0015797002999006768 0.0033172777217343897 0.0028095982777935754 -0.0051256631167541956 0.0035026593589176798
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.016065 -0.0218547 -0.0775808 0.0114415
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4812
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.297873 1.17002 1.48209 1.97068 2.04359
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0031184683591021136 -0.0015481562094540183 0.0032510375935987518 0.0027534957478274717 -0.0052908536167073994 0.0029465213169395888
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0157441 -0.0214138 -0.0760317 0.00535434
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=4813
+num_leaves=6
+num_cat=0
+split_feature=7 3 6 7 7
+split_gain=0.3068 1.05085 1.13813 1.17901 0.581989
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0012881244975252583 0.0016872356778250529 -0.0033040068121800987 0.003256249229815756 -0.0035048180756008713 0.0018502581991952688
+leaf_weight=40 39 39 42 39 62
+leaf_count=40 39 39 42 39 62
+internal_value=0 -0.0148151 0.0170666 -0.0261228 0.0305821
+internal_weight=0 222 183 141 102
+internal_count=261 222 183 141 102
+shrinkage=0.02
+
+
+Tree=4814
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 2
+split_gain=0.297594 2.13108 2.01937 0.998431
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0022887700839319095 0.0014688753530256015 -0.0045741737472612841 0.0041754851013023134 0.0013116289791372854
+leaf_weight=71 48 39 47 56
+leaf_count=71 48 39 47 56
+internal_value=0 -0.0165422 0.0308555 -0.0347524
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=4815
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.306417 1.15172 0.803911 1.52593 1.63372
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00077452335418139672 -0.001568809171531215 0.0034574927099188303 -0.0028521254897436901 -0.0029234003265592146 0.004436815898332825
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0159551 -0.018256 0.0187203 0.0871848
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4816
+num_leaves=6
+num_cat=0
+split_feature=6 6 5 6 2
+split_gain=0.29488 1.17862 1.14496 0.819134 0.901719
+threshold=69.500000000000014 63.500000000000007 58.20000000000001 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0027437458319280899 0.0014625062016506366 -0.0032691951284013034 0.0034134959458694929 -0.0028942636983008462 -0.0013250325806003632
+leaf_weight=42 48 44 40 40 47
+leaf_count=42 48 44 40 40 47
+internal_value=0 -0.0164753 0.0216081 -0.0243717 0.0293365
+internal_weight=0 213 169 129 89
+internal_count=261 213 169 129 89
+shrinkage=0.02
+
+
+Tree=4817
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.305476 1.1396 0.773179 1.46665 1.57718
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0007683461011706033 -0.001566686862574593 0.0034406237187121938 -0.002802349305483788 -0.0028704739549428055 0.0043529946703819147
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0159251 -0.0181075 0.0181675 0.0853118
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4818
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.292557 1.14179 1.50448 1.99197 2.17217
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0030203469683105599 -0.0015354028357679351 0.0032131266117853348 0.0027832359207584012 -0.0050520553101967335 0.0033610759606187185
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0155996 -0.0211123 -0.0761352 0.0117675
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4819
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 8
+split_gain=0.305174 2.09042 1.99535 0.927452
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00077664841921365067 0.001486070580844054 -0.0045380231159130634 0.0041413251077271531 -0.0027105447865467275
+leaf_weight=73 48 39 47 54
+leaf_count=73 48 39 47 54
+internal_value=0 -0.0167499 0.0301955 -0.0350238
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=4820
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 6 2
+split_gain=0.292291 2.00702 1.91749 1.11101 0.884146
+threshold=69.500000000000014 71.500000000000014 58.550000000000004 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0027052986736617237 0.0014563924802646633 -0.0044474250641714629 0.0041114504438921383 -0.003507960813259694 -0.0013245601659877704
+leaf_weight=42 48 39 46 39 47
+leaf_count=42 48 39 46 39 47
+internal_value=0 -0.0164119 0.0295925 -0.0334158 0.028441
+internal_weight=0 213 174 128 89
+internal_count=261 213 174 128 89
+shrinkage=0.02
+
+
+Tree=4821
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.304114 1.10959 0.761848 1.38217 1.52854
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00076584869691038505 -0.0015634999185672066 0.003399196689925079 -0.0027767476302328732 -0.0027740533257682842 0.0042767924802278503
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.015887 -0.0176994 0.0183141 0.0835287
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4822
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.303995 0.826064 0.911194 1.13705
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012374211889385133 0.001141160846348897 -0.0028633439140311914 0.0024758239229621315 -0.0031946247275517841
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.0217403 0.0148821 -0.0438298
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4823
+num_leaves=5
+num_cat=0
+split_feature=6 6 4 8
+split_gain=0.292792 1.17366 1.15127 0.935594
+threshold=69.500000000000014 63.500000000000007 61.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00089367634130778026 0.0014574724378148361 -0.0032621982829270802 0.0031542766061944017 -0.0026781283897594483
+leaf_weight=72 48 44 46 51
+leaf_count=72 48 44 46 51
+internal_value=0 -0.0164294 0.0215747 -0.0290748
+internal_weight=0 213 169 123
+internal_count=261 213 169 123
+shrinkage=0.02
+
+
+Tree=4824
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.300629 1.13509 1.55465 1.99527 2.14273
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0030086906527379133 -0.0015550920550166439 0.003208746123481614 0.0028418520443895478 -0.0050666785303097629 0.0033297775871755858
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0158004 -0.0208048 -0.0767235 0.0112511
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4825
+num_leaves=6
+num_cat=0
+split_feature=7 3 6 7 7
+split_gain=0.294534 1.01883 1.10461 1.07816 0.528488
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0012419294846870074 0.0016550525612147044 -0.0032533458618974943 0.0032095242642080496 -0.0033682939647438279 0.0017535874119953621
+leaf_weight=40 39 39 42 39 62
+leaf_count=40 39 39 42 39 62
+internal_value=0 -0.0145454 0.0168533 -0.0257029 0.0285496
+internal_weight=0 222 183 141 102
+internal_count=261 222 183 141 102
+shrinkage=0.02
+
+
+Tree=4826
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.296818 1.08182 1.4967 1.90017 2.05253
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0029466046617834135 -0.001545838785565086 0.0031393754463334297 0.0027965406462844332 -0.0049463752179469515 0.0032582609986897791
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0157054 -0.0200407 -0.0749254 0.0109376
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4827
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.307085 1.2518 1.24887 1.27128
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0016154262811009265 -0.0028798701902660534 0.0032016925228676128 -0.002227822194979029 0.0022578189200353287
+leaf_weight=42 57 51 71 40
+leaf_count=42 57 51 71 40
+internal_value=0 -0.0154983 0.0295088 -0.0301884
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=4828
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 2
+split_gain=0.305254 2.03503 1.99022 0.933125
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.002253024700100754 0.0014863191283069086 -0.0044824897047463117 0.0041244279540757081 0.0012295963513525876
+leaf_weight=71 48 39 47 56
+leaf_count=71 48 39 47 56
+internal_value=0 -0.0167487 0.0295737 -0.0355627
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=4829
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 8
+split_gain=0.303484 1.18443 1.20372 1.26444
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0016066338344682333 -0.0028090704978687327 0.0031324520642355457 -0.0031643942514539979 0.0011959561360597758
+leaf_weight=42 57 51 46 65
+leaf_count=42 57 51 46 65
+internal_value=0 -0.0154065 0.0283864 -0.0302344
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=4830
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.285666 1.27864 1.11205 1.18485
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0034128547441060926 -0.0014588305074266501 0.0029386798388736442 -0.0026824551369033288 -0.0011398602393527678
+leaf_weight=40 47 56 63 55
+leaf_count=40 47 56 63 55
+internal_value=0 0.0160626 -0.0301137 0.0384879
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4831
+num_leaves=5
+num_cat=0
+split_feature=7 3 2 9
+split_gain=0.289407 0.961046 0.976664 4.0883
+threshold=76.500000000000014 70.500000000000014 22.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0017594941457414399 0.0016416082593190692 -0.0031673125412752783 -0.0019225823193036299 0.0054872978739929617
+leaf_weight=74 39 39 55 54
+leaf_count=74 39 39 55 54
+internal_value=0 -0.0144214 0.0160856 0.0646414
+internal_weight=0 222 183 128
+internal_count=261 222 183 128
+shrinkage=0.02
+
+
+Tree=4832
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.301146 1.1067 0.734121 1.41597 1.50692
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0007466284072111056 -0.001556319974773672 0.0033938109703645176 -0.0027339866891637576 -0.0028254101129766111 0.0042605216943308486
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0158143 -0.017729 0.0176351 0.0836299
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4833
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.291268 2.01951 1.95891 1.38697
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0007739095796173407 0.0014538699379514353 -0.0044596929499979123 0.0036119208130000777 -0.0037777005777797435
+leaf_weight=73 48 39 58 43
+leaf_count=73 48 39 58 43
+internal_value=0 -0.0163918 0.0297548 -0.0453847
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=4834
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.300268 1.07469 0.72014 1.34356 1.46655
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0007453551034335013 -0.0015542735680785611 0.0033492671437075233 -0.0027027413306341917 -0.0027414981600446596 0.0041950675254418188
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0157885 -0.0172717 0.017761 0.0820758
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4835
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.292523 1.08163 1.66987 1.37043
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0015788994227618595 -0.0044921781536871961 0.0028515782602663488 -0.0017232413524417467 0.00051965242009571018
+leaf_weight=42 45 74 57 43
+leaf_count=42 45 74 57 43
+internal_value=0 -0.0151573 0.0427524 -0.101783
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=4836
+num_leaves=6
+num_cat=0
+split_feature=6 2 3 7 4
+split_gain=0.297231 1.08337 0.655936 1.87744 0.813569
+threshold=70.500000000000014 24.500000000000004 65.500000000000014 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0014892380552365015 -0.0015469597860247688 0.0031414559013534628 0.0014717527511784961 -0.0048575510001961373 0.0025605287501601942
+leaf_weight=41 44 44 53 39 40
+leaf_count=41 44 44 53 39 40
+internal_value=0 0.0157098 -0.0200616 -0.0617753 0.0250631
+internal_weight=0 217 173 120 81
+internal_count=261 217 173 120 81
+shrinkage=0.02
+
+
+Tree=4837
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 3
+split_gain=0.288902 1.97899 1.9304 1.27987
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.003079286688166098 0.0014482990952856903 -0.004417245276380757 0.0010715343734569028 -0.0034553857550640643
+leaf_weight=73 48 39 50 51
+leaf_count=73 48 39 50 51
+internal_value=0 -0.016331 0.0293527 -0.0603615
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4838
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 2
+split_gain=0.302297 1.33706 1.12524 1.27153
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0010377212140766257 0.0029948072596477277 -0.00374094795252517 -0.0022208067452721379 0.0022653194299348429
+leaf_weight=58 52 40 71 40
+leaf_count=58 52 40 71 40
+internal_value=0 -0.0452938 0.0272516 -0.0298287
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=4839
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.29905 2.29077 2.73779 2.50973
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00095618371257216218 0.0012390637208991296 0.00062782239605821649 -0.0060718906008693256 0.0054759558508252768
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0197135 -0.128959 0.0869631
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4840
+num_leaves=4
+num_cat=0
+split_feature=6 2 1
+split_gain=0.302222 0.857044 3.41902
+threshold=48.500000000000007 19.500000000000004 7.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0010854569143616025 -0.0034674311598078713 0.0023694549528880432 0.0033374314203884138
+leaf_weight=77 69 63 52
+leaf_count=77 69 63 52
+internal_value=0 0.022743 -0.026809
+internal_weight=0 184 121
+internal_count=261 184 121
+shrinkage=0.02
+
+
+Tree=4841
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 4
+split_gain=0.292524 1.93316 1.95 1.19024
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00089660884925046511 0.0014569306688544804 -0.0043718329181232944 0.0033656802023882353 -0.0033005439901342593
+leaf_weight=59 48 39 64 51
+leaf_count=59 48 39 64 51
+internal_value=0 -0.0164182 0.0287364 -0.0521469
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=4842
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 1
+split_gain=0.30018 0.774035 0.877033 7.24552
+threshold=70.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.002823139525151236 0.0011346047644496826 -0.002430317202566013 -0.0066776154815998438 0.0046310457869021947
+leaf_weight=42 72 56 43 48
+leaf_count=42 72 56 43 48
+internal_value=0 -0.0216028 0.020207 -0.0352424
+internal_weight=0 189 133 91
+internal_count=261 189 133 91
+shrinkage=0.02
+
+
+Tree=4843
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 3
+split_gain=0.29455 1.0369 1.52935 1.88804
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00049348807888255602 -0.0015401500356638273 0.0030802127712839227 0.0028447317725099459 -0.0044550680011276192
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0156562 -0.0193491 -0.0748207
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=4844
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 6
+split_gain=0.298587 0.839178 2.9906 0.391806
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0010791606642910059 -0.0013863801038349651 0.00028060009879406623 0.00561996462936436 -0.0024928699663996192
+leaf_weight=77 55 45 44 40
+leaf_count=77 55 45 44 40
+internal_value=0 0.0226222 0.0860623 -0.0508068
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=4845
+num_leaves=5
+num_cat=0
+split_feature=6 6 4 8
+split_gain=0.298135 1.19472 1.18132 0.891503
+threshold=69.500000000000014 63.500000000000007 61.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00085009964303151919 0.0014700379063142222 -0.0032905721096717121 0.003193044199872886 -0.0026380651371106022
+leaf_weight=72 48 44 46 51
+leaf_count=72 48 44 46 51
+internal_value=0 -0.0165606 0.0217792 -0.0295195
+internal_weight=0 213 169 123
+internal_count=261 213 169 123
+shrinkage=0.02
+
+
+Tree=4846
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=0.29252 1.41747 0.93495 3.72167
+threshold=65.500000000000014 71.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.003278098518483194 0.0037130308856809964 -0.0010399461256065997 -0.0035734639756082481 0.0036316502156347129
+leaf_weight=39 42 64 53 63
+leaf_count=39 42 64 53 63
+internal_value=0 0.0418487 -0.0285906 0.0166298
+internal_weight=0 106 155 116
+internal_count=261 106 155 116
+shrinkage=0.02
+
+
+Tree=4847
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 5
+split_gain=0.285982 1.92328 2.01677 3.1303
+threshold=69.500000000000014 71.500000000000014 9.5000000000000018 57.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00036167073869138657 0.0014416732468425495 -0.00435808524305379 -0.0021182208072951804 0.0067367137007606813
+leaf_weight=66 48 39 68 40
+leaf_count=66 48 39 68 40
+internal_value=0 -0.0162419 0.028798 0.115605
+internal_weight=0 213 174 106
+internal_count=261 213 174 106
+shrinkage=0.02
+
+
+Tree=4848
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.303233 2.34332 2.74423 2.42233
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0052156522618129354 0.0012472270023351202 0.00060436944474159967 -0.0061030818574211269 -0.0010541658354840263
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.019839 -0.130319 0.0880466
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4849
+num_leaves=6
+num_cat=0
+split_feature=7 3 6 7 7
+split_gain=0.292307 0.955325 1.00891 1.04441 0.559973
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0012918092530952417 0.0016492804150722324 -0.0031602470567228241 0.0030662228172192926 -0.0033054620724734911 0.0017888083503752184
+leaf_weight=40 39 39 42 39 62
+leaf_count=40 39 39 42 39 62
+internal_value=0 -0.0144888 0.0159284 -0.0247664 0.0286414
+internal_weight=0 222 183 141 102
+internal_count=261 222 183 141 102
+shrinkage=0.02
+
+
+Tree=4850
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.287157 1.03363 0.732704 1.30739 1.52139
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00079426654756057269 -0.0015219869698787291 0.0032854841720472068 -0.0027165012740438688 -0.0026877967260697994 0.0042368578387371727
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.015469 -0.0169615 0.0183702 0.0818275
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=4851
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 4
+split_gain=0.293425 1.21016 1.16265 0.854288
+threshold=69.500000000000014 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015233874720520608 0.0014589506371901143 -0.0033070322182109789 0.0027891433952447727 -0.0021179811201061387
+leaf_weight=42 48 44 57 70
+leaf_count=42 48 44 57 70
+internal_value=0 -0.0164459 0.0221383 -0.0372615
+internal_weight=0 213 169 112
+internal_count=261 213 169 112
+shrinkage=0.02
+
+
+Tree=4852
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.29034 0.786396 0.90901 1.0805
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011779973441091505 0.0011169723909339464 -0.0027963867115749913 0.0024651950504393735 -0.0031440111101731665
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.0212714 0.0144762 -0.0441672
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4853
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 9 3
+split_gain=0.287399 3.67388 3.54965 1.19754 2.74851
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0033409805847264482 -0.0015655507353456112 0.0057929129051037609 -0.0051631760423918793 0.0037709133740988911 -0.003960759460939896
+leaf_weight=40 42 40 55 41 43
+leaf_count=40 42 40 55 41 43
+internal_value=0 0.0150501 -0.0461779 0.0476161 -0.0216184
+internal_weight=0 219 179 124 83
+internal_count=261 219 179 124 83
+shrinkage=0.02
+
+
+Tree=4854
+num_leaves=5
+num_cat=0
+split_feature=4 2 3 4
+split_gain=0.294705 0.716204 2.5231 0.891654
+threshold=53.500000000000007 22.500000000000004 68.500000000000014 61.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0012048996108567935 0.0014066069167345898 -0.0016054782836882435 -0.0018463930877468107 0.0057119921678097964
+leaf_weight=65 41 53 63 39
+leaf_count=65 41 53 63 39
+internal_value=0 0.0200138 0.0574841 0.175932
+internal_weight=0 196 143 80
+internal_count=261 196 143 80
+shrinkage=0.02
+
+
+Tree=4855
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 4
+split_gain=0.295338 0.77225 0.877099 1.0406
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014774157108647368 0.0011259303891606679 -0.0027788817846358485 0.0024178331932817065 -0.0027856524666835325
+leaf_weight=42 72 44 51 52
+leaf_count=42 72 44 51 52
+internal_value=0 -0.021442 0.013988 -0.0436346
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4856
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.284696 3.5876 3.41198 1.1578 2.17824
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0027245094546915825 -0.001558645068997013 0.005727094024278471 -0.0050675389912592994 0.003651503452728785 -0.0038183879494176178
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0149841 -0.0455222 0.0464399 -0.0228967
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=4857
+num_leaves=5
+num_cat=0
+split_feature=9 5 1 9
+split_gain=0.296378 0.770222 0.865783 1.5925
+threshold=70.500000000000014 64.200000000000003 9.5000000000000018 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011317508668637138 0.0011278417379447635 -0.0027765182151609415 -0.0014485266301348697 0.0045311296252440363
+leaf_weight=40 72 44 65 40
+leaf_count=40 72 44 65 40
+internal_value=0 -0.0214745 0.0139097 0.0845592
+internal_weight=0 189 145 80
+internal_count=261 189 145 80
+shrinkage=0.02
+
+
+Tree=4858
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.289425 1.58258 1.98359 0.768551
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00074619274734656952 -0.0013163685895115887 0.0029858729389510836 -0.0045486931556154124 0.0028701081424988739
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0180113 -0.0413388 0.0346665
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=4859
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.292037 3.46583 3.31227 1.13607 2.1116
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.002685799907413888 -0.0015774456448259732 0.0056381847417678868 -0.0049826458417283701 0.0036233934924442129 -0.0037571248290156202
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0151567 -0.0443163 0.0462964 -0.0223933
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=4860
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.300044 1.04596 1.58205 2.09739 2.22894
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0030093697925517304 -0.0015537366368398933 0.0030945716073027753 0.0028988818613047739 -0.005136322553172477 0.0034538928938542251
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0157827 -0.0193733 -0.0757777 0.014412
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4861
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.292047 1.53473 1.91301 0.745032
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00073215281038568479 -0.0013220055855774765 0.0029478515318936624 -0.0044632273224516454 0.0028296899904120673
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0180839 -0.0403698 0.0342786
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=4862
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.299083 3.37558 3.20872 1.13733 2.08957
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0026591393321093739 -0.0015952278527364555 0.005572013526760732 -0.0048996622217519761 0.0036153303969067921 -0.0037503191150421804
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0153234 -0.0433721 0.0458175 -0.0229105
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=4863
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 7
+split_gain=0.30273 1.47554 1.85274 0.69256
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013635641752944671 -0.0013445094138229724 0.0029042164213921684 -0.0043772472704243486 0.002073470021551374
+leaf_weight=40 56 64 41 60
+leaf_count=40 56 64 41 60
+internal_value=0 0.0183876 -0.0389375 0.0345335
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=4864
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.301232 1.34502 1.13573 1.11084
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011625965779697421 -0.0014958870906991416 0.0030123912457882332 -0.0027197465281186364 0.0032219828863962264
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0164479 -0.0308992 0.038419
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4865
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 9 3
+split_gain=0.305451 3.27399 3.09415 1.10559 2.72283
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0033296968905236141 -0.0016111942273521469 0.0054955769029227707 -0.0048068561057781865 0.0036151926503916972 -0.0039381097616605762
+leaf_weight=40 42 40 55 41 43
+leaf_count=40 42 40 55 41 43
+internal_value=0 0.0154692 -0.0423385 0.0452497 -0.0213034
+internal_weight=0 219 179 124 83
+internal_count=261 219 179 124 83
+shrinkage=0.02
+
+
+Tree=4866
+num_leaves=6
+num_cat=0
+split_feature=3 1 3 7 9
+split_gain=0.318608 1.37217 2.91968 2.29389 1.38955
+threshold=75.500000000000014 8.5000000000000018 65.500000000000014 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -3
+right_child=-2 4 -4 -5 -6
+leaf_value=0.0031423461359874668 -0.001620524691572205 0.0012950007032792772 0.0061591805307934164 -0.0033947802256750837 -0.0037204283371135606
+leaf_weight=40 43 39 40 47 52
+leaf_count=40 43 39 40 47 52
+internal_value=0 0.0160024 0.0837805 -0.0189953 -0.0781416
+internal_weight=0 218 127 87 91
+internal_count=261 218 127 87 91
+shrinkage=0.02
+
+
+Tree=4867
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.312673 1.42556 1.73905 0.754167
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00075620953574719594 -0.0013651756487822648 0.0028669878757562111 -0.0042414708538940134 0.002827045170035718
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0186631 -0.0376916 0.0335036
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=4868
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.309594 1.34475 1.07716 1.11283
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011959053875868976 -0.0015153316347771752 0.0030162578248801729 -0.002661569464555421 0.0031927639797120926
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0166556 -0.0306865 0.0368428
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4869
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.30766 3.16947 2.95153 1.12751 2.0412
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0025962668701223555 -0.0016167515440482494 0.0054136060279802644 -0.0046956615814533606 0.0035714502237331621 -0.0037390597890909101
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0155167 -0.0413633 0.0441895 -0.0242471
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=4870
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.320216 1.32271 2.82875 1.30545
+threshold=75.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.001552878529797033 -0.0016244666697338504 0.0012424421376025002 0.0044432195506697719 -0.0036206458147528633
+leaf_weight=59 43 39 68 52
+leaf_count=59 43 39 68 52
+internal_value=0 0.0160354 0.0826007 -0.0764164
+internal_weight=0 218 127 91
+internal_count=261 218 127 91
+shrinkage=0.02
+
+
+Tree=4871
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.31499 1.35126 1.70612 0.728768
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00071519155683504758 -0.0013700967300261367 0.0028032036060771171 -0.0041781963691358481 0.0028084368438889683
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0187193 -0.0361615 0.0343622
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=4872
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.312618 1.00741 1.52078 2.06148 2.19891
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.002962239447486126 -0.0015843807852319613 0.0030495595577652015 0.0028539831302882542 -0.0050652737724883445 0.0034575721146447979
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0160689 -0.0184412 -0.0737614 0.0156581
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=4873
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.315506 3.11061 2.89246 1.12789 2.01322
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0025719894003012355 -0.0016361026906870821 0.0053698821553631801 -0.0046428912283018285 0.0035689345928405338 -0.0037201438350349643
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0156958 -0.0406549 0.0440407 -0.0244076
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=4874
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=0.323768 1.41777 0.999904 3.47416
+threshold=71.500000000000014 65.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0032691056381444782 -0.0012728707178606155 0.00369475695627558 -0.0033108460763899288 0.0036512938829823156
+leaf_weight=39 64 42 53 63
+leaf_count=39 64 42 53 63
+internal_value=0 0.0206767 -0.023584 0.0231673
+internal_weight=0 197 155 116
+internal_count=261 197 155 116
+shrinkage=0.02
+
+
+Tree=4875
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.315475 1.28252 1.6631 0.70491
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00068203138850166686 -0.0013711909249236247 0.0027417381072804437 -0.0041068305792470675 0.0027847089592227025
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0187276 -0.0347536 0.0348824
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=4876
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.318142 3.02961 2.80685 1.07558 2.04477
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0028527988979723069 -0.0016426227403446476 0.0053051872504956419 -0.0045703809318848572 0.0034976607688623168 -0.003493780190661802
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0157521 -0.0398622 0.0435755 -0.0232839
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=4877
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=0.335215 1.35898 0.976568 3.32487
+threshold=71.500000000000014 65.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0032119359868946424 -0.001293987109315215 0.0036336822448276643 -0.0032148073568437564 0.0035968390105264735
+leaf_weight=39 64 42 53 63
+leaf_count=39 64 42 53 63
+internal_value=0 0.0210132 -0.0223278 0.0238834
+internal_weight=0 197 155 116
+internal_count=261 197 155 116
+shrinkage=0.02
+
+
+Tree=4878
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.324109 1.20581 1.62773 0.698686
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00065390162781409306 -0.0013888202583181766 0.0026756776762893392 -0.0040341248350013398 0.0027976676813527357
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0189623 -0.0329123 0.0359861
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=4879
+num_leaves=5
+num_cat=0
+split_feature=8 3 3 8
+split_gain=0.326439 1.64783 1.3607 1.34233
+threshold=62.500000000000007 58.500000000000007 52.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0011043065761380257 -0.0034822717018866971 0.0034800634017789441 -0.0037161570127816684 0.0010070876956022666
+leaf_weight=56 46 53 41 65
+leaf_count=56 46 53 41 65
+internal_value=0 0.031313 -0.0463089 -0.0423594
+internal_weight=0 150 97 111
+internal_count=261 150 97 111
+shrinkage=0.02
+
+
+Tree=4880
+num_leaves=5
+num_cat=0
+split_feature=8 9 3 2
+split_gain=0.327768 1.28092 1.08863 2.16968
+threshold=72.500000000000014 66.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030517960585005961 -0.0015568565189623138 0.0029615029488147555 -0.0031186118245509205 -0.0026193172865592224
+leaf_weight=61 47 56 48 49
+leaf_count=61 47 56 48 49
+internal_value=0 0.0170933 -0.0291227 0.0259123
+internal_weight=0 214 158 110
+internal_count=261 214 158 110
+shrinkage=0.02
+
+
+Tree=4881
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.329062 2.98129 2.75801 1.05232
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00089148592404804784 -0.0016690260519005495 0.0052704469010230164 -0.0045238472484234833 0.0028246557335422106
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.0159999 -0.0391704 0.0435413
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=4882
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 7
+split_gain=0.336381 1.31434 0.8887 0.646602
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013337160412260265 -0.0012962691589494533 0.003581764615712666 -0.0025575401906337536 0.0019689303135284196
+leaf_weight=40 64 42 53 62
+leaf_count=40 64 42 53 62
+internal_value=0 0.0210397 -0.02159 0.0332955
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=4883
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 2
+split_gain=0.323322 1.01085 2.63366 4.14691
+threshold=73.500000000000014 41.500000000000007 5.5000000000000009 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0024492262806339745 -0.001387384705377046 -0.0016384282154002327 -0.00050115973085927592 0.0082197929513046861
+leaf_weight=41 56 76 48 40
+leaf_count=41 56 76 48 40
+internal_value=0 0.0189329 0.0545624 0.17286
+internal_weight=0 205 164 88
+internal_count=261 205 164 88
+shrinkage=0.02
+
+
+Tree=4884
+num_leaves=5
+num_cat=0
+split_feature=6 9 5 8
+split_gain=0.324789 1.46226 1.61192 1.41306
+threshold=63.500000000000007 57.500000000000007 50.45000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.003386830774874523 -0.0038329600123119139 0.0029664037683430843 0.0015677474197109068 0.0011917236435601093
+leaf_weight=53 40 63 53 52
+leaf_count=53 40 63 53 52
+internal_value=0 0.0267795 -0.04513 -0.0492743
+internal_weight=0 169 106 92
+internal_count=261 169 106 92
+shrinkage=0.02
+
+
+Tree=4885
+num_leaves=5
+num_cat=0
+split_feature=8 9 3 2
+split_gain=0.327842 1.25322 1.08562 2.12374
+threshold=72.500000000000014 66.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030333420888031099 -0.0015572736185144563 0.0029332586511935021 -0.0031054855134808545 -0.0025778734464132302
+leaf_weight=61 47 56 48 49
+leaf_count=61 47 56 48 49
+internal_value=0 0.0170825 -0.0286363 0.0263241
+internal_weight=0 214 158 110
+internal_count=261 214 158 110
+shrinkage=0.02
+
+
+Tree=4886
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.329318 2.93254 2.74433 1.02402 2.00057
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0028532684390154949 -0.0016698838444880475 0.005229963216552243 -0.0045057473745280267 0.0034391725706549759 -0.0034251817177253724
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0159935 -0.0387253 0.043782 -0.0214728
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=4887
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=0.340122 1.27249 0.93192 3.26194
+threshold=71.500000000000014 65.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0031191134539015433 -0.0013032277128324134 0.0035338172198248669 -0.0031705186977092443 0.0035766810072556114
+leaf_weight=39 64 42 53 63
+leaf_count=39 64 42 53 63
+internal_value=0 0.0211412 -0.0208106 0.0243482
+internal_weight=0 197 155 116
+internal_count=261 197 155 116
+shrinkage=0.02
+
+
+Tree=4888
+num_leaves=5
+num_cat=0
+split_feature=8 3 3 8
+split_gain=0.332106 1.56223 1.32786 1.29828
+threshold=62.500000000000007 58.500000000000007 52.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0011253476276560563 -0.0034464584788603098 0.0034106986143505012 -0.0036375926594998907 0.00096949385126715755
+leaf_weight=56 46 53 41 65
+leaf_count=56 46 53 41 65
+internal_value=0 0.0315546 -0.0440392 -0.0427178
+internal_weight=0 150 97 111
+internal_count=261 150 97 111
+shrinkage=0.02
+
+
+Tree=4889
+num_leaves=5
+num_cat=0
+split_feature=8 9 3 2
+split_gain=0.33055 1.23223 1.0853 2.10121
+threshold=72.500000000000014 66.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030289044082579572 -0.0015633372835053591 0.0029131185870789711 -0.0030962311290320772 -0.0025526675902001845
+leaf_weight=61 47 56 48 49
+leaf_count=61 47 56 48 49
+internal_value=0 0.0171483 -0.0281901 0.0267629
+internal_weight=0 214 158 110
+internal_count=261 214 158 110
+shrinkage=0.02
+
+
+Tree=4890
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 9 3
+split_gain=0.32968 2.87244 2.69119 0.992655 2.6602
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0033215529838493706 -0.0016707630041435037 0.0051798956965809608 -0.0044583588417951613 0.0034417299155281036 -0.0038629275183957781
+leaf_weight=40 42 40 55 41 43
+leaf_count=40 42 40 55 41 43
+internal_value=0 0.016001 -0.0381559 0.0435521 -0.0195508
+internal_weight=0 219 179 124 83
+internal_count=261 219 179 124 83
+shrinkage=0.02
+
+
+Tree=4891
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 7
+split_gain=0.339207 1.18259 1.63127 0.731418
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013705798256923825 -0.0014192453523078278 0.0026617476233285996 -0.004019953823449521 0.0021588436918854414
+leaf_weight=40 56 64 41 60
+leaf_count=40 56 64 41 60
+internal_value=0 0.0193596 -0.0320185 0.0369554
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=4892
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=0.340026 1.24033 0.898497 3.18927
+threshold=71.500000000000014 65.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0030608681005256269 -0.0013031280105862322 0.0034947379027292515 -0.0031353698282611227 0.0035366876934279502
+leaf_weight=39 64 42 53 63
+leaf_count=39 64 42 53 63
+internal_value=0 0.0211347 -0.0202887 0.0240651
+internal_weight=0 197 155 116
+internal_count=261 197 155 116
+shrinkage=0.02
+
+
+Tree=4893
+num_leaves=5
+num_cat=0
+split_feature=8 3 8 3
+split_gain=0.342788 1.57966 1.27129 1.24337
+threshold=62.500000000000007 58.500000000000007 69.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0010621521352329037 -0.0034326545733393259 0.0034353717475910524 0.00093766191664270792 -0.0035487028732006931
+leaf_weight=56 46 53 65 41
+leaf_count=56 46 53 65 41
+internal_value=0 0.0320267 -0.043364 -0.0439839
+internal_weight=0 150 111 97
+internal_count=261 150 111 97
+shrinkage=0.02
+
+
+Tree=4894
+num_leaves=5
+num_cat=0
+split_feature=8 5 7 7
+split_gain=0.3332 0.834272 0.651097 0.671449
+threshold=72.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013386958553394178 -0.0015693013802794407 0.0027586555123549107 -0.0018866826548092086 0.0020248821745511843
+leaf_weight=40 47 46 66 62
+leaf_count=40 47 46 66 62
+internal_value=0 0.0172096 -0.0156513 0.034899
+internal_weight=0 214 168 102
+internal_count=261 214 168 102
+shrinkage=0.02
+
+
+Tree=4895
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.336759 1.43063 1.44273 1.40616
+threshold=63.500000000000007 57.500000000000007 48.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0031009940551907835 -0.0038430318473609334 0.0029494718278009423 0.0015967900834982091 0.0011693924974663737
+leaf_weight=56 40 63 50 52
+leaf_count=56 40 63 50 52
+internal_value=0 0.0272378 -0.0438962 -0.0501249
+internal_weight=0 169 106 92
+internal_count=261 169 106 92
+shrinkage=0.02
+
+
+Tree=4896
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.33187 2.80707 2.65482 0.981373 1.91414
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0028069593486408761 -0.0016759771265891774 0.0051256883922162011 -0.0044201621128879031 0.0033839747618900672 -0.003335766007763509
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0160516 -0.0374876 0.043669 -0.0202288
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=4897
+num_leaves=5
+num_cat=0
+split_feature=3 3 8 7
+split_gain=0.353197 1.21045 0.896373 0.666149
+threshold=71.500000000000014 65.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012917961778562206 -0.0013266706413996281 0.0034658123305568167 -0.0024928457787787824 0.0020692599517301968
+leaf_weight=40 64 42 54 61
+leaf_count=40 64 42 54 61
+internal_value=0 0.0215218 -0.0194044 0.036513
+internal_weight=0 197 155 101
+internal_count=261 197 155 101
+shrinkage=0.02
+
+
+Tree=4898
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=0.338402 1.16184 0.876631 3.07259
+threshold=71.500000000000014 65.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.003003800293582768 -0.001300166339386881 0.0033966114690262999 -0.0030540623700494362 0.0034954496766513667
+leaf_weight=39 64 42 53 63
+leaf_count=39 64 42 53 63
+internal_value=0 0.0210879 -0.0190171 0.0248035
+internal_weight=0 197 155 116
+internal_count=261 197 155 116
+shrinkage=0.02
+
+
+Tree=4899
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.341569 1.11257 1.6284 0.741505
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00064455045078930229 -0.0014239882717258857 0.0025957413919099098 -0.0039854518881615045 0.002908306274445003
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0194188 -0.0304334 0.0384819
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=4900
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 3
+split_gain=0.356702 1.52108 1.2832 1.24902
+threshold=62.500000000000007 58.500000000000007 19.500000000000004 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0011070139346827325 -0.0025144553484859828 0.0033958379083913401 0.0019900690585873148 -0.0035144532907283423
+leaf_weight=56 71 53 40 41
+leaf_count=56 71 53 40 41
+internal_value=0 0.0326344 -0.0441885 -0.0419637
+internal_weight=0 150 111 97
+internal_count=261 150 111 97
+shrinkage=0.02
+
+
+Tree=4901
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 9
+split_gain=0.341723 1.2477 1.24366 0.785791
+threshold=62.500000000000007 55.150000000000006 69.500000000000014 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0017142458785337376 -0.0034037476192592983 0.0035394026126279229 0.00091945374706556531 -0.0018658223854350372
+leaf_weight=40 46 43 65 67
+leaf_count=40 46 43 65 67
+internal_value=0 0.0319821 -0.0432978 -0.0259881
+internal_weight=0 150 111 107
+internal_count=261 150 111 107
+shrinkage=0.02
+
+
+Tree=4902
+num_leaves=5
+num_cat=0
+split_feature=6 9 5 8
+split_gain=0.334256 1.42432 1.50871 1.36183
+threshold=63.500000000000007 57.500000000000007 50.45000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0032811495987163197 -0.003794923320148602 0.0029424383491632095 0.0015139889206638305 0.0011387885987775809
+leaf_weight=53 40 63 53 52
+leaf_count=53 40 63 53 52
+internal_value=0 0.0271474 -0.0438311 -0.0499434
+internal_weight=0 169 106 92
+internal_count=261 169 106 92
+shrinkage=0.02
+
+
+Tree=4903
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 7
+split_gain=0.341708 0.852291 0.705201 0.62259
+threshold=72.500000000000014 65.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001207488936945956 -0.0015879527050293451 0.0027882228980606228 -0.0019313300163802402 0.0020445004957864578
+leaf_weight=40 47 46 67 61
+leaf_count=40 47 46 67 61
+internal_value=0 0.0174225 -0.0157853 0.0374362
+internal_weight=0 214 168 101
+internal_count=261 214 168 101
+shrinkage=0.02
+
+
+Tree=4904
+num_leaves=5
+num_cat=0
+split_feature=8 9 3 5
+split_gain=0.327378 1.19663 1.11638 1.21879
+threshold=72.500000000000014 66.500000000000014 61.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010021396428404293 -0.0015562404080234518 0.0028748001666902036 -0.0031201495510737765 0.0034273048209387353
+leaf_weight=71 47 56 48 39
+leaf_count=71 47 56 48 39
+internal_value=0 0.0170709 -0.0276153 0.0281106
+internal_weight=0 214 158 110
+internal_count=261 214 158 110
+shrinkage=0.02
+
+
+Tree=4905
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 3
+split_gain=0.319861 1.15238 4.07743 2.46012
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0016457737561572977 0.00037742370921922056 -0.0034112161026055715 0.004104777196422482 -0.0058001528462014078
+leaf_weight=42 65 40 71 43
+leaf_count=42 65 40 71 43
+internal_value=0 -0.015843 0.0185606 -0.103846
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=4906
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.328908 2.88905 2.6349 0.9236 1.94901
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.002621690305474537 -0.0016688418364281153 0.0051935477922027892 -0.0044231792412791626 0.0032876729473935639 -0.0035707849069466636
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0159873 -0.0383255 0.0425266 -0.0194875
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=4907
+num_leaves=5
+num_cat=0
+split_feature=8 9 3 5
+split_gain=0.317792 1.21015 1.08423 1.1751
+threshold=72.500000000000014 66.500000000000014 61.500000000000007 50.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00099986702083191062 -0.0015345934973699236 0.0028841305206660523 -0.0030932248879587529 0.0033507970266095626
+leaf_weight=71 47 56 48 39
+leaf_count=71 47 56 48 39
+internal_value=0 0.0168349 -0.0281003 0.0268262
+internal_weight=0 214 158 110
+internal_count=261 214 158 110
+shrinkage=0.02
+
+
+Tree=4908
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 9 3
+split_gain=0.323254 2.8054 2.5558 0.911399 2.67245
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0033504439553834866 -0.0016552957458169665 0.0051203606497484287 -0.0043551744580463689 0.0033047911086481851 -0.003850558437104289
+leaf_weight=40 42 40 55 41 43
+leaf_count=40 42 40 55 41 43
+internal_value=0 0.0158556 -0.0376677 0.0419668 -0.0185333
+internal_weight=0 219 179 124 83
+internal_count=261 219 179 124 83
+shrinkage=0.02
+
+
+Tree=4909
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 2
+split_gain=0.320333 0.903055 2.50815 3.9167
+threshold=73.500000000000014 41.500000000000007 5.5000000000000009 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0022986058802653441 -0.0013814227428438086 -0.0016128228110863249 -0.0004862334047753572 0.0079899786492669735
+leaf_weight=41 56 76 48 40
+leaf_count=41 56 76 48 40
+internal_value=0 0.0188458 0.0525683 0.16804
+internal_weight=0 205 164 88
+internal_count=261 205 164 88
+shrinkage=0.02
+
+
+Tree=4910
+num_leaves=5
+num_cat=0
+split_feature=6 9 5 8
+split_gain=0.322579 1.41444 1.44486 1.38664
+threshold=63.500000000000007 57.500000000000007 50.45000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0032347160101565847 -0.0038035242874960903 0.0029250894767349342 0.0014589693038021528 0.0011745091024889973
+leaf_weight=53 40 63 53 52
+leaf_count=53 40 63 53 52
+internal_value=0 0.0266891 -0.0440459 -0.0491205
+internal_weight=0 169 106 92
+internal_count=261 169 106 92
+shrinkage=0.02
+
+
+Tree=4911
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.320932 1.18845 1.07539 1.09476
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0033393228240357633 -0.0015418197754936719 0.002863013225271886 -0.0025989783894544141 -0.0010392374032981515
+leaf_weight=40 47 56 63 55
+leaf_count=40 47 56 63 55
+internal_value=0 0.0169074 -0.0276275 0.0398527
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=4912
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 1
+split_gain=0.32184 2.72584 2.51402 0.918993
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0023972492317818903 -0.0016519927778747266 0.0050515122715330783 -0.0043114228490472861 -0.0010978673708856659
+leaf_weight=69 42 40 55 55
+leaf_count=69 42 40 55 55
+internal_value=0 0.0158174 -0.0369441 0.0420402
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=4913
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 7
+split_gain=0.335256 1.17912 0.907893 0.626768
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012479121912022555 -0.0012945370214266071 0.0034163433098725023 -0.0025364423789602003 0.0020045090682320843
+leaf_weight=40 64 42 53 62
+leaf_count=40 64 42 53 62
+internal_value=0 0.0209907 -0.0194083 0.0360615
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=4914
+num_leaves=5
+num_cat=0
+split_feature=3 3 8 7
+split_gain=0.321171 1.13175 0.877176 0.617885
+threshold=71.500000000000014 65.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012229974943115314 -0.0012686744529974293 0.003348130561448572 -0.0024630667020785336 0.002017225293643603
+leaf_weight=40 64 42 54 61
+leaf_count=40 64 42 54 61
+internal_value=0 0.0205674 -0.019021 0.0363048
+internal_weight=0 197 155 101
+internal_count=261 197 155 101
+shrinkage=0.02
+
+
+Tree=4915
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.320075 1.13083 1.63154 0.732924
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00065517025784374934 -0.0013811606079804561 0.002601639321863196 -0.0040085075401986988 0.0028776974671494491
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0188255 -0.0314298 0.0375503
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=4916
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 3
+split_gain=0.328016 1.47872 1.265 1.23251
+threshold=62.500000000000007 58.500000000000007 19.500000000000004 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0010894357345018961 -0.0024689787882796253 0.0033324825090945993 0.0020041110378668913 -0.0035017496331100312
+leaf_weight=56 71 53 40 41
+leaf_count=56 71 53 40 41
+internal_value=0 0.0313596 -0.0424802 -0.0422026
+internal_weight=0 150 111 97
+internal_count=261 150 111 97
+shrinkage=0.02
+
+
+Tree=4917
+num_leaves=5
+num_cat=0
+split_feature=6 9 5 8
+split_gain=0.316065 1.43278 1.41773 1.38621
+threshold=63.500000000000007 57.500000000000007 50.45000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0032270101401256448 -0.0037938323260722153 0.002935162643982186 0.001422811439617084 0.0011835133029920299
+leaf_weight=53 40 63 53 52
+leaf_count=53 40 63 53 52
+internal_value=0 0.0264304 -0.0447576 -0.048655
+internal_weight=0 169 106 92
+internal_count=261 169 106 92
+shrinkage=0.02
+
+
+Tree=4918
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.319308 1.11202 3.93749 1.89706
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0016443344142747544 -0.0043423012101973862 -0.0033573341173277196 0.0040286794001981154 0.0010322665066878967
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0158352 0.0179673 -0.102327
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=4919
+num_leaves=5
+num_cat=0
+split_feature=8 9 3 2
+split_gain=0.322532 1.1475 1.06338 2.15698
+threshold=72.500000000000014 66.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030777380163338332 -0.0015454261231671251 0.0028206740227244382 -0.0030437698194631948 -0.0025767238250156759
+leaf_weight=61 47 56 48 49
+leaf_count=61 47 56 48 49
+internal_value=0 0.0169474 -0.0268224 0.0275814
+internal_weight=0 214 158 110
+internal_count=261 214 158 110
+shrinkage=0.02
+
+
+Tree=4920
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 3
+split_gain=0.309379 1.39578 1.25189 1.20127
+threshold=62.500000000000007 58.500000000000007 19.500000000000004 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0010896586702376823 -0.0024375770737550583 0.0032397689161404891 0.0020127411790625367 -0.0034439278807965458
+leaf_weight=56 71 53 40 41
+leaf_count=56 71 53 40 41
+internal_value=0 0.0305156 -0.0413199 -0.040973
+internal_weight=0 150 111 97
+internal_count=261 150 111 97
+shrinkage=0.02
+
+
+Tree=4921
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 1
+split_gain=0.322326 2.74487 2.54389 0.933271
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0024149624558913482 -0.0016530933031878279 0.0050681812371868055 -0.0043357709036919833 -0.0011066788791073241
+leaf_weight=69 42 40 55 55
+leaf_count=69 42 40 55 55
+internal_value=0 0.0158323 -0.0371124 0.0423377
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=4922
+num_leaves=6
+num_cat=0
+split_feature=3 6 8 6 2
+split_gain=0.317873 1.41095 2.88809 0.580763 0.993123
+threshold=75.500000000000014 64.500000000000014 58.500000000000007 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0029335699896858342 -0.0016194784930501317 -0.0026439073710922403 0.0059874602694980688 -0.0022737057291720613 -0.0013319815362566009
+leaf_weight=42 43 50 39 40 47
+leaf_count=42 43 50 39 40 47
+internal_value=0 0.0159493 0.0603146 -0.0117721 0.0336359
+internal_weight=0 218 168 129 89
+internal_count=261 218 168 129 89
+shrinkage=0.02
+
+
+Tree=4923
+num_leaves=6
+num_cat=0
+split_feature=3 1 3 7 8
+split_gain=0.304467 1.4016 2.50783 2.39347 1.41356
+threshold=75.500000000000014 8.5000000000000018 65.500000000000014 53.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -3
+right_child=-2 4 -4 -5 -6
+leaf_value=0.0033747220901567381 -0.0015871416966101951 0.00061939509059203118 0.0058395860754422955 -0.003302510167342071 -0.0044237335426777066
+leaf_weight=40 43 51 40 47 40
+leaf_count=40 43 51 40 47 40
+internal_value=0 0.0156238 0.0841143 -0.0111543 -0.0795138
+internal_weight=0 218 127 87 91
+internal_count=261 218 127 87 91
+shrinkage=0.02
+
+
+Tree=4924
+num_leaves=5
+num_cat=0
+split_feature=4 6 7 7
+split_gain=0.300588 1.14015 1.61037 0.604297
+threshold=73.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012546292679964947 -0.0013409574320750778 0.0025997811433411027 -0.0041206317622856257 0.0019409396684729613
+leaf_weight=40 56 64 39 62
+leaf_count=40 56 64 39 62
+internal_value=0 0.0182806 -0.0321798 0.0339968
+internal_weight=0 205 141 102
+internal_count=261 205 141 102
+shrinkage=0.02
+
+
+Tree=4925
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.304335 2.68747 2.42351 0.959724 1.90439
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0025240955912134611 -0.0016092690341626206 0.0050100100779822713 -0.0042479534685849847 0.0032949171462881045 -0.0035973668493988705
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0154005 -0.0369898 0.0405656 -0.0226379
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=4926
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.321369 1.1316 1.95579 1.14807
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00094318831613346248 -0.0012690429768459799 0.0012528052029781766 0.0044062477902882839 -0.0033933733585646132
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.0205733 0.0886982 -0.0651041
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=4927
+num_leaves=5
+num_cat=0
+split_feature=3 5 5 9
+split_gain=0.307834 1.10471 2.80184 0.742096
+threshold=71.500000000000014 65.100000000000009 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016400391147347619 -0.0012436899497223586 -0.002365816851368243 0.0054283391110828824 -0.0018412462997177918
+leaf_weight=40 64 45 45 67
+leaf_count=40 64 45 45 67
+internal_value=0 0.0201583 0.0614451 -0.0266069
+internal_weight=0 197 152 107
+internal_count=261 197 152 107
+shrinkage=0.02
+
+
+Tree=4928
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 1
+split_gain=0.294838 1.12009 0.903434 1.33598
+threshold=71.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0030549947870549625 -0.0012188429107204306 0.0033170017860041736 -0.0017318114394626665 0.0025897433639406188
+leaf_weight=39 64 42 56 60
+leaf_count=39 64 42 56 60
+internal_value=0 0.0197521 -0.0196348 0.0248398
+internal_weight=0 197 155 116
+internal_count=261 197 155 116
+shrinkage=0.02
+
+
+Tree=4929
+num_leaves=5
+num_cat=0
+split_feature=8 3 8 3
+split_gain=0.301033 1.33409 1.23392 1.10973
+threshold=62.500000000000007 58.500000000000007 69.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0010399468411348158 -0.0033442835407163796 0.0031738863281999719 0.00096249759106206809 -0.0033201439742163085
+leaf_weight=56 46 53 65 41
+leaf_count=56 46 53 65 41
+internal_value=0 0.0301158 -0.0408037 -0.0397901
+internal_weight=0 150 111 97
+internal_count=261 150 111 97
+shrinkage=0.02
+
+
+Tree=4930
+num_leaves=5
+num_cat=0
+split_feature=8 9 3 2
+split_gain=0.295698 1.1903 1.08341 2.03364
+threshold=72.500000000000014 66.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.002985592233677416 -0.0014838695604237802 0.0028520393857657009 -0.0030964672703560209 -0.0025062952980335362
+leaf_weight=61 47 56 48 49
+leaf_count=61 47 56 48 49
+internal_value=0 0.0162594 -0.0283106 0.026595
+internal_weight=0 214 158 110
+internal_count=261 214 158 110
+shrinkage=0.02
+
+
+Tree=4931
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 1
+split_gain=0.29541 2.69518 2.39054 0.905411
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0023402326632697215 -0.0015870602648870834 0.0050123662718006704 -0.0042300429533533206 -0.0011297478627353306
+leaf_weight=69 42 40 55 55
+leaf_count=69 42 40 55 55
+internal_value=0 0.0151828 -0.0372826 0.0397456
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=4932
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.304359 1.12032 1.63736 0.779403
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00070019720555398643 -0.0013489874858300869 0.0025825792357072053 -0.0040187469309833999 0.0029405091303912724
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0183794 -0.0316455 0.0374565
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=4933
+num_leaves=5
+num_cat=0
+split_feature=8 2 5 4
+split_gain=0.300798 1.24067 1.16396 1.07719
+threshold=62.500000000000007 19.500000000000004 53.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0010610678430119974 -0.0024199323725902504 0.0020107181781555666 0.0030420480386661847 -0.0032360528783962439
+leaf_weight=58 71 40 52 40
+leaf_count=58 71 40 52 40
+internal_value=0 -0.0407919 0.0301016 -0.034288
+internal_weight=0 111 150 98
+internal_count=261 111 150 98
+shrinkage=0.02
+
+
+Tree=4934
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 5
+split_gain=0.294913 1.16851 1.13417 1.33343
+threshold=76.500000000000014 70.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0032307819174070898 0.001654872361380852 -0.0034609077303518507 0.0022453661583749741 0.0012798750980641178
+leaf_weight=53 39 39 77 53
+leaf_count=53 39 39 77 53
+internal_value=0 -0.0146129 0.0189861 -0.0484277
+internal_weight=0 222 183 106
+internal_count=261 222 183 106
+shrinkage=0.02
+
+
+Tree=4935
+num_leaves=5
+num_cat=0
+split_feature=8 9 8 6
+split_gain=0.292408 1.15673 1.06639 0.824485
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 46.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010374783753207811 -0.0014761008990369381 0.0028150847571481248 -0.0027945349446529583 0.0026003132480062392
+leaf_weight=54 47 56 56 48
+leaf_count=54 47 56 56 48
+internal_value=0 0.0161753 -0.027769 0.0333598
+internal_weight=0 214 158 102
+internal_count=261 214 158 102
+shrinkage=0.02
+
+
+Tree=4936
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.305167 1.22758 1.96803 0.431663
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00047343917183760592 0.00056685859090018094 -0.001695404165861371 0.0049647312386708175 -0.0023296728395186769
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0246964 0.0897574 -0.0503721
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=4937
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.30007 1.06949 3.9843 1.90885
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0015968412027340306 -0.0043675178888328741 -0.0032908161630468653 0.0040463293644919232 0.0010235450328340855
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0153895 0.0177683 -0.103237
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=4938
+num_leaves=5
+num_cat=0
+split_feature=8 3 8 3
+split_gain=0.305722 1.27198 1.2062 1.10604
+threshold=62.500000000000007 58.500000000000007 69.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0010741060579553398 -0.00332200390860254 0.0031186921603939778 0.00093675072534908372 -0.003279097911622625
+leaf_weight=56 46 53 65 41
+leaf_count=56 46 53 65 41
+internal_value=0 0.0303397 -0.0410959 -0.0379352
+internal_weight=0 150 111 97
+internal_count=261 150 111 97
+shrinkage=0.02
+
+
+Tree=4939
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.304019 1.25239 1.87768 0.428357
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00040886793094895756 0.00056290305725656138 -0.0017179114114712402 0.0049038101853052813 -0.0023229393739406029
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0246581 0.0903618 -0.0502778
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=4940
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 3
+split_gain=0.303808 1.20642 1.20325 1.06625
+threshold=62.500000000000007 58.500000000000007 19.500000000000004 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0010748259943900143 -0.0023996132777657077 0.0030523859100061467 0.0019646089697140006 -0.0032008184859039779
+leaf_weight=56 71 53 40 41
+leaf_count=56 71 53 40 41
+internal_value=0 0.0302519 -0.0409735 -0.0362584
+internal_weight=0 150 111 97
+internal_count=261 150 111 97
+shrinkage=0.02
+
+
+Tree=4941
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 3
+split_gain=0.292295 1.03215 3.84212 2.38909
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 68.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0015775051255010213 0.00038990224276922515 -0.0032353410216260799 0.0039726823212798265 -0.005698502791614303
+leaf_weight=42 65 40 71 43
+leaf_count=42 65 40 71 43
+internal_value=0 -0.0151927 0.0173884 -0.101445
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=4942
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.295772 1.05247 1.81598 1.86621
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0033254022288361869 0.0011257521763797507 -0.0033834178576787966 -0.0011830655138233548 0.0040645651548570022
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0215044 0.0166834 0.0836387
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=4943
+num_leaves=5
+num_cat=0
+split_feature=7 6 9 5
+split_gain=0.29079 1.08275 1.3424 1.30151
+threshold=76.500000000000014 63.500000000000007 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0031189275173839261 0.0016441725205133297 -0.002807511892081969 0.0028260495030636153 0.0013386008845944404
+leaf_weight=53 39 53 63 53
+leaf_count=53 39 53 63 53
+internal_value=0 -0.0145084 0.0247699 -0.0441604
+internal_weight=0 222 169 106
+internal_count=261 222 169 106
+shrinkage=0.02
+
+
+Tree=4944
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.285313 1.28697 1.79551 0.399222
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00035666053601577985 0.00054006948010647488 -0.0017622560030930016 0.0048392904918080487 -0.0022499558832777366
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0239404 0.090531 -0.0488003
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=4945
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 4
+split_gain=0.30042 1.02683 1.03904 1.01619
+threshold=50.500000000000007 61.500000000000007 77.500000000000014 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0015979350761857769 -0.00017165704174320468 0.0024616467856167445 -0.0015144150603375753 -0.0042869761541749823
+leaf_weight=42 64 73 42 40
+leaf_count=42 64 73 42 40
+internal_value=0 -0.0153869 0.0501265 -0.0881989
+internal_weight=0 219 115 104
+internal_count=261 219 115 104
+shrinkage=0.02
+
+
+Tree=4946
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 4
+split_gain=0.294859 1.09704 0.64298 0.861767
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015660297198365866 0.0011240376721262783 -0.0032201335738751796 0.0022504795386596556 -0.0023222359565333666
+leaf_weight=42 72 44 51 52
+leaf_count=42 72 44 51 52
+internal_value=0 -0.0214776 0.0206438 -0.0288274
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=4947
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 7
+split_gain=0.289391 1.26999 1.46665 0.374531
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00022902292194181313 0.00048751758314747321 -0.0017444200070200751 0.0044456850288004546 -0.0022182516680228272
+leaf_weight=62 39 65 48 47
+leaf_count=62 39 65 48 47
+internal_value=0 0.0240987 0.0902556 -0.0491262
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=4948
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.294051 1.0476 1.68871 1.8173
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0031966519973835568 0.0011226239544381478 -0.0033755867043998747 -0.0011934193220738763 0.0039857373640762306
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0214485 0.0166519 0.0812523
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=4949
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.302429 1.02955 3.27568 3.48082 2.9618
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0014601537579488726 0.004779909494276203 -0.0033014296054351901 -0.0061684936599949725 0.0046333523741109153 -0.0028942089740278541
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0169433 0.0162719 -0.06902 0.047516
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=4950
+num_leaves=5
+num_cat=0
+split_feature=9 5 1 9
+split_gain=0.297348 1.04267 0.936004 1.42294
+threshold=70.500000000000014 64.200000000000003 9.5000000000000018 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0008112672681236671 0.0011284539078903609 -0.0031530664680643585 -0.0014035235661157401 0.0045433321750358155
+leaf_weight=40 72 44 65 40
+leaf_count=40 72 44 65 40
+internal_value=0 -0.0215632 0.0195135 0.0928836
+internal_weight=0 189 145 80
+internal_count=261 189 145 80
+shrinkage=0.02
+
+
+Tree=4951
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.299608 0.984664 3.12135 3.31929 2.86617
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.001453712253499376 0.0046614587774245677 -0.00323594992899791 -0.0060292448411465036 0.0045468811324765358 -0.0028589541400642847
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0168709 0.0156215 -0.0676438 0.0461621
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=4952
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 3
+split_gain=0.3038 2.0905 1.9408 1.34754
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00310239156431159 0.0014818648086941761 -0.0045384564090330407 0.0011422550225891181 -0.0035014790936134465
+leaf_weight=73 48 39 50 51
+leaf_count=73 48 39 50 51
+internal_value=0 -0.0167676 0.0301786 -0.0597743
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4953
+num_leaves=5
+num_cat=0
+split_feature=9 5 1 9
+split_gain=0.319972 0.950785 0.889576 1.37326
+threshold=70.500000000000014 64.200000000000003 9.5000000000000018 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00085220565695416932 0.0011680438802983968 -0.0030476843208473558 -0.0014110137411612639 0.0044095304499384711
+leaf_weight=40 72 44 65 40
+leaf_count=40 72 44 65 40
+internal_value=0 -0.0223156 0.0169323 0.0885113
+internal_weight=0 189 145 80
+internal_count=261 189 145 80
+shrinkage=0.02
+
+
+Tree=4954
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.315028 1.2737 3.14882 0.504227
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.001195411398894659 0.0048568724719244786 -0.0022571041349579877 0.00042910673992390335 -0.0028124436171967577
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0214381 0.0716355 -0.0601552
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=4955
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.3027 0.923864 1.60431 1.97938
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0031601795780448983 0.0011378719147273567 -0.0032054627844065025 -0.0013998559688721823 0.0040040354566862248
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.021747 0.0140612 0.0770562
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=4956
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.316025 0.909188 2.94015 3.18088 2.7736
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0014905252419860052 0.0045006691829216367 -0.0031334973403734411 -0.0059161265400136977 0.0044558105165744735 -0.0028303112129181704
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0173016 0.0139373 -0.0668843 0.0445289
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=4957
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.309374 1.98455 2.55915 2.94449
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0011853858218108314 0.0026239263786501468 0.0038228028214955861 -0.0067524772362497097 0.00061693036360515306
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0212513 -0.0399787 -0.146705
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=4958
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.30969 0.900239 2.82628 3.01184 2.71772
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0014764866802256099 0.0044190423613263445 -0.003116704948362805 -0.0057618345308977238 0.0043920578246247283 -0.0028208608072344508
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0171339 0.0139533 -0.0652936 0.0431267
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=4959
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=0.306633 1.9453 2.22848 0.813372
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0011803628570832064 0.0027156765513790112 0.0037876965902382464 -0.00058674957331871001 -0.0044021310043087167
+leaf_weight=69 48 51 44 49
+leaf_count=69 48 51 44 49
+internal_value=0 0.0211667 -0.0394584 -0.13037
+internal_weight=0 192 141 93
+internal_count=261 192 141 93
+shrinkage=0.02
+
+
+Tree=4960
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.316507 1.31408 0.8767 0.925512 0.339083
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0013439427124567033 0.00016440460162849005 0.0036583350940229023 -0.0026151117336878789 0.0028648997253031471 -0.0024102624005767985
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0251259 -0.0229253 0.0388219 -0.0512403
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4961
+num_leaves=5
+num_cat=0
+split_feature=4 8 2 9
+split_gain=0.308105 0.762567 0.88827 3.76463
+threshold=53.500000000000007 55.500000000000007 11.500000000000002 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0012314510898956859 0.0027219740112419798 -0.0023590966267640432 -0.0026407185611364158 0.0053022284673266105
+leaf_weight=65 45 54 54 43
+leaf_count=65 45 54 54 43
+internal_value=0 0.020377 -0.0138919 0.0436712
+internal_weight=0 196 151 97
+internal_count=261 196 151 97
+shrinkage=0.02
+
+
+Tree=4962
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.32568 1.28956 0.839905 0.876737 0.319885
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0012981591904449553 0.00032370727981238345 0.0036359601487621707 -0.002554778082929028 0.0028004172094562418 -0.0021849755571479628
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0254659 -0.0221386 0.0383216 -0.0519342
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4963
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 6
+split_gain=0.311892 1.18217 1.25741 2.58941 0.308346
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0015363965289174161 0.00011849552451179891 0.0035931950872408816 0.0025563791665625685 -0.0050835023250811687 -0.0023423328299548578
+leaf_weight=49 46 39 41 46 40
+leaf_count=49 46 39 41 46 40
+internal_value=0 0.0249531 -0.019187 -0.0830998 -0.0508878
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=4964
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 3
+split_gain=0.322998 0.901701 1.87231 2.01349
+threshold=42.500000000000007 50.650000000000013 19.500000000000004 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0015061215216998828 -0.0028541085213610374 -0.0034112162672212164 0.0032562338324612999 0.0022078082758144328
+leaf_weight=49 46 66 58 42
+leaf_count=49 46 66 58 42
+internal_value=0 -0.0174697 0.0170389 -0.0609311
+internal_weight=0 212 166 108
+internal_count=261 212 166 108
+shrinkage=0.02
+
+
+Tree=4965
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.309405 0.908605 2.97691 3.55642
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0014760420618558673 0.00098785918345390225 -0.0031289485768952086 0.0035951652582132182 -0.006617211654519132
+leaf_weight=49 67 39 67 39
+leaf_count=49 67 39 67 39
+internal_value=0 -0.0171168 0.0141125 -0.0902606
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=4966
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.319723 2.13289 1.85901 2.59043
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0030512868115721513 0.0015181316543833143 -0.0045882890690980985 0.0027196230618716272 -0.0038175455310022416
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0171615 0.0302558 -0.0577941
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=4967
+num_leaves=5
+num_cat=0
+split_feature=4 8 9 3
+split_gain=0.317183 0.719254 0.854374 1.22699
+threshold=53.500000000000007 55.500000000000007 61.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0012480304333972038 0.0026628933471032619 -0.0024503753164835124 -0.0012773112636056078 0.0031445605515044968
+leaf_weight=65 45 49 54 48
+leaf_count=65 45 49 54 48
+internal_value=0 0.0206741 -0.012625 0.0398231
+internal_weight=0 196 151 102
+internal_count=261 196 151 102
+shrinkage=0.02
+
+
+Tree=4968
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.305679 1.15969 3.07307 0.465127
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0011783780255673834 0.0047648969588858303 -0.0021414971488987805 0.00034690388731252269 -0.0027700873579628187
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0211487 0.0690899 -0.0611129
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=4969
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 6
+split_gain=0.298543 0.728167 1.08479 0.311382
+threshold=53.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0012131584689550107 -0.00028703238568764133 0.00016796628297385523 0.0036821041914048688 -0.0023438543140040335
+leaf_weight=65 63 43 50 40
+leaf_count=65 63 43 50 40
+internal_value=0 0.0200887 0.073167 -0.0516937
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=4970
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.303839 0.862878 0.783608 0.903086
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017546426429730982 0.0011400753053106018 -0.0029163364258186736 0.0026853126828792991 -0.0021104046106059414
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0217756 0.015641 -0.030799
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=4971
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 8
+split_gain=0.30516 2.0748 1.81196 1.06854
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00071638930036010593 0.0014852177443314869 -0.0045232554129819484 0.0032909580443850435 -0.0033075384968062507
+leaf_weight=64 48 39 64 46
+leaf_count=64 48 39 64 46
+internal_value=0 -0.0167905 0.02998 -0.0480055
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=4972
+num_leaves=5
+num_cat=0
+split_feature=9 5 1 9
+split_gain=0.312178 0.85389 0.754082 1.32337
+threshold=70.500000000000014 64.200000000000003 9.5000000000000018 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0009504439444696038 0.0011548081869694965 -0.0029090661633889071 -0.0013100494361242541 0.0042167186308656821
+leaf_weight=40 72 44 65 40
+leaf_count=40 72 44 65 40
+internal_value=0 -0.0220468 0.0151771 0.0812287
+internal_weight=0 189 145 80
+internal_count=261 189 145 80
+shrinkage=0.02
+
+
+Tree=4973
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.29907 0.824696 1.57582 2.11147
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0031661572832626266 0.0011317341187815073 -0.0030531071358230917 -0.0015432221589329858 0.0040370254244624986
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0216105 0.01225 0.0746956
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=4974
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 8
+split_gain=0.296725 1.13243 0.940717 1.05295
+threshold=69.500000000000014 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00076720006362193107 0.0014657678665131772 -0.0032139755111497926 0.0025302775844667884 -0.0033338143635137873
+leaf_weight=73 48 44 57 39
+leaf_count=73 48 44 57 39
+internal_value=0 -0.0165743 0.0207636 -0.0327442
+internal_weight=0 213 169 112
+internal_count=261 213 169 112
+shrinkage=0.02
+
+
+Tree=4975
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 4
+split_gain=0.308951 0.865264 1.92608 2.41243
+threshold=42.500000000000007 50.650000000000013 19.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0014750872392815487 -0.0027967839725744135 0.0015809267641304463 0.0032908429881127687 -0.0044215944310749076
+leaf_weight=49 46 57 58 51
+leaf_count=49 46 57 58 51
+internal_value=0 -0.0171019 0.0167134 -0.0623611
+internal_weight=0 212 166 108
+internal_count=261 212 166 108
+shrinkage=0.02
+
+
+Tree=4976
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 7
+split_gain=0.295981 2.01808 1.80004 2.87399
+threshold=69.500000000000014 71.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0007049085322432618 0.0014641785268565833 -0.0044613672482073383 -0.0019547247347265016 0.0059333773083578845
+leaf_weight=59 48 39 68 47
+leaf_count=59 48 39 68 47
+internal_value=0 -0.0165482 0.0295821 0.111646
+internal_weight=0 213 174 106
+internal_count=261 213 174 106
+shrinkage=0.02
+
+
+Tree=4977
+num_leaves=5
+num_cat=0
+split_feature=9 5 1 9
+split_gain=0.310394 0.855475 0.732613 1.25425
+threshold=70.500000000000014 64.200000000000003 9.5000000000000018 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00089941451679761801 0.0011516724203716987 -0.002910155831511353 -0.0012855621772518133 0.0041325723304916932
+leaf_weight=40 72 44 65 40
+leaf_count=40 72 44 65 40
+internal_value=0 -0.0219891 0.0152689 0.0804
+internal_weight=0 189 145 80
+internal_count=261 189 145 80
+shrinkage=0.02
+
+
+Tree=4978
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.310907 0.857968 2.91847 3.35268
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0014794377212809138 0.00090914533188752927 -0.0030526331437039874 0.0035446392742002424 -0.00647571460464514
+leaf_weight=49 67 39 67 39
+leaf_count=49 67 39 67 39
+internal_value=0 -0.0171541 0.0132054 -0.0901432
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=4979
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 4
+split_gain=0.311563 0.845797 2.36727 1.02217
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00095281617611012095 0.0011537152068516047 0.00098711615512212469 -0.0054260769123059575 0.003254893894911889
+leaf_weight=53 72 53 41 42
+leaf_count=53 72 53 41 42
+internal_value=0 -0.0220276 -0.090179 0.0450023
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=4980
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 7
+split_gain=0.307447 1.95196 1.75004 2.85756
+threshold=69.500000000000014 71.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00074027112095322077 0.0014905384957901971 -0.0043997191839703891 -0.0019405268768180534 0.0058792623756119015
+leaf_weight=59 48 39 68 47
+leaf_count=59 48 39 68 47
+internal_value=0 -0.0168441 0.028528 0.10946
+internal_weight=0 213 174 106
+internal_count=261 213 174 106
+shrinkage=0.02
+
+
+Tree=4981
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 3
+split_gain=0.318059 0.83776 1.35319 1.04662
+threshold=70.500000000000014 55.500000000000007 63.70000000000001 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0033758151537355476 0.0011649836956900566 0.00022097630013306042 -0.0046694744671717586 -0.00090620266107545701
+leaf_weight=40 72 55 39 55
+leaf_count=40 72 55 39 55
+internal_value=0 -0.0222412 -0.0900751 0.0444748
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=4982
+num_leaves=5
+num_cat=0
+split_feature=6 6 4 8
+split_gain=0.302667 1.02688 0.88455 0.837471
+threshold=69.500000000000014 63.500000000000007 61.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00088461969047267915 0.0014796341223778237 -0.003081720765330961 0.0027702341358910578 -0.0024988950725075131
+leaf_weight=72 48 44 46 51
+leaf_count=72 48 44 46 51
+internal_value=0 -0.01672 0.0188563 -0.0256212
+internal_weight=0 213 169 123
+internal_count=261 213 169 123
+shrinkage=0.02
+
+
+Tree=4983
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 3
+split_gain=0.310229 0.802692 2.25604 1.0005
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0032991991697670902 0.0011515447308389627 0.00095638723854787693 -0.0053053630562827983 -0.0008890841573081736
+leaf_weight=40 72 53 41 55
+leaf_count=40 72 53 41 55
+internal_value=0 -0.0219757 -0.0884106 0.043356
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=4984
+num_leaves=5
+num_cat=0
+split_feature=5 7 3 3
+split_gain=0.301155 0.668607 0.75727 1.03775
+threshold=67.65000000000002 64.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00089835215976489342 0.0010835819791862749 -0.0028120164812328202 0.0022279224148927745 -0.0033499069306613624
+leaf_weight=56 77 39 49 40
+leaf_count=56 77 39 49 40
+internal_value=0 -0.0227092 0.00877645 -0.043229
+internal_weight=0 184 145 96
+internal_count=261 184 145 96
+shrinkage=0.02
+
+
+Tree=4985
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.294869 2.11453 2.5162 2.2875
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0050164399989443588 0.0012304241973945149 0.00058264719896034553 -0.0058416721447020151 -0.0010778436047402661
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0196086 -0.124611 0.082909
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=4986
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 6 2
+split_gain=0.308023 1.89104 1.76221 0.900686 0.753033
+threshold=69.500000000000014 71.500000000000014 58.550000000000004 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0024396249223682018 0.0014921266412149725 -0.0043365035610550473 0.003932111444372611 -0.0032140957875907163 -0.001286794285701292
+leaf_weight=42 48 39 46 39 47
+leaf_count=42 48 39 46 39 47
+internal_value=0 -0.0168452 0.0278173 -0.0326029 0.0231647
+internal_weight=0 213 174 128 89
+internal_count=261 213 174 128 89
+shrinkage=0.02
+
+
+Tree=4987
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.319042 1.89568 2.38662 0.89192
+threshold=8.5000000000000018 71.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0012019447766443163 0.0022181702409728335 0.0037535310710085706 -0.0052409948247845051 -0.00094059160802380032
+leaf_weight=69 61 51 39 41
+leaf_count=69 61 51 39 41
+internal_value=0 0.0215965 -0.0382548 -0.152489
+internal_weight=0 192 141 80
+internal_count=261 192 141 80
+shrinkage=0.02
+
+
+Tree=4988
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 6
+split_gain=0.323805 0.744562 1.14677 0.380664
+threshold=53.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0012599769450173234 -0.00030832054853363724 0.00029023810193575753 0.0037710125782734055 -0.0024745982532820144
+leaf_weight=65 63 43 50 40
+leaf_count=65 63 43 50 40
+internal_value=0 0.0208885 0.0745418 -0.0516773
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=4989
+num_leaves=5
+num_cat=0
+split_feature=4 8 2 8
+split_gain=0.310172 0.701029 0.888798 3.12346
+threshold=53.500000000000007 55.500000000000007 11.500000000000002 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.001234804582539491 0.002630866017181857 -0.0023303258852815814 -0.0020385146207256817 0.0052946997973004782
+leaf_weight=65 45 54 58 39
+leaf_count=65 45 54 58 39
+internal_value=0 0.0204671 -0.0124159 0.0451671
+internal_weight=0 196 151 97
+internal_count=261 196 151 97
+shrinkage=0.02
+
+
+Tree=4990
+num_leaves=5
+num_cat=0
+split_feature=6 8 4 2
+split_gain=0.300937 0.904579 1.1887 3.04708
+threshold=48.500000000000007 56.500000000000007 74.500000000000014 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0010839397660818517 0.0031856695305396828 0.001338676734103667 0.0023097447355205957 -0.0059020007513263277
+leaf_weight=77 39 58 48 39
+leaf_count=77 39 58 48 39
+internal_value=0 0.0226651 -0.0138639 -0.0783219
+internal_weight=0 184 145 97
+internal_count=261 184 145 97
+shrinkage=0.02
+
+
+Tree=4991
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.305645 1.82294 2.33093 0.854884
+threshold=8.5000000000000018 71.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0011780582441058025 0.0021976921731913872 0.0036812014006251852 -0.0051554026530966426 -0.00094239272919193449
+leaf_weight=69 61 51 39 41
+leaf_count=69 61 51 39 41
+internal_value=0 0.0211606 -0.037539 -0.150447
+internal_weight=0 192 141 80
+internal_count=261 192 141 80
+shrinkage=0.02
+
+
+Tree=4992
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.308206 1.423 0.87573 0.907227 0.396224
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0013685565050633808 0.00049875673916384422 0.0037789270848884822 -0.0026581628980475286 0.0027996409557122302 -0.0022807457696765961
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0248386 -0.0251476 0.0365613 -0.0505799
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=4993
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 6
+split_gain=0.3033 0.739252 1.11574 0.37545
+threshold=53.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0012219154429356496 -0.00030049431343142497 0.00027370372919021085 0.0037240611502146665 -0.0024728059265897375
+leaf_weight=65 63 43 50 40
+leaf_count=65 63 43 50 40
+internal_value=0 0.0202516 0.0737205 -0.0520627
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=4994
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.293442 1.79591 2.27159 0.818391
+threshold=8.5000000000000018 71.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0011558839154057717 0.0021606849478254227 0.003649141240112932 -0.0050812350538096112 -0.00095601125851378752
+leaf_weight=69 61 51 39 41
+leaf_count=69 61 51 39 41
+internal_value=0 0.0207548 -0.0375112 -0.148987
+internal_weight=0 192 141 80
+internal_count=261 192 141 80
+shrinkage=0.02
+
+
+Tree=4995
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 3 6
+split_gain=0.304459 1.25963 0.7433 0.793754 0.373138
+threshold=67.500000000000014 60.500000000000007 57.500000000000007 49.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0013968504150618571 0.00023950076139436408 0.0036345086150598371 -0.0023949609313250208 0.0025202849852125377 -0.0024560192636801531
+leaf_weight=39 46 40 50 46 40
+leaf_count=39 46 40 50 46 40
+internal_value=0 0.0246912 -0.0216114 0.0356968 -0.0502956
+internal_weight=0 175 135 85 86
+internal_count=261 175 135 85 86
+shrinkage=0.02
+
+
+Tree=4996
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.305123 0.869942 1.26659 1.70661
+threshold=42.500000000000007 50.650000000000013 73.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0014665938176336923 -0.0028011628172261503 0.004092940470798708 -0.0021896728853548169 -0.00086282348202514373
+leaf_weight=49 46 55 54 57
+leaf_count=49 46 55 54 57
+internal_value=0 -0.0169963 0.0169089 0.0782354
+internal_weight=0 212 166 112
+internal_count=261 212 166 112
+shrinkage=0.02
+
+
+Tree=4997
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 8
+split_gain=0.295374 1.9134 1.75453 1.03626
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00068409111487413327 0.0014627658761611521 -0.0043536063335361096 0.003216786456611389 -0.0032794756267490871
+leaf_weight=64 48 39 64 46
+leaf_count=64 48 39 64 46
+internal_value=0 -0.0165325 0.028392 -0.0483582
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=4998
+num_leaves=5
+num_cat=0
+split_feature=4 8 2 8
+split_gain=0.289938 0.668692 0.866498 2.98387
+threshold=53.500000000000007 55.500000000000007 11.500000000000002 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.001196504052652844 0.0025676629486172855 -0.0023025229593367901 -0.001984367115025022 0.0051840444846259449
+leaf_weight=65 45 54 58 39
+leaf_count=65 45 54 58 39
+internal_value=0 0.0198234 -0.0123085 0.0445598
+internal_weight=0 196 151 97
+internal_count=261 196 151 97
+shrinkage=0.02
+
+
+Tree=4999
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 4
+split_gain=0.293994 0.796754 2.21661 1.05655
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0010102323797256433 0.0011227763628511402 0.0009481696426497804 -0.0052590166022155249 0.0032667385081029828
+leaf_weight=53 72 53 41 42
+leaf_count=53 72 53 41 42
+internal_value=0 -0.0214338 -0.0876307 0.0436619
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5000
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.286124 0.833175 1.23982 1.60268
+threshold=42.500000000000007 50.650000000000013 73.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0014231150564992892 -0.0027397409892661829 0.0039987179635331748 -0.0021673073364958783 -0.00080514281032506108
+leaf_weight=49 46 55 54 57
+leaf_count=49 46 55 54 57
+internal_value=0 -0.0164913 0.0167019 0.0773891
+internal_weight=0 212 166 112
+internal_count=261 212 166 112
+shrinkage=0.02
+
+
+Tree=5001
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 4
+split_gain=0.296573 0.749975 2.13075 0.988769
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0009894169546384383 0.0011273921055628025 0.00093227695687041342 -0.0051544219616638191 0.0031505878067424639
+leaf_weight=53 72 53 41 42
+leaf_count=53 72 53 41 42
+internal_value=0 -0.0215209 -0.0857958 0.0416729
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5002
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 5
+split_gain=0.298068 1.84673 1.77846 2.89249
+threshold=69.500000000000014 71.500000000000014 9.5000000000000018 57.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00038801804560994855 0.0014691006931776016 -0.0042849541094896896 -0.0019804459974876809 0.0064369333084902322
+leaf_weight=66 48 39 68 40
+leaf_count=66 48 39 68 40
+internal_value=0 -0.016598 0.0275414 0.109122
+internal_weight=0 213 174 106
+internal_count=261 213 174 106
+shrinkage=0.02
+
+
+Tree=5003
+num_leaves=6
+num_cat=0
+split_feature=7 3 6 7 5
+split_gain=0.286377 0.891698 0.78797 0.931744 0.592301
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.001250126181063642 0.0016327478789843833 -0.0030630874734477735 0.0027352517180008417 -0.0030781407203093374 0.0018901980135032316
+leaf_weight=42 39 39 42 39 60
+leaf_count=42 39 39 42 39 60
+internal_value=0 -0.0143906 0.0150108 -0.021022 0.0294658
+internal_weight=0 222 183 141 102
+internal_count=261 222 183 141 102
+shrinkage=0.02
+
+
+Tree=5004
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 3
+split_gain=0.297805 0.747287 2.11967 1.00393
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0032667805150844802 0.0011296091076445113 0.00092684345706294923 -0.0051441170703524488 -0.00092884674919956891
+leaf_weight=40 72 53 41 55
+leaf_count=40 72 53 41 55
+internal_value=0 -0.0215616 -0.0857241 0.0415211
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5005
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 8 7
+split_gain=0.290195 0.796652 1.79008 2.55575 0.560508
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00086990405721740097 0.0014325848522413667 -0.0029050242555745381 0.0037098690675001658 -0.0052305242384917188 0.0023872557608353778
+leaf_weight=39 49 40 45 39 49
+leaf_count=39 49 40 45 39 49
+internal_value=0 -0.0165987 0.013135 -0.0476907 0.0467557
+internal_weight=0 212 172 127 88
+internal_count=261 212 172 127 88
+shrinkage=0.02
+
+
+Tree=5006
+num_leaves=4
+num_cat=0
+split_feature=5 2 9
+split_gain=0.294337 1.57301 0.915138
+threshold=67.65000000000002 8.5000000000000018 54.500000000000007
+decision_type=2 2 2
+left_child=1 -1 -3
+right_child=-2 2 -4
+leaf_value=-0.0035815808368780517 0.001071957183983194 -0.0010986166435190796 0.0022177690270871022
+leaf_weight=48 77 64 72
+leaf_count=48 77 64 72
+internal_value=0 -0.0224698 0.0325738
+internal_weight=0 184 136
+internal_count=261 184 136
+shrinkage=0.02
+
+
+Tree=5007
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 8
+split_gain=0.283708 0.965147 0.920387 1.05675
+threshold=69.500000000000014 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00073149214608438529 0.0014355695845928512 -0.0029895091228760206 0.0024584882207566018 -0.0033765215949387328
+leaf_weight=73 48 44 57 39
+leaf_count=73 48 44 57 39
+internal_value=0 -0.0162182 0.0182869 -0.0346527
+internal_weight=0 213 169 112
+internal_count=261 213 169 112
+shrinkage=0.02
+
+
+Tree=5008
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.287096 0.814469 1.20585 1.55377
+threshold=42.500000000000007 50.650000000000013 73.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0014254707560043412 -0.0027135985765936888 0.0039373283290334857 -0.0021410810051474528 -0.00079343956313075584
+leaf_weight=49 46 55 54 57
+leaf_count=49 46 55 54 57
+internal_value=0 -0.0165126 0.016312 0.0761788
+internal_weight=0 212 166 112
+internal_count=261 212 166 112
+shrinkage=0.02
+
+
+Tree=5009
+num_leaves=5
+num_cat=0
+split_feature=5 7 5 5
+split_gain=0.296018 0.627005 0.776033 0.858089
+threshold=67.65000000000002 64.500000000000014 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010200210605883322 0.0010748257309844155 -0.0027360536567323313 0.0023021493233868545 -0.0027564141691982366
+leaf_weight=49 77 39 47 49
+leaf_count=49 77 39 47 49
+internal_value=0 -0.0225295 0.00798144 -0.0430329
+internal_weight=0 184 145 98
+internal_count=261 184 145 98
+shrinkage=0.02
+
+
+Tree=5010
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 4
+split_gain=0.286883 0.751164 2.00221 0.963769
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00095870745325306957 0.0011101543840909445 0.00085724109340482274 -0.0050442382799597996 0.0031294497781676014
+leaf_weight=53 72 53 41 42
+leaf_count=53 72 53 41 42
+internal_value=0 -0.0211815 -0.0855071 0.0420623
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5011
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.29314 1.49691 1.67241 1.36614
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0035048841597949839 0.001070045171849564 0.0049515658799786453 -0.0022001389130901325 -0.00016663082314126988
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0224205 0.0312857 0.119247
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=5012
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 1
+split_gain=0.281891 0.78988 1.72467 3.30945 0.403537
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 10.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0025763785602560857 0.0014133505574221617 -0.0028898179608448089 0.003649111553656307 -0.0057035875577774323 -0.00020110472496159034
+leaf_weight=46 49 40 45 40 41
+leaf_count=46 49 40 45 40 41
+internal_value=0 -0.0163715 0.013238 -0.0464737 0.0629576
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=5013
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.291757 1.43796 1.58722 1.32602
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0034439811141805392 0.0010676233928669471 0.0048493034646379038 -0.0021481541847115817 -0.00019420234571025749
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0223737 0.0302733 0.115999
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=5014
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.287127 0.856351 2.93567 3.03968
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.001425503962484401 0.00078586167672964791 -0.0030374437688042021 0.0035664059571223097 -0.0062472996530262507
+leaf_weight=49 67 39 67 39
+leaf_count=49 67 39 67 39
+internal_value=0 -0.0165154 0.0138165 -0.0898342
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=5015
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.28967 1.38822 1.55223 1.26634
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0033909471214378681 0.0010640397196701101 0.0047571510922350567 -0.0021346699445151953 -0.00017279800536770251
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.022299 0.0294376 0.114228
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=5016
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.28418 1.18358 0.793148 1.2987 1.44825
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 48.95000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.000910413953081321 -0.0015152927415560834 0.0034880148071155907 -0.0028569264501325979 -0.0026969632944257179 0.003999536582853758
+leaf_weight=47 44 39 41 40 50
+leaf_count=47 44 39 41 40 50
+internal_value=0 0.0153589 -0.0193176 0.0174131 0.0806653
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=5017
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 6 2
+split_gain=0.280606 1.83326 1.74423 0.925717 0.796683
+threshold=69.500000000000014 71.500000000000014 58.550000000000004 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0025161925935021962 0.0014281183971928688 -0.0042615570971994482 0.0039154707723373398 -0.003242166444014673 -0.001314037518058584
+leaf_weight=42 48 39 46 39 47
+leaf_count=42 48 39 46 39 47
+internal_value=0 -0.0161403 0.027839 -0.0322741 0.0242531
+internal_weight=0 213 174 128 89
+internal_count=261 213 174 128 89
+shrinkage=0.02
+
+
+Tree=5018
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 4
+split_gain=0.28737 0.750496 1.97867 0.947585
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00094477925705473392 0.0011108734700490223 0.0008422253214472854 -0.0050246974733339075 0.0031095054222167683
+leaf_weight=53 72 53 41 42
+leaf_count=53 72 53 41 42
+internal_value=0 -0.0212064 -0.0855041 0.0420098
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5019
+num_leaves=5
+num_cat=0
+split_feature=4 8 2 4
+split_gain=0.2865 0.650571 2.89713 1.19406
+threshold=74.500000000000014 56.500000000000007 17.500000000000004 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0010948896398749223 0.0014239974887193232 0.0012761390034705322 -0.0057850165117845718 0.0030431812787355956
+leaf_weight=65 49 58 39 50
+leaf_count=65 49 58 39 50
+internal_value=0 -0.0165011 -0.0778383 0.0349038
+internal_weight=0 212 97 115
+internal_count=261 212 97 115
+shrinkage=0.02
+
+
+Tree=5020
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.282812 1.41019 1.56419 2.00615 2.12611
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0030874617668924693 -0.0015118664220763304 0.003525311788355977 0.0027588723391963966 -0.0051716061407323499 0.0032271200836394578
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0153251 -0.0254313 -0.0815106 0.00669784
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=5021
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 2
+split_gain=0.282291 1.34775 0.910005 1.16314
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0010735297963678817 0.0027350120132798674 -0.0037241618706753406 -0.0020558015840942893 0.0022382630225589871
+leaf_weight=58 52 40 71 40
+leaf_count=58 52 40 71 40
+internal_value=0 -0.0438907 0.026367 -0.0250376
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=5022
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.288824 1.35325 1.50056 1.21894
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0033535075482404955 0.0010626241320748266 0.00467080426819681 -0.0021017704957594268 -0.00016711290244793197
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0222665 0.0288201 0.11221
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=5023
+num_leaves=6
+num_cat=0
+split_feature=7 3 6 7 5
+split_gain=0.27826 0.806539 0.813905 0.978061 0.538584
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0011785676915996399 0.0016110941213904851 -0.0029263603185368586 0.0027497849853043888 -0.0031777850636320404 0.0018204171635459818
+leaf_weight=42 39 39 42 39 60
+leaf_count=42 39 39 42 39 60
+internal_value=0 -0.0141927 0.0137919 -0.0228206 0.0288871
+internal_weight=0 222 183 141 102
+internal_count=261 222 183 141 102
+shrinkage=0.02
+
+
+Tree=5024
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.282271 1.33661 1.50683 1.94618 2.04724
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00301241014966538 -0.001510493201204701 0.0034411911797247591 0.002720198059179411 -0.0050773745230311496 0.0031849325073420977
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0153125 -0.0243761 -0.0794354 0.007452
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=5025
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.295283 1.4645 0.949963 0.724502 0.408291
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011223783384231992 0.00030942245007906815 0.0038159810127438728 -0.0027697382744349308 0.0026109412478154169 -0.0025053503373621529
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0243463 -0.026358 0.0378716 -0.0495726
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5026
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 2
+split_gain=0.288914 1.86442 1.79172 1.02099
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0022878586110296356 0.0014478955573020867 -0.0042987572530483334 0.0039140487615029378 0.0013524158996589175
+leaf_weight=71 48 39 47 56
+leaf_count=71 48 39 47 56
+internal_value=0 -0.0163529 0.0279962 -0.0338271
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=5027
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.297221 1.32954 1.45944 1.24853
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0015904065817222619 -0.0047909183858045488 0.002844526961182267 -0.0014347398126002095 3.6759232927690725e-06
+leaf_weight=42 41 74 57 47
+leaf_count=42 41 74 57 47
+internal_value=0 -0.0152865 0.048834 -0.111156
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=5028
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 2
+split_gain=0.289255 0.845819 2.87618 2.55407
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0014306110051459237 0.0016321962010111511 -0.0030220857098610895 0.0035285242610162931 -0.0046168106908290761
+leaf_weight=49 48 39 67 58
+leaf_count=49 48 39 67 58
+internal_value=0 -0.0165637 0.013584 -0.089016
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=5029
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 8 2
+split_gain=0.281903 0.8018 1.69561 2.48134 0.573552
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 54.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0027064300101138842 0.001413559271612939 -0.0029084357810431 0.0036253529713169449 -0.0051295024550171622 -0.0005735717923721741
+leaf_weight=41 49 40 45 39 47
+leaf_count=41 49 40 45 39 47
+internal_value=0 -0.0163628 0.0134655 -0.0457443 0.0473232
+internal_weight=0 212 172 127 88
+internal_count=261 212 172 127 88
+shrinkage=0.02
+
+
+Tree=5030
+num_leaves=5
+num_cat=0
+split_feature=5 5 8 2
+split_gain=0.281864 0.96067 0.950336 1.13949
+threshold=53.500000000000007 48.45000000000001 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0011112941195723332 0.0027822177472397536 -0.0028803071343648018 -0.0020625181289200241 0.0021881826867337592
+leaf_weight=49 52 49 71 40
+leaf_count=49 52 49 71 40
+internal_value=0 -0.043849 0.026359 -0.0261559
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=5031
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.277151 1.31687 1.491 1.26015
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0033060661481396185 0.0010425554371261405 0.0047007913550657313 -0.0020983059629039571 -0.00021750354684671485
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0218312 0.028571 0.1117
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=5032
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 6 1
+split_gain=0.284438 1.29642 0.817232 1.348 1.05273
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 56.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0012640984016726298 -0.0015156872681419623 0.0033957140800605044 0.00032941523458664959 -0.0046303771195171867 0.0032719322431688331
+leaf_weight=42 44 44 51 39 41
+leaf_count=42 44 44 51 39 41
+internal_value=0 0.0153778 -0.0237152 -0.0906437 0.0483915
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=5033
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 6
+split_gain=0.280196 1.29355 3.47522 1.91103
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0017527711371880487 0.0010478259035956155 -0.0021175973156635371 -0.0060292375732042651 0.0037339430573477641
+leaf_weight=46 77 39 46 53
+leaf_count=46 77 39 46 53
+internal_value=0 -0.0219457 -0.106558 0.0622493
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=5034
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.281514 1.39229 0.901194 0.739407 0.411619
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011596301540162124 0.00033679532363043704 0.0037235562139425887 -0.002698126682711396 0.0026111924983794571 -0.0024892572343483332
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0238213 -0.0256279 0.0369569 -0.0484654
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5035
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.283444 0.764061 1.14318 1.49805
+threshold=42.500000000000007 50.650000000000013 73.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0014172322095117647 -0.0026382695764807784 0.0038454052871382343 -0.0020951044961013657 -0.0008008130503887259
+leaf_weight=49 46 55 54 57
+leaf_count=49 46 55 54 57
+internal_value=0 -0.016401 0.0154097 0.0737325
+internal_weight=0 212 166 112
+internal_count=261 212 166 112
+shrinkage=0.02
+
+
+Tree=5036
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 4
+split_gain=0.287435 0.742463 1.95733 0.941965
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00094589505353754742 0.0011113495341849358 0.00083551876106537602 -0.0049999351421788811 0.0030966096590838692
+leaf_weight=53 72 53 41 42
+leaf_count=53 72 53 41 42
+internal_value=0 -0.0211907 -0.0851527 0.0416933
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5037
+num_leaves=5
+num_cat=0
+split_feature=4 5 1 7
+split_gain=0.295911 0.739581 1.24433 3.10374
+threshold=74.500000000000014 68.65000000000002 5.5000000000000009 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0029382100066349991 0.001446051028499614 -0.0028161689474721307 0.0021461876479354652 -0.004395766419833599
+leaf_weight=40 49 40 77 55
+leaf_count=40 49 40 77 55
+internal_value=0 -0.0167346 0.0119329 -0.0649736
+internal_weight=0 212 172 95
+internal_count=261 212 172 95
+shrinkage=0.02
+
+
+Tree=5038
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 8
+split_gain=0.299807 1.77284 1.78476 0.886903
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00074343913481716723 0.0014735185507462529 -0.0042064414853966699 0.0038803755902410797 -0.0026680885314588651
+leaf_weight=73 48 39 47 54
+leaf_count=73 48 39 47 54
+internal_value=0 -0.0166229 0.0266298 -0.0350753
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=5039
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 6
+split_gain=0.295183 1.24822 3.31945 1.85949
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0016837016757236423 0.001073839727557632 -0.0021123899872235274 -0.0059225925533430484 0.0036605640593863537
+leaf_weight=46 77 39 46 53
+leaf_count=46 77 39 46 53
+internal_value=0 -0.022478 -0.105618 0.060245
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=5040
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 5
+split_gain=0.2897 1.32882 0.931885 1.06065
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 69.450000000000017
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0010496308123947873 0.0027676771844168282 -0.0037145814950370359 -0.0028544743008796785 0.0011450384237102343
+leaf_weight=58 52 40 46 65
+leaf_count=58 52 40 46 65
+internal_value=0 -0.0444026 0.0267109 -0.0252985
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=5041
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 3
+split_gain=0.299646 0.722952 1.10824 1.04063
+threshold=70.500000000000014 55.500000000000007 63.70000000000001 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0032892441095996746 0.0011334866739006254 0.00013718945324821396 -0.0042940398179221592 -0.00098130176434050209
+leaf_weight=40 72 55 39 55
+leaf_count=40 72 55 39 55
+internal_value=0 -0.0215934 -0.0847311 0.0404753
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5042
+num_leaves=6
+num_cat=0
+split_feature=5 4 9 5 6
+split_gain=0.292691 1.25447 0.777352 0.634247 0.493581
+threshold=53.500000000000007 52.500000000000007 67.500000000000014 62.400000000000006 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -2 -4
+right_child=2 -3 4 -5 -6
+leaf_value=0.00099093854795568518 8.740930719573325e-05 -0.0036397378674343636 0.00067315401092936269 0.0037261031968244709 -0.002462868445339288
+leaf_weight=58 39 40 43 41 40
+leaf_count=58 39 40 43 41 40
+internal_value=0 -0.0446112 0.0268448 0.0981929 -0.0414677
+internal_weight=0 98 163 80 83
+internal_count=261 98 163 80 83
+shrinkage=0.02
+
+
+Tree=5043
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 3
+split_gain=0.297723 0.709741 1.87482 0.986729
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0032157973742839075 0.0011302422134166158 0.00080286163682988839 -0.004909258222011049 -0.0009445585692796903
+leaf_weight=40 72 53 41 55
+leaf_count=40 72 53 41 55
+internal_value=0 -0.0215199 -0.0840945 0.0399917
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5044
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 2
+split_gain=0.298284 1.18384 0.870025 1.05925
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.00092985941409879942 0.0027014588164990163 -0.0035702598255591585 -0.0019492505877618804 0.0021518946199910074
+leaf_weight=58 52 40 71 40
+leaf_count=58 52 40 71 40
+internal_value=0 -0.0450002 0.0270921 -0.0231866
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=5045
+num_leaves=5
+num_cat=0
+split_feature=5 2 6 4
+split_gain=0.302752 1.21902 1.04854 2.43191
+threshold=67.65000000000002 8.5000000000000018 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0032169166181429472 0.0010870346697841279 0.0026544775035742979 0.0028059761803608152 -0.0041332421201087464
+leaf_weight=48 77 41 51 44
+leaf_count=48 77 41 51 44
+internal_value=0 -0.0227274 0.025784 -0.0425136
+internal_weight=0 184 136 85
+internal_count=261 184 136 85
+shrinkage=0.02
+
+
+Tree=5046
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 6
+split_gain=0.297543 0.652374 1.05497 0.398958
+threshold=53.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0012101575226251186 -0.00031782577587171994 0.00039617026311658722 0.0035974580961381322 -0.0024326334972355709
+leaf_weight=65 63 43 50 40
+leaf_count=65 63 43 50 40
+internal_value=0 0.0201119 0.070434 -0.047919
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=5047
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.297611 1.76338 1.85456 2.22298
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0029753429262879879 0.0014688654448151192 -0.0041946530650270424 0.0023640828433627772 -0.0036943720643544571
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.016545 0.0265928 -0.0613575
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=5048
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 4
+split_gain=0.305289 0.700375 1.79773 0.972989
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0010216911517424796 0.0011437494080165844 0.00075457933066658148 -0.0048397616307709907 0.0030860605082887074
+leaf_weight=53 72 53 41 42
+leaf_count=53 72 53 41 42
+internal_value=0 -0.0217681 -0.0839393 0.0393444
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5049
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.309963 1.20969 1.51337 1.31014
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0032114531296329189 0.0010991802219742774 0.0046968535310671798 -0.002182661590957129 -0.00031747771125523248
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0229764 0.0253506 0.1091
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=5050
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 6
+split_gain=0.296944 1.1862 3.21921 1.75008
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0016663584129374199 0.0010772167322150585 -0.0020560213658765113 -0.0058248004728060163 0.0035462046387237374
+leaf_weight=46 77 39 46 53
+leaf_count=46 77 39 46 53
+internal_value=0 -0.0225216 -0.103606 0.0581451
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=5051
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.289275 1.20556 0.898458 0.572644
+threshold=65.500000000000014 71.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0012751294192549223 0.0034883293461312245 -0.00089951765366958012 -0.0027052251173319154 0.0018147261472630069
+leaf_weight=42 42 64 53 60
+leaf_count=42 42 64 53 60
+internal_value=0 0.0416338 -0.0284389 0.0267296
+internal_weight=0 106 155 102
+internal_count=261 106 155 102
+shrinkage=0.02
+
+
+Tree=5052
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.28665 0.727902 1.65501 3.11455 0.700658
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00080994770384701376 0.0014251728793019697 -0.0027916333953251944 0.0035558731460851663 -0.0055627346235170077 0.0028356864067448978
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.0164638 0.0119809 -0.0465224 0.0596456
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=5053
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 6
+split_gain=0.290898 0.763175 3.03156 0.392204
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0010660945471659916 -0.0014704667922804094 0.00034278894015630227 0.005583727923358193 -0.0024327962905389801
+leaf_weight=77 55 45 44 40
+leaf_count=77 55 45 44 40
+internal_value=0 0.0223457 0.0829193 -0.0477446
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=5054
+num_leaves=5
+num_cat=0
+split_feature=3 2 2 6
+split_gain=0.288067 1.50809 0.860035 1.49005
+threshold=65.500000000000014 14.500000000000002 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0021878656799127977 0.0028972766994063586 -0.0019525820501140434 -0.0020221284439962232 0.003372663647267779
+leaf_weight=72 61 45 39 44
+leaf_count=72 61 45 39 44
+internal_value=0 0.0415451 -0.0283906 0.0414282
+internal_weight=0 106 155 83
+internal_count=261 106 155 83
+shrinkage=0.02
+
+
+Tree=5055
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.286389 1.1321 1.4614 1.33654
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0031068089645141274 0.0010589652022860913 0.0046787329433591682 -0.0021512229739761132 -0.00038566070694466624
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0221516 0.024618 0.10694
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=5056
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.276322 1.46196 2.49395 4.99813
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0013834328312870984 0.002753140092715978 -0.0087622690142792666 0.0014412652490832002 0.00081016790973487953
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0163974 -0.0620481 -0.176768
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=5057
+num_leaves=5
+num_cat=0
+split_feature=5 2 5 9
+split_gain=0.288269 1.09727 3.0742 1.66282
+threshold=67.65000000000002 15.500000000000002 52.800000000000004 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0016484249525689138 0.0010623097985613605 -0.0018289338625721333 -0.0056729928505816589 0.0035904728174685767
+leaf_weight=46 77 42 46 50
+leaf_count=46 77 42 46 50
+internal_value=0 -0.0222144 -0.100256 0.0554099
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=5058
+num_leaves=5
+num_cat=0
+split_feature=3 2 2 9
+split_gain=0.284782 1.51686 0.798682 3.32444
+threshold=65.500000000000014 14.500000000000002 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.002127292395305895 0.0028988474909053298 -0.0019649672416161348 -0.0032672159295027525 0.0047523536479810316
+leaf_weight=72 61 45 41 42
+leaf_count=72 61 45 41 42
+internal_value=0 0.0413272 -0.0282347 0.0390917
+internal_weight=0 106 155 83
+internal_count=261 106 155 83
+shrinkage=0.02
+
+
+Tree=5059
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.282271 1.14846 1.58075 1.87043 2.14582
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.003089420531526835 -0.0015098158131235848 0.0032164036973360744 0.0028554224655529203 -0.0049778090957452734 0.0032540333026562364
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0153463 -0.0214718 -0.0778496 0.00733898
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=5060
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.282691 1.16228 0.864659 0.490039
+threshold=65.500000000000014 71.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0011580032851199002 0.0034320129744579253 -0.00087751498392085237 -0.0026596187418725099 0.0017077669095845198
+leaf_weight=42 42 64 53 60
+leaf_count=42 42 64 53 60
+internal_value=0 0.0411815 -0.0281414 0.0259961
+internal_weight=0 106 155 102
+internal_count=261 106 155 102
+shrinkage=0.02
+
+
+Tree=5061
+num_leaves=5
+num_cat=0
+split_feature=4 2 2 9
+split_gain=0.279597 0.655836 1.6074 1.3073
+threshold=74.500000000000014 9.5000000000000018 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0013852080620217107 0.0014085529648588976 -0.0041922719828705228 -0.0023848367272914944 0.0022451767326889687
+leaf_weight=64 49 46 42 60
+leaf_count=64 49 46 42 60
+internal_value=0 -0.01628 -0.0535558 0.0165267
+internal_weight=0 212 148 102
+internal_count=261 212 148 102
+shrinkage=0.02
+
+
+Tree=5062
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.292544 0.970023 2.68128 2.72086
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0014387106241034663 0.00077477230899679133 -0.0032098793119977797 0.0034579012370334408 -0.0058815644647509423
+leaf_weight=49 67 39 67 39
+leaf_count=49 67 39 67 39
+internal_value=0 -0.0166259 0.0156274 -0.083449
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=5063
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 8 2
+split_gain=0.291777 0.728918 1.48624 2.29005 0.541213
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 54.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0026278603823988405 0.0014369792986637661 -0.002796085041926512 0.0033821060998307012 -0.0049224912635133433 -0.00056128394092144871
+leaf_weight=41 49 40 45 39 47
+leaf_count=41 49 40 45 39 47
+internal_value=0 -0.0166037 0.0118604 -0.043604 0.0458196
+internal_weight=0 212 172 127 88
+internal_count=261 212 172 127 88
+shrinkage=0.02
+
+
+Tree=5064
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 8
+split_gain=0.28368 1.84345 1.87673 1.17789
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00073034402849950718 0.0014362365236184349 -0.004273176814455922 0.0032970267210742405 -0.0034910719114126703
+leaf_weight=64 48 39 64 46
+leaf_count=64 48 39 64 46
+internal_value=0 -0.0161808 0.0279198 -0.0514402
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=5065
+num_leaves=5
+num_cat=0
+split_feature=5 5 8 5
+split_gain=0.281128 0.902489 0.854312 0.990672
+threshold=53.500000000000007 48.45000000000001 62.500000000000007 69.450000000000017
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0010525687161885432 0.0026675992458915676 -0.002818405312780744 -0.0027410196120759168 0.001126853855653386
+leaf_weight=49 52 49 46 65
+leaf_count=49 52 49 46 65
+internal_value=0 -0.0437696 0.0263529 -0.0234782
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=5066
+num_leaves=5
+num_cat=0
+split_feature=6 5 4 6
+split_gain=0.282972 1.1449 0.664595 0.707529
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00099972336314911462 -0.0015114754366083822 0.0034366885630834855 -0.0026417747915647373 0.0019288830332969201
+leaf_weight=76 44 39 41 61
+leaf_count=76 44 39 41 61
+internal_value=0 0.0153687 -0.0187426 0.0149369
+internal_weight=0 217 178 137
+internal_count=261 217 178 137
+shrinkage=0.02
+
+
+Tree=5067
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 2
+split_gain=0.281481 0.939906 2.54508 2.66219
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0014130727051990155 0.0018618091036642517 -0.0031598175051024968 0.0033737072299522154 -0.0045180659213964434
+leaf_weight=49 48 39 67 58
+leaf_count=49 48 39 67 58
+internal_value=0 -0.0163263 0.0154295 -0.0811101
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=5068
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 8 2
+split_gain=0.279534 0.723046 1.44061 2.27277 0.50753
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 54.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0025902367481748234 0.0014085515861902238 -0.0027797955830168005 0.0033385263562255353 -0.0048859667286776445 -0.00050093868595793524
+leaf_weight=41 49 40 45 39 47
+leaf_count=41 49 40 45 39 47
+internal_value=0 -0.016271 0.0120807 -0.0425328 0.0465549
+internal_weight=0 212 172 127 88
+internal_count=261 212 172 127 88
+shrinkage=0.02
+
+
+Tree=5069
+num_leaves=5
+num_cat=0
+split_feature=4 2 2 1
+split_gain=0.287452 2.03536 1.05548 1.81229
+threshold=65.500000000000014 11.500000000000002 18.500000000000004 9.5000000000000018
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0034519686162880958 -0.0023826757366550381 0.0030996793663907534 -0.0026370551631242573 -0.0023342225615270778
+leaf_weight=48 47 65 61 40
+leaf_count=48 47 65 61 40
+internal_value=0 0.0395929 -0.0297314 0.0406517
+internal_weight=0 112 149 88
+internal_count=261 112 149 88
+shrinkage=0.02
+
+
+Tree=5070
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.282507 0.995192 0.977354 1.7799
+threshold=55.500000000000007 52.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0033255725441905426 -0.0026593739517843822 -0.00085152361989129538 -0.0013863127235450707 0.0039118031792420675
+leaf_weight=40 57 55 68 41
+leaf_count=40 57 55 68 41
+internal_value=0 0.0449996 -0.0257358 0.0300227
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=5071
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 3
+split_gain=0.298419 1.17098 1.52122 1.73861
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00037491664004276373 -0.0015496992019567463 0.0032522836174044122 0.0027945326353542277 -0.0043751463256254067
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.015747 -0.021426 -0.0767487
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5072
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.295664 1.46954 0.840782 0.755391 0.420503
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0012373307661118177 0.00056315470266622865 0.0038225824584527291 -0.0026405711768721523 0.0025736491950905625 -0.0022972471990832508
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.024394 -0.0263968 0.0340852 -0.0495695
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5073
+num_leaves=6
+num_cat=0
+split_feature=5 5 9 5 6
+split_gain=0.29146 0.888972 0.854329 0.599936 0.428938
+threshold=53.500000000000007 48.45000000000001 67.500000000000014 62.400000000000006 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -2 -4
+right_child=2 -3 4 -5 -6
+leaf_value=0.0010232837589593145 0.00020212951037839211 -0.0028190027325829202 0.0005081121418352661 0.0037462610192823677 -0.0024217870123805266
+leaf_weight=49 39 49 43 41 40
+leaf_count=49 39 49 43 41 40
+internal_value=0 -0.0445171 0.0267982 0.101509 -0.0447554
+internal_weight=0 98 163 80 83
+internal_count=261 98 163 80 83
+shrinkage=0.02
+
+
+Tree=5074
+num_leaves=5
+num_cat=0
+split_feature=4 2 3 4
+split_gain=0.285029 0.720852 2.07168 0.765252
+threshold=53.500000000000007 22.500000000000004 68.500000000000014 61.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0011860936927744114 0.0013322884510519558 -0.0016179179257988952 -0.0015702280002661358 0.0053307772410443781
+leaf_weight=65 41 53 63 39
+leaf_count=65 41 53 63 39
+internal_value=0 0.0197107 0.0572993 0.164725
+internal_weight=0 196 143 80
+internal_count=261 196 143 80
+shrinkage=0.02
+
+
+Tree=5075
+num_leaves=5
+num_cat=0
+split_feature=4 2 5 4
+split_gain=0.277261 1.9524 1.02655 0.969864
+threshold=65.500000000000014 11.500000000000002 55.95000000000001 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0011623970507677753 -0.0023309866365085674 0.0030394844733555334 -0.0033987705694430012 0.0026906284813556117
+leaf_weight=65 47 65 39 45
+leaf_count=65 47 65 39 45
+internal_value=0 0.0389309 -0.0292348 0.0203641
+internal_weight=0 112 149 110
+internal_count=261 112 149 110
+shrinkage=0.02
+
+
+Tree=5076
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 5
+split_gain=0.27835 1.22422 0.878202 0.965451
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 69.450000000000017
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.00098915773505944479 0.0026941576710538535 -0.0035862185489753551 -0.0027285817063033308 0.0010905168001458855
+leaf_weight=58 52 40 46 65
+leaf_count=58 52 40 46 65
+internal_value=0 -0.0435706 0.0262277 -0.0242846
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=5077
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.281298 1.13651 1.24043 1.00543
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0009419273512217875 -0.0014484105978120735 0.0027890175110051735 -0.0027474850792551793 0.0032317631415241764
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0159454 -0.027618 0.0447945
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5078
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.285538 1.37392 0.862807 0.739463 0.384141
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011762504069573357 0.00051276624492589608 0.0037058905934602465 -0.002642145246018308 0.0025948661842215 -0.0022261615396369054
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0239981 -0.0251264 0.0361326 -0.0487694
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5079
+num_leaves=5
+num_cat=0
+split_feature=6 6 4 8
+split_gain=0.275673 1.03077 1.04686 0.900824
+threshold=69.500000000000014 63.500000000000007 61.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00087487356991828766 0.001417134438420696 -0.0030718655986041472 0.0029923187782015595 -0.0026312507721970219
+leaf_weight=72 48 44 46 51
+leaf_count=72 48 44 46 51
+internal_value=0 -0.0159682 0.0196754 -0.0286527
+internal_weight=0 213 169 123
+internal_count=261 213 169 123
+shrinkage=0.02
+
+
+Tree=5080
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.274235 1.14186 1.45067 1.75803 2.12214
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0030786906629765376 -0.0014895990126330295 0.0032041086400207107 0.0027167822917302446 -0.0048299143434830218 0.003230011747460639
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0151415 -0.0215721 -0.0756172 0.00698623
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=5081
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.282567 1.36724 0.835896 0.692965 0.359782
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011356556378721142 0.00047135374400815238 0.0036958714283772389 -0.002609223175588149 0.0025179321177879839 -0.0021830122409155347
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0238834 -0.0251228 0.0351888 -0.0485295
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5082
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 8
+split_gain=0.280821 1.88723 1.8675 1.16244
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00073468866996875305 0.0014294569872068607 -0.0043177683429093143 0.0033021952843068827 -0.0034594313616294111
+leaf_weight=64 48 39 64 46
+leaf_count=64 48 39 64 46
+internal_value=0 -0.0161046 0.0285136 -0.0506516
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=5083
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 4
+split_gain=0.278739 0.783884 1.86166 0.984551
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00094460311626363709 0.0010960244394004537 0.00074518950166440809 -0.0049467354578593952 0.003186399005557115
+leaf_weight=53 72 53 41 42
+leaf_count=53 72 53 41 42
+internal_value=0 -0.0208636 -0.0865394 0.0437161
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5084
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 5
+split_gain=0.281241 1.5088 0.850444 0.463065
+threshold=65.500000000000014 14.500000000000002 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.001120035346001493 0.002888631768901629 -0.0019624066510964501 -0.0026412625890769189 0.0016686937179455489
+leaf_weight=42 61 45 53 60
+leaf_count=42 61 45 53 60
+internal_value=0 0.0410875 -0.028069 0.0256288
+internal_weight=0 106 155 102
+internal_count=261 106 155 102
+shrinkage=0.02
+
+
+Tree=5085
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 5
+split_gain=0.271488 1.24299 0.843704 0.967235
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 69.450000000000017
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.001013382494690826 0.0026460856979951442 -0.0035965504421984311 -0.0027169845889285873 0.0011056775668275573
+leaf_weight=58 52 40 46 65
+leaf_count=58 52 40 46 65
+internal_value=0 -0.0430645 0.0259265 -0.0236
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=5086
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.276192 1.10409 0.65183 1.36016 1.34889
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00069464435674055193 -0.0014944964451941471 0.0033779153626746828 -0.0026119512585151623 -0.0028147403325765601 0.0040456693681379984
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0151943 -0.0183104 0.0150515 0.0797614
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=5087
+num_leaves=5
+num_cat=0
+split_feature=8 3 7 7
+split_gain=0.269225 1.1038 0.69338 0.447573
+threshold=72.500000000000014 66.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011662960211654121 -0.00141918114703667 0.0028707278144549609 -0.0022363741203971408 0.0015991986952139904
+leaf_weight=40 47 52 60 62
+leaf_count=40 47 52 60 62
+internal_value=0 0.0156184 -0.0252392 0.0253399
+internal_weight=0 214 162 102
+internal_count=261 214 162 102
+shrinkage=0.02
+
+
+Tree=5088
+num_leaves=6
+num_cat=0
+split_feature=7 3 2 9 2
+split_gain=0.271788 0.667903 0.830769 1.32948 2.03221
+threshold=76.500000000000014 70.500000000000014 10.500000000000002 45.500000000000007 22.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0024553421216797207 0.0015940514785107221 -0.0026909549243315299 0.0024588962151042117 0.00058492336927223974 -0.0054207291589663236
+leaf_weight=50 39 39 40 54 39
+leaf_count=50 39 39 40 54 39
+internal_value=0 -0.0140113 0.0114999 -0.0300718 -0.0963582
+internal_weight=0 222 183 133 93
+internal_count=261 222 183 133 93
+shrinkage=0.02
+
+
+Tree=5089
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 3
+split_gain=0.271307 0.704686 1.78917 1.03851
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0032911140096285769 0.0010822436783245149 0.00076829142299932973 -0.0048129195454189137 -0.0009751113235614943
+leaf_weight=40 72 53 41 55
+leaf_count=40 72 53 41 55
+internal_value=0 -0.0206055 -0.0829666 0.040694
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5090
+num_leaves=5
+num_cat=0
+split_feature=5 5 8 2
+split_gain=0.297308 0.938522 0.80432 0.981669
+threshold=53.500000000000007 48.45000000000001 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0010668318635313969 0.0026193608703323902 -0.0028791133275045651 -0.0018578872189032676 0.0020931251012560495
+leaf_weight=49 52 49 71 40
+leaf_count=49 52 49 71 40
+internal_value=0 -0.0449315 0.0270502 -0.0213237
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=5091
+num_leaves=5
+num_cat=0
+split_feature=4 2 2 9
+split_gain=0.287771 1.93874 1.03157 1.78093
+threshold=65.500000000000014 18.500000000000004 18.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.001862774691131937 -0.0011323654856795374 0.0044109060080964645 -0.0026145146667849945 0.0038632973479998207
+leaf_weight=47 73 39 61 41
+leaf_count=47 73 39 61 41
+internal_value=0 0.0396146 -0.0297456 0.039846
+internal_weight=0 112 149 88
+internal_count=261 112 149 88
+shrinkage=0.02
+
+
+Tree=5092
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 2
+split_gain=0.277834 1.84157 1.88935 0.991184
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0022963855480684823 0.0014223763209812008 -0.0042680371991502446 0.0040044022646234228 0.0012910575181676336
+leaf_weight=71 48 39 47 56
+leaf_count=71 48 39 47 56
+internal_value=0 -0.0160228 0.0280556 -0.0354193
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=5093
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 3
+split_gain=0.269252 0.734778 1.72858 1.00743
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0032812534850941411 0.0010785310269146435 0.00070294978483508973 -0.0047835536484543304 -0.00092148361111674354
+leaf_weight=40 72 53 41 55
+leaf_count=40 72 53 41 55
+internal_value=0 -0.0205271 -0.0841687 0.0420394
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5094
+num_leaves=5
+num_cat=0
+split_feature=4 2 3 1
+split_gain=0.285385 0.696418 1.94884 0.850366
+threshold=53.500000000000007 22.500000000000004 68.500000000000014 8.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0011867587850475634 0.0052554394699867151 -0.0015840645428990519 -0.0015011695935077101 0.0010506255346885995
+leaf_weight=65 41 53 63 39
+leaf_count=65 41 53 63 39
+internal_value=0 0.0197235 0.0566891 0.160915
+internal_weight=0 196 143 80
+internal_count=261 196 143 80
+shrinkage=0.02
+
+
+Tree=5095
+num_leaves=5
+num_cat=0
+split_feature=3 2 2 9
+split_gain=0.292042 1.49465 0.826954 3.23353
+threshold=65.500000000000014 14.500000000000002 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0021606913820969775 0.0028935934005167008 -0.0019348166764959519 -0.00319511121327145 0.0047145345504589374
+leaf_weight=72 61 45 41 42
+leaf_count=72 61 45 41 42
+internal_value=0 0.0418165 -0.028569 0.0399165
+internal_weight=0 106 155 83
+internal_count=261 106 155 83
+shrinkage=0.02
+
+
+Tree=5096
+num_leaves=5
+num_cat=0
+split_feature=3 2 7 5
+split_gain=0.279628 1.43482 0.833747 0.467396
+threshold=65.500000000000014 14.500000000000002 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0011364531599203029 0.0028357881045056499 -0.0018961806683601707 -0.0026197972628094058 0.0016649014251351615
+leaf_weight=42 61 45 53 60
+leaf_count=42 61 45 53 60
+internal_value=0 0.0409733 -0.0279979 0.0251788
+internal_weight=0 106 155 102
+internal_count=261 106 155 102
+shrinkage=0.02
+
+
+Tree=5097
+num_leaves=5
+num_cat=0
+split_feature=4 2 2 1
+split_gain=0.268773 1.96285 1.00454 1.71564
+threshold=65.500000000000014 11.500000000000002 18.500000000000004 9.5000000000000018
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0033659132409609113 -0.0023505819753043486 0.0030341831664207697 -0.0025699595140516807 -0.0022654266410377338
+leaf_weight=48 47 65 61 40
+leaf_count=48 47 65 61 40
+internal_value=0 0.0383655 -0.0288199 0.0398682
+internal_weight=0 112 149 88
+internal_count=261 112 149 88
+shrinkage=0.02
+
+
+Tree=5098
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.270624 1.39641 0.842747 0.655373 0.40551
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011013041082118791 0.00057633912956925163 0.0037199171731397709 -0.002637503338438298 0.0024544272783020129 -0.0022350183334292591
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0234006 -0.0261214 0.0344307 -0.0475687
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5099
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.271145 0.879654 2.5693 2.58716
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0013884810212068069 0.00073687997912265726 -0.0030639933816667161 0.0033732680638687475 -0.0057547939653046646
+leaf_weight=49 67 39 67 39
+leaf_count=49 67 39 67 39
+internal_value=0 -0.0160519 0.0146842 -0.0823123
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=5100
+num_leaves=5
+num_cat=0
+split_feature=4 2 5 4
+split_gain=0.278774 1.93462 0.989035 0.929071
+threshold=65.500000000000014 18.500000000000004 55.95000000000001 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0011492703426116914 -0.0011421917716406497 0.0043953107310197286 -0.0033494829020904162 0.0026235449910560625
+leaf_weight=65 73 39 39 45
+leaf_count=65 73 39 39 45
+internal_value=0 0.0390224 -0.0293165 0.0193786
+internal_weight=0 112 149 110
+internal_count=261 112 149 110
+shrinkage=0.02
+
+
+Tree=5101
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 2
+split_gain=0.277808 1.2434 0.796754 0.917649
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0010042041383102466 0.0025928286531275101 -0.0036064045016296138 -0.0018240970715333159 0.0019982510204918521
+leaf_weight=58 52 40 71 40
+leaf_count=58 52 40 71 40
+internal_value=0 -0.0435375 0.0261973 -0.021954
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=5102
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 2
+split_gain=0.2781 1.79438 1.83822 0.989994
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0022898630611467453 0.0014228831693167397 -0.0042179631761251161 0.0039464730657961609 0.001295499499307207
+leaf_weight=71 48 39 47 56
+leaf_count=71 48 39 47 56
+internal_value=0 -0.0160363 0.027477 -0.0351389
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=5103
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 8
+split_gain=0.266287 0.957392 0.983993 1.12014
+threshold=69.500000000000014 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00074504604134609232 0.0013944669672337792 -0.0029689362798996028 0.0025354142525953484 -0.0034822585947653323
+leaf_weight=73 48 44 57 39
+leaf_count=73 48 44 57 39
+internal_value=0 -0.0157123 0.0186564 -0.036054
+internal_weight=0 213 169 112
+internal_count=261 213 169 112
+shrinkage=0.02
+
+
+Tree=5104
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 3
+split_gain=0.282518 0.767563 1.68444 1.01646
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0033094750609158697 0.0011028976142158353 0.00063569156939821182 -0.0047806695980045491 -0.00091161857699880334
+leaf_weight=40 72 53 41 55
+leaf_count=40 72 53 41 55
+internal_value=0 -0.020997 -0.0860029 0.0429199
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5105
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.280333 1.05122 0.819231 0.463364
+threshold=65.500000000000014 71.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0011394081094187342 0.0033033322755602439 -0.000798236999386872 -0.0026028137689304369 0.0016503945158725375
+leaf_weight=42 42 64 53 60
+leaf_count=42 42 64 53 60
+internal_value=0 0.0410239 -0.0280283 0.024691
+internal_weight=0 106 155 102
+internal_count=261 106 155 102
+shrinkage=0.02
+
+
+Tree=5106
+num_leaves=5
+num_cat=0
+split_feature=4 2 3 1
+split_gain=0.274609 0.67634 1.88296 0.807297
+threshold=53.500000000000007 22.500000000000004 68.500000000000014 8.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0011657685569964268 0.0051519992771246218 -0.0015632191963321144 -0.0014741019496113295 0.0010514275657572281
+leaf_weight=65 41 53 63 39
+leaf_count=65 41 53 63 39
+internal_value=0 0.0193656 0.0558119 0.158281
+internal_weight=0 196 143 80
+internal_count=261 196 143 80
+shrinkage=0.02
+
+
+Tree=5107
+num_leaves=5
+num_cat=0
+split_feature=3 2 2 9
+split_gain=0.279397 1.46646 0.805362 3.12461
+threshold=65.500000000000014 14.500000000000002 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 -1 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0021287937366600194 0.0028571824253396006 -0.0019260857466030523 -0.0031335802224247244 0.0046424442592017416
+leaf_weight=72 61 45 41 42
+leaf_count=72 61 45 41 42
+internal_value=0 0.0409538 -0.0279908 0.0396121
+internal_weight=0 106 155 83
+internal_count=261 106 155 83
+shrinkage=0.02
+
+
+Tree=5108
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.268854 1.15589 1.39579 1.33008
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0031214079652961929 0.0010281700188584314 0.0046583632047708509 -0.0020692463576599072 -0.00039398202611058626
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0215106 0.0257429 0.106223
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=5109
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 6 3
+split_gain=0.277838 0.867051 2.44234 2.84623 1.40357
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0014042872449810937 0.0041364128533956145 -0.003048418117417745 -0.005682930395613555 -0.0016568145681690786 0.0034808364342999963
+leaf_weight=49 48 39 39 44 42
+leaf_count=49 48 39 39 44 42
+internal_value=0 -0.0162384 0.0142798 -0.0594104 0.0421883
+internal_weight=0 212 173 125 86
+internal_count=261 212 173 125 86
+shrinkage=0.02
+
+
+Tree=5110
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.28159 1.23752 1.52367 1.79363
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00074164359151315665 -0.0015083246896035391 0.0033246797611309283 0.0027678143698151537 -0.0039922694931350464
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.0153186 -0.0228851 -0.078249
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5111
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 2
+split_gain=0.269586 0.859129 2.52985 2.59738
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0013847555244117155 0.0018038353401433661 -0.0030316673967885279 0.0033435144229770264 -0.0044982440950067032
+leaf_weight=49 48 39 67 58
+leaf_count=49 48 39 67 58
+internal_value=0 -0.016009 0.0143719 -0.0818811
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=5112
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 6 1
+split_gain=0.270932 1.2219 0.827871 1.25099 1.07883
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 56.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0012659439708774551 -0.0014813122622261302 0.0033005595385744262 0.00025893397636555496 -0.0045209093258406522 0.0033249428429277328
+leaf_weight=42 44 44 51 39 41
+leaf_count=42 44 44 51 39 41
+internal_value=0 0.0150515 -0.022913 -0.0902677 0.0496552
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=5113
+num_leaves=4
+num_cat=0
+split_feature=6 2 1
+split_gain=0.280063 0.72392 2.53627
+threshold=48.500000000000007 19.500000000000004 7.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0010474924282432455 -0.0030013012830817933 0.002202316163264573 0.0028652083536633978
+leaf_weight=77 69 63 52
+leaf_count=77 69 63 52
+internal_value=0 0.0219459 -0.0236675
+internal_weight=0 184 121
+internal_count=261 184 121
+shrinkage=0.02
+
+
+Tree=5114
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.271492 1.16043 1.21225 1.01556
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0033151152043500859 -0.0014247558943868721 0.0028091062189998192 -0.0027371296021022379 -0.00090407991530524199
+leaf_weight=40 47 56 63 55
+leaf_count=40 47 56 63 55
+internal_value=0 0.0156782 -0.0283361 0.0432571
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5115
+num_leaves=6
+num_cat=0
+split_feature=5 5 9 5 6
+split_gain=0.27641 0.924341 0.816073 0.632879 0.422353
+threshold=53.500000000000007 48.45000000000001 67.500000000000014 62.400000000000006 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -2 -4
+right_child=2 -3 4 -5 -6
+leaf_value=0.0010821513261624017 0.00010927280425903343 -0.0028346198160730455 0.00051628696661081843 0.0037444674901959958 -0.0023921040480336794
+leaf_weight=49 39 49 43 41 40
+leaf_count=49 39 49 43 41 40
+internal_value=0 -0.0434351 0.0261358 0.0991973 -0.0438276
+internal_weight=0 98 163 80 83
+internal_count=261 98 163 80 83
+shrinkage=0.02
+
+
+Tree=5116
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 2
+split_gain=0.274843 1.82627 1.84227 0.964046
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0022612790910984978 0.0014151522069580469 -0.0042502342589773555 0.0039596003615947348 0.0012776565905750084
+leaf_weight=71 48 39 47 56
+leaf_count=71 48 39 47 56
+internal_value=0 -0.0159453 0.0279507 -0.0347332
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=5117
+num_leaves=5
+num_cat=0
+split_feature=9 2 7 7
+split_gain=0.26861 0.884769 2.3313 0.910403
+threshold=72.500000000000014 6.5000000000000009 65.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=0.0021835756437502247 0.0011786276098758345 -0.00095942676576659769 -0.0053351761624197969 0.0028035469759661925
+leaf_weight=43 63 76 39 40
+leaf_count=43 63 76 39 40
+internal_value=0 -0.0187419 -0.0545208 0.0166083
+internal_weight=0 198 155 116
+internal_count=261 198 155 116
+shrinkage=0.02
+
+
+Tree=5118
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 2
+split_gain=0.270253 1.77097 1.7963 0.93049
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0022294556967724357 0.0014042058013905004 -0.004188332341045012 0.0039067101121480641 0.0012484822058307734
+leaf_weight=71 48 39 47 56
+leaf_count=71 48 39 47 56
+internal_value=0 -0.0158151 0.0274154 -0.0344869
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=5119
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=0.275465 1.93857 2.67062 2.39519
+threshold=72.500000000000014 6.5000000000000009 51.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0050206636782427283 0.0011926455104693155 0.0016680293282127332 -0.0050862796068070447 -0.001214906188062559
+leaf_weight=45 63 39 59 55
+leaf_count=45 63 39 59 55
+internal_value=0 -0.018958 -0.119546 0.0792328
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=5120
+num_leaves=5
+num_cat=0
+split_feature=5 2 6 4
+split_gain=0.274898 1.19489 1.0238 2.5398
+threshold=67.65000000000002 8.5000000000000018 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0031698001209752636 0.0010391914277236348 0.0027577685941185775 0.0027899146981031106 -0.0041780108922134327
+leaf_weight=48 77 41 51 44
+leaf_count=48 77 41 51 44
+internal_value=0 -0.0217186 0.0263164 -0.0411798
+internal_weight=0 184 136 85
+internal_count=261 184 136 85
+shrinkage=0.02
+
+
+Tree=5121
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.263959 1.73488 1.78817 2.07638
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.002942947685612493 0.0013890636990837627 -0.0041455360230259622 0.0022871707665360059 -0.003569727798274855
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0156344 0.0271562 -0.0592161
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=5122
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.273996 1.17263 1.5226 1.84573 2.10963
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0030643615459202871 -0.0014887238409693937 0.0032424129421596815 0.002783439933022918 -0.00494632599191597 0.0032258712246571106
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0151489 -0.0220505 -0.0773967 0.00723043
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=5123
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.274531 1.17471 1.37738 1.36409
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0031466484228848471 0.0010386210556653313 0.0046834653353844116 -0.0020485615942055554 -0.00043251695671471443
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0217011 0.0259311 0.105886
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=5124
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.270424 1.13623 1.45783 1.79073 2.02177
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0029895195783261365 -0.0014797361998472025 0.0031953023343987549 0.0027244636560476423 -0.0048629287993766776 0.003169508642462719
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0150525 -0.0215716 -0.0757477 0.00761657
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=5125
+num_leaves=6
+num_cat=0
+split_feature=4 1 3 3 9
+split_gain=0.280827 1.25356 1.4959 1.98089 1.14534
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 64.500000000000014 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0015495322226047063 -0.0044075493711919515 0.0026487339314884744 0.0038245741771947618 -0.0035314381115315414 0.00017753573811355922
+leaf_weight=42 45 39 47 45 43
+leaf_count=42 45 39 47 45 43
+internal_value=0 -0.014848 0.0474353 -0.032637 -0.107983
+internal_weight=0 219 131 84 88
+internal_count=261 219 131 84 88
+shrinkage=0.02
+
+
+Tree=5126
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.27928 1.40509 0.819566 0.623608 0.412135
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.001070552677135726 0.00057464482902046482 0.0037371779651371325 -0.0026046167702448446 0.0024003345452012059 -0.0022585389730984525
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0237681 -0.025906 0.0338217 -0.0482503
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5127
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.271711 1.21325 1.49452 1.09735
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0015259861706313086 -0.0043264287242028203 0.0028233937428872153 -0.0015066728940543975 0.00016281242904237953
+leaf_weight=42 45 74 57 43
+leaf_count=42 45 74 57 43
+internal_value=0 -0.0146156 0.0466708 -0.106268
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=5128
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.278328 1.10876 1.37934 1.72234 1.99185
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.002956194858037295 -0.0014996058695544076 0.0031648899536704106 0.0026523499750403935 -0.0047570920599456293 0.0031574588067980074
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0152623 -0.0209212 -0.0736445 0.00812251
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=5129
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.292356 1.37624 0.77758 0.589672 0.378914
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010334559157933478 0.00049243292587017621 0.0037142282557481683 -0.0025314472221856887 0.002344403767533166 -0.002228426209061116
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0242821 -0.0248833 0.0333231 -0.0492928
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5130
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.279891 1.32108 0.745989 0.565621 0.363218
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.001012821771029143 0.00048260167214398742 0.0036400699693848394 -0.0024808909347884787 0.0022975918509469165 -0.0021839239046101055
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0237928 -0.0243863 0.0326483 -0.0482991
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5131
+num_leaves=6
+num_cat=0
+split_feature=4 1 3 3 9
+split_gain=0.278093 1.19394 1.4534 1.9092 1.0496
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 64.500000000000014 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0015425917924881435 -0.0042675290875168262 0.0025833539826076051 0.0037559235177020856 -0.0034849093257984143 0.0001241360378841084
+leaf_weight=42 45 39 47 45 43
+leaf_count=42 45 39 47 45 43
+internal_value=0 -0.0147745 0.0460281 -0.032909 -0.105706
+internal_weight=0 219 131 84 88
+internal_count=261 219 131 84 88
+shrinkage=0.02
+
+
+Tree=5132
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.280791 1.02809 0.963715 1.7968
+threshold=55.500000000000007 56.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00096030124319415101 -0.0026427867321650996 0.003259387167043575 -0.0014014830425725349 0.0039215133411549937
+leaf_weight=53 57 42 68 41
+leaf_count=53 57 42 68 41
+internal_value=0 0.0448928 -0.0256417 0.0297321
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=5133
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.29566 1.07143 1.33953 1.67678 1.90182
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0028710719888854091 -0.0015425570837651248 0.0031259117822731494 0.0026292076500630149 -0.0046780348574171392 0.0031040960562480719
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0156992 -0.019877 -0.0718492 0.00883671
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=5134
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 2 6
+split_gain=0.297099 1.30564 0.728543 1.01149 0.342386
+threshold=67.500000000000014 62.400000000000006 50.500000000000007 14.500000000000002 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=0.0017719179957139978 0.00020163011196406411 0.0036352031048281163 -0.0039424937216711378 0.00031124090076881832 -0.0023853953626719916
+leaf_weight=41 46 41 39 54 40
+leaf_count=41 46 41 39 54 40
+internal_value=0 0.0244662 -0.0234324 -0.0732806 -0.0496652
+internal_weight=0 175 134 93 86
+internal_count=261 175 134 93 86
+shrinkage=0.02
+
+
+Tree=5135
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 7
+split_gain=0.284523 1.28704 1.07643 2.52089 0.348817
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0015304473037022011 0.0004473355855665946 0.0037060364082718801 0.0022818342042805247 -0.0050019026995481476 -0.0021680110314987967
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0239822 -0.0220562 -0.0812762 -0.0486644
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5136
+num_leaves=5
+num_cat=0
+split_feature=9 5 6 4
+split_gain=0.28935 0.758761 0.977031 1.25912
+threshold=42.500000000000007 55.150000000000006 63.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0014319105572362331 -0.002076453220935743 0.0027516424121374907 0.00151642959737743 -0.0031957106716932553
+leaf_weight=49 69 51 48 44
+leaf_count=49 69 51 48 44
+internal_value=0 -0.0165121 0.0253674 -0.0364615
+internal_weight=0 212 143 92
+internal_count=261 212 143 92
+shrinkage=0.02
+
+
+Tree=5137
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.28187 1.02377 0.944467 1.8442
+threshold=55.500000000000007 56.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00095464054419986722 -0.0026225793045467809 0.0032562982027281879 -0.0014391907188393955 0.0039529593882477723
+leaf_weight=53 57 42 68 41
+leaf_count=53 57 42 68 41
+internal_value=0 0.0449825 -0.0256784 0.0291475
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=5138
+num_leaves=5
+num_cat=0
+split_feature=8 3 9 4
+split_gain=0.283028 1.07368 0.925437 2.04795
+threshold=72.500000000000014 66.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016325256429112703 -0.0014520584282688661 0.0028441375622782297 0.0014722695019488369 -0.0041423552011035283
+leaf_weight=43 47 52 61 58
+leaf_count=43 47 52 61 58
+internal_value=0 0.0160163 -0.0242865 -0.08382
+internal_weight=0 214 162 101
+internal_count=261 214 162 101
+shrinkage=0.02
+
+
+Tree=5139
+num_leaves=6
+num_cat=0
+split_feature=9 5 6 2 7
+split_gain=0.289928 1.21463 0.665426 0.735033 0.33462
+threshold=67.500000000000014 62.400000000000006 49.500000000000007 14.500000000000002 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0026343283230879973 0.00041074696467726437 0.0035200004534315594 -0.0023566283109854183 -0.0011136387698376595 -0.0021531270381394837
+leaf_weight=40 39 41 48 46 47
+leaf_count=40 39 41 48 46 47
+internal_value=0 0.0242005 -0.022015 0.0310516 -0.0490878
+internal_weight=0 175 134 86 86
+internal_count=261 175 134 86 86
+shrinkage=0.02
+
+
+Tree=5140
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.288241 1.02001 0.921323 1.82731
+threshold=55.500000000000007 56.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00094185054931169817 -0.0026025333157485143 0.003261405323360435 -0.0014487569272054071 0.0039189794380603297
+leaf_weight=53 57 42 68 41
+leaf_count=53 57 42 68 41
+internal_value=0 0.0454525 -0.0259502 0.0282092
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=5141
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 6 1
+split_gain=0.29558 1.04752 0.785821 1.21324 1.01767
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 56.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0011693186635766484 -0.0015422130649981652 0.0030950466185869045 0.00033023727273950371 -0.0043783646357434779 0.0032912606529171286
+leaf_weight=42 44 44 51 39 41
+leaf_count=42 44 44 51 39 41
+internal_value=0 0.0157046 -0.0194773 -0.0851546 0.0512693
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=5142
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 7
+split_gain=0.283103 1.2119 1.07661 2.44219 0.334627
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0015067686373453314 0.00042161109733068942 0.0036108346953168074 0.0023081229810721108 -0.0049234911785846118 -0.0021424325884009006
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0239281 -0.020759 -0.0799874 -0.0485488
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5143
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.28658 1.02469 0.920819 1.79741
+threshold=55.500000000000007 56.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00094847957107875678 -0.0026005534737628582 0.0032642851755401996 -0.0014311856189032598 0.0038928786428458853
+leaf_weight=53 57 42 68 41
+leaf_count=53 57 42 68 41
+internal_value=0 0.0453312 -0.0258788 0.0282661
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=5144
+num_leaves=5
+num_cat=0
+split_feature=8 3 9 2
+split_gain=0.294685 1.03272 0.922211 2.46995
+threshold=72.500000000000014 66.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0031275227494093434 -0.0014797511865074831 0.0028024787476544923 -0.0026888813171153702 0.0030397055807462963
+leaf_weight=40 47 52 56 66
+leaf_count=40 47 52 56 66
+internal_value=0 0.0163201 -0.0232159 0.0201801
+internal_weight=0 214 162 122
+internal_count=261 214 162 122
+shrinkage=0.02
+
+
+Tree=5145
+num_leaves=5
+num_cat=0
+split_feature=6 5 4 6
+split_gain=0.294071 1.0329 0.670071 0.668982
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00092199133580032195 -0.0015385832389618415 0.003288333038936529 -0.0026113437105624204 0.0019275020882523898
+leaf_weight=76 44 39 41 61
+leaf_count=76 44 39 41 61
+internal_value=0 0.0156641 -0.016755 0.0170631
+internal_weight=0 217 178 137
+internal_count=261 217 178 137
+shrinkage=0.02
+
+
+Tree=5146
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 6 2
+split_gain=0.293809 0.948646 2.54772 2.57587 1.48969
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 11.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.001441993722367583 0.0042374346902179748 -0.0031789360419850173 -0.0054772813731457908 -0.002161315610612754 0.0031520659323771437
+leaf_weight=49 48 39 39 39 47
+leaf_count=49 48 39 39 39 47
+internal_value=0 -0.0166407 0.0152601 -0.0599953 0.0366708
+internal_weight=0 212 173 125 86
+internal_count=261 212 173 125 86
+shrinkage=0.02
+
+
+Tree=5147
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.281404 0.9143 2.27179 3.89239 1.03513
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 63.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0014131948976816022 0.0040976194879077717 -0.0029200521220364541 -0.0059439614601303542 0.0038871765504003577 -0.00074806238619726522
+leaf_weight=49 47 44 43 39 39
+leaf_count=49 47 44 43 39 39
+internal_value=0 -0.016309 0.017467 -0.0550761 0.0780359
+internal_weight=0 212 168 121 78
+internal_count=261 212 168 121 78
+shrinkage=0.02
+
+
+Tree=5148
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 7
+split_gain=0.279311 1.19214 1.05068 2.83487 0.330748
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0018699351549528449 0.00041982539129708769 0.0035824729914109301 0.0022334232762728674 -0.005088500774714606 -0.0021300894337612682
+leaf_weight=47 39 39 42 47 47
+leaf_count=47 39 39 42 47 47
+internal_value=0 0.0237703 -0.0205548 -0.0800988 -0.0482518
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=5149
+num_leaves=5
+num_cat=0
+split_feature=4 2 8 5
+split_gain=0.291968 0.704883 1.90942 0.74435
+threshold=53.500000000000007 22.500000000000004 62.500000000000007 71.100000000000009
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0011991904789545541 0.0037983724850856955 -0.0015912252668497005 -0.0027573957737506015 0.0011188871584239595
+leaf_weight=65 62 53 42 39
+leaf_count=65 62 53 42 39
+internal_value=0 0.0199495 0.0571316 -0.0440907
+internal_weight=0 196 143 81
+internal_count=261 196 143 81
+shrinkage=0.02
+
+
+Tree=5150
+num_leaves=5
+num_cat=0
+split_feature=4 2 3 1
+split_gain=0.279595 0.676242 2.09636 0.826219
+threshold=53.500000000000007 22.500000000000004 68.500000000000014 8.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0011752323864910375 0.0052903205921158237 -0.0015594428371963065 -0.001612505659875074 0.0011424887525110805
+leaf_weight=65 41 53 63 39
+leaf_count=65 41 53 63 39
+internal_value=0 0.0195466 0.05599 0.164051
+internal_weight=0 196 143 80
+internal_count=261 196 143 80
+shrinkage=0.02
+
+
+Tree=5151
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 5
+split_gain=0.276998 1.18267 0.856955 0.972361
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 69.450000000000017
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.00095991135338959312 0.0026674662515254904 -0.0035382282009498419 -0.0027252540509199305 0.0011073205686289265
+leaf_weight=58 52 40 46 65
+leaf_count=58 52 40 46 65
+internal_value=0 -0.0434561 0.0261838 -0.0237234
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=5152
+num_leaves=5
+num_cat=0
+split_feature=4 2 3 4
+split_gain=0.274426 0.651218 2.03102 0.724723
+threshold=53.500000000000007 22.500000000000004 68.500000000000014 61.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0011650678251394942 0.0013191154036813332 -0.0015273436897776324 -0.0015864307712158121 0.0052142046141386471
+leaf_weight=65 41 53 63 39
+leaf_count=65 41 53 63 39
+internal_value=0 0.0193764 0.0551614 0.161543
+internal_weight=0 196 143 80
+internal_count=261 196 143 80
+shrinkage=0.02
+
+
+Tree=5153
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=0.267884 1.97246 2.57627 2.24436
+threshold=72.500000000000014 6.5000000000000009 51.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0049335353579996223 0.0011773883634405922 0.0015835747640701031 -0.0050508200580675804 -0.0011035983569396479
+leaf_weight=45 63 39 59 55
+leaf_count=45 63 39 59 55
+internal_value=0 -0.0187061 -0.12016 0.0803334
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=5154
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.272531 0.931054 1.83354 1.6444
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00083610570090015884 0.0011994380048479612 -0.0031287107293314848 0.0038076465003258364 -0.0041275199335081445
+leaf_weight=72 62 40 44 43
+leaf_count=72 62 40 44 43
+internal_value=0 -0.0186564 0.0158071 -0.0507144
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=5155
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 2
+split_gain=0.275779 1.14594 0.805735 1.00027
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.00093343803560608566 0.002602913854606142 -0.0034953034407544498 -0.0018902027100823643 0.0020972340429977554
+leaf_weight=58 52 40 71 40
+leaf_count=58 52 40 71 40
+internal_value=0 -0.0433629 0.0261339 -0.0222835
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=5156
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 6
+split_gain=0.270266 0.776877 2.74452 0.29319
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0010297384646804444 -0.0013231596789018893 0.00014633332040480773 0.005390382497177282 -0.0022692086269634156
+leaf_weight=77 55 45 44 40
+leaf_count=77 55 45 44 40
+internal_value=0 0.0216102 0.0827131 -0.049096
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=5157
+num_leaves=5
+num_cat=0
+split_feature=5 6 5 2
+split_gain=0.274476 1.00257 1.03835 0.761516
+threshold=72.050000000000026 63.500000000000007 58.20000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0018477230523381621 0.0013968775364822177 -0.0030754677668673991 0.0032163178169551799 0.0012942411073955191
+leaf_weight=74 49 43 40 55
+leaf_count=74 49 43 40 55
+internal_value=0 -0.0161196 0.0187174 -0.0250976
+internal_weight=0 212 169 129
+internal_count=261 212 169 129
+shrinkage=0.02
+
+
+Tree=5158
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.274415 1.20306 1.43426 1.43506
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0031784315519492097 0.0010385439365491246 0.0047920591963819467 -0.0020889193045101678 -0.00045391301587950113
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0216905 0.0265069 0.108068
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=5159
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 3
+split_gain=0.266781 1.10499 1.32251 1.68094
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00042216302360312187 -0.0014702967145918298 0.0031541744464915816 0.0025844158956137325 -0.0042494775186304812
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0149642 -0.0211588 -0.0728032
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5160
+num_leaves=5
+num_cat=0
+split_feature=5 2 1 2
+split_gain=0.269454 1.14348 1.37092 1.40697
+threshold=67.65000000000002 8.5000000000000018 9.5000000000000018 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0031071148378166557 0.0010297385628034407 0.0047106520913404951 -0.0020513646036460897 -0.00048449678321278006
+leaf_weight=48 77 42 52 42
+leaf_count=48 77 42 52 42
+internal_value=0 -0.0215079 0.0254942 0.105266
+internal_weight=0 184 136 84
+internal_count=261 184 136 84
+shrinkage=0.02
+
+
+Tree=5161
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.269783 1.23377 0.743153 0.599526 0.30916
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010388124847684134 0.00039136939473490229 0.0035272833807718181 -0.0024533436588437393 0.0023662638583633335 -0.0020781743310871515
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0233884 -0.0231869 0.0337441 -0.0474781
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5162
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.263214 1.04064 0.874314 0.971117
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0015036043502427577 -0.002635078216175576 0.002726296082573766 -0.001891404198531381 0.0020383925853463994
+leaf_weight=42 57 51 71 40
+leaf_count=42 57 51 71 40
+internal_value=0 -0.0144008 0.0266824 -0.0233833
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=5163
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.271304 0.981914 0.895069 1.85093
+threshold=55.500000000000007 56.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00093296108288304022 -0.0025590705385668926 0.003192526496218932 -0.0014626624075627739 0.0039393324861500259
+leaf_weight=53 57 42 68 41
+leaf_count=53 57 42 68 41
+internal_value=0 0.0441766 -0.0252367 0.0281585
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=5164
+num_leaves=5
+num_cat=0
+split_feature=6 5 4 6
+split_gain=0.278107 1.06739 0.650048 0.638998
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00092291022735496416 -0.0014991006347711514 0.0033285101088746478 -0.0025967516459657063 0.0018640009020654195
+leaf_weight=76 44 39 41 61
+leaf_count=76 44 39 41 61
+internal_value=0 0.0152543 -0.0176952 0.0156229
+internal_weight=0 217 178 137
+internal_count=261 217 178 137
+shrinkage=0.02
+
+
+Tree=5165
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 3
+split_gain=0.274181 1.18812 0.748998 0.578194 0.332656
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0009835496423701818 -0.0023625906860245626 0.0034744895123558031 -0.0024403874286692815 0.0023618686852735792 0.00019443204613382305
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0235606 -0.0221534 0.0349993 -0.0478416
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5166
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.2721 1.17829 1.48719 0.994306
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0015269158532635345 -0.0041963388213223677 0.002801013760659977 -0.0015186290778200118 7.956829083776817e-05
+leaf_weight=42 45 74 57 43
+leaf_count=42 45 74 57 43
+internal_value=0 -0.0146298 0.0457782 -0.104974
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=5167
+num_leaves=5
+num_cat=0
+split_feature=8 3 9 2
+split_gain=0.282844 1.00478 0.94283 2.45452
+threshold=72.500000000000014 66.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0031523769919135072 -0.0014519018008640194 0.002762990918032652 -0.0026655569842139394 0.0030451827126298466
+leaf_weight=40 47 52 56 66
+leaf_count=40 47 52 56 66
+internal_value=0 0.0159973 -0.0230081 0.020864
+internal_weight=0 214 162 122
+internal_count=261 214 162 122
+shrinkage=0.02
+
+
+Tree=5168
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.289225 0.975893 0.869807 1.81219
+threshold=55.500000000000007 52.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0033124566486508345 -0.0025459391226466867 -0.00082453023809388312 -0.0014719880586050848 0.003873882395745282
+leaf_weight=40 57 55 68 41
+leaf_count=40 57 55 68 41
+internal_value=0 0.045505 -0.0260115 0.0266352
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=5169
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.298939 1.06509 1.25692 1.71014
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00085134215854797363 -0.00155079374583922 0.003119104085175229 0.002539040821735243 -0.0037727251572825938
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.0157684 -0.0197036 -0.0700773
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5170
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 3
+split_gain=0.299589 1.13468 0.696953 0.574653 0.318109
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00097759368330672361 -0.0023733559378218035 0.0034270630022572115 -0.002331423095877457 0.0023578542140179509 0.00012924905811775408
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0245536 -0.0201303 0.0350449 -0.0498683
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5171
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.292225 1.02673 1.22282 1.6632 1.69091
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0028186935944018239 -0.001534327888332556 0.0030658373400984859 0.0025089939674715457 -0.0048455777395891358 0.0027035716409764573
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0156043 -0.0192313 -0.068931 0.00587224
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=5172
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.283229 0.97533 0.918647 0.94799
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0015556600462137901 -0.0025718246355185439 0.0027441529257086965 -0.0019353114826565676 0.0019478112369188205
+leaf_weight=42 57 51 71 40
+leaf_count=42 57 51 71 40
+internal_value=0 -0.0149094 0.0248813 -0.026422
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=5173
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 6 1
+split_gain=0.274357 0.975706 0.811108 1.2091 1.04896
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 56.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.001166922803379335 -0.0014897165636316243 0.0029889409307289859 0.00031952770869279532 -0.0043810901351679253 0.0033603891896481696
+leaf_weight=42 44 44 51 39 41
+leaf_count=42 44 44 51 39 41
+internal_value=0 0.0151542 -0.0188167 -0.0855173 0.0530388
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=5174
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 3
+split_gain=0.296041 1.13836 1.05828 2.35587 0.33206
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0014985248530885221 -0.0023960680306522263 0.00352563639107776 0.0023224235187997368 -0.0048179460371397106 0.00015830351126429532
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0244183 -0.0189051 -0.0776429 -0.0495893
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5175
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.299388 1.05554 0.856012 1.82795
+threshold=55.500000000000007 56.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00095738260354478186 -0.002538482818667016 0.0033171954408858263 -0.0014972671309949302 0.0038716607548827985
+leaf_weight=53 57 42 68 41
+leaf_count=53 57 42 68 41
+internal_value=0 0.0462533 -0.0264289 0.0258046
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=5176
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.293784 0.984132 0.624256 1.41664 1.36383
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00064883746404668778 -0.0015380689445464607 0.0032182844803557236 -0.0025196229671369595 -0.0028457165769591188 0.0041170431269894293
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0156474 -0.0160069 0.0166609 0.0826733
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=5177
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 3 7
+split_gain=0.286864 1.12448 0.677638 0.557695 0.318712
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 49.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010961527469855669 0.00038304889830659348 0.0034041974515934652 -0.0023112033892727347 0.0022023354447118261 -0.0021220889450740432
+leaf_weight=39 39 41 49 46 47
+leaf_count=39 39 41 49 46 47
+internal_value=0 0.0240574 -0.0204281 0.0339925 -0.0488678
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5178
+num_leaves=5
+num_cat=0
+split_feature=8 3 9 1
+split_gain=0.281083 0.969582 0.918757 1.80357
+threshold=72.500000000000014 66.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0031060571228145868 -0.0014478155881457709 0.0027196054174045193 -0.0022265544523099156 0.0026752440580644033
+leaf_weight=40 47 52 56 66
+leaf_count=40 47 52 56 66
+internal_value=0 0.0159435 -0.0223821 0.0209349
+internal_weight=0 214 162 122
+internal_count=261 214 162 122
+shrinkage=0.02
+
+
+Tree=5179
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.285993 1.00696 0.839682 1.81986
+threshold=55.500000000000007 56.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00093398241049290516 -0.0025087769686998203 0.003242765851504791 -0.0014917260552881678 0.0038654185171389422
+leaf_weight=53 57 42 68 41
+leaf_count=53 57 42 68 41
+internal_value=0 0.0452597 -0.0258821 0.02586
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=5180
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.291992 0.95611 1.21045 1.6937 1.83513
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0027221235125151838 -0.0015339459319598341 0.0029710285109621017 0.00251837580212666 -0.0046074969189499717 0.0031478223354063908
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.015589 -0.0180434 -0.0674983 0.0135964
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=5181
+num_leaves=6
+num_cat=0
+split_feature=4 1 3 3 4
+split_gain=0.303359 1.08371 1.39656 1.90814 0.701608
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 64.500000000000014 59.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0016062699483421088 -0.0038941039115584918 0.0025438059155886701 0.0036315556389398579 -0.0035225670951841569 -0.00025168297611902684
+leaf_weight=42 43 39 47 45 45
+leaf_count=42 43 39 47 45 45
+internal_value=0 -0.0154062 0.0425581 -0.0348374 -0.102113
+internal_weight=0 219 131 84 88
+internal_count=261 219 131 84 88
+shrinkage=0.02
+
+
+Tree=5182
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 3 6
+split_gain=0.30449 1.08559 0.678577 0.534567 0.310765
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 49.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010301054972561233 0.00013538318483022696 0.0033674852458779642 -0.0022838259325120751 0.0022010440514419922 -0.002334776687070203
+leaf_weight=39 46 41 49 46 40
+leaf_count=39 46 41 49 46 40
+internal_value=0 0.0247304 -0.0189869 0.0354742 -0.0502599
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5183
+num_leaves=6
+num_cat=0
+split_feature=4 1 3 3 9
+split_gain=0.291808 1.04717 1.34274 1.83752 0.970208
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 64.500000000000014 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0015773151002758778 -0.0040798930557651748 0.0024996653884946764 0.0035643912040746618 -0.003454512383599543 0.00014517169956931777
+leaf_weight=42 45 39 47 45 43
+leaf_count=42 45 39 47 45 43
+internal_value=0 -0.0151288 0.0418643 -0.0340389 -0.100391
+internal_weight=0 219 131 84 88
+internal_count=261 219 131 84 88
+shrinkage=0.02
+
+
+Tree=5184
+num_leaves=5
+num_cat=0
+split_feature=8 3 9 2
+split_gain=0.301426 0.948955 0.885574 2.27717
+threshold=72.500000000000014 66.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0030401155407630449 -0.0014959762444067132 0.0027049540703004077 -0.0025481927876955519 0.0029539353877815699
+leaf_weight=40 47 52 56 66
+leaf_count=40 47 52 56 66
+internal_value=0 0.016471 -0.02145 0.0210901
+internal_weight=0 214 162 122
+internal_count=261 214 162 122
+shrinkage=0.02
+
+
+Tree=5185
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.306075 1.00144 2.39904 3.67855 0.963132
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 63.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0014695269443946531 0.0042176852661768858 -0.0030516883240607369 -0.0058320476140698062 0.0037103490310615977 -0.00076381080731699957
+leaf_weight=49 47 44 43 39 39
+leaf_count=49 47 44 43 39 39
+internal_value=0 -0.0169818 0.018344 -0.0561927 0.0732171
+internal_weight=0 212 168 121 78
+internal_count=261 212 168 121 78
+shrinkage=0.02
+
+
+Tree=5186
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 6 1
+split_gain=0.292242 0.932935 0.810695 1.15046 0.97312
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 56.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0010623379737060826 -0.0015345431360624696 0.0029394140829432976 0.00029406374836472209 -0.0042926101579152326 0.0033005970231744244
+leaf_weight=42 44 44 51 39 41
+leaf_count=42 44 44 51 39 41
+internal_value=0 0.015596 -0.017632 -0.0843202 0.0542091
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=5187
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 3
+split_gain=0.298175 1.09351 1.0417 2.30955 0.293532
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0014960041396215099 -0.002320122849553755 0.0034676692299764112 0.0023200662626760384 -0.0047585708062043803 8.8756194103541632e-05
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0244898 -0.0179809 -0.0762693 -0.0497673
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5188
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.298929 1.0563 0.80184 1.80705
+threshold=55.500000000000007 56.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00095893282831467684 -0.0024751695002025622 0.0033171728429755775 -0.0015187164867468933 0.0038199166300118565
+leaf_weight=53 57 42 68 41
+leaf_count=53 57 42 68 41
+internal_value=0 0.0462096 -0.0264205 0.0241611
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=5189
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.3111 0.941582 0.608485 1.36581 1.34782
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00064504328080225491 -0.0015801607439218802 0.0031643059163988171 -0.0024707345611891781 -0.0027748866014820342 0.004093118714366923
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0160622 -0.014909 0.0173547 0.0821911
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=5190
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.297958 0.909529 1.17228 1.67842
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00091685433310036667 -0.0015486073736393022 0.0029096906991780734 0.0024925714744741426 -0.0036649208507731389
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.015734 -0.0170805 -0.0657666
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5191
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 2 6
+split_gain=0.301137 1.07609 0.642959 0.888805 0.29588
+threshold=67.500000000000014 62.400000000000006 50.500000000000007 14.500000000000002 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=0.0017299271275708645 0.00011416755065189309 0.0033525800042803165 -0.0036425382592258837 0.00034992338373322838 -0.0022991706013292751
+leaf_weight=41 46 41 39 54 40
+leaf_count=41 46 41 39 54 40
+internal_value=0 0.024603 -0.018925 -0.065861 -0.0499989
+internal_weight=0 175 134 93 86
+internal_count=261 175 134 93 86
+shrinkage=0.02
+
+
+Tree=5192
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.28908 1.0069 2.3028 3.53317 0.931833
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 63.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.001430818979611872 0.0041512927392409419 -0.0030499187612955548 -0.0056976648772125438 0.0036638257350645803 -0.00073821674810213773
+leaf_weight=49 47 44 43 39 39
+leaf_count=49 47 44 43 39 39
+internal_value=0 -0.0165284 0.0188929 -0.0541401 0.0726934
+internal_weight=0 212 168 121 78
+internal_count=261 212 168 121 78
+shrinkage=0.02
+
+
+Tree=5193
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 7
+split_gain=0.288892 1.0798 1.04364 2.23038 0.287546
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0014410807506625609 0.00031452447641283339 0.0034422170569334059 0.0023206861956089932 -0.0047060087988840833 -0.002071173947905187
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0241349 -0.0180721 -0.0764132 -0.0490308
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5194
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.291477 1.07134 0.77568 1.84299
+threshold=55.500000000000007 56.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00098292743786818483 -0.0024376495179903156 0.0033231274489980145 -0.0015484381366515103 0.0038425640448372764
+leaf_weight=53 57 42 68 41
+leaf_count=53 57 42 68 41
+internal_value=0 0.0456716 -0.0261049 0.02366
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=5195
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.29756 0.91266 0.573716 1.33741 1.353
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00067808218778001115 -0.0015474107126773606 0.0031147264902598414 -0.0024068992202346392 -0.0027580442191256173 0.0040692471696840678
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0157355 -0.0147634 0.0165875 0.0807602
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=5196
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.288438 0.918818 1.05228 1.01899
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00097658751744075702 -0.001465503584244511 0.0025482183524753099 -0.002487002234177675 0.0032248715439686048
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0161317 -0.023095 0.0436746
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5197
+num_leaves=5
+num_cat=0
+split_feature=8 3 7 7
+split_gain=0.276219 0.91769 0.608831 0.436991
+threshold=72.500000000000014 66.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011342435304678852 -0.0014362370380619314 0.0026530919309447221 -0.0020560343091492249 0.0015994966182085327
+leaf_weight=40 47 52 60 62
+leaf_count=40 47 52 60 62
+internal_value=0 0.0158061 -0.0214951 0.0259781
+internal_weight=0 214 162 102
+internal_count=261 214 162 102
+shrinkage=0.02
+
+
+Tree=5198
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 6 1
+split_gain=0.267767 0.917219 0.763002 1.11709 0.931678
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 56.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0010659874901653669 -0.001473278088318888 0.002905151008180082 0.00029719295720193213 -0.0042234764379523804 0.0032049576190373076
+leaf_weight=42 44 44 51 39 41
+leaf_count=42 44 44 51 39 41
+internal_value=0 0.014967 -0.0179846 -0.0827321 0.0517524
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=5199
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 2 7
+split_gain=0.285135 1.07997 0.621044 0.858387 0.276145
+threshold=67.500000000000014 62.400000000000006 50.500000000000007 14.500000000000002 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=0.0016804518564240264 0.00029564202014887946 0.0033451826979651314 -0.0036016570646072673 0.00032305975112011982 -0.0020449457356687662
+leaf_weight=41 39 41 39 54 47
+leaf_count=41 39 41 39 54 47
+internal_value=0 0.0239772 -0.0196288 -0.0657832 -0.0487422
+internal_weight=0 175 134 93 86
+internal_count=261 175 134 93 86
+shrinkage=0.02
+
+
+Tree=5200
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 3
+split_gain=0.27303 1.03656 1.08584 2.22164 0.293678
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0014166269536559637 -0.0022806231130991016 0.0033708680173396943 0.0023778054304647712 -0.0047184047278235946 0.0001293973978003398
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.023503 -0.0178609 -0.0773446 -0.0477595
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5201
+num_leaves=5
+num_cat=0
+split_feature=4 2 3 1
+split_gain=0.275056 0.748467 2.27421 0.844834
+threshold=53.500000000000007 22.500000000000004 68.500000000000014 8.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0011665470974409071 0.0054350901805254445 -0.0016617622621117371 -0.0016918276733994503 0.0012411630710494894
+leaf_weight=65 41 53 63 39
+leaf_count=65 41 53 63 39
+internal_value=0 0.0193854 0.0576668 0.170171
+internal_weight=0 196 143 80
+internal_count=261 196 143 80
+shrinkage=0.02
+
+
+Tree=5202
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 1
+split_gain=0.268326 0.778291 1.21979 1.58558
+threshold=42.500000000000007 50.650000000000013 73.500000000000014 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0013819175273550488 -0.0026504775828398671 0.0035278004388035536 -0.0021586524054410831 -0.0013277827436154954
+leaf_weight=49 46 66 54 46
+leaf_count=49 46 66 54 46
+internal_value=0 -0.0159653 0.0161355 0.076341
+internal_weight=0 212 166 112
+internal_count=261 212 166 112
+shrinkage=0.02
+
+
+Tree=5203
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.263123 0.76726 1.89874 1.6467
+threshold=72.050000000000026 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00088110418643156806 0.0013693191649497393 -0.0024278100000300245 0.0039350838006043179 -0.0040862059434051993
+leaf_weight=72 49 53 44 43
+leaf_count=72 49 53 44 43
+internal_value=0 -0.0158241 0.0191511 -0.0485321
+internal_weight=0 212 159 115
+internal_count=261 212 159 115
+shrinkage=0.02
+
+
+Tree=5204
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.260831 0.814463 0.961712 1.04601
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011455752900838608 0.0010626510879513593 -0.0028165916430387523 0.0025591147643889097 -0.0031079517325065288
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.0202293 0.0161412 -0.044149
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=5205
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 3
+split_gain=0.264939 1.0643 0.623278 0.565687 0.297359
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010233454478163885 -0.0022751635862245014 0.0033088504296818412 -0.0022293470229931512 0.0022873666763845385 0.00014931228134519158
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0231808 -0.0201124 0.0321293 -0.047091
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5206
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 9
+split_gain=0.258682 0.747694 0.698572 1.79442
+threshold=70.500000000000014 60.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0027022211766621323 0.0010586195317008747 -0.0023679783501811304 -0.0028663560412032691 0.0027656307606737356
+leaf_weight=39 72 56 55 39
+leaf_count=39 72 56 55 39
+internal_value=0 -0.0201496 0.0209584 -0.0260429
+internal_weight=0 189 133 94
+internal_count=261 189 133 94
+shrinkage=0.02
+
+
+Tree=5207
+num_leaves=5
+num_cat=0
+split_feature=4 2 3 1
+split_gain=0.268402 0.713927 2.20439 0.793679
+threshold=53.500000000000007 22.500000000000004 68.500000000000014 8.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0011532922563592064 0.0053183528836812021 -0.0016193811807992747 -0.0016697854573382276 0.0012488000553710582
+leaf_weight=65 41 53 63 39
+leaf_count=65 41 53 63 39
+internal_value=0 0.019167 0.0565814 0.167363
+internal_weight=0 196 143 80
+internal_count=261 196 143 80
+shrinkage=0.02
+
+
+Tree=5208
+num_leaves=5
+num_cat=0
+split_feature=9 7 3 5
+split_gain=0.257389 0.758475 1.46609 1.4027
+threshold=42.500000000000007 55.500000000000007 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0013554826183865215 -0.002361310700745078 0.0034232258482302298 -0.0033957738966958356 0.0011559174266729797
+leaf_weight=49 55 46 49 62
+leaf_count=49 55 46 49 62
+internal_value=0 -0.0156581 0.0199991 -0.0423529
+internal_weight=0 212 157 111
+internal_count=261 212 157 111
+shrinkage=0.02
+
+
+Tree=5209
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 3
+split_gain=0.256556 1.03317 1.054 2.19654 0.296453
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0014052006904136777 -0.0022593533569417222 0.0033530228613418843 0.0023260233284044304 -0.0046953260603607265 0.00016181474497345115
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.02284 -0.0184577 -0.0770803 -0.0463903
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5210
+num_leaves=5
+num_cat=0
+split_feature=8 5 7 7
+split_gain=0.261033 0.863403 0.470665 0.454664
+threshold=72.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011827330023146997 -0.0013986346392158443 0.0027637092579930007 -0.0017057587007215421 0.0016037844096368804
+leaf_weight=40 47 46 66 62
+leaf_count=40 47 46 66 62
+internal_value=0 0.0154107 -0.0180117 0.0251567
+internal_weight=0 214 168 102
+internal_count=261 214 168 102
+shrinkage=0.02
+
+
+Tree=5211
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 5
+split_gain=0.264405 1.0257 0.801115 1.53865
+threshold=55.500000000000007 56.500000000000007 63.500000000000007 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00098326133394591739 -0.0024449488597647708 0.0032317844855691866 -0.0013723656014818825 0.0035351829292238936
+leaf_weight=53 57 42 67 42
+leaf_count=53 57 42 67 42
+internal_value=0 0.0436413 -0.0249451 0.0256168
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=5212
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.26851 0.930297 1.04762 0.879075
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0031380791864342784 -0.0014172598180787082 0.0025513448098327934 -0.0024978513949875107 -0.00079236923533471321
+leaf_weight=40 47 56 63 55
+leaf_count=40 47 56 63 55
+internal_value=0 0.0156074 -0.0238605 0.0427617
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5213
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 3
+split_gain=0.267434 1.0241 0.594773 0.557628 0.286783
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010170062522806577 -0.0022567534246864542 0.0032575925712983685 -0.0021702431993521425 0.0022708087098454554 0.00012644623026539876
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0232803 -0.0191973 0.0318669 -0.0472984
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5214
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 6
+split_gain=0.265247 0.935859 1.18709 2.49796
+threshold=70.500000000000014 24.500000000000004 46.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.002815598988621772 -0.0014666527427863122 0.0029297887781241433 0.0044897913198156851 -0.0015175537646950656
+leaf_weight=55 44 44 45 73
+leaf_count=55 44 44 45 73
+internal_value=0 0.0149095 -0.0183705 0.0383955
+internal_weight=0 217 173 118
+internal_count=261 217 173 118
+shrinkage=0.02
+
+
+Tree=5215
+num_leaves=5
+num_cat=0
+split_feature=4 2 3 1
+split_gain=0.267714 0.71377 2.15436 0.752038
+threshold=53.500000000000007 22.500000000000004 68.500000000000014 8.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0011520668110375548 0.0052420078274220891 -0.001619776987453313 -0.0016386752337836342 0.0012763141208150242
+leaf_weight=65 41 53 63 39
+leaf_count=65 41 53 63 39
+internal_value=0 0.0191365 0.056547 0.166076
+internal_weight=0 196 143 80
+internal_count=261 196 143 80
+shrinkage=0.02
+
+
+Tree=5216
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.261291 0.81963 0.921665 0.841047
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00160751612600853 0.0010634146352258888 -0.0028244836007977983 0.0028926441852036898 -0.0021245032703102484
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0202512 0.0162326 -0.0340654
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=5217
+num_leaves=5
+num_cat=0
+split_feature=7 3 2 9
+split_gain=0.255964 0.72313 0.860873 3.59018
+threshold=76.500000000000014 70.500000000000014 22.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001689448904151036 0.0015503375085382043 -0.0027781057557639851 -0.001851660855478398 0.0051036698653238515
+leaf_weight=74 39 39 55 54
+leaf_count=74 39 39 55 54
+internal_value=0 -0.0136204 0.0129041 0.0585687
+internal_weight=0 222 183 128
+internal_count=261 222 183 128
+shrinkage=0.02
+
+
+Tree=5218
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 2 6
+split_gain=0.264702 1.03524 0.60607 0.894518 0.272489
+threshold=67.500000000000014 62.400000000000006 50.500000000000007 14.500000000000002 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=0.0016577152904220121 0.00013001529622393626 0.0032701084219483468 -0.0036358362207456656 0.00036933214756616582 -0.0021919693690168017
+leaf_weight=41 46 41 39 54 40
+leaf_count=41 46 41 39 54 40
+internal_value=0 0.0231631 -0.019542 -0.0651565 -0.0470794
+internal_weight=0 175 134 93 86
+internal_count=261 175 134 93 86
+shrinkage=0.02
+
+
+Tree=5219
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.262401 1.01254 0.778932 1.87577
+threshold=55.500000000000007 56.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00097468053944168827 -0.0024168635685201155 0.0032136938808251655 -0.0015392666032823222 0.0038988474236916018
+leaf_weight=53 57 42 68 41
+leaf_count=53 57 42 68 41
+internal_value=0 0.0434805 -0.0248638 0.0250059
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=5220
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.268302 0.948301 1.1374 1.61755
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00086197678203281099 -0.0014745481976013973 0.0029483781778977414 0.002421958903715079 -0.0036366221363521405
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.0149859 -0.0185114 -0.0664798
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5221
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 3
+split_gain=0.273667 1.03105 1.02247 2.16892 0.311002
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0014186450649551639 -0.0023179032706774987 0.0033638573680688025 0.0023007535840476956 -0.0046437982460255482 0.00015852830606026585
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0235309 -0.0177243 -0.0754848 -0.0478091
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5222
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.274837 1.00829 0.762332 1.83244
+threshold=55.500000000000007 56.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0009517509361231688 -0.002407477397059776 0.0032278296883440027 -0.0015369834529244991 0.0038386861663942122
+leaf_weight=53 57 42 68 41
+leaf_count=53 57 42 68 41
+internal_value=0 0.0444332 -0.0253996 0.0239444
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=5223
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 6
+split_gain=0.287303 0.918109 1.13078 2.44807
+threshold=70.500000000000014 24.500000000000004 46.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0027403133367266915 -0.0015222539938183255 0.0029165359551819488 0.0044434961726852237 -0.0015040059336089593
+leaf_weight=55 44 44 45 73
+leaf_count=55 44 44 45 73
+internal_value=0 0.0154773 -0.0174896 0.0379312
+internal_weight=0 217 173 118
+internal_count=261 217 173 118
+shrinkage=0.02
+
+
+Tree=5224
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.275132 0.881036 1.11797 1.61066 1.71323
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0027768313685675146 -0.0014918570941352563 0.0028582982341259118 0.0024259003420008104 -0.0047068467351033746 0.0027809653335235606
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0151651 -0.0171397 -0.0647078 0.00891513
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=5225
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 3
+split_gain=0.278397 1.05341 0.979377 2.13005 0.305172
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0014114547733597826 -0.0023134187114858128 0.0033982002958636288 0.0022400552559020833 -0.0045968768796926995 0.00014074941311567385
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0237187 -0.0179757 -0.0745335 -0.0481934
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5226
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.289478 1.01386 0.755594 1.8176
+threshold=55.500000000000007 56.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00093494236452421802 -0.0024117022352751695 0.003255824503775076 -0.0015456786701397976 0.0038084787443109693
+leaf_weight=53 57 42 68 41
+leaf_count=53 57 42 68 41
+internal_value=0 0.0455218 -0.026024 0.0231044
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=5227
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.293938 0.877522 0.557771 1.33873 1.33042
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00065709930528583987 -0.0015386184417717254 0.0030596246030100598 -0.0023686007107148821 -0.0027582525304421716 0.0040508567798737891
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0156426 -0.0142721 0.016652 0.0808555
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=5228
+num_leaves=5
+num_cat=0
+split_feature=8 3 9 2
+split_gain=0.280298 0.917158 0.876985 2.24119
+threshold=72.500000000000014 66.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0030262262770027067 -0.0014460900684235734 0.002654589686520571 -0.0025273671658553177 0.0029314787977038062
+leaf_weight=40 47 52 56 66
+leaf_count=40 47 52 56 66
+internal_value=0 0.0159146 -0.0213758 0.0209606
+internal_weight=0 214 162 122
+internal_count=261 214 162 122
+shrinkage=0.02
+
+
+Tree=5229
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.28937 0.977272 2.21 3.38851 0.915738
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 63.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0014312725114997303 0.0040644911777474261 -0.0030107690997477534 -0.0055839735928283705 0.0036116967572407985 -0.0007530256447155579
+leaf_weight=49 47 44 43 39 39
+leaf_count=49 47 44 43 39 39
+internal_value=0 -0.016547 0.0183561 -0.0531979 0.0710185
+internal_weight=0 212 168 121 78
+internal_count=261 212 168 121 78
+shrinkage=0.02
+
+
+Tree=5230
+num_leaves=5
+num_cat=0
+split_feature=9 7 4 9
+split_gain=0.277137 0.781697 1.30728 1.87146
+threshold=42.500000000000007 55.500000000000007 73.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0014026882702157142 -0.0024027390453361741 0.0046924391311648954 -0.0021319413130277184 -0.00073588978176940159
+leaf_weight=49 55 47 54 56
+leaf_count=49 55 47 54 56
+internal_value=0 -0.0162166 0.0199713 0.0867429
+internal_weight=0 212 157 103
+internal_count=261 212 157 103
+shrinkage=0.02
+
+
+Tree=5231
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.265411 0.933493 2.15793 3.32591 0.876079
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 63.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0013746739793678931 0.0040185384279176747 -0.0029383492061332804 -0.0055280183780517167 0.0035560323616443523 -0.00071472479096757564
+leaf_weight=49 47 44 43 39 39
+leaf_count=49 47 44 43 39 39
+internal_value=0 -0.0158962 0.0182277 -0.0524828 0.070584
+internal_weight=0 212 168 121 78
+internal_count=261 212 168 121 78
+shrinkage=0.02
+
+
+Tree=5232
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 6
+split_gain=0.267925 0.783445 2.59944 0.256702
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0010261952954963038 -0.0012409477429682621 6.8931316546492395e-05 0.0052936402508291184 -0.0021995910954186828
+leaf_weight=77 55 45 44 40
+leaf_count=77 55 45 44 40
+internal_value=0 0.0214921 0.0828463 -0.0495068
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=5233
+num_leaves=5
+num_cat=0
+split_feature=7 6 3 4
+split_gain=0.266857 1.15305 1.27768 0.825191
+threshold=58.500000000000007 63.500000000000007 72.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0014657898068371367 0.002830666957123802 -0.0032991668565056343 0.0014465352083029954 -0.002114114891075792
+leaf_weight=42 57 44 48 70
+leaf_count=42 57 44 48 70
+internal_value=0 0.0287405 -0.0407621 -0.0382218
+internal_weight=0 149 92 112
+internal_count=261 149 92 112
+shrinkage=0.02
+
+
+Tree=5234
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=0.267266 2.15775 2.56952 2.16627
+threshold=72.500000000000014 6.5000000000000009 51.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0049655587204496645 0.0011756542251541778 0.0014860020673638083 -0.0051393647766141536 -0.00096584952265072886
+leaf_weight=45 63 39 59 55
+leaf_count=45 63 39 59 55
+internal_value=0 -0.0187095 -0.12477 0.0848448
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=5235
+num_leaves=5
+num_cat=0
+split_feature=8 5 4 8
+split_gain=0.260554 0.760862 1.85535 1.6025
+threshold=71.500000000000014 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00084302313130623404 0.001313763307373515 -0.0025070981467367765 0.0038662051762316219 -0.0040577523335243622
+leaf_weight=72 52 50 44 43
+leaf_count=72 52 50 44 43
+internal_value=0 -0.016348 0.0177195 -0.0491921
+internal_weight=0 209 159 115
+internal_count=261 209 159 115
+shrinkage=0.02
+
+
+Tree=5236
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 6
+split_gain=0.267048 0.760917 2.54787 0.24905
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0010245070337622766 -0.0012299978856449877 7.36018387129229e-05 0.0052398697656921879 -0.0021631927807223388
+leaf_weight=77 55 45 44 40
+leaf_count=77 55 45 44 40
+internal_value=0 0.0214655 0.0819547 -0.0485259
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=5237
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 5
+split_gain=0.270534 0.754484 0.761373 1.70863
+threshold=70.500000000000014 60.500000000000007 48.45000000000001 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0026718176328600347 0.0010806869979690908 -0.0023852932941888093 -0.0037360514261224544 0.0018094149798545814
+leaf_weight=42 72 56 40 51
+leaf_count=42 72 56 40 51
+internal_value=0 -0.0205841 0.0207059 -0.0310183
+internal_weight=0 189 133 91
+internal_count=261 189 133 91
+shrinkage=0.02
+
+
+Tree=5238
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 4
+split_gain=0.259009 0.723883 0.679791 0.932157
+threshold=70.500000000000014 60.500000000000007 18.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00075189330044200364 0.0010590943302098569 -0.0023376464239943362 -0.0014840787375850302 0.0035013479970367463
+leaf_weight=39 72 56 49 45
+leaf_count=39 72 56 49 45
+internal_value=0 -0.0201688 0.0202922 0.0759066
+internal_weight=0 189 133 84
+internal_count=261 189 133 84
+shrinkage=0.02
+
+
+Tree=5239
+num_leaves=6
+num_cat=0
+split_feature=8 6 5 6 2
+split_gain=0.251361 1.22447 1.12844 0.680928 0.787799
+threshold=71.500000000000014 63.500000000000007 58.20000000000001 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0025133973190046024 0.0012920453485701713 -0.0034927031118910834 0.0033855469502919568 -0.0026873532322121284 -0.0012958168280030958
+leaf_weight=42 52 40 40 40 47
+leaf_count=42 52 40 40 40 47
+internal_value=0 -0.0160787 0.0212696 -0.0243812 0.0246685
+internal_weight=0 209 169 129 89
+internal_count=261 209 169 129 89
+shrinkage=0.02
+
+
+Tree=5240
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 9
+split_gain=0.25405 0.949417 1.16118 2.39155
+threshold=70.500000000000014 24.500000000000004 46.500000000000007 60.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0027999831561559946 -0.0014377570666232453 0.0029423288339277716 0.003967904010546146 -0.0017841095622249464
+leaf_weight=55 44 44 52 66
+leaf_count=55 44 44 52 66
+internal_value=0 0.014605 -0.0189121 0.0372375
+internal_weight=0 217 173 118
+internal_count=261 217 173 118
+shrinkage=0.02
+
+
+Tree=5241
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.25915 0.755835 0.919448 1.02127
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011228446482348785 0.0010592302983952113 -0.0027293225402650256 0.0024853901854228057 -0.0030808950151933225
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.0201804 0.0148793 -0.0440937
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=5242
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.256847 0.975389 1.69755 1.52729
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00084520442808023425 0.0011663686973961806 -0.0031826059404590464 0.0037027753129794212 -0.0039406181837639458
+leaf_weight=72 62 40 44 43
+leaf_count=72 62 40 44 43
+internal_value=0 -0.0181731 0.0170908 -0.0469317
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=5243
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 6
+split_gain=0.258859 0.746195 2.44779 0.252984
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0010098182450507703 -0.0011909054928928187 8.8531238384196033e-05 0.0051514067686629292 -0.0021648942900992165
+leaf_weight=77 55 45 44 40
+leaf_count=77 55 45 44 40
+internal_value=0 0.0211556 0.0810737 -0.0481705
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=5244
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 4
+split_gain=0.260312 0.725152 0.847162 0.97224
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014224106210100416 0.0010614760080074595 -0.0026836466739203128 0.002384797876213123 -0.0027006945460433807
+leaf_weight=42 72 44 51 52
+leaf_count=42 72 44 51 52
+internal_value=0 -0.0202203 0.0141336 -0.0425132
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=5245
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.254762 0.927868 1.58137 1.48282
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0008477854329446029 0.0011620122917861931 -0.0031130736824548063 0.0035715135301027756 -0.0038687655006563251
+leaf_weight=72 62 40 44 43
+leaf_count=72 62 40 44 43
+internal_value=0 -0.0181022 0.0163038 -0.0455061
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=5246
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.257101 1.92328 2.67641 0.870436
+threshold=8.5000000000000018 67.65000000000002 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.001279734237694233 -0.0025517263241278967 0.0034471083360714371 -0.0052895007499319411 0.001347328911072615
+leaf_weight=69 54 58 39 41
+leaf_count=69 54 58 39 41
+internal_value=0 0.0246595 -0.0543488 -0.0430404
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5247
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.272544 0.947411 1.00127 0.888389
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0031155831038222992 -0.0014272586832272925 0.0025734511993669969 -0.0024585729119175489 -0.00083552522777926577
+leaf_weight=40 47 56 63 55
+leaf_count=40 47 56 63 55
+internal_value=0 0.0157099 -0.0241137 0.0410377
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5248
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.262215 0.927259 0.594863 1.27942 1.39101
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 49.150000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00074941638411460388 -0.0014589488027194255 0.0031184481019890763 -0.0024670358223145335 -0.0027030882820215552 0.0040636978452439163
+leaf_weight=50 44 39 41 40 47
+leaf_count=50 44 39 41 40 47
+internal_value=0 0.0148244 -0.0159148 0.0159926 0.0787859
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=5249
+num_leaves=5
+num_cat=0
+split_feature=9 5 7 6
+split_gain=0.261855 2.29189 0.840359 0.775386
+threshold=77.500000000000014 67.65000000000002 59.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010060974505256399 -0.0014992662749268931 0.0045050018652476641 -0.002785547980275976 0.0023367686111778387
+leaf_weight=77 42 42 55 45
+leaf_count=77 42 42 55 45
+internal_value=0 0.0144026 -0.0354724 0.0110503
+internal_weight=0 219 177 122
+internal_count=261 219 177 122
+shrinkage=0.02
+
+
+Tree=5250
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.272452 0.922155 0.933067 0.888858
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00094318752630699913 -0.0014272789075885175 0.0025434807532395362 -0.0023812897475733136 0.0029861409295220145
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0156951 -0.0236022 0.0393247
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5251
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.265858 1.11907 0.712944 0.60464 0.267364
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010286023663828429 0.00011823200489917341 0.0033801942605852704 -0.0023737152120307625 0.0023903812337965152 -0.0021830282241872101
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0231984 -0.0211821 0.034607 -0.0471866
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5252
+num_leaves=5
+num_cat=0
+split_feature=8 3 9 2
+split_gain=0.256501 0.914918 0.965625 2.33094
+threshold=72.500000000000014 66.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0031637796862243801 -0.0013878652598571951 0.0026387373021039529 -0.0025564922541193896 0.0030095828901590123
+leaf_weight=40 47 52 56 66
+leaf_count=40 47 52 56 66
+internal_value=0 0.0152583 -0.021988 0.0224054
+internal_weight=0 214 162 122
+internal_count=261 214 162 122
+shrinkage=0.02
+
+
+Tree=5253
+num_leaves=5
+num_cat=0
+split_feature=9 5 8 3
+split_gain=0.25896 1.05732 0.565475 0.263615
+threshold=67.500000000000014 62.400000000000006 50.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0008139966800963977 -0.0021924984371964207 0.0032943673382166499 -0.001832372939431074 9.8025730987351891e-05
+leaf_weight=72 39 41 62 47
+leaf_count=72 39 41 62 47
+internal_value=0 0.0229134 -0.0202397 -0.0466172
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=5254
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.2537 1.29706 1.45423 0.698945
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00080851267231310466 -0.0012382768218915305 0.0027190568150996948 -0.0039299245631866046 0.0026450803076384934
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0169281 -0.0368544 0.0282907
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5255
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.254888 3.02138 3.1628 1.14462 2.01331
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0026259918247743832 -0.0014808009079269424 0.005267805956547654 -0.0048300602710385585 0.0036518871673700049 -0.0036666005220620267
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0142145 -0.0413251 0.0472272 -0.0217163
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5256
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.263828 0.910072 0.929377 0.899742
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030936671512692771 -0.0014061941495329452 0.0025243863888086216 -0.0023772928956024846 -0.00088243509520847087
+leaf_weight=40 47 56 63 55
+leaf_count=40 47 56 63 55
+internal_value=0 0.0154562 -0.0235871 0.0392172
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5257
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.257386 1.24682 1.40026 0.555544
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013198024355826671 -0.0012466977475952162 0.0026753957301903879 -0.0038480497103176299 0.0017826091504358555
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0170362 -0.0357057 0.0282299
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5258
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.2591 2.93732 3.03515 1.13868 1.9284
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0025462222039798733 -0.0014922168630232631 0.0052005288667562209 -0.0047314315943129603 0.0036266381096069166 -0.0036133745188483401
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0143172 -0.0404466 0.0463062 -0.0224615
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5259
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.266753 1.19858 1.35816 0.726638
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00082930282294977817 -0.0012676289628454341 0.0026361597749992305 -0.0037753319203316627 0.0026903269417065173
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0173187 -0.0344041 0.0285726
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5260
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.265475 0.890733 0.886671 0.884074
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00096059772070684695 -0.0014104392323884358 0.0025019605265638291 -0.0023250715508793002 0.0029585188946022341
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0154923 -0.0231405 0.0382276
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5261
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.262924 2.84964 2.92473 1.09284 1.88793
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0025290518654818091 -0.0015025046457863489 0.0051289990610513484 -0.0046416740624167455 0.0035592294412297365 -0.0035662613795349241
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.01441 -0.0395329 0.0456331 -0.0217515
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5262
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.270904 1.1428 1.33844 0.705664
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00079186466780035503 -0.001276869551742568 0.0025855599982198552 -0.0037268194648393438 0.0026776684591946886
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0174387 -0.0330806 0.0294428
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5263
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.265313 0.880159 0.843758 0.899942
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0030491453320687922 -0.0014101376929123524 0.0024890172402871917 -0.0022761711185797753 -0.00092775301966191816
+leaf_weight=40 47 56 63 55
+leaf_count=40 47 56 63 55
+internal_value=0 0.015483 -0.0229235 0.0369664
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5264
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.266383 2.77197 2.81657 1.08534 1.8112
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0024578746024095052 -0.0015117538508951146 0.0050647198956060924 -0.004553922795859206 0.0035351139644219753 -0.0035134403721810816
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0144931 -0.038712 0.0448704 -0.0222863
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5265
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.273521 1.09869 1.28896 0.717964
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00080580292796411906 -0.0012826908103618735 0.0025442069606102266 -0.0036496456834211643 0.0026931244924772342
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0175124 -0.0320345 0.0293339
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5266
+num_leaves=5
+num_cat=0
+split_feature=6 8 7 8
+split_gain=0.266998 1.32082 1.06589 0.974644
+threshold=63.500000000000007 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0007196785098361598 -0.0036536031022820353 0.0012068067172541141 0.0027370377601665646 -0.0032285163052893063
+leaf_weight=73 40 52 57 39
+leaf_count=73 40 52 57 39
+internal_value=0 -0.0449449 0.024443 -0.0324579
+internal_weight=0 92 169 112
+internal_count=261 92 169 112
+shrinkage=0.02
+
+
+Tree=5267
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.274681 0.884559 0.805265 0.853968
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00098078864952119379 -0.0014331283318822631 0.0024993258115121424 -0.0022321088809359939 0.0028727089551159909
+leaf_weight=53 47 56 63 42
+leaf_count=53 47 56 63 42
+internal_value=0 0.0157338 -0.0227667 0.0357654
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5268
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 6 1
+split_gain=0.263114 0.893252 0.698862 1.21303 0.861216
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 56.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0010393450498609267 -0.0014619240020757862 0.0028686025341757575 0.00043830431456525713 -0.0042706149474781799 0.0030702149175018591
+leaf_weight=42 44 44 51 39 41
+leaf_count=42 44 44 51 39 41
+internal_value=0 0.0148153 -0.0177097 -0.0797539 0.0490962
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=5269
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 9 3
+split_gain=0.264739 2.71659 2.69291 1.05056 2.23473
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0029764375908731197 -0.001507436851332186 0.0050162813896724705 -0.0044608607274296335 0.0035134564916641138 -0.0036126020534812974
+leaf_weight=40 42 40 55 41 43
+leaf_count=40 42 40 55 41 43
+internal_value=0 0.0144501 -0.0382227 0.0435112 -0.0213849
+internal_weight=0 219 179 124 83
+internal_count=261 219 179 124 83
+shrinkage=0.02
+
+
+Tree=5270
+num_leaves=5
+num_cat=0
+split_feature=4 6 7 7
+split_gain=0.271455 1.08278 1.24436 0.554633
+threshold=73.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013263999001920923 -0.0012781944892408909 0.0025273061656851436 -0.0036968151324540417 0.0017403863002630907
+leaf_weight=40 56 64 39 62
+leaf_count=40 56 64 39 62
+internal_value=0 0.0174494 -0.0317423 0.0264901
+internal_weight=0 205 141 102
+internal_count=261 205 141 102
+shrinkage=0.02
+
+
+Tree=5271
+num_leaves=5
+num_cat=0
+split_feature=8 9 3 2
+split_gain=0.266178 0.879074 0.803647 1.86445
+threshold=72.500000000000014 66.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0028410539081781027 -0.0014123947755300065 0.0024880485133264118 -0.0026442431962140412 -0.002419730061568382
+leaf_weight=61 47 56 48 49
+leaf_count=61 47 56 48 49
+internal_value=0 0.0155003 -0.0228828 0.0245149
+internal_weight=0 214 158 110
+internal_count=261 214 158 110
+shrinkage=0.02
+
+
+Tree=5272
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.267874 2.64901 2.61463 1.05893
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00090678078779815922 -0.0015158146457927709 0.0049590481343577564 -0.0043925655916582139 0.0028208992995141387
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.0145243 -0.0374916 0.0430508
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=5273
+num_leaves=5
+num_cat=0
+split_feature=4 6 7 7
+split_gain=0.271726 1.04612 1.19864 0.528786
+threshold=73.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012886777854126412 -0.0012789573108626918 0.0024908059213525034 -0.0036244460317159145 0.0017081372555815234
+leaf_weight=40 56 64 39 62
+leaf_count=40 56 64 39 62
+internal_value=0 0.0174491 -0.0309139 0.02625
+internal_weight=0 205 141 102
+internal_count=261 205 141 102
+shrinkage=0.02
+
+
+Tree=5274
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=0.268754 1.17318 0.776274 2.81661
+threshold=71.500000000000014 65.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0028994249936745296 -0.0011669970855328492 0.0033679010410022077 -0.0030017780132812139 0.0032710545323287061
+leaf_weight=39 64 42 53 63
+leaf_count=39 64 42 53 63
+internal_value=0 0.0189293 -0.0213708 0.0199022
+internal_weight=0 197 155 116
+internal_count=261 197 155 116
+shrinkage=0.02
+
+
+Tree=5275
+num_leaves=6
+num_cat=0
+split_feature=6 8 5 6 2
+split_gain=0.27577 1.3339 0.977281 0.540215 0.854139
+threshold=63.500000000000007 71.500000000000014 58.20000000000001 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=2 -2 3 4 -1
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0026231575456372854 -0.003680814682827467 0.0012032100038443048 0.0032541120984264523 -0.0023217849523788502 -0.0013394997070897833
+leaf_weight=42 40 52 40 40 47
+leaf_count=42 40 52 40 40 47
+internal_value=0 -0.0456387 0.0248017 -0.0177144 0.0261064
+internal_weight=0 92 169 129 89
+internal_count=261 92 169 129 89
+shrinkage=0.02
+
+
+Tree=5276
+num_leaves=5
+num_cat=0
+split_feature=8 9 3 2
+split_gain=0.272372 0.864285 0.795757 1.81797
+threshold=72.500000000000014 66.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0028168715982628822 -0.0014277972781325135 0.0024731880293526877 -0.0026242782069214772 -0.0023785241040212694
+leaf_weight=61 47 56 48 49
+leaf_count=61 47 56 48 49
+internal_value=0 0.0156572 -0.0224068 0.0247625
+internal_weight=0 214 158 110
+internal_count=261 214 158 110
+shrinkage=0.02
+
+
+Tree=5277
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.274836 2.6035 2.54516 1.06301 1.7577
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0023829541318711855 -0.0015342292392200039 0.0049223768712577604 -0.0043320119501496909 0.0034629327608509302 -0.0035001987288026167
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0146892 -0.0368795 0.0425903 -0.0238833
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5278
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=0.27644 1.15382 0.767655 2.76063
+threshold=71.500000000000014 65.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0028745289806334723 -0.0011824915371457297 0.0033484619320862815 -0.002960913072473387 0.0032496556674638378
+leaf_weight=39 64 42 53 63
+leaf_count=39 64 42 53 63
+internal_value=0 0.0191765 -0.0207931 0.0202551
+internal_weight=0 197 155 116
+internal_count=261 197 155 116
+shrinkage=0.02
+
+
+Tree=5279
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.274313 0.968824 1.19324 0.736625
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00080965766295311914 -0.0012847952304309291 0.0024130929759275492 -0.0034781227816855034 0.0027332445841523395
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0175173 -0.0290499 0.0300215
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5280
+num_leaves=5
+num_cat=0
+split_feature=6 8 9 5
+split_gain=0.280781 1.31969 1.26487 1.37484
+threshold=63.500000000000007 71.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0031355533212709726 -0.0036740370568177157 0.0011841798398449848 0.0027634836718692861 0.0014445727429013479
+leaf_weight=53 40 52 63 53
+leaf_count=53 40 52 63 53
+internal_value=0 -0.0460293 0.0250052 -0.0419253
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=5281
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 9
+split_gain=0.278105 0.834731 0.785564 0.569239
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00099426477462475401 -0.0014417840499254405 0.002439779806672857 -0.0021877798418934833 0.0021602625028515174
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.0158072 -0.0216111 0.0362164
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5282
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 7
+split_gain=0.281554 1.00249 1.67698 0.258873
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00017708122958794113 0.00026211067359100255 -0.0015055530534209022 0.0050024203064803555 -0.0020083640481614244
+leaf_weight=71 39 65 39 47
+leaf_count=71 39 65 39 47
+internal_value=0 0.0237885 0.0827016 -0.048503
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=5283
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 9 9
+split_gain=0.271487 0.941417 1.33168 0.992666 0.50697
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 3 4 -2 -3
+right_child=1 2 -4 -5 -6
+leaf_value=0.0015239786234665913 -0.0040082128200823013 0.0007815656364187208 0.0033333041973956207 0.00026552016507563469 -0.0024521730529873755
+leaf_weight=42 45 40 51 43 40
+leaf_count=42 45 40 51 43 40
+internal_value=0 -0.0146811 0.0394028 -0.0956138 -0.0413021
+internal_weight=0 219 131 88 80
+internal_count=261 219 131 88 80
+shrinkage=0.02
+
+
+Tree=5284
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.293999 2.50569 2.52424 0.987028 1.7026
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0024085819118374852 -0.0015832359918455401 0.0048447227478027348 -0.0042884595278296737 0.0033919385142867006 -0.0033830327856174754
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0151624 -0.0354319 0.0437131 -0.0203662
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5285
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=0.299743 1.09307 0.712366 2.64784
+threshold=71.500000000000014 65.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0027509319799038524 -0.0012280202234044397 0.0032854965277811336 -0.0028853006257452888 0.0031978957173808059
+leaf_weight=39 64 42 53 63
+leaf_count=39 64 42 53 63
+internal_value=0 0.0199194 -0.0189948 0.0205774
+internal_weight=0 197 155 116
+internal_count=261 197 155 116
+shrinkage=0.02
+
+
+Tree=5286
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 5
+split_gain=0.297932 1.23777 1.21893 1.31605
+threshold=63.500000000000007 72.050000000000026 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.003048335347182113 -0.0034448827342641636 0.0012317108047853937 0.0027367901299293514 0.0014342326904075483
+leaf_weight=53 43 49 63 53
+leaf_count=53 43 49 63 53
+internal_value=0 -0.0473178 0.0257139 -0.0400021
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=5287
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 7
+split_gain=0.297564 0.900223 1.23332 0.568251
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011983780780426428 -0.0013344388236697822 0.00235393679284335 -0.0034790177910700021 0.0019234818086680506
+leaf_weight=40 56 64 41 60
+leaf_count=40 56 64 41 60
+internal_value=0 0.0182031 -0.0267097 0.0333389
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5288
+num_leaves=5
+num_cat=0
+split_feature=6 8 9 5
+split_gain=0.293065 1.28409 1.17624 1.26889
+threshold=63.500000000000007 71.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0029893962321520433 -0.0036556268488048822 0.0011373144079701602 0.0026942509762199747 0.0014132788274749562
+leaf_weight=53 40 52 63 53
+leaf_count=53 40 52 63 53
+internal_value=0 -0.046954 0.0255166 -0.0390518
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=5289
+num_leaves=5
+num_cat=0
+split_feature=8 9 3 2
+split_gain=0.296913 0.790062 0.85379 1.88108
+threshold=72.500000000000014 66.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0029351946816948797 -0.0014864489786914131 0.0023934471135218555 -0.0026547786488660984 -0.0023483204873195607
+leaf_weight=61 47 56 48 49
+leaf_count=61 47 56 48 49
+internal_value=0 0.0163044 -0.0201161 0.0287182
+internal_weight=0 214 158 110
+internal_count=261 214 158 110
+shrinkage=0.02
+
+
+Tree=5290
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 3
+split_gain=0.302067 0.975924 1.58934 0.241005
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00012822118377205826 -0.0022103646872810674 -0.0014634480076267074 0.0049152647209405476 0
+leaf_weight=71 39 65 39 47
+leaf_count=71 39 65 39 47
+internal_value=0 0.0245902 0.0827322 -0.0501197
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=5291
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 7
+split_gain=0.300895 1.05947 0.741481 0.505126
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011361824924701284 -0.0012303517812571401 0.0032421811969894567 -0.0023137427875724735 0.0017938793875398279
+leaf_weight=40 64 42 53 62
+leaf_count=40 64 42 53 62
+internal_value=0 0.0199491 -0.0183695 0.0318503
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=5292
+num_leaves=5
+num_cat=0
+split_feature=4 6 8 7
+split_gain=0.29661 0.869972 1.2017 0.50007
+threshold=73.500000000000014 58.500000000000007 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011134985741576501 -0.0013326205265501807 0.0023202358817689525 -0.0034781042244894297 0.0018116164493916058
+leaf_weight=40 56 64 40 61
+leaf_count=40 56 64 40 61
+internal_value=0 0.0181663 -0.0259978 0.0322635
+internal_weight=0 205 141 101
+internal_count=261 205 141 101
+shrinkage=0.02
+
+
+Tree=5293
+num_leaves=5
+num_cat=0
+split_feature=6 8 7 8
+split_gain=0.296702 1.27051 0.920904 0.98728
+threshold=63.500000000000007 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.00083205846052775395 -0.0036470351858510319 0.0011207708713101498 0.0026057421040447245 -0.0031419751132758097
+leaf_weight=73 40 52 57 39
+leaf_count=73 40 52 57 39
+internal_value=0 -0.0472348 0.0256554 -0.0272858
+internal_weight=0 92 169 112
+internal_count=261 92 169 112
+shrinkage=0.02
+
+
+Tree=5294
+num_leaves=5
+num_cat=0
+split_feature=8 9 3 6
+split_gain=0.300427 0.782414 0.838451 1.75928
+threshold=72.500000000000014 66.500000000000014 62.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013513687653516767 -0.0014948456306726734 0.0023852801158165834 -0.0027706652591632614 0.0038485015271671908
+leaf_weight=73 47 56 44 41
+leaf_count=73 47 56 44 41
+internal_value=0 0.0163855 -0.0198614 0.025648
+internal_weight=0 214 158 114
+internal_count=261 214 158 114
+shrinkage=0.02
+
+
+Tree=5295
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.300888 2.4735 2.53944 0.885535
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.000729824261345108 -0.0016006785846887134 0.0048188300371646052 -0.0042895338063055405 0.0026839994961928449
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.0153193 -0.0349501 0.0444323
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=5296
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 2 9
+split_gain=0.308547 0.951588 1.2979 1.40179 0.956367
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 15.500000000000002 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0016179291121192348 -0.0039966664617517083 0.0017680014928951153 0.0032889095707977966 -0.0035555733261677137 0.00019903642881600244
+leaf_weight=42 45 41 51 39 43
+leaf_count=42 45 41 51 39 43
+internal_value=0 -0.015588 0.0387809 -0.0409045 -0.0969441
+internal_weight=0 219 131 80 88
+internal_count=261 219 131 80 88
+shrinkage=0.02
+
+
+Tree=5297
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.315072 1.04766 1.67379 1.21539
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00079500878140514961 -0.0012571960748804887 0.0013862455095633359 0.0041568820941771381 -0.0033929149223410572
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.020387 0.0859863 -0.0620976
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=5298
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 6
+split_gain=0.314672 0.937107 1.54397 0.241647
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00036957254685346402 0 -0.0014153458707725031 0.0044524694839785566 -0.0022034342209165873
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0250615 0.0820599 -0.0510964
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=5299
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.30941 0.812531 1.19878 0.665341
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00064041959943222839 -0.0013593324146791428 0.0022632455314137885 -0.0033877850307407011 0.0027299808096284727
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0185279 -0.0241781 0.0350356
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5300
+num_leaves=5
+num_cat=0
+split_feature=6 8 9 5
+split_gain=0.310276 1.24996 1.12227 1.19081
+threshold=63.500000000000007 71.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.002878413450556195 -0.0036454047972584174 0.0010840400823915854 0.002658003760448288 0.001388786473650705
+leaf_weight=53 40 52 63 53
+leaf_count=53 40 52 63 53
+internal_value=0 -0.048238 0.026198 -0.0368881
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=5301
+num_leaves=6
+num_cat=0
+split_feature=8 2 2 3 3
+split_gain=0.314308 0.804656 1.01821 0.982535 0.472762
+threshold=72.500000000000014 24.500000000000004 13.500000000000002 58.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00047543344604929357 -0.0015269085636039131 0.0027745190504215624 0.00035631910229632393 -0.0040771834192067456 0.0025076626721841737
+leaf_weight=39 47 44 39 42 50
+leaf_count=39 47 44 39 42 50
+internal_value=0 0.0167354 -0.0146476 -0.0967101 0.0596068
+internal_weight=0 214 170 81 89
+internal_count=261 214 170 81 89
+shrinkage=0.02
+
+
+Tree=5302
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 9
+split_gain=0.30776 0.971905 1.28027 0.865546
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0016160435294712528 -0.0039146590179618881 0.003094724052110118 -0.00092601601670089131 7.9512336233638121e-05
+leaf_weight=42 45 56 75 43
+leaf_count=42 45 56 75 43
+internal_value=0 -0.0155667 0.0393702 -0.0977683
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=5303
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 3
+split_gain=0.303705 0.95911 1.50753 0.249535
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-9.0654813622277695e-05 -0.002232628738388919 -0.0014456287607612452 0.0048224973207182794 0
+leaf_weight=71 39 65 39 47
+leaf_count=71 39 65 39 47
+internal_value=0 0.0246487 0.0822986 -0.0502508
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=5304
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.306948 0.804605 5.42452 1.02786
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0052913240882403048 -0.0013541735317514863 -0.0029479009202485079 -0.0035794995301400203 0.0013350171522702908
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0184619 0.0758114 -0.0515478
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=5305
+num_leaves=5
+num_cat=0
+split_feature=3 3 8 4
+split_gain=0.309034 1.03936 0.73707 0.491292
+threshold=71.500000000000014 65.500000000000014 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011196332922601504 -0.0012459290154837625 0.0032204969321176793 -0.002268582970725205 0.0017935296273738535
+leaf_weight=39 64 42 54 62
+leaf_count=39 64 42 54 62
+internal_value=0 0.020197 -0.0177604 0.0330367
+internal_weight=0 197 155 101
+internal_count=261 197 155 101
+shrinkage=0.02
+
+
+Tree=5306
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 2 2
+split_gain=0.300046 0.9527 1.30087 1.34118 0.883669
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 15.500000000000002 15.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0015968390066988655 -0.0041031884988903681 0.0017148375258281454 0.003296393209972423 -0.0034938001943909977 -2.4788967674645191e-05
+leaf_weight=42 41 41 51 39 47
+leaf_count=42 41 41 51 39 47
+internal_value=0 -0.015386 0.0390144 -0.0407608 -0.0967894
+internal_weight=0 219 131 80 88
+internal_count=261 219 131 80 88
+shrinkage=0.02
+
+
+Tree=5307
+num_leaves=5
+num_cat=0
+split_feature=6 5 7 4
+split_gain=0.304966 1.16061 0.880186 0.716113
+threshold=63.500000000000007 72.050000000000026 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0010112292354600733 -0.0033775909170629475 0.0011527822900655339 0.002566580147423217 -0.0022297409000494668
+leaf_weight=59 43 49 57 53
+leaf_count=59 43 49 57 53
+internal_value=0 -0.0478472 0.025988 -0.025787
+internal_weight=0 92 169 112
+internal_count=261 92 169 112
+shrinkage=0.02
+
+
+Tree=5308
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 7 6
+split_gain=0.314393 0.808902 1.93202 2.57197 1.95143
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0026674136853441933 -0.0015270627468558465 0.0027808732747869316 0.0033794397162760052 -0.0056807005418487676 0.0033829598619076625
+leaf_weight=42 47 44 43 41 44
+leaf_count=42 47 44 43 41 44
+internal_value=0 0.0167394 -0.0147248 -0.077295 0.0209533
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=5309
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.318495 2.41004 2.54297 0.899949 1.76501
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0025535592885206678 -0.0016439313001422437 0.0047693862959961959 -0.0042707745928945743 0.003317106164972375 -0.0033427360201673311
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0157377 -0.0338851 0.0455531 -0.0156666
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5310
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.317664 1.01093 1.59681 1.17047
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00075805570813805676 -0.0012620687098199462 0.0013680836066340496 0.0040796619086171382 -0.0033232735162815929
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.0204648 0.0849271 -0.0605827
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=5311
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 3
+split_gain=0.304774 0.911015 1.50878 0.239959
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00036979979450391576 -0.0022122876884261757 -0.001396453852512072 0.0043975969201343187 -0
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0246864 0.080905 -0.0503368
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=5312
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 7
+split_gain=0.320864 1.00032 0.727142 0.48213
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010723891506208159 -0.0012681970385413322 0.0031751951759462832 -0.0022619929612637557 0.0017922240001497127
+leaf_weight=40 64 42 53 62
+leaf_count=40 64 42 53 62
+internal_value=0 0.0205534 -0.0166929 0.0330522
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=5313
+num_leaves=5
+num_cat=0
+split_feature=4 6 7 7
+split_gain=0.316859 0.798706 1.14942 0.462324
+threshold=73.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010509791625893737 -0.0013747099927982503 0.002251521306159215 -0.0034179168815255197 0.0017564198437766674
+leaf_weight=40 56 64 39 62
+leaf_count=40 56 64 39 62
+internal_value=0 0.0187315 -0.0236159 0.0323838
+internal_weight=0 205 141 102
+internal_count=261 205 141 102
+shrinkage=0.02
+
+
+Tree=5314
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 7 6
+split_gain=0.309122 0.778803 1.90406 2.52751 1.89093
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.002618806771615253 -0.0015152047932724144 0.0027331872597177848 0.0033617509515761002 -0.0056274296543242317 0.0033379164859500365
+leaf_weight=42 47 44 43 41 44
+leaf_count=42 47 44 43 41 44
+internal_value=0 0.0165956 -0.014288 -0.0764105 0.020988
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=5315
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.3148 2.37019 2.47752 0.853306
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00069233209590895757 -0.0016351534296929597 0.0047307877590271313 -0.0042183624284008103 0.0026598971214858696
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.0156406 -0.0335721 0.0448417
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=5316
+num_leaves=5
+num_cat=0
+split_feature=3 3 8 7
+split_gain=0.315367 0.97197 0.675668 0.435193
+threshold=71.500000000000014 65.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00099751697206604283 -0.0012580461033294479 0.0031330905627306093 -0.0021611719973011908 0.001738104782309258
+leaf_weight=40 64 42 54 61
+leaf_count=40 64 42 54 61
+internal_value=0 0.0203811 -0.0163407 0.0323417
+internal_weight=0 197 155 101
+internal_count=261 197 155 101
+shrinkage=0.02
+
+
+Tree=5317
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 2
+split_gain=0.320091 0.960988 1.30978 0.824497
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0016459233519765751 -0.0040479651946118203 0.003108660500647445 -0.00095762074192179761 -0.0001039064487682575
+leaf_weight=42 41 56 75 47
+leaf_count=42 41 56 75 47
+internal_value=0 -0.0158686 0.0387633 -0.097616
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=5318
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.306671 0.923139 3.01583 1.72547
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0016130593882013392 -0.003992138333859912 -0.0030865415439124948 0.0035198663516237184 0.0011364823930727211
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0155556 0.0152797 -0.0900501
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=5319
+num_leaves=5
+num_cat=0
+split_feature=6 8 9 6
+split_gain=0.312326 1.25045 1.1382 1.16029
+threshold=63.500000000000007 71.500000000000014 57.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0027426788169941803 -0.0036490202533178331 0.0010813162620199924 0.0026743206099226224 0.0014769676343776138
+leaf_weight=56 40 52 63 50
+leaf_count=56 40 52 63 50
+internal_value=0 -0.0483937 0.0262729 -0.0372538
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=5320
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 3 9
+split_gain=0.312263 0.781535 1.8476 2.48973 1.74227
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0023606057393732107 -0.0015223551334368846 0.0027389234121840693 0.0033083144188037956 -0.0055780639703876932 0.003359488312979407
+leaf_weight=44 47 44 43 41 42
+leaf_count=44 47 44 43 41 42
+internal_value=0 0.0166778 -0.0142589 -0.075466 0.0212047
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=5321
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 3
+split_gain=0.318086 0.948913 1.50559 0.249278
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00033517159307318864 -0.0022542571273947236 -0.0014247762161648109 0.0044270551993889854 -0
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0251813 0.0825293 -0.051364
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=5322
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 3 9
+split_gain=0.307958 0.756622 1.79483 2.42664 1.66343
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0022970694839102301 -0.0015125751660929785 0.0026989732265797011 0.0032645899660769433 -0.0055018034592608277 0.0032934806089992613
+leaf_weight=44 47 44 43 41 42
+leaf_count=44 47 44 43 41 42
+internal_value=0 0.0165636 -0.013885 -0.0742245 0.0212181
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=5323
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 3
+split_gain=0.321556 0.909967 1.48081 0.25008
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00033966974826756099 -0.0022614610169224949 -0.0013829682787314381 0.0043836696292305043 -0
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0253051 0.0814904 -0.0516319
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=5324
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.320709 0.629723 1.20063 1.52608
+threshold=42.500000000000007 50.650000000000013 73.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0015006173145620406 -0.0024515671738545735 0.0038177472058584195 -0.0022323902996902174 -0.00087159395771434353
+leaf_weight=49 46 55 54 57
+leaf_count=49 46 55 54 57
+internal_value=0 -0.0174347 0.0115 0.0712508
+internal_weight=0 212 166 112
+internal_count=261 212 166 112
+shrinkage=0.02
+
+
+Tree=5325
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 2 9
+split_gain=0.313347 0.92337 1.30254 1.2795 0.8326
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 15.500000000000002 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0016293593480853647 -0.0038402160352485688 0.0016321157095697577 0.0032748053328664614 -0.0034566847276345891 7.8624698245002234e-05
+leaf_weight=42 45 41 51 39 43
+leaf_count=42 45 41 51 39 43
+internal_value=0 -0.0157186 0.037851 -0.0419768 -0.0958852
+internal_weight=0 219 131 80 88
+internal_count=261 219 131 80 88
+shrinkage=0.02
+
+
+Tree=5326
+num_leaves=5
+num_cat=0
+split_feature=6 8 9 6
+split_gain=0.321461 1.23904 1.03426 1.1225
+threshold=63.500000000000007 71.500000000000014 57.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0026449071134244436 -0.0036501344897844025 0.0010587557415678791 0.0025827717655581258 0.0015069124232646542
+leaf_weight=56 40 52 63 50
+leaf_count=56 40 52 63 50
+internal_value=0 -0.0490559 0.02663 -0.0339629
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=5327
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.324308 0.8775 2.71344 2.38722 2.35615
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0015087122777607865 0.0043207960919228478 -0.0030898295771230478 -0.0052598541612197871 0.003930907620820696 -0.0027893921816351929
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0175172 0.0131803 -0.0644752 0.0320827
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=5328
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.310696 0.841997 2.60538 2.29201 2.26226
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0014785810669765273 0.0042345057847607975 -0.0030281443305414657 -0.0051548364117745219 0.0038524174598909078 -0.0027336991950778857
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0171678 0.0129122 -0.063188 0.0314325
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=5329
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.319995 1.58037 2.19091 2.74896
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0012043992782167232 0.00250740770499279 0.0034678153674126792 -0.0063295669031236705 0.00079293914028512205
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0215884 -0.0330941 -0.131932
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=5330
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 3
+split_gain=0.317347 0.874639 1.53418 0.244007
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00039916629775537619 -0.0022410848479701762 -0.0013495771478119032 0.0044078906015328221 -0
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0251556 0.0802657 -0.0513059
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=5331
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 7 9
+split_gain=0.311542 0.789583 1.73789 2.34551 0.937898
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 44.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0018503490848629917 -0.0015208058827858404 0.0027505086169968881 0.003197368925066705 -0.0054266234746169727 0.0023745125046981141
+leaf_weight=40 47 44 43 41 46
+leaf_count=40 47 44 43 41 46
+internal_value=0 0.0166545 -0.0144383 -0.0738259 0.020013
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=5332
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.322424 0.843137 2.47659 2.14213 2.2122
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0015045371489792558 0.004130171294957059 -0.0030359492284854355 -0.0049943889096644148 0.0037866248423936394 -0.0027269469463160534
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0174712 0.0126284 -0.0615757 0.0299121
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=5333
+num_leaves=5
+num_cat=0
+split_feature=2 4 3 2
+split_gain=0.312967 0.918726 1.95919 1.09359
+threshold=8.5000000000000018 69.500000000000014 60.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0011919471286361292 0.0036180526871054425 0.0025534494362344264 -0.0038509673481782452 -0.00087301329059665011
+leaf_weight=69 42 58 46 46
+leaf_count=69 42 58 46 46
+internal_value=0 0.0213611 -0.0243986 0.0631269
+internal_weight=0 192 134 88
+internal_count=261 192 134 88
+shrinkage=0.02
+
+
+Tree=5334
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 3
+split_gain=0.309929 0.846377 1.56553 0.238032
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00044269935873475041 -0.0022160917981250043 -0.0013257026639844995 0.0044129016805890594 -0
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0248687 0.0791036 -0.0507474
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=5335
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.313981 0.860306 1.03654 0.583241
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00066134474387686052 -0.0013690884493454819 0.0023189739136608785 -0.0032096246141048719 0.0025009139940153787
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.018638 -0.0252834 0.0298214
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5336
+num_leaves=6
+num_cat=0
+split_feature=8 2 2 3 3
+split_gain=0.309842 0.802303 0.990189 0.840045 0.49504
+threshold=72.500000000000014 24.500000000000004 13.500000000000002 58.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00053539620115990703 -0.0015171081368422241 0.0027683724617509039 0.00020600228098185128 -0.0038981023265767445 0.0025152348488753774
+leaf_weight=39 47 44 39 42 50
+leaf_count=39 47 44 39 42 50
+internal_value=0 0.0166014 -0.0147365 -0.0956856 0.0585045
+internal_weight=0 214 170 81 89
+internal_count=261 214 170 81 89
+shrinkage=0.02
+
+
+Tree=5337
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 2
+split_gain=0.313269 0.820171 2.46663 2.32505
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0014840735182308825 0.0016046149157637093 -0.0029954974386494945 0.0032670335594047572 -0.0043597399726040464
+leaf_weight=49 48 39 67 58
+leaf_count=49 48 39 67 58
+internal_value=0 -0.0172468 0.0124469 -0.0826041
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=5338
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.329076 1.57337 2.09118 2.68951
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0012205467283492742 0.0024428840289941354 0.0034667005624373372 -0.0062368373356410664 0.00080874283508950806
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0218664 -0.0326955 -0.129283
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=5339
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 3
+split_gain=0.318508 0.82173 1.56701 0.235318
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0004527684253576079 -0.0022230394349734071 -0.001293011057508767 0.0044051547780946726 -1.7652151176624041e-05
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.02519 0.0786484 -0.0514029
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=5340
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.314523 1.53093 2.01519 2.58564
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0011949372630708209 0.0023918644028669456 0.0034168150446782361 -0.006125791975061713 0.0007831191593404617
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0214005 -0.0324267 -0.127264
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=5341
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 3
+split_gain=0.324959 0.771944 1.05549 2.26795 0.225916
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0016138289451890645 -0.0022109248824579682 0.0030195381452520391 0.0024909001154158855 -0.0045851991304431119 -4.565788722225681e-05
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0254256 -0.0103433 -0.0690278 -0.0518938
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5342
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 9
+split_gain=0.327949 0.826487 2.01779 3.34582 1.06411
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 63.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0015165441801962454 0.0039323953056754684 -0.0028211240601263704 -0.0053921750326735339 0.0038266495506355217 -0.00087287386112241201
+leaf_weight=49 45 44 45 39 39
+leaf_count=49 45 44 45 39 39
+internal_value=0 -0.0176157 0.0145213 -0.0518491 0.0733982
+internal_weight=0 212 168 123 78
+internal_count=261 212 168 123 78
+shrinkage=0.02
+
+
+Tree=5343
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.314189 0.794115 2.45043 2.80042
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0014862564783706574 0.0008235853137727536 -0.0029544016608259453 0.0032475291291398697 -0.0059289455376822908
+leaf_weight=49 67 39 67 39
+leaf_count=49 67 39 67 39
+internal_value=0 -0.0172638 0.0119621 -0.0827784
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=5344
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.318104 1.51989 1.91535 2.49417
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0012011131628068463 0.0023224794400560672 0.0034086421677131163 -0.0060090777719632909 0.00077728097233032746
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.021525 -0.0321094 -0.124595
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=5345
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 7
+split_gain=0.319109 0.802943 1.00751 2.14628 0.228422
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0015410285759037761 0.00013218516457681924 0.0030641261724855761 0.0024116363944379207 -0.0044905696604550472 -0.0020080292326504442
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0252182 -0.0112502 -0.0686138 -0.0514427
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5346
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 4
+split_gain=0.322727 0.862631 0.830235 1.85218
+threshold=55.500000000000007 52.500000000000007 69.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0032180989714953442 -0.0025839450384821765 -0.00067527694972301328 -0.0021467433976663569 0.0031804377695856881
+leaf_weight=40 39 55 74 53
+leaf_count=40 39 55 74 53
+internal_value=0 0.0478393 -0.0274517 0.0364022
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=5347
+num_leaves=5
+num_cat=0
+split_feature=9 2 9 4
+split_gain=0.309103 0.916767 1.96679 0.885899
+threshold=55.500000000000007 8.5000000000000018 71.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.0007888958098997566 -0.0030784129111443535 -0.0017867065225516576 0.0033678949701475593 0.0031327965747213488
+leaf_weight=53 43 72 51 42
+leaf_count=53 43 72 51 42
+internal_value=0 -0.0269034 0.0172383 0.046876
+internal_weight=0 166 123 95
+internal_count=261 166 123 95
+shrinkage=0.02
+
+
+Tree=5348
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 3
+split_gain=0.311537 0.791547 1.01102 2.05922 0.242456
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0014791398863333756 -0.0022285978236343661 0.0030407571470703891 0.0024156405935111579 -0.0044297090809956429 -0
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0249379 -0.0112754 -0.0687364 -0.0508624
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5349
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 9
+split_gain=0.312107 0.881543 0.878351 1.93106
+threshold=55.500000000000007 56.500000000000007 8.5000000000000018 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00078041421046292053 -0.0030281819037475521 0.0031317648951106774 -0.001788292446914056 0.003319830216287937
+leaf_weight=53 43 42 72 51
+leaf_count=53 43 42 72 51
+internal_value=0 0.0470899 -0.0270254 0.0161946
+internal_weight=0 95 166 123
+internal_count=261 95 166 123
+shrinkage=0.02
+
+
+Tree=5350
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 3
+split_gain=0.310033 0.770451 0.998013 2.01645 0.230667
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0014651554897017601 -0.0021989487578016366 0.0030063534246737127 0.002407341317042603 -0.0043825342558406824 -1.3649354846912607e-05
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0248814 -0.0108542 -0.0679542 -0.0507467
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5351
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 9
+split_gain=0.314897 0.876962 0.841477 1.8961
+threshold=55.500000000000007 56.500000000000007 8.5000000000000018 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00077205330987018862 -0.0029788325904817298 0.0031301026629642209 -0.0017895922362101432 0.0032726251933412214
+leaf_weight=53 43 42 72 51
+leaf_count=53 43 42 72 51
+internal_value=0 0.0472865 -0.0271395 0.0151772
+internal_weight=0 95 166 123
+internal_count=261 95 166 123
+shrinkage=0.02
+
+
+Tree=5352
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.312666 2.37768 2.71956 1.05489 1.73914
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0024904995985968481 -0.0016298515269400418 0.0047367902383085563 -0.0043886914597095327 0.003569606847907008 -0.0033626067409320221
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0155948 -0.0336953 0.048444 -0.017768
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5353
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=0.310849 0.965834 0.630389 2.66683
+threshold=71.500000000000014 65.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0025619092560391129 -0.0012494033408765957 0.003122047350954664 -0.0028901774396364222 0.0032146218112877063
+leaf_weight=39 64 42 53 63
+leaf_count=39 64 42 53 63
+internal_value=0 0.0202505 -0.0163569 0.0209203
+internal_weight=0 197 155 116
+internal_count=261 197 155 116
+shrinkage=0.02
+
+
+Tree=5354
+num_leaves=5
+num_cat=0
+split_feature=6 5 7 2
+split_gain=0.314392 1.18971 1.04118 0.796228
+threshold=63.500000000000007 72.050000000000026 58.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.00066604167578086229 -0.0034209991275004842 0.0011649395350540684 0.002749491082519079 -0.0028894970968592515
+leaf_weight=72 43 49 57 40
+leaf_count=72 43 49 57 40
+internal_value=0 -0.0485385 0.0263598 -0.0298833
+internal_weight=0 92 169 112
+internal_count=261 92 169 112
+shrinkage=0.02
+
+
+Tree=5355
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.311351 0.81187 1.01211 0.674101
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00074293279120196557 -0.0013633287645277118 0.0022635827786244823 -0.0031547727939244862 0.0026498916051261052
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0185825 -0.0241062 0.0303553
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5356
+num_leaves=5
+num_cat=0
+split_feature=9 2 4 4
+split_gain=0.311589 0.856521 2.2818 1.23901
+threshold=42.500000000000007 17.500000000000004 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0014806609071027438 0.0029725807213450929 -0.0042075877300593182 -0.0026438168856788629 0.00050698475682843882
+leaf_weight=49 74 45 48 45
+leaf_count=49 74 45 48 45
+internal_value=0 -0.0171866 0.0378024 -0.0921429
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5357
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.305135 2.34154 2.62957 0.983791 1.69805
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0024785350978246972 -0.0016112331750984003 0.0046998555775678817 -0.0043231865182581201 0.0034588332714732988 -0.0033058902569206273
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0154205 -0.0334952 0.047279 -0.0166901
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5358
+num_leaves=5
+num_cat=0
+split_feature=3 5 5 9
+split_gain=0.309137 0.94077 2.68853 0.906255
+threshold=71.500000000000014 65.100000000000009 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0018381431047268452 -0.0012460943708111683 -0.0021545879137153659 0.005281831319075031 -0.0020005487636635946
+leaf_weight=40 64 45 45 67
+leaf_count=40 64 45 45 67
+internal_value=0 0.0202016 0.0583711 -0.0278894
+internal_weight=0 197 152 107
+internal_count=261 197 152 107
+shrinkage=0.02
+
+
+Tree=5359
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=0.29609 0.950161 0.651691 2.64937
+threshold=71.500000000000014 65.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0026014257758466795 -0.0012211999378543724 0.0030912925532149229 -0.0028703952325353217 0.0032144768811338243
+leaf_weight=39 64 42 53 63
+leaf_count=39 64 42 53 63
+internal_value=0 0.0197945 -0.0165192 0.0213686
+internal_weight=0 197 155 116
+internal_count=261 197 155 116
+shrinkage=0.02
+
+
+Tree=5360
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.293958 0.719185 5.46829 0.939312
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0052381364612649629 -0.0013271213552627373 -0.0027981396751532656 -0.00366850523076237 0.0012996341509049264
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0180854 0.072389 -0.0481835
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=5361
+num_leaves=5
+num_cat=0
+split_feature=9 5 7 6
+split_gain=0.28641 1.85945 0.981946 0.86426
+threshold=77.500000000000014 67.65000000000002 59.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00088872322123640323 -0.0015642801519029068 0.0041015040818517725 -0.0028408125150608497 0.0026347283761768985
+leaf_weight=77 42 42 55 45
+leaf_count=77 42 42 55 45
+internal_value=0 0.0149633 -0.0299854 0.0202561
+internal_weight=0 219 177 122
+internal_count=261 219 177 122
+shrinkage=0.02
+
+
+Tree=5362
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 7 9
+split_gain=0.295837 0.784436 1.73691 2.24939 0.917314
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 44.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0018704022332888337 -0.0014842932757891639 0.0027349315577957778 0.0031904278105695256 -0.0053510369262847416 0.0023091255779521041
+leaf_weight=40 47 44 43 41 46
+leaf_count=40 47 44 43 41 46
+internal_value=0 0.0162581 -0.0147354 -0.0741059 0.0177962
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=5363
+num_leaves=5
+num_cat=0
+split_feature=9 2 4 4
+split_gain=0.29193 0.831579 2.18608 1.22493
+threshold=42.500000000000007 17.500000000000004 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0014360169993171824 0.0029205301129342789 -0.0041627278487566498 -0.0025777166489754292 0.00052545473868920427
+leaf_weight=49 74 45 48 45
+leaf_count=49 74 45 48 45
+internal_value=0 -0.0166735 0.0375247 -0.0905584
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5364
+num_leaves=5
+num_cat=0
+split_feature=9 5 7 6
+split_gain=0.279935 1.83268 0.906131 0.82571
+threshold=77.500000000000014 67.65000000000002 59.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00089579846373061603 -0.0015476201675497553 0.0040712201955172807 -0.0027510139567732527 0.0025501313274600224
+leaf_weight=77 42 42 55 45
+leaf_count=77 42 42 55 45
+internal_value=0 0.0148065 -0.0298196 0.0184711
+internal_weight=0 219 177 122
+internal_count=261 219 177 122
+shrinkage=0.02
+
+
+Tree=5365
+num_leaves=5
+num_cat=0
+split_feature=6 3 7 2
+split_gain=0.288222 1.17329 1.01486 0.711323
+threshold=63.500000000000007 72.500000000000014 58.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.00059093698429671816 -0.0033135164820041574 0.001235981024499492 0.0027007688025010332 -0.0027739750693378112
+leaf_weight=72 44 48 57 40
+leaf_count=72 44 48 57 40
+internal_value=0 -0.0466021 0.0253056 -0.030233
+internal_weight=0 92 169 112
+internal_count=261 92 169 112
+shrinkage=0.02
+
+
+Tree=5366
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.287931 1.06994 2.28619 0.946288 1.24558
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0028664865467296686 -0.0015250856108965181 -0.0027112011095432177 0.0052003276731892372 -0.0015862301802406192 0.0029589381084827678
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0154293 0.0487761 -0.012264 0.0408862
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5367
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.294053 0.695677 1.17301 1.26231
+threshold=42.500000000000007 50.650000000000013 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0014408954639699128 -0.0025417514492027645 0.0027165591440624992 -0.0032835062481768006 0.0010127357251021487
+leaf_weight=49 46 54 50 62
+leaf_count=49 46 54 50 62
+internal_value=0 -0.01673 0.0136508 -0.0449472
+internal_weight=0 212 166 112
+internal_count=261 212 166 112
+shrinkage=0.02
+
+
+Tree=5368
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 3 6
+split_gain=0.287915 0.800461 1.73394 2.23275 1.68614
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0025984867500372113 -0.0014654790608017263 0.0027548190390736384 0.00317722128194309 -0.0053459834461813587 0.0030347861598541497
+leaf_weight=41 47 44 43 41 45
+leaf_count=41 47 44 43 41 45
+internal_value=0 0.0160569 -0.0152463 -0.0745658 0.0169966
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=5369
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.283518 0.818862 2.42593 2.12642 2.10863
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.001416599649031779 0.0041026039859417551 -0.0029774650427152167 -0.0049536040341851195 0.0037323629939143722 -0.0026280342628406091
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0164432 0.0132279 -0.0602163 0.0309382
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=5370
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=0.285255 1.49813 1.91089 0.994952
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0011411449358738831 0.0025916190402334683 0.0033662999492114556 -0.00011676219015779318 -0.0043195144799034061
+leaf_weight=69 48 51 44 49
+leaf_count=69 48 51 44 49
+internal_value=0 0.0204592 -0.0327941 -0.117065
+internal_weight=0 192 141 93
+internal_count=261 192 141 93
+shrinkage=0.02
+
+
+Tree=5371
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 3
+split_gain=0.279586 0.770388 1.02112 2.03921 0.233581
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0014445745187620053 -0.0021578379872817348 0.0029828466445642387 0.0024133800173784686 -0.0044355916952346815 5.8181559505142525e-06
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0237033 -0.0120324 -0.0697709 -0.0483518
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5372
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 2
+split_gain=0.281898 0.792622 2.37558 2.35283
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0014129231450804047 0.001666424521466898 -0.0029347230279296137 0.0032184836888732764 -0.0043334270546455615
+leaf_weight=49 48 39 67 58
+leaf_count=49 48 39 67 58
+internal_value=0 -0.0163939 0.012806 -0.0804832
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=5373
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.297762 1.46252 1.93012 2.43718
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0011640977480226167 0.0023412551236324619 0.0033398743621262414 -0.0059685491522389359 0.00074017680323465137
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0208835 -0.0317379 -0.124576
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=5374
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.285222 1.40377 1.85291 2.34023
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0011408392638582922 0.0022944906057966643 0.0032731687158947245 -0.0058493766462771723 0.00072539665983605082
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0204702 -0.0310933 -0.12208
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=5375
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 7
+split_gain=0.302663 0.766559 0.973556 1.9582 0.225868
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0014345495522763204 0.00015191481306878142 0.0029949497399288645 0.0023720311547627492 -0.0043287380785235162 -0.0019775011410866671
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0246188 -0.0110283 -0.0674406 -0.0501601
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5376
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 9
+split_gain=0.304892 0.851906 0.809057 1.84967
+threshold=55.500000000000007 56.500000000000007 8.5000000000000018 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00076150608574892587 -0.0029239575870703568 0.0030856496832391729 -0.0017715689829786263 0.0032289443993278977
+leaf_weight=53 43 42 72 51
+leaf_count=53 43 42 72 51
+internal_value=0 0.0465973 -0.0267085 0.0147986
+internal_weight=0 95 166 123
+internal_count=261 95 166 123
+shrinkage=0.02
+
+
+Tree=5377
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 5
+split_gain=0.300927 0.746614 0.583978 0.728389 0.225531
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 70.000000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011079904455483485 -0.0021186688820288829 0.0028832194819367945 -0.002007402324411712 0.0026349214376980758 2.399681676166772e-06
+leaf_weight=42 41 41 49 43 45
+leaf_count=42 41 41 49 43 45
+internal_value=0 0.0245569 -0.0117962 0.0388344 -0.0500207
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5378
+num_leaves=6
+num_cat=0
+split_feature=9 4 2 2 3
+split_gain=0.29082 0.829 0.778119 1.83266 1.29273
+threshold=55.500000000000007 56.500000000000007 8.5000000000000018 14.500000000000002 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 -2 -4 -5
+right_child=2 -3 3 4 -6
+leaf_value=-0.0007594290374024834 -0.0028673354761351946 0.0030368107997920586 0.003764945968807774 0.0012040175578769345 -0.00384829616699552
+leaf_weight=53 43 42 41 39 43
+leaf_count=53 43 42 41 39 43
+internal_value=0 0.0455747 -0.026126 0.0145938 -0.0718321
+internal_weight=0 95 166 123 82
+internal_count=261 95 166 123 82
+shrinkage=0.02
+
+
+Tree=5379
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.279099 0.800465 2.12976 3.03232 0.842324
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 63.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.001406678331707266 0.0039372095040579704 -0.0027567537081925977 -0.0053755870499521234 0.0033564199170463371 -0.00083401412229450092
+leaf_weight=49 47 44 43 39 39
+leaf_count=49 47 44 43 39 39
+internal_value=0 -0.0163017 0.0153354 -0.054917 0.0626043
+internal_weight=0 212 168 121 78
+internal_count=261 212 168 121 78
+shrinkage=0.02
+
+
+Tree=5380
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 2 5
+split_gain=0.27819 0.773534 0.961268 1.32976 0.223864
+threshold=67.500000000000014 66.500000000000014 41.500000000000007 16.500000000000004 70.000000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=-0.0028763136784572809 -0.0020790648029353864 0.0029872072174752314 -0.0015613622065306673 0.0031734453072148521 3.5258203460552856e-05
+leaf_weight=40 41 39 47 49 45
+leaf_count=40 41 39 47 49 45
+internal_value=0 0.0236717 -0.0121358 0.0423793 -0.0482155
+internal_weight=0 175 136 96 86
+internal_count=261 175 136 96 86
+shrinkage=0.02
+
+
+Tree=5381
+num_leaves=5
+num_cat=0
+split_feature=9 2 4 4
+split_gain=0.28472 0.799896 2.12311 1.25055
+threshold=42.500000000000007 17.500000000000004 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0014198544185395295 0.0028733796720178378 -0.0041548690657764314 -0.0025457949812704396 0.00058177318727332678
+leaf_weight=49 74 45 48 45
+leaf_count=49 74 45 48 45
+internal_value=0 -0.0164532 0.0367227 -0.0889527
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5382
+num_leaves=5
+num_cat=0
+split_feature=9 2 4 4
+split_gain=0.272648 0.767295 2.0384 1.20045
+threshold=42.500000000000007 17.500000000000004 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0013914976666968249 0.0028159663137096269 -0.0040719006921569505 -0.0024949531554431807 0.00057015583434892061
+leaf_weight=49 74 45 48 45
+leaf_count=49 74 45 48 45
+internal_value=0 -0.0161214 0.0359819 -0.0871676
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5383
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=0.269213 1.39049 1.80321 0.967732
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0011102199258987444 0.0025278401902417819 0.0032492489069962842 -7.1020932161864808e-05 -0.004216850374462601
+leaf_weight=69 48 51 44 49
+leaf_count=69 48 51 44 49
+internal_value=0 0.0199411 -0.0313807 -0.113275
+internal_weight=0 192 141 93
+internal_count=261 192 141 93
+shrinkage=0.02
+
+
+Tree=5384
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 1 4
+split_gain=0.270122 0.77907 0.955192 1.31676 0.231194
+threshold=67.500000000000014 66.500000000000014 41.500000000000007 4.5000000000000009 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=-0.0028770103402824395 -0.0021092126921046128 0.0029896260722079545 -0.0015620184401202561 0.003149951805322846 4.0249279646648876e-05
+leaf_weight=40 40 39 47 49 46
+leaf_count=40 40 39 47 49 46
+internal_value=0 0.0233526 -0.012581 0.0417633 -0.0475554
+internal_weight=0 175 136 96 86
+internal_count=261 175 136 96 86
+shrinkage=0.02
+
+
+Tree=5385
+num_leaves=5
+num_cat=0
+split_feature=9 7 3 8
+split_gain=0.278572 0.763562 1.65699 1.07445
+threshold=42.500000000000007 55.500000000000007 64.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0014055250449945369 -0.0023804215735779371 0.0036012948377028399 -0.0028022376308793123 0.0011684955163161815
+leaf_weight=49 55 46 59 52
+leaf_count=49 55 46 59 52
+internal_value=0 -0.016283 0.0194904 -0.0467654
+internal_weight=0 212 157 111
+internal_count=261 212 157 111
+shrinkage=0.02
+
+
+Tree=5386
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 3 6
+split_gain=0.277293 0.81768 1.66878 2.04357 1.71207
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.002689380324816425 -0.001439385223355748 0.0027752627289319544 0.003100176383149798 -0.0051698176227174368 0.0029870043003641105
+leaf_weight=41 47 44 43 41 45
+leaf_count=41 47 44 43 41 45
+internal_value=0 0.0158073 -0.0158254 -0.0740352 0.013577
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=5387
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 3
+split_gain=0.276199 0.794639 0.942047 1.96235 0.232985
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0014223815819894997 -0.0021503785354022578 0.0030190176839623452 0.0022971837153186146 -0.0043468807452356891 1.0791012492178858e-05
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0236002 -0.0126844 -0.0681942 -0.0480466
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5388
+num_leaves=5
+num_cat=0
+split_feature=9 4 2 9
+split_gain=0.289378 0.83054 0.747277 1.83165
+threshold=55.500000000000007 56.500000000000007 8.5000000000000018 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00076277585870379084 -0.00282004658702786 0.0030369359525445239 -0.0017801741130708973 0.0031962683929642145
+leaf_weight=53 43 42 72 51
+leaf_count=53 43 42 72 51
+internal_value=0 0.0454841 -0.0260502 0.0138686
+internal_weight=0 95 166 123
+internal_count=261 95 166 123
+shrinkage=0.02
+
+
+Tree=5389
+num_leaves=5
+num_cat=0
+split_feature=9 5 7 6
+split_gain=0.27781 1.83631 0.818362 0.801843
+threshold=77.500000000000014 67.65000000000002 59.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00092628367069252622 -0.001541438756255149 0.0040745577510133734 -0.0026475439822043873 0.0024709774304155713
+leaf_weight=77 42 42 55 45
+leaf_count=77 42 42 55 45
+internal_value=0 0.0147886 -0.0298814 0.0160475
+internal_weight=0 219 177 122
+internal_count=261 219 177 122
+shrinkage=0.02
+
+
+Tree=5390
+num_leaves=5
+num_cat=0
+split_feature=8 5 9 9
+split_gain=0.285788 0.685725 0.463331 0.617237
+threshold=72.500000000000014 65.500000000000014 42.500000000000007 57.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0013875297990378766 -0.0014597721590354029 0.0025153009268423471 -0.0024956174809188671 0.00042377587676706069
+leaf_weight=49 47 46 57 62
+leaf_count=49 47 46 57 62
+internal_value=0 0.0160333 -0.0138142 -0.0484258
+internal_weight=0 214 168 119
+internal_count=261 214 168 119
+shrinkage=0.02
+
+
+Tree=5391
+num_leaves=5
+num_cat=0
+split_feature=9 3 5 9
+split_gain=0.282282 0.824093 0.755854 2.68139
+threshold=55.500000000000007 52.500000000000007 64.200000000000003 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0031108243081050231 0.0010590538705262905 -0.00069672055137943219 -0.0054876403110679607 0.0012901259190802165
+leaf_weight=40 71 55 42 53
+leaf_count=40 71 55 42 53
+internal_value=0 0.0449576 -0.0257515 -0.084989
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=5392
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 2 5
+split_gain=0.283777 0.793719 0.96326 1.36827 0.224491
+threshold=67.500000000000014 66.500000000000014 41.500000000000007 16.500000000000004 70.000000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=-0.0028833469372899984 -0.0020891041763803518 0.0030236966123445459 -0.0015989733212660119 0.0032030912524380361 2.7836427532280258e-05
+leaf_weight=40 41 39 47 49 45
+leaf_count=40 41 39 47 49 45
+internal_value=0 0.0239082 -0.0123553 0.0422151 -0.0486493
+internal_weight=0 175 136 96 86
+internal_count=261 175 136 96 86
+shrinkage=0.02
+
+
+Tree=5393
+num_leaves=6
+num_cat=0
+split_feature=8 2 2 3 3
+split_gain=0.266561 0.77178 0.993295 0.815214 0.554386
+threshold=72.500000000000014 24.500000000000004 13.500000000000002 58.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00063972666647951716 -0.0014130112800105302 0.0027013699432768623 0.00016263005901762128 -0.0038812005560954054 0.0025833982480412739
+leaf_weight=39 47 44 39 42 50
+leaf_count=39 47 44 39 42 50
+internal_value=0 0.0155271 -0.0152207 -0.0962922 0.0581322
+internal_weight=0 214 170 81 89
+internal_count=261 214 170 81 89
+shrinkage=0.02
+
+
+Tree=5394
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=0.275475 0.820645 0.724274 1.75534
+threshold=55.500000000000007 56.500000000000007 69.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.00077364446720610647 -0.0025396510441116522 0.0030039785333050386 -0.0020041738225611595 0.0030736878022357798
+leaf_weight=53 39 42 74 53
+leaf_count=53 39 42 74 53
+internal_value=0 0.0444515 -0.0254569 0.0342655
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=5395
+num_leaves=5
+num_cat=0
+split_feature=6 2 5 4
+split_gain=0.246583 0.857582 0.713084 1.21087
+threshold=70.500000000000014 24.500000000000004 64.200000000000003 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019247964056184515 -0.0014183808841861129 0.0028093639230522571 -0.002579365017356206 0.0020411992875414234
+leaf_weight=53 44 44 44 76
+leaf_count=53 44 44 44 76
+internal_value=0 0.0143873 -0.0174922 0.02027
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5396
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 2 4
+split_gain=0.260303 0.786535 0.928062 1.29992 0.245895
+threshold=67.500000000000014 66.500000000000014 41.500000000000007 16.500000000000004 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=-0.0028514541701571972 -0.0021266579169836727 0.0029935818728291231 -0.0015734413997538267 0.0031088594611584594 8.5964867271465153e-05
+leaf_weight=40 40 39 47 49 46
+leaf_count=40 40 39 47 49 46
+internal_value=0 0.0229598 -0.0131432 0.040434 -0.046738
+internal_weight=0 175 136 96 86
+internal_count=261 175 136 96 86
+shrinkage=0.02
+
+
+Tree=5397
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.27292 0.864691 2.07271 3.01837 0.816666
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 63.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0013922741669050807 0.0039167055337576443 -0.0028465398079634309 -0.0053190090707761666 0.0033661889936083688 -0.00076071662906035755
+leaf_weight=49 47 44 43 39 39
+leaf_count=49 47 44 43 39 39
+internal_value=0 -0.0161224 0.0167387 -0.0525704 0.0646829
+internal_weight=0 212 168 121 78
+internal_count=261 212 168 121 78
+shrinkage=0.02
+
+
+Tree=5398
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.261338 0.829687 1.98998 2.92836
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 67.65000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0013644681203163688 0.0038384878663324414 -0.002789700192498436 -0.0043954223162651239 0.0018579914764689654
+leaf_weight=49 47 44 56 65
+leaf_count=49 47 44 56 65
+internal_value=0 -0.0158005 0.0163997 -0.0515205
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=5399
+num_leaves=5
+num_cat=0
+split_feature=9 3 2 9
+split_gain=0.250631 0.810284 0.719634 1.81241
+threshold=55.500000000000007 52.500000000000007 8.5000000000000018 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.003044550486312473 -0.0027447465410798144 -0.00073200048596364987 -0.0017502797211698575 0.0032001231420243216
+leaf_weight=40 43 55 72 51
+leaf_count=40 43 55 72 51
+internal_value=0 0.0425391 -0.0243658 0.0148239
+internal_weight=0 95 166 123
+internal_count=261 95 166 123
+shrinkage=0.02
+
+
+Tree=5400
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.260956 2.4638 2.66256 1.09654 1.68822
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0023633836438232514 -0.0014972092567570906 0.0047909917339351614 -0.0043919950401448008 0.0035603254726402317 -0.003403771782578867
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0143628 -0.0358089 0.0454668 -0.0220309
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5401
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.254881 0.943053 1.02422 0.691313
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00085159900835283457 -0.0012411523858971917 0.0023748363691465115 -0.0032677319606696717 0.0025840201909208289
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0169542 -0.0289997 0.025775
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5402
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.257486 2.37778 2.56213 1.02731
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00084715188111791017 -0.0014879836643255037 0.0047105196770629238 -0.0043068144631079773 0.0028251005856745012
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.0142714 -0.0350203 0.0447145
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=5403
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.261523 0.909718 0.993155 0.513836
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001295442202860036 -0.0012561655263807635 0.0023432565477796035 -0.0032074525621444139 0.0016924792585736779
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0171525 -0.0279944 0.0259552
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5404
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 3 6
+split_gain=0.25996 0.740961 1.6725 1.9996 1.66894
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0026519113196192042 -0.0013969043918493726 0.0026505393470147853 0.0031244268726245252 -0.0051112373593023641 0.0029533092893159175
+leaf_weight=41 47 44 43 41 45
+leaf_count=41 47 44 43 41 45
+internal_value=0 0.0153341 -0.014805 -0.0730805 0.0135887
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=5405
+num_leaves=5
+num_cat=0
+split_feature=9 5 7 6
+split_gain=0.262334 1.81786 0.738232 0.780372
+threshold=77.500000000000014 67.65000000000002 59.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00095874093356950135 -0.0015010338769138696 0.0040478050484916853 -0.0025505253952926707 0.0023941771878168857
+leaf_weight=77 42 42 55 45
+leaf_count=77 42 42 55 45
+internal_value=0 0.0143902 -0.0300565 0.0136051
+internal_weight=0 219 177 122
+internal_count=261 219 177 122
+shrinkage=0.02
+
+
+Tree=5406
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.266093 1.09387 2.37189 0.936213 1.31122
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0028787090931118413 -0.0014696078007862849 -0.0027550326253802143 0.0052746993222229496 -0.0016799157722856156 0.0029821339715790881
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0148925 0.0486026 -0.013567 0.0393015
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5407
+num_leaves=5
+num_cat=0
+split_feature=6 8 7 8
+split_gain=0.257893 1.28533 1.11738 1.0663
+threshold=63.500000000000007 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.00074696989836298979 -0.0036027383976129034 0.0011928512975902643 0.0027818031500178339 -0.0033793328113192207
+leaf_weight=73 40 52 57 39
+leaf_count=73 40 52 57 39
+internal_value=0 -0.0442326 0.0240457 -0.0341971
+internal_weight=0 92 169 112
+internal_count=261 92 169 112
+shrinkage=0.02
+
+
+Tree=5408
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 3 6
+split_gain=0.263127 0.715573 1.6523 1.99112 1.59909
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0025754010321770615 -0.0014048784782242213 0.0026127297214999716 0.0031158033073543537 -0.0050848343974196596 0.0029125063256047533
+leaf_weight=41 47 44 43 41 45
+leaf_count=41 47 44 43 41 45
+internal_value=0 0.0154159 -0.0142123 -0.072141 0.0143458
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=5409
+num_leaves=5
+num_cat=0
+split_feature=9 7 3 5
+split_gain=0.254787 0.776079 1.58309 1.30904
+threshold=42.500000000000007 55.500000000000007 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0013482482686095259 -0.0023837281296116616 0.0035485658578094342 -0.0033500204035651305 0.0010486890509333303
+leaf_weight=49 55 46 49 62
+leaf_count=49 55 46 49 62
+internal_value=0 -0.0156276 0.0204333 -0.0443384
+internal_weight=0 212 157 111
+internal_count=261 212 157 111
+shrinkage=0.02
+
+
+Tree=5410
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.262602 1.06627 2.32316 0.919129 1.0057
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0028527310754641769 -0.0014605945610786366 -0.0027187056768144952 0.0052204862769878145 -0.0012137382885689314 0.0028703693472684382
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0148023 0.0480942 -0.013436 0.0389552
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5411
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.258301 0.854523 2.04487 2.9645 0.77113
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 63.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0013567992743003727 0.0038968617710460392 -0.002824173371267611 -0.0052677083895603365 0.0033013523268766772 -0.00071106540217007826
+leaf_weight=49 47 44 43 39 39
+leaf_count=49 47 44 43 39 39
+internal_value=0 -0.0157292 0.0169416 -0.0519029 0.0643029
+internal_weight=0 212 168 121 78
+internal_count=261 212 168 121 78
+shrinkage=0.02
+
+
+Tree=5412
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 4
+split_gain=0.257545 0.957418 1.0743 1.02401
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014427642820530049 0.0010555622381080252 -0.003013550812982501 0.0027452526705032086 -0.0027865867354354957
+leaf_weight=42 72 44 51 52
+leaf_count=42 72 44 51 52
+internal_value=0 -0.0201533 0.0192319 -0.0444352
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=5413
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 6 1
+split_gain=0.247468 0.8261 0.726418 0.993752 0.972475
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 56.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0011223408893823964 -0.0014209938274845665 0.0027639405784732445 0.00023955940386192519 -0.0040278731971132445 0.0032396537220431617
+leaf_weight=42 44 44 51 39 41
+leaf_count=42 44 44 51 39 41
+internal_value=0 0.0143981 -0.0169004 -0.0801236 0.0511832
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=5414
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 4
+split_gain=0.249469 0.900285 1.04414 0.985168
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013988852803932961 0.0010401594213726817 -0.0029301578523635539 0.0026950607306573966 -0.0027507895910484632
+leaf_weight=42 72 44 51 52
+leaf_count=42 72 44 51 52
+internal_value=0 -0.0198545 0.0183547 -0.0444257
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=5415
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 4
+split_gain=0.245281 0.859916 0.624965 0.692931 0.230361
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0011257988053155054 -0.0020660563707649189 0.0030097214032226683 -0.0021627567923491711 0.0025276067031801287 8.0451226581170228e-05
+leaf_weight=42 40 41 49 43 46
+leaf_count=42 40 41 49 43 46
+internal_value=0 0.0223295 -0.0166424 0.0356775 -0.0454749
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5416
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.247401 0.893723 0.894983 0.914377
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017596257570410476 0.0010362348727550061 -0.0029195183311321311 0.0028970821161890714 -0.0021289740995198273
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0197745 0.0182974 -0.0312747
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=5417
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 4
+split_gain=0.242003 0.827987 0.95775 1.9257 0.219607
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0013444398042017267 -0.0020351109541590028 0.0030427273803578635 0.0022748196781196819 -0.0043708309478813594 6.4212822826146195e-05
+leaf_weight=49 40 39 41 46 46
+leaf_count=49 40 39 41 46 46
+internal_value=0 0.022195 -0.0148327 -0.070786 -0.0451892
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5418
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.253116 0.949244 1.01925 0.500528
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012827968696575199 -0.001237108873953172 0.0023803348487860258 -0.0032653188233773786 0.0016676136293401688
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0169024 -0.0291998 0.0254433
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5419
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.242284 0.91094 0.978122 0.642311
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00082028089444361851 -0.0012123972740385098 0.0023327801941857803 -0.003200123590914501 0.0024947003436737118
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0165603 -0.0286172 0.0249267
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5420
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.241814 0.835208 1.96014 2.81251 0.779007
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 63.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0013162180343470119 0.003825516819285947 -0.0027866835645031221 -0.0051276593313351127 0.0032824195072051051 -0.0007503097908085559
+leaf_weight=49 47 44 43 39 39
+leaf_count=49 47 44 43 39 39
+internal_value=0 -0.0152452 0.0170608 -0.0503505 0.0628471
+internal_weight=0 212 168 121 78
+internal_count=261 212 168 121 78
+shrinkage=0.02
+
+
+Tree=5421
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 4
+split_gain=0.253125 0.733755 2.48089 0.255245
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.00099987039408501888 -0.0012244144513924369 -0.0021920844942277919 0.00516045773802957 7.4647751513287166e-05
+leaf_weight=77 55 39 44 46
+leaf_count=77 55 39 44 46
+internal_value=0 0.0209125 0.0803436 -0.0478463
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=5422
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 4
+split_gain=0.251346 0.886864 1.03596 0.957384
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013647622681157107 0.0010438819669380392 -0.0029128858329914636 0.0026792340109860432 -0.002726944711482156
+leaf_weight=42 72 44 51 52
+leaf_count=42 72 44 51 52
+internal_value=0 -0.0199182 0.0180092 -0.0445288
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=5423
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.241738 1.39297 1.8204 2.26974
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0010561391725366018 0.0022428602945601763 0.0032324506174638036 -0.0058081513158011848 0.00066728233947229137
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0189718 -0.0323963 -0.122588
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=5424
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 1 7
+split_gain=0.255482 0.842296 0.904242 1.24952 0.222757
+threshold=67.500000000000014 66.500000000000014 41.500000000000007 4.5000000000000009 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=-0.0028472739463290403 0.00022158228408231559 0.0030758656849519716 -0.0015697370504868216 0.0030223657841264096 -0.0018953447965760633
+leaf_weight=40 39 39 47 49 47
+leaf_count=40 39 39 47 49 47
+internal_value=0 0.0227634 -0.0145772 0.0383158 -0.0463324
+internal_weight=0 175 136 96 86
+internal_count=261 175 136 96 86
+shrinkage=0.02
+
+
+Tree=5425
+num_leaves=5
+num_cat=0
+split_feature=9 3 2 9
+split_gain=0.247831 0.807426 0.711459 1.79885
+threshold=55.500000000000007 52.500000000000007 8.5000000000000018 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0030363533871040579 -0.0027297456107388414 -0.00073370345841957264 -0.0017445442979281533 0.0031875064503675068
+leaf_weight=40 43 55 72 51
+leaf_count=40 43 55 72 51
+internal_value=0 0.042317 -0.0242408 0.0147301
+internal_weight=0 95 166 123
+internal_count=261 95 166 123
+shrinkage=0.02
+
+
+Tree=5426
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 4
+split_gain=0.255098 0.826072 0.909337 1.8413 0.224193
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0013234332930550986 -0.0019204024345310178 0.0030507210013939346 0.0022220421158138316 -0.0042663807749411852 0.00019884927491609791
+leaf_weight=49 46 39 41 46 40
+leaf_count=49 46 39 41 46 40
+internal_value=0 0.0227451 -0.0142397 -0.0687974 -0.0463025
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5427
+num_leaves=5
+num_cat=0
+split_feature=6 8 2 2
+split_gain=0.245407 0.722043 0.978888 2.7556
+threshold=48.500000000000007 56.500000000000007 17.500000000000004 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0009854880300768237 0.0028604133951563282 -0.0025826297013035997 -0.0022204382556368276 0.0046383999901102443
+leaf_weight=77 39 41 60 44
+leaf_count=77 39 41 60 44
+internal_value=0 0.0206227 -0.0120756 0.0573326
+internal_weight=0 184 145 85
+internal_count=261 184 145 85
+shrinkage=0.02
+
+
+Tree=5428
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 8
+split_gain=0.249333 0.747182 0.685621 2.09816
+threshold=55.500000000000007 52.500000000000007 70.500000000000014 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0029574677191204287 0.00099799206574095246 -0.00067216057493397899 0.00099633620626241319 -0.0050426944487281236
+leaf_weight=40 53 55 72 41
+leaf_count=40 53 55 72 41
+internal_value=0 0.0424371 -0.0243072 -0.0815031
+internal_weight=0 95 166 94
+internal_count=261 95 166 94
+shrinkage=0.02
+
+
+Tree=5429
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 4
+split_gain=0.255519 0.628164 0.741937 0.245418
+threshold=53.500000000000007 67.500000000000014 7.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.001127785035960499 -8.8798673842672293e-05 -0.0020528858035131648 0.0032044812886032111 0.00019282542844053098
+leaf_weight=65 63 43 50 40
+leaf_count=65 63 43 50 40
+internal_value=0 0.0187067 0.0681206 -0.0480867
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=5430
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.248143 2.40304 2.58381 1.10735 1.66105
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0023159404516322809 -0.001462618520424489 0.004729033315571461 -0.0043318371652382491 0.0035549219001003987 -0.0034049556681215536
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.014034 -0.0355179 0.0445517 -0.0232758
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5431
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.253851 0.770194 5.17051 0.999876
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0051475722933669275 -0.0012387712447187661 0.00097078201464265547 -0.0035137869343231333 -0.0032333382972925461
+leaf_weight=65 56 48 48 44
+leaf_count=65 56 48 48 44
+internal_value=0 0.0169252 0.0730719 -0.0516062
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=5432
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 4
+split_gain=0.250966 0.570494 0.738492 0.22377
+threshold=53.500000000000007 67.500000000000014 7.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.001118544155100038 -0.00013373663881387541 -0.0019497629627152941 0.0031524098005770019 0.0002020192580283179
+leaf_weight=65 63 43 50 40
+leaf_count=65 63 43 50 40
+internal_value=0 0.0185457 0.0657143 -0.0451916
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=5433
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.25434 0.839575 1.3481 2.0914
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.002874983767484946 0.0010496770790790378 -0.0030445952668484745 -0.0015834850012446584 0.0039706099009541636
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0200253 0.0141364 0.0719676
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=5434
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 4
+split_gain=0.243525 0.822061 0.974116 0.896084
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013077518107497497 0.0010287040032873345 -0.0028156406411764599 0.0025884348575397086 -0.0026532195892098403
+leaf_weight=42 72 44 51 52
+leaf_count=42 72 44 51 52
+internal_value=0 -0.0196303 0.0169075 -0.0437632
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=5435
+num_leaves=5
+num_cat=0
+split_feature=9 5 7 6
+split_gain=0.243157 1.9056 0.723313 0.746343
+threshold=77.500000000000014 67.65000000000002 59.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00097191293724968825 -0.0014490746497569527 0.0041266529472814431 -0.0025620062224125883 0.0023091880826720487
+leaf_weight=77 42 42 55 45
+leaf_count=77 42 42 55 45
+internal_value=0 0.013897 -0.0316033 0.0116203
+internal_weight=0 219 177 122
+internal_count=261 219 177 122
+shrinkage=0.02
+
+
+Tree=5436
+num_leaves=5
+num_cat=0
+split_feature=4 6 7 5
+split_gain=0.248734 0.952658 0.992929 0.473873
+threshold=73.500000000000014 58.500000000000007 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011981205737325849 -0.0012273207446601788 0.0023810407316999169 -0.0033293488379143562 0.0016224154551775973
+leaf_weight=42 56 64 39 60
+leaf_count=42 56 64 39 60
+internal_value=0 0.0167575 -0.0294266 0.0226578
+internal_weight=0 205 141 102
+internal_count=261 205 141 102
+shrinkage=0.02
+
+
+Tree=5437
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 3 6
+split_gain=0.244423 0.739055 1.61477 1.95588 1.62015
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 61.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0026161056157226019 -0.0013576097377412306 0.0026390042320140667 0.0030575363799870805 -0.0050594145416209902 0.0029075638506340829
+leaf_weight=41 47 44 43 41 45
+leaf_count=41 47 44 43 41 45
+internal_value=0 0.0149015 -0.0152001 -0.0724757 0.0132453
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=5438
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 9 3
+split_gain=0.248284 2.35371 2.52385 0.899336 2.04174
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0029353738939498827 -0.0014632257834760484 0.0046833847554984881 -0.0042798988083561822 0.0033316418446195889 -0.0033657812019055422
+leaf_weight=40 42 40 55 41 43
+leaf_count=40 42 40 55 41 43
+internal_value=0 0.0140266 -0.0350163 0.044123 -0.0159767
+internal_weight=0 219 179 124 83
+internal_count=261 219 179 124 83
+shrinkage=0.02
+
+
+Tree=5439
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.246723 0.818091 2.20297 2.40634
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0013284144176590434 0.00078695900300557956 -0.0029553545418376354 0.0031390181668152733 -0.0054756130996303958
+leaf_weight=49 67 39 67 39
+leaf_count=49 67 39 67 39
+internal_value=0 -0.0153918 0.0142668 -0.0755873
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=5440
+num_leaves=6
+num_cat=0
+split_feature=1 3 3 7 9
+split_gain=0.251961 1.44916 2.54892 2.14804 0.751929
+threshold=8.5000000000000018 75.500000000000014 65.500000000000014 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0030228868754599673 0.0012923817298038248 -0.0028969333951876603 0.0057262972033240269 -0.0033046770730240471 -0.0023617376218893235
+leaf_weight=40 39 39 40 47 56
+leaf_count=40 39 39 40 47 56
+internal_value=0 0.024401 0.0767406 -0.0193086 -0.0426682
+internal_weight=0 166 127 87 95
+internal_count=261 166 127 87 95
+shrinkage=0.02
+
+
+Tree=5441
+num_leaves=5
+num_cat=0
+split_feature=4 6 9 8
+split_gain=0.257842 0.585222 1.41235 1.2303
+threshold=53.500000000000007 63.500000000000007 53.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0011327257106632834 -0.0013034580436617385 -0.0034608422105981769 0.003435143322789453 0.0012328926250782127
+leaf_weight=65 44 40 60 52
+leaf_count=65 44 40 60 52
+internal_value=0 0.0187755 0.0711568 -0.0400126
+internal_weight=0 196 104 92
+internal_count=261 196 104 92
+shrinkage=0.02
+
+
+Tree=5442
+num_leaves=5
+num_cat=0
+split_feature=8 5 9 2
+split_gain=0.246957 0.775657 0.44315 1.4511
+threshold=72.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0012934755644925578 -0.0013640719664522309 0.0026299018632933509 0.0017280404422284185 -0.0028119688325583428
+leaf_weight=49 47 46 47 72
+leaf_count=49 47 46 47 72
+internal_value=0 0.0149742 -0.0167338 -0.0506088
+internal_weight=0 214 168 119
+internal_count=261 214 168 119
+shrinkage=0.02
+
+
+Tree=5443
+num_leaves=5
+num_cat=0
+split_feature=4 9 8 4
+split_gain=0.24387 0.572505 0.716265 0.223078
+threshold=53.500000000000007 67.500000000000014 55.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0011038709868822522 0.0034483139094265529 -0.001955362266915177 8.0567067614375974e-05 0.00019319758559213426
+leaf_weight=65 41 43 72 40
+leaf_count=65 41 43 72 40
+internal_value=0 0.0182977 0.0655473 -0.0455496
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=5444
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 4
+split_gain=0.251045 0.801487 0.97667 0.909543
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013077069058153616 0.0010434123229447858 -0.0027912472995576714 0.0025769053794923585 -0.0026822345074254033
+leaf_weight=42 72 44 51 52
+leaf_count=42 72 44 51 52
+internal_value=0 -0.0199017 0.0161832 -0.0445672
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=5445
+num_leaves=5
+num_cat=0
+split_feature=7 6 8 8
+split_gain=0.244824 1.05115 1.20743 1.04164
+threshold=58.500000000000007 63.500000000000007 71.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.00067965192595131993 0.0027078514573180114 -0.0034121931573719583 0.0012384698933320607 -0.0033990567655614611
+leaf_weight=73 57 40 52 39
+leaf_count=73 57 40 52 39
+internal_value=0 0.0276037 -0.0387963 -0.0367355
+internal_weight=0 149 92 112
+internal_count=261 149 92 112
+shrinkage=0.02
+
+
+Tree=5446
+num_leaves=4
+num_cat=0
+split_feature=6 2 1
+split_gain=0.242222 0.772367 2.2941
+threshold=48.500000000000007 19.500000000000004 7.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00097954277490535507 -0.0029370717432571597 0.0022300308169030682 0.0026441577962339098
+leaf_weight=77 69 63 52
+leaf_count=77 69 63 52
+internal_value=0 0.0204992 -0.0265889
+internal_weight=0 184 121
+internal_count=261 184 121
+shrinkage=0.02
+
+
+Tree=5447
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.254319 1.82449 2.61497 0.797001
+threshold=8.5000000000000018 67.65000000000002 53.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0030102645574099918 -0.0024765954975370162 0.0033682628119640558 -0.0034491422564224723 0.0012576244104973789
+leaf_weight=40 54 58 68 41
+leaf_count=40 54 58 68 41
+internal_value=0 0.0245177 -0.0524483 -0.0428415
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5448
+num_leaves=5
+num_cat=0
+split_feature=8 5 9 2
+split_gain=0.268116 0.764941 0.414594 1.39476
+threshold=72.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0012586298170122762 -0.0014167429215846761 0.0026260824918274716 0.0017123187160020881 -0.0027398931120969573
+leaf_weight=49 47 46 47 72
+leaf_count=49 47 46 47 72
+internal_value=0 0.0155742 -0.0159173 -0.0487382
+internal_weight=0 214 168 119
+internal_count=261 214 168 119
+shrinkage=0.02
+
+
+Tree=5449
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.257108 1.03075 2.3398 0.937063 1.1454
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0028949246821273794 -0.001445883737958584 -0.0026713466743450197 0.0052222667156623616 -0.0015351064723702272 0.0028263254433624203
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0146799 0.0474255 -0.0143243 0.0385665
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5450
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.247182 1.04735 0.605869 2.96883
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0017644577837195464 -0.001122048773570386 0.0031920616850097529 -0.0030476677306277605 0.0045331653450344086
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0182342 -0.0198691 0.0389687
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=5451
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.254251 1.77073 2.59398 0.782241
+threshold=8.5000000000000018 67.65000000000002 59.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0013983129274277252 0.0013310254141898116 0.0033259373158344785 -0.0050037639371784091 -0.0023944218918370208
+leaf_weight=67 39 58 41 56
+leaf_count=67 39 58 41 56
+internal_value=0 0.024513 -0.0513185 -0.0428379
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5452
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.263934 1.00115 2.25688 0.886562 1.12786
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0028091230336228061 -0.0014637022215762267 -0.0026256933914354948 0.0051407022320528063 -0.0015298438207890222 0.0027986350636668138
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0148536 0.0471364 -0.0135136 0.037955
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5453
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.253316 0.742771 0.886059 0.808674
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001012116242064516 -0.0013800478885387549 0.0023094421428474956 -0.0022654094755861025 0.0027140036636232596
+leaf_weight=48 47 56 63 47
+leaf_count=48 47 56 63 47
+internal_value=0 0.0151602 -0.0201758 0.0411779
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5454
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 9
+split_gain=0.253401 1.56777 4.11571 0.762542
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0016029350833581333 0.0013050007554677432 -0.002398128438321006 0.0060473554797903862 -0.0023742411897019608
+leaf_weight=63 39 52 51 56
+leaf_count=63 39 52 51 56
+internal_value=0 0.0244688 0.090708 -0.0427776
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=5455
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.247498 0.908817 0.990728 0.641725
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00080862145302238928 -0.0012244685439036474 0.0023336796317175697 -0.0032124537230989259 0.0025047818847448713
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0167202 -0.0284053 0.0254785
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5456
+num_leaves=5
+num_cat=0
+split_feature=6 5 4 6
+split_gain=0.243848 0.718376 0.798575 0.818381
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00091288848905341142 -0.0014112706904728341 0.0027776026451544959 -0.002735819724287057 0.0022299413006512999
+leaf_weight=76 44 39 41 61
+leaf_count=76 44 39 41 61
+internal_value=0 0.0143041 -0.0128099 0.0240531
+internal_weight=0 217 178 137
+internal_count=261 217 178 137
+shrinkage=0.02
+
+
+Tree=5457
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.246646 1.72062 2.59156 0.762775
+threshold=8.5000000000000018 67.65000000000002 53.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0030291272357240084 -0.0024306330835508379 0.0032788942838692312 -0.0034016387294241827 0.0012243090169053023
+leaf_weight=40 54 58 68 41
+leaf_count=40 54 58 68 41
+internal_value=0 0.0241564 -0.0506026 -0.0422541
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5458
+num_leaves=5
+num_cat=0
+split_feature=8 2 9 3
+split_gain=0.253368 0.755355 1.58793 1.96455
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00056427882230473633 -0.0013803191912928939 0.002669036912084951 0.0030283482988942988 -0.0045428643159870384
+leaf_weight=77 47 44 43 50
+leaf_count=77 47 44 43 50
+internal_value=0 0.0151547 -0.0152706 -0.0720753
+internal_weight=0 214 170 127
+internal_count=261 214 170 127
+shrinkage=0.02
+
+
+Tree=5459
+num_leaves=5
+num_cat=0
+split_feature=6 2 5 4
+split_gain=0.245612 0.842681 0.689096 1.17476
+threshold=70.500000000000014 24.500000000000004 64.200000000000003 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001897943248087479 -0.0014158854925202383 0.0027872564967375969 -0.0025377601912760371 0.0020094182118587369
+leaf_weight=53 44 44 44 76
+leaf_count=53 44 44 44 76
+internal_value=0 0.0143566 -0.0172492 0.0198856
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5460
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.252962 2.35119 2.47363 1.07321 1.64475
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0025124531592253625 -0.0014758667303769472 0.0046835371251709602 -0.0042413812230941671 0.0034930456194354545 -0.003185674296631468
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0141515 -0.0348651 0.0434863 -0.0233005
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5461
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.243077 0.88831 0.959005 0.627622
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00080427907229298386 -0.0012143200483762456 0.0023087240032943564 -0.0031633716637356193 0.0024736129953464368
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0165809 -0.0280411 0.0249848
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5462
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.249473 2.26912 2.38024 1.04163 1.6281
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0022930984671283199 -0.0014664468676425623 0.004604883545469042 -0.0041591058131385163 0.003440525627172359 -0.0033714200563343916
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0140586 -0.0340987 0.0427665 -0.0230426
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5463
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.262045 1.04951 1.54859 1.1331
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00073184763679230247 -0.001153107950295564 0.001261632918609754 0.0040329590483779727 -0.0033547437178609975
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.0187209 0.0843813 -0.0638397
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=5464
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=0.250859 1.03345 0.574498 2.71134
+threshold=71.500000000000014 65.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0025263386920555981 -0.0011300707888134338 0.0031757526084805489 -0.0030139275179624516 0.0031416797648807595
+leaf_weight=39 64 42 53 63
+leaf_count=39 64 42 53 63
+internal_value=0 0.0183428 -0.0195097 0.0161095
+internal_weight=0 197 155 116
+internal_count=261 197 155 116
+shrinkage=0.02
+
+
+Tree=5465
+num_leaves=6
+num_cat=0
+split_feature=6 8 5 6 2
+split_gain=0.250042 1.25502 1.07817 0.535499 0.951835
+threshold=63.500000000000007 71.500000000000014 58.20000000000001 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=2 -2 3 4 -1
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0026695149075766766 -0.0035584088601497365 0.0011811170209179874 0.0033685194469462139 -0.0023772125491662781 -0.0015097732312774705
+leaf_weight=42 40 52 40 40 47
+leaf_count=42 40 52 40 40 47
+internal_value=0 -0.0435998 0.0237071 -0.0209241 0.0227021
+internal_weight=0 92 169 129 89
+internal_count=261 92 169 129 89
+shrinkage=0.02
+
+
+Tree=5466
+num_leaves=6
+num_cat=0
+split_feature=8 2 2 3 4
+split_gain=0.250952 0.691221 0.999656 1.4833 1.08629
+threshold=72.500000000000014 24.500000000000004 7.5000000000000009 63.500000000000007 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0022922348221323828 -0.0013743258877521819 0.0025676173841382524 -0.0019165642522758889 -0.0041374869364604527 0.002779571574719612
+leaf_weight=45 47 44 40 45 40
+leaf_count=45 47 44 40 45 40
+internal_value=0 0.0150815 -0.0140486 -0.0607243 0.0210945
+internal_weight=0 214 170 125 80
+internal_count=261 214 170 125 80
+shrinkage=0.02
+
+
+Tree=5467
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.247706 0.869183 1.28899 1.96069
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0027893064936587186 0.0010367382144206802 -0.003085088542373415 -0.0014967337096102918 0.0038822858614792183
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0197901 0.0149597 0.0715306
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=5468
+num_leaves=5
+num_cat=0
+split_feature=8 3 6 8
+split_gain=0.238998 0.679027 0.527024 1.56135
+threshold=72.500000000000014 66.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00069872775543453069 -0.0013437320579129065 0.0023127641072537911 0.0014881158071069365 -0.004126387940002257
+leaf_weight=73 47 52 46 43
+leaf_count=73 47 52 46 43
+internal_value=0 0.0147418 -0.0174338 -0.0542205
+internal_weight=0 214 162 116
+internal_count=261 214 162 116
+shrinkage=0.02
+
+
+Tree=5469
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.25345 0.842569 2.18261 1.94098 2.06219
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0013449908389393122 0.0039322667154544529 -0.0029976419014853834 -0.0046874935769990527 0.0037181121661709004 -0.0025723190388309137
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0155881 0.0145036 -0.0551777 0.0319341
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=5470
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 4
+split_gain=0.246797 0.847496 0.920848 0.833343
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012729441420054929 0.0010349785355302883 -0.0028544754391932993 0.0025358455405675062 -0.0025498081543072356
+leaf_weight=42 72 44 51 52
+leaf_count=42 72 44 51 52
+internal_value=0 -0.0197564 0.017333 -0.0416795
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=5471
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.24359 1.72862 2.61409 0.7134
+threshold=8.5000000000000018 67.65000000000002 59.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0014157943897431407 -0.0023749749218886233 0.0032825838878496761 -0.0050109278470720428 0.0011623639247119644
+leaf_weight=67 54 58 41 41
+leaf_count=67 54 58 41 41
+internal_value=0 0.0240194 -0.0509121 -0.0420094
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5472
+num_leaves=5
+num_cat=0
+split_feature=6 8 9 9
+split_gain=0.245076 0.751766 0.981275 0.961443
+threshold=48.500000000000007 56.500000000000007 61.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.00098506956069402862 0.0029085305700040942 -0.0026951824564309659 0.0025848233176547714 -0.0014344753123446147
+leaf_weight=77 39 46 57 42
+leaf_count=77 39 46 57 42
+internal_value=0 0.0206 -0.0127523 0.0435891
+internal_weight=0 184 145 99
+internal_count=261 184 145 99
+shrinkage=0.02
+
+
+Tree=5473
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.248263 1.00953 2.24936 0.839987 1.08702
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.002747040428379274 -0.0014230309509625097 -0.0026463530371492404 0.0051278176141002401 -0.0015195350492155188 0.0027312617999522455
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0144231 0.0468382 -0.0137112 0.0364086
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5474
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.258658 0.81875 2.12523 2.38496
+threshold=42.500000000000007 25.500000000000004 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0013577024450072792 0.00080188032975624492 -0.0029632670088500235 0.0030820587258749868 -0.0054330829519703173
+leaf_weight=49 67 39 67 39
+leaf_count=49 67 39 67 39
+internal_value=0 -0.0157376 0.0139323 -0.0743323
+internal_weight=0 212 173 106
+internal_count=261 212 173 106
+shrinkage=0.02
+
+
+Tree=5475
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.263544 1.70032 2.50825 0.726642
+threshold=8.5000000000000018 67.65000000000002 59.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0013962762765902974 0.0012384929713734221 0.0032775709981431402 -0.0048999513610961647 -0.0023548550101999337
+leaf_weight=67 39 58 41 56
+leaf_count=67 39 58 41 56
+internal_value=0 0.0249099 -0.0494091 -0.0435725
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5476
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.252253 1.63221 2.44155 0.698527
+threshold=8.5000000000000018 67.65000000000002 53.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0029548092634796666 -0.0023729612354057563 0.0032120984418576534 -0.0032884533271856802 0.0011280404441630083
+leaf_weight=40 54 58 68 41
+leaf_count=40 54 58 68 41
+internal_value=0 0.0244116 -0.0484158 -0.0426935
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5477
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.26847 0.945435 2.25483 0.82563 1.08189
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0027374117085693902 -0.0014755652187591188 -0.0025424910473463508 0.0051232344713522246 -0.0015339826830124653 0.0027070776875242975
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.014961 0.0463545 -0.0142685 0.0354272
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5478
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.263476 0.853868 1.18614 1.84832
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0026827591469468161 0.0010668855368371512 -0.003073193566258191 -0.0014748567699532662 0.0037492248027479868
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0203623 0.014084 0.0683973
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=5479
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 4
+split_gain=0.276146 0.831603 1.59386 3.12592
+threshold=42.500000000000007 50.650000000000013 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0013996817901296289 -0.0027321804027348622 0.0021309118957512606 0.0029279337889515323 -0.0047911695577390239
+leaf_weight=49 46 55 61 50
+leaf_count=49 46 55 61 50
+internal_value=0 -0.0162228 0.01694 -0.057935
+internal_weight=0 212 166 105
+internal_count=261 212 166 105
+shrinkage=0.02
+
+
+Tree=5480
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 9
+split_gain=0.272927 1.58822 2.39501 0.728113
+threshold=8.5000000000000018 67.65000000000002 55.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0013089012308875473 0.0012262488851652201 0.0031937104827189219 -0.0049082797129562459 -0.0023705261099013241
+leaf_weight=69 39 58 39 56
+leaf_count=69 39 58 39 56
+internal_value=0 0.0253201 -0.0465257 -0.0442862
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5481
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.26385 0.91464 2.22011 0.779631 1.0092
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0026730167253641583 -0.001463761897227216 -0.0024991685013225507 0.0050786022740407629 -0.0013188022431354454 0.0027730249795486907
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0148377 0.0457288 -0.0144278 0.0338875
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5482
+num_leaves=5
+num_cat=0
+split_feature=9 2 4 9
+split_gain=0.271899 0.848256 1.87274 1.25245
+threshold=42.500000000000007 17.500000000000004 69.500000000000014 61.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0013896163563779835 0.0027826924140642935 -0.0044709736457555216 -0.002309467811296307 0.00029845112969305358
+leaf_weight=49 74 40 48 50
+leaf_count=49 74 40 48 50
+internal_value=0 -0.0161057 0.0386245 -0.0907119
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5483
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 4
+split_gain=0.270552 0.832464 0.860091 0.797976
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012437970651522198 0.0010801265149403003 -0.0028501321441980615 0.0024404844522056034 -0.002498720267478864
+leaf_weight=42 72 44 51 52
+leaf_count=42 72 44 51 52
+internal_value=0 -0.0206145 0.0161487 -0.0409173
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=5484
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.269132 1.56322 2.41324 0.708705
+threshold=8.5000000000000018 67.65000000000002 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0029780517093277586 0.0012042948026195768 0.0031695420502210131 -0.0032293690704942126 -0.0023453547412621606
+leaf_weight=40 39 58 68 56
+leaf_count=40 39 58 68 56
+internal_value=0 0.0251589 -0.0461241 -0.0439951
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5485
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.263019 0.885986 2.18662 0.778369 1.03515
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0026719137475113932 -0.0014615306131742915 -0.0024562161196703064 0.0050375280803892719 -0.001345534304319467 0.0027977010856872916
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0148202 0.0452364 -0.0144669 0.0338098
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5486
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.273165 0.825726 1.12018 1.79355
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0026185691151382148 0.0010850000103171367 -0.0030367225613745392 -0.0014808762228904679 0.0036660942024471801
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0207056 0.0131768 0.065992
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=5487
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 2
+split_gain=0.272916 1.5778 4.05806 0.654436
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.001557826801239074 -0.0023573603204223967 -0.0023902259457413561 0.0060388025883836884 0.0010337146570248879
+leaf_weight=63 54 52 51 41
+leaf_count=63 54 52 51 41
+internal_value=0 0.0253178 0.0917636 -0.0442873
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=5488
+num_leaves=5
+num_cat=0
+split_feature=9 7 2 4
+split_gain=0.287784 0.838309 1.53609 3.17465
+threshold=42.500000000000007 55.500000000000007 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0014269085559748768 -0.0024812715787752388 0.002552284760908647 0.0029862137618395048 -0.0046612481382737412
+leaf_weight=49 55 48 59 50
+leaf_count=49 55 48 59 50
+internal_value=0 -0.016539 0.0209127 -0.0560316
+internal_weight=0 212 157 98
+internal_count=261 212 157 98
+shrinkage=0.02
+
+
+Tree=5489
+num_leaves=5
+num_cat=0
+split_feature=9 2 4 9
+split_gain=0.275587 0.86281 1.71525 1.20303
+threshold=42.500000000000007 17.500000000000004 69.500000000000014 61.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0013984109506554581 0.0027045347910629397 -0.0044330971023183582 -0.0021707775985497753 0.0002421995750415437
+leaf_weight=49 74 40 48 50
+leaf_count=49 74 40 48 50
+internal_value=0 -0.0162049 0.038984 -0.0914329
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5490
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.272292 1.54713 2.40523 0.705911
+threshold=8.5000000000000018 67.65000000000002 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0029816409165938206 0.0011954186915863131 0.003158670003789416 -0.0032155774000266484 -0.0023473426337673295
+leaf_weight=40 39 58 68 56
+leaf_count=40 39 58 68 56
+internal_value=0 0.0252947 -0.0456232 -0.0442361
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5491
+num_leaves=5
+num_cat=0
+split_feature=9 5 5 9
+split_gain=0.262415 0.801416 0.79403 0.949766
+threshold=70.500000000000014 64.200000000000003 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0018105955247513694 0.0010650073009836074 -0.0027994241097332099 0.0027030927251950943 -0.0021511965734610579
+leaf_weight=40 72 44 41 64
+leaf_count=40 72 44 41 64
+internal_value=0 -0.0203182 0.0157646 -0.0309775
+internal_weight=0 189 145 104
+internal_count=261 189 145 104
+shrinkage=0.02
+
+
+Tree=5492
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 2
+split_gain=0.261639 1.53349 3.91099 0.638913
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0015240135877870882 -0.0023229769189189761 -0.0023593174374982677 0.005934239004827804 0.0010288110284698481
+leaf_weight=63 54 52 51 41
+leaf_count=63 54 52 51 41
+internal_value=0 0.0248366 0.0903577 -0.0434154
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=5493
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 4
+split_gain=0.253965 0.774629 0.802719 0.748926
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012051692838790102 0.0010489670341994408 -0.0027539690017078047 0.0023569590232599639 -0.0024231707790785292
+leaf_weight=42 72 44 51 52
+leaf_count=42 72 44 51 52
+internal_value=0 -0.0200113 0.0154742 -0.0396901
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=5494
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.253417 1.49255 2.35372 0.662647
+threshold=8.5000000000000018 67.65000000000002 59.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0014062978854908067 0.0011612706307044321 0.0030956879480890593 -0.0046945814050721344 -0.0022740547233285253
+leaf_weight=67 39 58 41 56
+leaf_count=67 39 58 41 56
+internal_value=0 0.0244718 -0.0451957 -0.0427766
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5495
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.264896 0.880643 2.20876 0.778846 0.986553
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0026792833125737054 -0.0014662549228646033 -0.0024469649109017796 0.0050575329357767929 -0.0014730797915868841 0.0025801715847739381
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.014875 0.0452017 -0.014802 0.0334887
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5496
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 6 1
+split_gain=0.253584 0.856675 0.74675 0.964935 0.91408
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 56.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0010470433476519807 -0.0014369766314080549 0.0028117010824421189 0.00018797663534933636 -0.0040178168622435045 0.0031840694709679841
+leaf_weight=42 44 44 51 39 41
+leaf_count=42 44 44 51 39 41
+internal_value=0 0.0145704 -0.0172923 -0.0813679 0.0517158
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=5497
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 2
+split_gain=0.263764 1.47695 3.80839 0.617625
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0015023111944552437 -0.002302591774894456 -0.0023048840472605263 0.0058578648725641259 0.00099429280603486377
+leaf_weight=63 54 52 51 41
+leaf_count=63 54 52 51 41
+internal_value=0 0.0249278 0.089248 -0.0435813
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=5498
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.263072 0.770432 1.11259 1.76102
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0026244520225488011 0.0010662153800110787 -0.0029423062506007637 -0.0014744803846397276 0.0036260834497521956
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0203433 0.0124041 0.0650457
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=5499
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.26784 1.44964 2.36567 0.664143
+threshold=8.5000000000000018 67.65000000000002 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0029908756877681263 0.0011409417396620592 0.0030709970158811733 -0.0031557091697557958 -0.002297953310360644
+leaf_weight=40 39 58 68 56
+leaf_count=40 39 58 68 56
+internal_value=0 0.0251003 -0.0435665 -0.043899
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5500
+num_leaves=5
+num_cat=0
+split_feature=9 7 2 4
+split_gain=0.259612 0.81951 1.52474 2.97245
+threshold=42.500000000000007 55.500000000000007 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0013602025422152031 -0.0024420110345230424 0.0024468135623567835 0.0029841952321794569 -0.0045344403130174382
+leaf_weight=49 55 48 59 50
+leaf_count=49 55 48 59 50
+internal_value=0 -0.0157557 0.021282 -0.0553794
+internal_weight=0 212 157 98
+internal_count=261 212 157 98
+shrinkage=0.02
+
+
+Tree=5501
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 9
+split_gain=0.262122 1.46693 3.64712 0.633535
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0014378094521002819 0.0011038041480947768 -0.0022968802578348059 0.0057654300320325296 -0.002256976425945387
+leaf_weight=63 39 52 51 56
+leaf_count=63 39 52 51 56
+internal_value=0 0.0248568 0.088962 -0.0434538
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=5502
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.252931 0.741363 0.77906 0.652575
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00081636235521795406 0.0010469622801060452 -0.0027034302494383629 0.002313018145336198 -0.0025599370403857936
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.0199746 0.0147544 -0.0396075
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=5503
+num_leaves=6
+num_cat=0
+split_feature=1 3 3 7 9
+split_gain=0.254078 1.41547 2.27239 1.95192 0.606776
+threshold=8.5000000000000018 75.500000000000014 65.500000000000014 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0029615678264296257 0.0010751650316317978 -0.0028557957085633724 0.0054840321288104066 -0.0030733883339102057 -0.0022158515703684508
+leaf_weight=40 39 39 40 47 56
+leaf_count=40 39 39 40 47 56
+internal_value=0 0.0245002 0.0762378 -0.0144679 -0.0428295
+internal_weight=0 166 127 87 95
+internal_count=261 166 127 87 95
+shrinkage=0.02
+
+
+Tree=5504
+num_leaves=5
+num_cat=0
+split_feature=6 8 2 2
+split_gain=0.249077 0.709744 1.02491 2.5518
+threshold=48.500000000000007 56.500000000000007 17.500000000000004 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.00099237867699293407 0.0028427518520142865 -0.0024024706618873517 -0.0022572385739899124 0.0045477660321880968
+leaf_weight=77 39 41 60 44
+leaf_count=77 39 41 60 44
+internal_value=0 0.0207596 -0.0116639 0.0593338
+internal_weight=0 184 145 85
+internal_count=261 184 145 85
+shrinkage=0.02
+
+
+Tree=5505
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.250513 0.723286 1.13851 1.74544
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0026680791566191632 0.0010423388511078921 -0.0028563831993341747 -0.0014611135759925282 0.0036170296299788966
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0198846 0.0118635 0.0651027
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=5506
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.257521 1.39989 2.30884 0.601482
+threshold=8.5000000000000018 67.65000000000002 59.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0014314037305250848 0.0010614210579259211 0.003018155779021731 -0.0046116684016909723 -0.0022155413022542226
+leaf_weight=67 39 58 41 56
+leaf_count=67 39 58 41 56
+internal_value=0 0.0246484 -0.0428412 -0.0431028
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5507
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 6
+split_gain=0.26197 0.860057 0.941957 2.16898
+threshold=70.500000000000014 24.500000000000004 46.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0025284214492326466 -0.001458833847040218 0.0028209643096698774 0.004140971044174763 -0.0014601738600230371
+leaf_weight=55 44 44 45 73
+leaf_count=55 44 44 45 73
+internal_value=0 0.0147921 -0.0171322 0.0335135
+internal_weight=0 217 173 118
+internal_count=261 217 173 118
+shrinkage=0.02
+
+
+Tree=5508
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 4
+split_gain=0.256911 0.680217 2.05369 0.252694
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0010068212076779917 -0.0010101766159427519 -0.0021339373924038371 0.0048026002623311574 0.00012293576165655314
+leaf_weight=77 55 39 44 46
+leaf_count=77 55 39 44 46
+internal_value=0 0.0210547 0.0783386 -0.0452035
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=5509
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 9
+split_gain=0.26264 1.39597 3.51661 0.588791
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0014104294000553484 0.0010335052522942938 -0.0022288734586746652 0.0056633326670638921 -0.0022095646755844597
+leaf_weight=63 39 52 51 56
+leaf_count=63 39 52 51 56
+internal_value=0 0.024873 0.0874334 -0.0435002
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=5510
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.262517 1.66423 2.23045 4.90821
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0013502165180541144 0.0029642484157762928 -0.0086446490282128217 0.0012431972210752166 0.00084161834177912359
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0160412 -0.0646985 -0.173234
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=5511
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.268815 0.676602 0.796263 0.626907
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00073120641421708119 0.001077057061817968 -0.0026145599979593664 0.0022929672105265193 -0.0025792273944845105
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.0205446 0.0126616 -0.0422906
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=5512
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.268611 1.38918 2.17698 0.582597
+threshold=8.5000000000000018 67.65000000000002 53.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0028641293388457856 -0.002270021384748311 0.0030184920398774735 -0.0030341676470815523 0.00093446014120191563
+leaf_weight=40 54 58 68 41
+leaf_count=40 54 58 68 41
+internal_value=0 0.0251441 -0.0420885 -0.0439475
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5513
+num_leaves=5
+num_cat=0
+split_feature=6 6 3 9
+split_gain=0.273319 0.689846 1.12723 0.742257
+threshold=48.500000000000007 63.500000000000007 72.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=-0.001035997162162059 -0.00037971430648018776 -0.003138136394661734 0.0013233642836996641 0.0032747074219895258
+leaf_weight=77 40 44 48 52
+leaf_count=77 40 44 48 52
+internal_value=0 0.0216807 -0.0401236 0.0839029
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=5514
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 9
+split_gain=0.26367 0.829279 0.915904 2.04945
+threshold=70.500000000000014 24.500000000000004 46.500000000000007 60.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0024863557931795429 -0.0014631167994332418 0.0027774127497542113 0.0036549610619824751 -0.0016733097222446044
+leaf_weight=55 44 44 52 66
+leaf_count=55 44 44 52 66
+internal_value=0 0.014842 -0.0165151 0.033437
+internal_weight=0 217 173 118
+internal_count=261 217 173 118
+shrinkage=0.02
+
+
+Tree=5515
+num_leaves=5
+num_cat=0
+split_feature=6 6 8 9
+split_gain=0.266732 0.656375 1.10182 0.704855
+threshold=48.500000000000007 63.500000000000007 71.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=-0.0010244131121705661 -0.00036277883184322079 -0.0032981855867954451 0.0011473693753590345 0.0032003943037455618
+leaf_weight=77 40 40 52 52
+leaf_count=77 40 40 52 52
+internal_value=0 0.0214302 -0.0388915 0.0821701
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=5516
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.254781 1.60038 2.12162 4.76751
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.001331737962149088 0.0029058312489382808 -0.0084940361159978918 0.0012040077338440055 0.00085571121029975829
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0158132 -0.0635424 -0.169423
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=5517
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 6
+split_gain=0.275868 0.64077 1.91913 0.253382
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0010404827674376884 -0.0009430659894764001 0.0002019059794267054 0.0046775019676041007 -0.0020549048760235087
+leaf_weight=77 55 45 44 40
+leaf_count=77 55 45 44 40
+internal_value=0 0.0217751 0.0774215 -0.0425768
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=5518
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 6
+split_gain=0.279236 1.45289 3.46917 0.565609
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0013496191067458977 -0.0022661959187962859 -0.0022686225873267372 0.0056763174279062445 0.00089237439834145631
+leaf_weight=63 54 52 51 41
+leaf_count=63 54 52 51 41
+internal_value=0 0.0256042 0.0894052 -0.0447478
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=5519
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.277977 0.661627 1.03735 1.75886
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0025850159823076371 0.0010940421117407383 -0.0027716358866812412 -0.0015658955256370385 0.0035320531213583199
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0208662 0.00952371 0.0604007
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=5520
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=0.282813 1.4019 3.35047 0.564547
+threshold=8.5000000000000018 20.500000000000004 67.65000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00070226800694626987 -0.0022703786639953821 -0.0022169788385538766 0.0065340544858917358 0.00088525372952592905
+leaf_weight=75 54 52 39 41
+leaf_count=75 54 52 39 41
+internal_value=0 0.0257506 0.0884397 -0.0450205
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=5521
+num_leaves=5
+num_cat=0
+split_feature=9 7 3 5
+split_gain=0.28963 0.842248 1.29306 1.15694
+threshold=42.500000000000007 55.500000000000007 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0014313536434181356 -0.0024870135886647078 0.003260966308313051 -0.0030712321630825402 0.0010683210877350839
+leaf_weight=49 55 46 49 62
+leaf_count=49 55 46 49 62
+internal_value=0 -0.0165799 0.0209582 -0.0376315
+internal_weight=0 212 157 111
+internal_count=261 212 157 111
+shrinkage=0.02
+
+
+Tree=5522
+num_leaves=5
+num_cat=0
+split_feature=6 3 8 5
+split_gain=0.2776 0.85542 0.640695 0.606647
+threshold=70.500000000000014 65.500000000000014 54.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014021962855585912 -0.0014986938572887501 0.0023133636060613007 -0.0022820662975928602 0.0017872254870578441
+leaf_weight=42 44 62 54 59
+leaf_count=42 44 62 54 59
+internal_value=0 0.0151979 -0.0247663 0.0226482
+internal_weight=0 217 155 101
+internal_count=261 217 155 101
+shrinkage=0.02
+
+
+Tree=5523
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.277435 0.840593 1.45353 1.18889
+threshold=42.500000000000007 17.500000000000004 67.65000000000002 61.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0014028839045152027 -0.00099705830966797019 -0.0043999020657487014 0.0034949650582439917 0.00024825773259730117
+leaf_weight=49 74 40 48 50
+leaf_count=49 74 40 48 50
+internal_value=0 -0.01625 0.0382366 -0.0905262
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5524
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.284698 0.835435 2.32671 0.683064 0.893128
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0025685269326261666 -0.0015164540101469091 -0.0023668867304619846 0.0051608090425091019 -0.0014679832062727462 0.0023928467336121325
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0153785 0.0449369 -0.016642 0.0286354
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5525
+num_leaves=6
+num_cat=0
+split_feature=1 3 3 7 2
+split_gain=0.278615 1.392 2.18183 1.86064 0.560123
+threshold=8.5000000000000018 75.500000000000014 65.500000000000014 53.500000000000007 17.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0029345389450164635 -0.0022590431078802708 -0.0028068420282174838 0.0054177363290137002 -0.0029593006560876918 0.00088461469756387183
+leaf_weight=40 54 39 40 47 41
+leaf_count=40 54 39 40 47 41
+internal_value=0 0.025567 0.0768794 -0.012006 -0.044712
+internal_weight=0 166 127 87 95
+internal_count=261 166 127 87 95
+shrinkage=0.02
+
+
+Tree=5526
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 6 1
+split_gain=0.274547 0.811241 0.809946 0.906306 0.841016
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 56.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00087912900351644948 -0.0014910887713967362 0.0027563486684604867 0.00010845371668810758 -0.00396926106044573 0.003181679926273856
+leaf_weight=42 44 44 51 39 41
+leaf_count=42 44 44 51 39 41
+internal_value=0 0.0151146 -0.015905 -0.0825693 0.0559087
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=5527
+num_leaves=6
+num_cat=0
+split_feature=1 3 3 7 9
+split_gain=0.278568 1.32673 2.10289 1.78153 0.616237
+threshold=8.5000000000000018 75.500000000000014 65.500000000000014 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0028752211215625771 0.0010520808331216421 -0.0027290399629638909 0.0053235906773087148 -0.0028933130053671553 -0.0022634485859868358
+leaf_weight=40 39 39 40 47 56
+leaf_count=40 39 39 40 47 56
+internal_value=0 0.0255659 0.075682 -0.0115873 -0.0447075
+internal_weight=0 166 127 87 95
+internal_count=261 166 127 87 95
+shrinkage=0.02
+
+
+Tree=5528
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 6
+split_gain=0.266651 1.31269 3.45599 0.552917
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0014168870434181538 -0.0022325060220749781 -0.002143662681540899 0.0055959956435767877 0.00089163142288866087
+leaf_weight=63 54 52 51 41
+leaf_count=63 54 52 51 41
+internal_value=0 0.0250509 0.0857475 -0.0438058
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=5529
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.267467 0.720831 1.02427 1.50289
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0025342585868242825 0.001074395761880065 -0.0028646185871338582 -0.0010644061006346509 0.0036326299199604694
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0205039 0.0111905 0.0617494
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=5530
+num_leaves=5
+num_cat=0
+split_feature=9 2 4 9
+split_gain=0.284594 0.832198 1.59285 1.2087
+threshold=42.500000000000007 17.500000000000004 69.500000000000014 61.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0014195388582857169 0.002611245611720004 -0.0044178435918931988 -0.0020888112659932473 0.00026846940931812927
+leaf_weight=49 74 40 48 50
+leaf_count=49 74 40 48 50
+internal_value=0 -0.0164509 0.0377676 -0.0903635
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5531
+num_leaves=5
+num_cat=0
+split_feature=9 7 3 5
+split_gain=0.272528 0.817433 1.29972 1.15435
+threshold=42.500000000000007 55.500000000000007 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0013911883241172621 -0.002446613939661977 0.0032664444402833808 -0.0030733802518631793 0.0010615795960705965
+leaf_weight=49 55 46 49 62
+leaf_count=49 55 46 49 62
+internal_value=0 -0.0161193 0.0208718 -0.0378673
+internal_weight=0 212 157 111
+internal_count=261 212 157 111
+shrinkage=0.02
+
+
+Tree=5532
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.266878 0.802035 2.29801 0.656959 1.06403
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0025397785429291694 -0.0014715178780864634 -0.0023232706264138133 0.0051139312203102418 -0.0015074197621206954 0.0026932734986935729
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0149181 0.0438972 -0.0173027 0.027118
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5533
+num_leaves=5
+num_cat=0
+split_feature=9 5 1 9
+split_gain=0.27723 0.706044 0.784923 1.08158
+threshold=70.500000000000014 64.200000000000003 9.5000000000000018 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00072159418581964243 0.0010924435440314963 -0.0026667635839002215 -0.001384631960058938 0.0039553096936934306
+leaf_weight=40 72 44 65 40
+leaf_count=40 72 44 65 40
+internal_value=0 -0.0208513 0.0130547 0.080414
+internal_weight=0 189 145 80
+internal_count=261 189 145 80
+shrinkage=0.02
+
+
+Tree=5534
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 1
+split_gain=0.283145 0.793038 0.846665 1.49073
+threshold=42.500000000000007 50.650000000000013 73.500000000000014 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0014161171681384874 -0.0026808274954085187 0.0032684854665339515 -0.0017537436177235822 -0.0014420505977127177
+leaf_weight=49 46 66 54 46
+leaf_count=49 46 66 54 46
+internal_value=0 -0.0164137 0.0159838 0.0663485
+internal_weight=0 212 166 112
+internal_count=261 212 166 112
+shrinkage=0.02
+
+
+Tree=5535
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.271185 0.818546 1.4378 1.16592
+threshold=42.500000000000007 17.500000000000004 67.65000000000002 61.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0013878352500669869 -0.00099850925516708827 -0.0043528944617618436 0.0034694927670131338 0.00025079269778330879
+leaf_weight=49 74 40 48 50
+leaf_count=49 74 40 48 50
+internal_value=0 -0.0160901 0.0376911 -0.0894101
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5536
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.264759 0.808766 2.2092 0.661895 1.05106
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0025230345688527856 -0.0014662293589369413 -0.0023352790181674038 0.0050330514510075952 -0.0014667648930844371 0.0027084637484593626
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0148551 0.0439522 -0.0160582 0.0285281
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5537
+num_leaves=5
+num_cat=0
+split_feature=9 2 4 4
+split_gain=0.272503 0.808459 1.56152 1.17075
+threshold=42.500000000000007 17.500000000000004 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0013909303430192264 0.0025843558286154371 -0.0040799559947390079 -0.0020697793026637061 0.00050471236446175151
+leaf_weight=49 74 45 48 45
+leaf_count=49 74 45 48 45
+internal_value=0 -0.0161285 0.0373265 -0.0890065
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5538
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.269948 0.707295 0.993068 1.71199
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0025004320677034213 0.001078884902614255 -0.0028439680224707402 -0.0015248516587671082 0.003505287686381778
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0205989 0.010802 0.0606038
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=5539
+num_leaves=5
+num_cat=0
+split_feature=9 7 3 5
+split_gain=0.278664 0.735705 1.19455 1.15358
+threshold=42.500000000000007 55.500000000000007 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0014055102091227187 -0.0023438497083858589 0.0031099808375230444 -0.0030654934228426184 0.001068154932105524
+leaf_weight=49 55 46 49 62
+leaf_count=49 55 46 49 62
+internal_value=0 -0.0162971 0.0188303 -0.0375094
+internal_weight=0 212 157 111
+internal_count=261 212 157 111
+shrinkage=0.02
+
+
+Tree=5540
+num_leaves=5
+num_cat=0
+split_feature=9 2 4 4
+split_gain=0.266828 0.777902 1.48012 1.12832
+threshold=42.500000000000007 17.500000000000004 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0013774397678935942 0.0025197765382015068 -0.0040083349090948165 -0.002012881393216369 0.00049366174333106657
+leaf_weight=49 74 45 48 45
+leaf_count=49 74 45 48 45
+internal_value=0 -0.0159678 0.0364875 -0.087491
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5541
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.271795 1.1265 1.41969 2.32627 0.747299
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00093222579067095738 0.0013893835025793767 -0.0033708416266887004 0.0034574399732792221 -0.0047093942098734177 0.002830766739321023
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.0161021 0.0191708 -0.0350407 0.0567663
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=5542
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 3
+split_gain=0.264318 0.6851 1.72795 0.843667
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0030390657024518017 0.0010684307688513526 0.000747785148045337 -0.0047379587687568312 -0.00081336440593247753
+leaf_weight=40 72 53 41 55
+leaf_count=40 72 53 41 55
+internal_value=0 -0.0203945 -0.0819087 0.040067
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5543
+num_leaves=6
+num_cat=0
+split_feature=4 5 6 6 2
+split_gain=0.2709 1.07267 1.36913 0.687093 0.866037
+threshold=74.500000000000014 68.65000000000002 57.500000000000007 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0025322511221213778 0.0013873193281073906 -0.0032978515890000437 0.0036856063775525605 -0.0026757274151172987 -0.0014582619174843207
+leaf_weight=42 49 40 39 44 47
+leaf_count=42 49 40 39 44 47
+internal_value=0 -0.016074 0.0183555 -0.0300698 0.0208215
+internal_weight=0 212 172 133 89
+internal_count=261 212 172 133 89
+shrinkage=0.02
+
+
+Tree=5544
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 3
+split_gain=0.259582 0.660849 1.67409 0.804991
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0029708768527407226 0.0010595657776633364 0.00073532565456674846 -0.0046650758360260629 -0.00079413793579255335
+leaf_weight=40 72 53 41 55
+leaf_count=40 72 53 41 55
+internal_value=0 -0.0202203 -0.0806691 0.0391868
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5545
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 8 7
+split_gain=0.269824 1.0214 1.36693 1.72896 0.590798
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0010100088261462614 0.0013848230928419467 -0.0032265231367698002 0.0033686680643791791 -0.0042377383023355511 0.002332503651744216
+leaf_weight=39 49 40 45 39 49
+leaf_count=39 49 40 45 39 49
+internal_value=0 -0.0160406 0.0175662 -0.0356392 0.0421227
+internal_weight=0 212 172 127 88
+internal_count=261 212 172 127 88
+shrinkage=0.02
+
+
+Tree=5546
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.25855 1.3845 2.15522 0.594556
+threshold=8.5000000000000018 67.65000000000002 53.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0028389133262141908 -0.0022685081066519974 0.0030053742432144728 -0.0030300276329711063 0.00096794167893165682
+leaf_weight=40 54 58 68 41
+leaf_count=40 54 58 68 41
+internal_value=0 0.0246954 -0.0424256 -0.0431813
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5547
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 3
+split_gain=0.254296 0.936696 1.87511 1.16308
+threshold=6.5000000000000009 63.500000000000007 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0013306093308795633 0.0015529909797609631 -0.0021309428831677284 0.0041515283958801739 -0.0029695741081070897
+leaf_weight=50 42 75 43 51
+leaf_count=50 42 75 43 51
+internal_value=0 -0.015797 0.0339842 -0.0459449
+internal_weight=0 211 136 93
+internal_count=261 211 136 93
+shrinkage=0.02
+
+
+Tree=5548
+num_leaves=6
+num_cat=0
+split_feature=4 5 6 6 2
+split_gain=0.254607 0.9812 1.36213 0.627403 0.831364
+threshold=74.500000000000014 68.65000000000002 57.500000000000007 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0024286765770976495 0.0013481221553481035 -0.003161266498659982 0.003657049566453944 -0.0026039213397915685 -0.0014833808186797801
+leaf_weight=42 49 40 39 44 47
+leaf_count=42 49 40 39 44 47
+internal_value=0 -0.0156067 0.0173411 -0.0309623 0.0177117
+internal_weight=0 212 172 133 89
+internal_count=261 212 172 133 89
+shrinkage=0.02
+
+
+Tree=5549
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.257176 0.94403 1.27744 1.16509
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016926646726830601 0.0011667427982860706 -0.0031383697813902531 0.0032514635497327559 -0.0024435939746058699
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0181997 0.0165003 -0.0391058
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=5550
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 4
+split_gain=0.255007 0.626497 0.973934 0.811064
+threshold=70.500000000000014 55.500000000000007 63.70000000000001 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0010817526173933843 0.0010511452306139002 0.00013956569362481147 -0.0040188267429618844 0.0026503159423935103
+leaf_weight=48 72 55 39 47
+leaf_count=48 72 55 39 47
+internal_value=0 -0.02004 -0.0789464 0.0378408
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5551
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 8
+split_gain=0.253652 1.77923 2.03977 0.790112
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00060522430277244331 0.0013630324852753012 -0.0041885442840326834 0.0041354140617144899 -0.0026180998950959661
+leaf_weight=73 48 39 47 54
+leaf_count=73 48 39 47 54
+internal_value=0 -0.0153774 0.0279534 -0.0379857
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=5552
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.261622 2.41468 2.33489 1.97246
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00057088818728913535 0.0011639497794514509 0.00034882017911145756 -0.0058402795493539437 0.0051351465995170906
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0185297 -0.130666 0.0909784
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=5553
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.259169 0.901303 1.22399 1.14132
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016741437519453134 0.001171174769612236 -0.0030772399412208225 0.0031740527645865886 -0.0024203735765054089
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0182529 0.0156639 -0.0387796
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=5554
+num_leaves=6
+num_cat=0
+split_feature=6 6 5 6 2
+split_gain=0.249681 0.932502 1.09106 0.53991 0.78826
+threshold=69.500000000000014 63.500000000000007 58.20000000000001 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0023725393921533557 0.0013532889199146542 -0.0029258537777351475 0.0032852564531578102 -0.0024903286137067976 -0.0014390597040546352
+leaf_weight=42 48 44 40 40 47
+leaf_count=42 48 44 40 40 47
+internal_value=0 -0.0152564 0.0186695 -0.0262304 0.0175571
+internal_weight=0 213 169 129 89
+internal_count=261 213 169 129 89
+shrinkage=0.02
+
+
+Tree=5555
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 2
+split_gain=0.256741 1.14221 3.43608 1.86805
+threshold=49.500000000000007 25.500000000000004 7.5000000000000009 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0015520735164627048 -0.0033417681648952951 -0.0028054825575952076 0.0043232406706201149 0.0020810511173820563
+leaf_weight=39 68 40 73 41
+leaf_count=39 68 40 73 41
+internal_value=0 0.0136619 0.0477547 -0.0647315
+internal_weight=0 222 182 109
+internal_count=261 222 182 109
+shrinkage=0.02
+
+
+Tree=5556
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.252166 1.37192 2.14856 0.64385
+threshold=8.5000000000000018 67.65000000000002 59.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0013599617514313293 -0.0023134636064322703 0.0029888186059906299 -0.0044711800870565659 0.0010510607987156105
+leaf_weight=67 54 58 41 41
+leaf_count=67 54 58 41 41
+internal_value=0 0.02443 -0.0423886 -0.0426643
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5557
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 9
+split_gain=0.253325 0.939683 0.689146 2.78085
+threshold=72.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0019732075815200312 -0.0013797429852608679 0.0024751405286490263 -0.0029703070953332332 0.0043682251037201409
+leaf_weight=72 47 59 41 42
+leaf_count=72 47 59 41 42
+internal_value=0 0.0151769 -0.0259329 0.0367044
+internal_weight=0 214 155 83
+internal_count=261 214 155 83
+shrinkage=0.02
+
+
+Tree=5558
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 3
+split_gain=0.254394 0.860539 0.922973 1.50852
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00056745676295494654 -0.0014387593582181235 0.0028180165847521239 0.0021731289919945072 -0.0038615282580745825
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0146091 -0.0173242 -0.0606399
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5559
+num_leaves=4
+num_cat=0
+split_feature=6 2 1
+split_gain=0.243665 0.691154 2.38423
+threshold=48.500000000000007 19.500000000000004 7.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00098200027416292849 -0.0029322573146927772 0.002135612511499684 0.0027569510641632829
+leaf_weight=77 69 63 52
+leaf_count=77 69 63 52
+internal_value=0 0.0205673 -0.024026
+internal_weight=0 184 121
+internal_count=261 184 121
+shrinkage=0.02
+
+
+Tree=5560
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 9
+split_gain=0.252605 1.32381 2.07919 0.589698
+threshold=8.5000000000000018 67.65000000000002 55.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0012633835283986253 0.0010511017654263701 0.0029456972320127386 -0.0045329405498956213 -0.0021945539774349586
+leaf_weight=69 39 58 39 56
+leaf_count=69 39 58 39 56
+internal_value=0 0.0244525 -0.0411956 -0.042696
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5561
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.268328 0.886154 0.647518 2.68614
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0019249141069582175 -0.0014747255942115399 0.0023440015356101253 -0.0029395438040626404 0.0042738841910075487
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0149811 -0.025683 0.035076
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=5562
+num_leaves=5
+num_cat=0
+split_feature=6 3 8 5
+split_gain=0.256905 0.85033 0.645305 0.597494
+threshold=70.500000000000014 65.500000000000014 54.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013932814285608944 -0.0014452776525846706 0.0022971744931164777 -0.0022963095202956597 0.0017727402201234859
+leaf_weight=42 44 62 54 59
+leaf_count=42 44 62 54 59
+internal_value=0 0.0146783 -0.0251696 0.0224104
+internal_weight=0 217 155 101
+internal_count=261 217 155 101
+shrinkage=0.02
+
+
+Tree=5563
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.246696 1.56907 2.10977 4.58691
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0013123279423063235 0.0028795289127332446 -0.0083766585201701833 0.0012113912693885224 0.00079466207510521828
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0155624 -0.0628301 -0.168419
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=5564
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 3
+split_gain=0.261223 0.936424 0.92727 1.18259
+threshold=58.500000000000007 50.500000000000007 64.200000000000003 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.00058513033442251236 0.0029188090631200527 -0.0032854483446136352 -0.0026405373620899944 0.0016970077030463375
+leaf_weight=73 47 39 52 50
+leaf_count=73 47 39 52 50
+internal_value=0 -0.0378366 0.0284647 -0.0253373
+internal_weight=0 112 149 102
+internal_count=261 112 149 102
+shrinkage=0.02
+
+
+Tree=5565
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 6
+split_gain=0.252059 0.67005 1.79608 0.246435
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.00099736483171881918 -0.00085533046746223652 0.00014190995186692945 0.0045833966781797129 -0.002084967940695963
+leaf_weight=77 55 45 44 40
+leaf_count=77 55 45 44 40
+internal_value=0 0.0208992 0.0777669 -0.0448741
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=5566
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 9
+split_gain=0.266249 1.38262 3.44762 0.601172
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0013815041134538242 0.0010479760609351677 -0.0022121851703047249 0.0056228089993168567 -0.0022280380387069794
+leaf_weight=63 39 52 51 56
+leaf_count=63 39 52 51 56
+internal_value=0 0.0250608 0.0873259 -0.0437476
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=5567
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 2
+split_gain=0.254781 1.35541 2.27027 0.584488
+threshold=8.5000000000000018 17.500000000000004 69.500000000000014 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0046050286299883746 -0.0022506620659280534 -0.0016870784488675862 -0.0015784400035378878 0.00095908443162062186
+leaf_weight=57 54 68 41 41
+leaf_count=57 54 68 41 41
+internal_value=0 0.0245508 0.100531 -0.0428651
+internal_weight=0 166 98 95
+internal_count=261 166 98 95
+shrinkage=0.02
+
+
+Tree=5568
+num_leaves=5
+num_cat=0
+split_feature=7 6 6 8
+split_gain=0.256744 0.944482 1.05507 0.912149
+threshold=58.500000000000007 63.500000000000007 69.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.00057378274903152073 0.0026102088282900812 -0.0029566721855201011 0.001362645594464758 -0.0032472525455776551
+leaf_weight=73 57 44 48 39
+leaf_count=73 57 44 48 39
+internal_value=0 0.0282305 -0.0347552 -0.0375408
+internal_weight=0 149 92 112
+internal_count=261 149 92 112
+shrinkage=0.02
+
+
+Tree=5569
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 4
+split_gain=0.255116 0.656896 1.51935 0.790745
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0010316536905538871 0.0010515784878974833 0.00063201618058119475 -0.0045149756193393221 0.0026541137535758957
+leaf_weight=48 72 53 41 47
+leaf_count=48 72 53 41 47
+internal_value=0 -0.0200326 -0.0803067 0.0392014
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5570
+num_leaves=4
+num_cat=0
+split_feature=6 2 1
+split_gain=0.254431 0.672347 2.29633
+threshold=48.500000000000007 19.500000000000004 7.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0010017898694271435 -0.0028668106736625281 0.0021209911296779975 0.0027174384646162044
+leaf_weight=77 69 63 52
+leaf_count=77 69 63 52
+internal_value=0 0.0209859 -0.0230088
+internal_weight=0 184 121
+internal_count=261 184 121
+shrinkage=0.02
+
+
+Tree=5571
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.256353 1.35037 1.99002 0.578328
+threshold=8.5000000000000018 67.65000000000002 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.002710710941605402 0.0010272632409216102 0.0029732416458145639 -0.0029306858797263908 -0.002187764367116248
+leaf_weight=40 39 58 68 56
+leaf_count=40 39 58 68 56
+internal_value=0 0.0246229 -0.0416737 -0.0429856
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5572
+num_leaves=4
+num_cat=0
+split_feature=6 2 1
+split_gain=0.252766 0.64508 2.20364
+threshold=48.500000000000007 19.500000000000004 7.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00099867923124325386 -0.0028018846315690025 0.0020859550004590209 0.0026694873578035146
+leaf_weight=77 69 63 52
+leaf_count=77 69 63 52
+internal_value=0 0.0209255 -0.022188
+internal_weight=0 184 121
+internal_count=261 184 121
+shrinkage=0.02
+
+
+Tree=5573
+num_leaves=5
+num_cat=0
+split_feature=1 2 7 2
+split_gain=0.259776 1.36534 2.00846 0.573637
+threshold=8.5000000000000018 17.500000000000004 66.500000000000014 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00040742418232672688 -0.0022457145745065931 -0.0016903899377150361 0.0054106356624794147 0.00093485603969347341
+leaf_weight=57 54 68 41 41
+leaf_count=57 54 68 41 41
+internal_value=0 0.0247782 0.101031 -0.0432477
+internal_weight=0 166 98 95
+internal_count=261 166 98 95
+shrinkage=0.02
+
+
+Tree=5574
+num_leaves=5
+num_cat=0
+split_feature=8 3 8 5
+split_gain=0.266169 0.933131 0.633032 0.585969
+threshold=72.500000000000014 65.500000000000014 54.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013901802966167956 -0.0014117199662892377 0.0024748024082595528 -0.0022849711724519952 0.0017462136658087982
+leaf_weight=42 47 59 54 59
+leaf_count=42 47 59 54 59
+internal_value=0 0.0155328 -0.0254351 0.0216998
+internal_weight=0 214 155 101
+internal_count=261 214 155 101
+shrinkage=0.02
+
+
+Tree=5575
+num_leaves=5
+num_cat=0
+split_feature=6 3 7 5
+split_gain=0.2667 0.851019 0.639306 0.564504
+threshold=70.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013624231922518817 -0.0014706076617259257 0.0023030990298788809 -0.0023089440577174392 0.0017070642982914845
+leaf_weight=42 44 62 53 60
+leaf_count=42 44 62 53 60
+internal_value=0 0.0149362 -0.0249273 0.0217626
+internal_weight=0 217 155 102
+internal_count=261 217 155 102
+shrinkage=0.02
+
+
+Tree=5576
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.255339 0.816593 0.623935 2.68204
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0018748188914403691 -0.0014412421809916415 0.0022570891565500259 -0.0029334364822377014 0.0042745045496897774
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0146339 -0.0244296 0.0352427
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=5577
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.250741 1.54724 2.03175 4.44398
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.001322193999049524 0.0028550765424577773 -0.0082552232929661833 0.0011696831238448256 0.00077247595412581872
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0156825 -0.0626252 -0.166262
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=5578
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 9
+split_gain=0.256365 1.37755 3.43573 0.601962
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0013871192978761485 0.0010644890647548404 -0.002216055906557129 0.0056051897577794078 -0.0022137677398449984
+leaf_weight=63 39 52 51 56
+leaf_count=63 39 52 51 56
+internal_value=0 0.0246226 0.0867763 -0.0429875
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=5579
+num_leaves=5
+num_cat=0
+split_feature=7 6 6 4
+split_gain=0.250245 0.982991 1.04946 0.745843
+threshold=58.500000000000007 63.500000000000007 69.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.00081506626481836432 0.002644024552721599 -0.0029823412252021585 0.0013254329299626688 -0.0024890313955244652
+leaf_weight=59 57 44 48 53
+leaf_count=59 57 44 48 53
+internal_value=0 0.0278984 -0.0363409 -0.037096
+internal_weight=0 149 92 112
+internal_count=261 149 92 112
+shrinkage=0.02
+
+
+Tree=5580
+num_leaves=5
+num_cat=0
+split_feature=6 3 7 5
+split_gain=0.24579 0.831672 0.622151 0.560007
+threshold=70.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013699748967261731 -0.0014159214955236613 0.0022697184002109438 -0.002287336096423077 0.0016877942278222136
+leaf_weight=42 44 62 53 60
+leaf_count=42 44 62 53 60
+internal_value=0 0.0143833 -0.0250332 0.02104
+internal_weight=0 217 155 102
+internal_count=261 217 155 102
+shrinkage=0.02
+
+
+Tree=5581
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.249456 1.48598 2.00227 4.34775
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0013191490582132235 0.0027932513924635249 -0.0081675886556725578 0.0011714962479290338 0.00076211794215774297
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0156404 -0.0616594 -0.164551
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=5582
+num_leaves=5
+num_cat=0
+split_feature=7 6 5 4
+split_gain=0.269814 0.966672 1.03569 0.730436
+threshold=58.500000000000007 63.500000000000007 72.050000000000026 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.00077287164513751378 0.0026468992600909712 -0.0029864803554426633 0.0012986917099709516 -0.0024974803476037559
+leaf_weight=59 57 43 49 53
+leaf_count=59 57 43 49 53
+internal_value=0 0.0288984 -0.034811 -0.038408
+internal_weight=0 149 92 112
+internal_count=261 149 92 112
+shrinkage=0.02
+
+
+Tree=5583
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 6
+split_gain=0.261574 0.628252 1.67747 0.247585
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0010146158510018868 -0.00080250821865598542 0.00019251433164972357 0.0044551657786411529 -0.0020399751553359822
+leaf_weight=77 55 45 44 40
+leaf_count=77 55 45 44 40
+internal_value=0 0.0212636 0.0763829 -0.042474
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=5584
+num_leaves=5
+num_cat=0
+split_feature=1 2 7 9
+split_gain=0.268672 1.38397 2.02512 0.576555
+threshold=8.5000000000000018 17.500000000000004 66.500000000000014 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00039942221254220001 0.0010054483452141055 -0.0016972588180217238 0.0054424908747050726 -0.0022045965255933246
+leaf_weight=57 39 68 41 56
+leaf_count=57 39 68 41 56
+internal_value=0 0.0251688 0.101931 -0.0439302
+internal_weight=0 166 98 95
+internal_count=261 166 98 95
+shrinkage=0.02
+
+
+Tree=5585
+num_leaves=6
+num_cat=0
+split_feature=1 3 3 7 9
+split_gain=0.257112 1.33063 2.15673 1.56256 0.553034
+threshold=8.5000000000000018 75.500000000000014 65.500000000000014 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0026406729710270918 0.00098537611113138929 -0.002751989127328657 0.0053550324751338906 -0.0027654820597042625 -0.0021605595998932421
+leaf_weight=40 39 39 40 47 56
+leaf_count=40 39 39 40 47 56
+internal_value=0 0.0246572 0.0748472 -0.013529 -0.043044
+internal_weight=0 166 127 87 95
+internal_count=261 166 127 87 95
+shrinkage=0.02
+
+
+Tree=5586
+num_leaves=4
+num_cat=0
+split_feature=6 2 1
+split_gain=0.253682 0.651246 2.08724
+threshold=48.500000000000007 19.500000000000004 7.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0010004070140078203 -0.0027428116806987334 0.0020943118286894527 0.0025832992990163003
+leaf_weight=77 69 63 52
+leaf_count=77 69 63 52
+internal_value=0 0.020958 -0.0223563
+internal_weight=0 184 121
+internal_count=261 184 121
+shrinkage=0.02
+
+
+Tree=5587
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 2
+split_gain=0.260026 1.35725 2.33132 0.546044
+threshold=8.5000000000000018 17.500000000000004 69.500000000000014 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0046451038299074564 -0.0022136780039228353 -0.0016838069557891871 -0.0016204724204142598 0.00089166272367210834
+leaf_weight=57 54 68 41 41
+leaf_count=57 54 68 41 41
+internal_value=0 0.0247867 0.100817 -0.0432697
+internal_weight=0 166 98 95
+internal_count=261 166 98 95
+shrinkage=0.02
+
+
+Tree=5588
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 3
+split_gain=0.255767 0.626075 1.50833 0.803187
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0029410149573179025 0.0010528243459017844 0.0006512443850875822 -0.0044773700519115467 -0.00082010174936232561
+leaf_weight=40 72 53 41 55
+leaf_count=40 72 53 41 55
+internal_value=0 -0.0200562 -0.0789434 0.0378055
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5589
+num_leaves=5
+num_cat=0
+split_feature=7 6 6 8
+split_gain=0.269761 0.938916 0.99418 0.861592
+threshold=58.500000000000007 63.500000000000007 69.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.00051967612507854914 0.0026174701899890625 -0.0028749225496069114 0.0013201099675089053 -0.0031958222499063383
+leaf_weight=73 57 44 48 39
+leaf_count=73 57 44 48 39
+internal_value=0 0.0288921 -0.0339091 -0.0384082
+internal_weight=0 149 92 112
+internal_count=261 149 92 112
+shrinkage=0.02
+
+
+Tree=5590
+num_leaves=5
+num_cat=0
+split_feature=6 2 3 3
+split_gain=0.268585 0.640795 1.35941 1.64538
+threshold=48.500000000000007 19.500000000000004 72.500000000000014 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0010272496805006821 0.00093227299134811237 0.0020924564688837867 0.002488713993549007 -0.0048580395923994834
+leaf_weight=77 39 63 42 40
+leaf_count=77 39 63 42 40
+internal_value=0 0.0215227 -0.0214494 -0.0995559
+internal_weight=0 184 121 79
+internal_count=261 184 121 79
+shrinkage=0.02
+
+
+Tree=5591
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 4
+split_gain=0.257502 0.510467 0.681359 0.210349
+threshold=53.500000000000007 67.500000000000014 53.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0011314285401926442 -0.00065218379492502617 -0.0018491346617572014 0.0025532913832337356 0.00024291042924589251
+leaf_weight=65 45 43 68 40
+leaf_count=65 45 43 68 40
+internal_value=0 0.0187943 0.0635043 -0.0415967
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=5592
+num_leaves=5
+num_cat=0
+split_feature=6 3 7 5
+split_gain=0.255039 0.844176 0.60588 0.565159
+threshold=70.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013906590136873601 -0.001440292731703464 0.0022892024150904162 -0.0022653168467943428 0.0016808280272126216
+leaf_weight=42 44 62 53 60
+leaf_count=42 44 62 53 60
+internal_value=0 0.0146342 -0.0250719 0.0204087
+internal_weight=0 217 155 102
+internal_count=261 217 155 102
+shrinkage=0.02
+
+
+Tree=5593
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 4
+split_gain=0.251056 0.62897 1.06953 0.767838
+threshold=70.500000000000014 55.500000000000007 14.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0010275324523473742 0.0010438094604969753 0.00070181345373953393 -0.0035984960734689454 0.0026057832950691722
+leaf_weight=48 72 44 50 47
+leaf_count=48 72 44 50 47
+internal_value=0 -0.0198834 -0.0789028 0.0381091
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5594
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.246655 0.822979 0.677792 1.06791 1.47929
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 48.95000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0010126113958240492 -0.0014181828909661997 0.0029503308462767094 -0.0025807811423232728 -0.0023762442842070112 0.0039496178903907324
+leaf_weight=47 44 39 41 40 50
+leaf_count=47 44 39 41 40 50
+internal_value=0 0.0144088 -0.0145771 0.0194345 0.0769
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=5595
+num_leaves=5
+num_cat=0
+split_feature=7 6 6 8
+split_gain=0.243275 0.915002 0.994864 0.877238
+threshold=58.500000000000007 63.500000000000007 69.500000000000014 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.00056707085177161649 0.0025648590854991022 -0.0028869471704578466 0.0013094149560700316 -0.0031816449220570453
+leaf_weight=73 57 44 48 39
+leaf_count=73 57 44 48 39
+internal_value=0 0.0275348 -0.034476 -0.036616
+internal_weight=0 149 92 112
+internal_count=261 149 92 112
+shrinkage=0.02
+
+
+Tree=5596
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 3
+split_gain=0.24581 0.82424 0.9808 1.46447
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00052419369667865156 -0.0014160111571410857 0.0027608984152908793 0.0022583712274616527 -0.0038402270209612994
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.014382 -0.0168818 -0.0615019
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5597
+num_leaves=4
+num_cat=0
+split_feature=6 2 1
+split_gain=0.250185 0.626338 2.08216
+threshold=48.500000000000007 19.500000000000004 7.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00099400530298450387 -0.0027264428025900902 0.0020602556379473265 0.0025933047004411793
+leaf_weight=77 69 63 52
+leaf_count=77 69 63 52
+internal_value=0 0.0208231 -0.0216742
+internal_weight=0 184 121
+internal_count=261 184 121
+shrinkage=0.02
+
+
+Tree=5598
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 9
+split_gain=0.252058 1.33634 3.45526 0.533467
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0014182308129818595 0.00096118207169457832 -0.0021795328885148004 0.0055939192319041211 -0.0021303390444058542
+leaf_weight=63 39 52 51 56
+leaf_count=63 39 52 51 56
+internal_value=0 0.0244311 0.0856639 -0.04265
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=5599
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.247666 1.46106 1.95987 4.20465
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0013147960888641858 0.0027684831547500287 -0.0080566433262491809 0.0011547601374842062 0.00072527176926630505
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0155865 -0.0612246 -0.163033
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=5600
+num_leaves=5
+num_cat=0
+split_feature=7 8 5 3
+split_gain=0.264042 0.852359 0.812777 1.06617
+threshold=58.500000000000007 50.500000000000007 64.200000000000003 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.00052060160557002109 0.0027751214806380638 -0.0031753836997427355 -0.0024645740425080741 0.0016578079019331851
+leaf_weight=73 47 39 52 50
+leaf_count=73 47 39 52 50
+internal_value=0 -0.0380217 0.0286111 -0.0218105
+internal_weight=0 112 149 102
+internal_count=261 112 149 102
+shrinkage=0.02
+
+
+Tree=5601
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 6
+split_gain=0.26044 0.599143 1.57082 0.24874
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0010125347108337162 -0.0007535114824306473 0.00022328887297622059 0.0043358869841506158 -0.0020145157261398077
+leaf_weight=77 55 45 44 40
+leaf_count=77 55 45 44 40
+internal_value=0 0.0212225 0.0750917 -0.0410591
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=5602
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 9
+split_gain=0.268558 1.3381 2.24075 0.514356
+threshold=8.5000000000000018 17.500000000000004 69.500000000000014 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0045909235488727175 0.00090372362129518006 -0.0016609486258247097 -0.0015524313056268686 -0.0021333607325414424
+leaf_weight=57 39 68 41 56
+leaf_count=57 39 68 41 56
+internal_value=0 0.0251656 0.100666 -0.0439198
+internal_weight=0 166 98 95
+internal_count=261 166 98 95
+shrinkage=0.02
+
+
+Tree=5603
+num_leaves=4
+num_cat=0
+split_feature=9 1 2
+split_gain=0.267344 0.62029 1.69085
+threshold=70.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0024262461299677579 0.0010747777873763137 -0.0019813535177744999 -0.0023840802206782637
+leaf_weight=72 72 67 50
+leaf_count=72 72 67 50
+internal_value=0 -0.0204688 0.0224005
+internal_weight=0 189 122
+internal_count=261 189 122
+shrinkage=0.02
+
+
+Tree=5604
+num_leaves=4
+num_cat=0
+split_feature=9 1 2
+split_gain=0.255978 0.594921 1.62322
+threshold=70.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0023777685727212343 0.0010533030436375411 -0.0019417679220975665 -0.0023364654126842507
+leaf_weight=72 72 67 50
+leaf_count=72 72 67 50
+internal_value=0 -0.0200601 0.021946
+internal_weight=0 189 122
+internal_count=261 189 122
+shrinkage=0.02
+
+
+Tree=5605
+num_leaves=4
+num_cat=0
+split_feature=6 2 1
+split_gain=0.247574 0.647319 2.01103
+threshold=48.500000000000007 19.500000000000004 7.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00098917574446396542 -0.0027031449249775557 0.0020847291353069904 0.0025256758189966017
+leaf_weight=77 69 63 52
+leaf_count=77 69 63 52
+internal_value=0 0.020723 -0.022464
+internal_weight=0 184 121
+internal_count=261 184 121
+shrinkage=0.02
+
+
+Tree=5606
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.242398 0.844201 0.636086 2.75626
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0019074256944353679 -0.0014068196356230606 0.0022824453314625546 -0.0029917149386333095 0.0043146919932137602
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0142932 -0.0254139 0.0348196
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=5607
+num_leaves=6
+num_cat=0
+split_feature=1 3 3 2 2
+split_gain=0.235968 1.2968 2.20008 1.48654 0.510223
+threshold=8.5000000000000018 75.500000000000014 65.500000000000014 15.500000000000002 17.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0031129873510053743 -0.0021325529268759334 -0.0027302962550209298 0.0053616094263468066 0.0021529238123793597 0.00087272140124664422
+leaf_weight=41 54 39 40 46 41
+leaf_count=41 54 39 40 46 41
+internal_value=0 0.0236954 0.0732567 -0.0160016 -0.0413719
+internal_weight=0 166 127 87 95
+internal_count=261 166 127 87 95
+shrinkage=0.02
+
+
+Tree=5608
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.23521 2.4919 2.54127 1.03212 1.58703
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0022622441994001952 -0.0014266053102830823 0.0048033120080601824 -0.0043266941713068089 0.003426789365671637 -0.0033311913706341794
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0137067 -0.0367494 0.0426601 -0.0228514
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5609
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.245303 0.859624 0.856289 0.829373
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0029657327809371288 -0.001359325603920106 0.0024534861496027637 -0.0022910318956362646 -0.00085503246317936708
+leaf_weight=40 47 56 63 55
+leaf_count=40 47 56 63 55
+internal_value=0 0.0149535 -0.0230104 0.0373148
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5610
+num_leaves=5
+num_cat=0
+split_feature=8 5 2 1
+split_gain=0.234791 0.833849 0.440634 2.33323
+threshold=72.500000000000014 65.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00078116579880159053 -0.0013321792951954989 0.0027071918778093979 0.001936511710031561 -0.0044506816773346742
+leaf_weight=76 47 46 45 47
+leaf_count=76 47 46 45 47
+internal_value=0 0.0146514 -0.0182042 -0.0659362
+internal_weight=0 214 168 92
+internal_count=261 214 168 92
+shrinkage=0.02
+
+
+Tree=5611
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 8
+split_gain=0.238399 1.83568 2.00299 0.74197
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00059813846745421857 0.0013246792414275429 -0.0042401093890638286 0.0041256940155898489 -0.0025278467007170155
+leaf_weight=73 48 39 47 54
+leaf_count=73 48 39 47 54
+internal_value=0 -0.0149339 0.029075 -0.0362693
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=5612
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.244513 0.662829 1.15489 1.8484
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0027103868722618148 0.001031181604596403 -0.0027493530289120524 -0.0015551464753949002 0.0036694444123849669
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0196396 0.010779 0.0643942
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=5613
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.234086 0.635766 1.10836 1.7746
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0026562734708721752 0.0010105783025050141 -0.002694464153513629 -0.0015240868593472932 0.0035961412370393458
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0192522 0.0105525 0.0631004
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=5614
+num_leaves=5
+num_cat=0
+split_feature=9 2 4 4
+split_gain=0.24253 0.865523 1.45742 1.08608
+threshold=42.500000000000007 17.500000000000004 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0013183467169995461 0.0025767859796332949 -0.0040281527228066575 -0.0019209804732312971 0.00038936467616030928
+leaf_weight=49 74 45 48 45
+leaf_count=49 74 45 48 45
+internal_value=0 -0.0152495 0.0400266 -0.0905963
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5615
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.236083 2.44801 2.50695 0.980336 1.53532
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0024530687518579926 -0.0014290879087778092 0.0047640086725700042 -0.0042932684497411569 0.0033612120117516649 -0.0030546518769837432
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0137279 -0.0362837 0.0425904 -0.021276
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5616
+num_leaves=6
+num_cat=0
+split_feature=1 3 3 7 9
+split_gain=0.24225 1.31483 2.0625 1.52512 0.559317
+threshold=8.5000000000000018 75.500000000000014 65.500000000000014 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0026254965869292879 0.001019005964776882 -0.0027464515888991486 0.0052512237773978086 -0.0027164050679007279 -0.002144465565798392
+leaf_weight=40 39 39 40 47 56
+leaf_count=40 39 39 40 47 56
+internal_value=0 0.0239824 0.0738801 -0.0125517 -0.0418784
+internal_weight=0 166 127 87 95
+internal_count=261 166 127 87 95
+shrinkage=0.02
+
+
+Tree=5617
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.245591 0.643476 1.11448 1.5815
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0026692051723290777 0.0010331908156504758 -0.0027165812258528781 -0.0010985556404704778 0.0037184139176037433
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.019684 0.0102964 0.0629866
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=5618
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 3
+split_gain=0.237465 0.799035 0.966678 1.51835
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00056706728619856028 -0.0013936999318975424 0.0027190870249490496 0.0022447784597340262 -0.0038761527933908651
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0141498 -0.0166407 -0.0609465
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5619
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.237885 1.79853 1.8232 2.12756
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0029957079585777751 0.0013233147536906031 -0.0042002086723540366 0.0023425513992481983 -0.0035856268591267192
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0149213 0.0286426 -0.0585634
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=5620
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 3
+split_gain=0.242123 0.598031 1.51209 0.777853
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0028917698167954297 0.0010264659246533958 0.00068991269762567239 -0.0044452339616865609 -0.00081094316341319796
+leaf_weight=40 72 53 41 55
+leaf_count=40 72 53 41 55
+internal_value=0 -0.0195529 -0.0771511 0.037033
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5621
+num_leaves=5
+num_cat=0
+split_feature=4 9 3 7
+split_gain=0.254995 1.1287 2.21283 1.53774
+threshold=49.500000000000007 54.500000000000007 64.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0015471090153069457 -0.0020070057923562822 0.0046283455508456016 0.0025004051943334038 -0.0024001919859924386
+leaf_weight=39 63 51 43 65
+leaf_count=39 63 51 43 65
+internal_value=0 0.0136218 0.0590563 -0.0220635
+internal_weight=0 222 159 108
+internal_count=261 222 159 108
+shrinkage=0.02
+
+
+Tree=5622
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 8
+split_gain=0.253817 1.75658 1.93946 0.67951
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00053516683347275436 0.0013636240996583128 -0.0041639574510165733 0.0040418630173587747 -0.0024594045870401557
+leaf_weight=73 48 39 47 54
+leaf_count=73 48 39 47 54
+internal_value=0 -0.015373 0.0276829 -0.0366237
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=5623
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 4
+split_gain=0.249934 0.626479 1.44903 0.772777
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0010345482790894188 0.0010416954192466671 0.00061118802706782414 -0.0044165741705041112 0.0026101912497613041
+leaf_weight=48 72 53 41 47
+leaf_count=48 72 53 41 47
+internal_value=0 -0.0198397 -0.0787461 0.0380409
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5624
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 8
+split_gain=0.24974 1.70177 1.89458 0.663559
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00052433671917400792 0.0013535417653720988 -0.0041016241278769208 0.0039906853860367224 -0.0024357845489123803
+leaf_weight=73 48 39 47 54
+leaf_count=73 48 39 47 54
+internal_value=0 -0.0152528 0.0271305 -0.0364325
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=5625
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 2
+split_gain=0.245735 1.19626 3.07189 1.6932
+threshold=49.500000000000007 25.500000000000004 7.5000000000000009 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0015207333840851227 -0.0031125902501964466 -0.0028817587866282147 0.0041511232209108561 0.0020530453835899067
+leaf_weight=39 68 40 73 41
+leaf_count=39 68 40 73 41
+internal_value=0 0.0133956 0.0482691 -0.0581074
+internal_weight=0 222 182 109
+internal_count=261 222 182 109
+shrinkage=0.02
+
+
+Tree=5626
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 3
+split_gain=0.258399 0.624156 1.43198 0.774978
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0028997197610751211 0.0010579279794605701 0.00059435723078145309 -0.0044040035806725084 -0.00079619026972027943
+leaf_weight=40 72 53 41 55
+leaf_count=40 72 53 41 55
+internal_value=0 -0.0201471 -0.0789465 0.0376278
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5627
+num_leaves=5
+num_cat=0
+split_feature=4 2 2 7
+split_gain=0.251911 0.568321 2.03044 0.453817
+threshold=53.500000000000007 17.500000000000004 11.500000000000002 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0011199832386926188 -0.00078483443799752615 0.00058164687548785659 0.0046850787794979519 -0.0024822368440135761
+leaf_weight=65 72 40 44 40
+leaf_count=65 72 40 44 40
+internal_value=0 0.0186035 0.0642321 -0.0470567
+internal_weight=0 196 116 80
+internal_count=261 196 116 80
+shrinkage=0.02
+
+
+Tree=5628
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.247341 1.37594 1.97895 0.552062
+threshold=8.5000000000000018 67.65000000000002 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0011826459519684843 -0.0022010783376855995 0.002988238390422851 -0.004473211810141535 0.00092102572122338853
+leaf_weight=69 54 58 39 41
+leaf_count=69 54 58 39 41
+internal_value=0 0.0242199 -0.042696 -0.0422772
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5629
+num_leaves=5
+num_cat=0
+split_feature=6 8 2 2
+split_gain=0.250015 0.642609 1.01781 2.56831
+threshold=48.500000000000007 56.500000000000007 17.500000000000004 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.00099361331297433456 0.0027295350947586323 -0.0023867230770040493 -0.0022184643740293655 0.0045856941805990595
+leaf_weight=77 39 41 60 44
+leaf_count=77 39 41 60 44
+internal_value=0 0.0208205 -0.0100622 0.0606964
+internal_weight=0 184 145 85
+internal_count=261 184 145 85
+shrinkage=0.02
+
+
+Tree=5630
+num_leaves=4
+num_cat=0
+split_feature=9 1 2
+split_gain=0.240843 0.5958 1.65564
+threshold=70.500000000000014 9.5000000000000018 17.500000000000004
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.0024085207678924514 0.0010240186344890592 -0.0019317648994490735 -0.0023519835651325612
+leaf_weight=72 72 67 50
+leaf_count=72 72 67 50
+internal_value=0 -0.0195021 0.0225355
+internal_weight=0 189 122
+internal_count=261 189 122
+shrinkage=0.02
+
+
+Tree=5631
+num_leaves=5
+num_cat=0
+split_feature=9 7 2 4
+split_gain=0.238336 0.765633 1.44762 2.55995
+threshold=42.500000000000007 55.500000000000007 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0013079316525685708 -0.002359985724167294 0.0022192364138310236 0.002908034867565907 -0.0042624045699233663
+leaf_weight=49 55 48 59 50
+leaf_count=49 55 48 59 50
+internal_value=0 -0.0151192 0.0207034 -0.0540124
+internal_weight=0 212 157 98
+internal_count=261 212 157 98
+shrinkage=0.02
+
+
+Tree=5632
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 3
+split_gain=0.231468 0.595232 1.35423 0.766039
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0028813393488768065 0.0010054988188883955 0.00058163797253658932 -0.0042807730928604007 -0.00079370943067379911
+leaf_weight=40 72 53 41 55
+leaf_count=40 72 53 41 55
+internal_value=0 -0.0191459 -0.0766152 0.0373123
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5633
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.242794 0.90585 1.44753 2.17966 0.762252
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0010769136649722603 0.0013192761231222159 -0.0030447462560352851 0.0034324758367446405 -0.0046472417528801262 0.0027238687925584754
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.0152438 0.0164317 -0.0383071 0.0505693
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=5634
+num_leaves=5
+num_cat=0
+split_feature=4 2 3 8
+split_gain=0.249786 0.557929 1.36072 2.73374
+threshold=53.500000000000007 21.500000000000004 72.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0011155803803774148 0.0026522260510769354 -0.0012973087160864599 0.0039999380497427149 -0.0042645139347958043
+leaf_weight=65 54 58 44 40
+leaf_count=65 54 58 44 40
+internal_value=0 0.0185315 0.0538872 -0.0141773
+internal_weight=0 196 138 94
+internal_count=261 196 138 94
+shrinkage=0.02
+
+
+Tree=5635
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.242886 0.745119 1.20997 1.1236
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016116099955850861 0.0011366532533980975 -0.0028257462913730599 0.0031085005649396126 -0.00245116559720357
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0177051 0.0131818 -0.0409556
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=5636
+num_leaves=5
+num_cat=0
+split_feature=6 9 9 4
+split_gain=0.236353 1.13312 0.817652 0.689103
+threshold=58.500000000000007 77.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0021615038545260141 0.0022014193350090362 -0.0019718681098106409 -0.0030644552800008214 -0.0011067081864753591
+leaf_weight=48 74 41 39 59
+leaf_count=48 74 41 39 59
+internal_value=0 0.0353152 -0.0277942 0.0176194
+internal_weight=0 115 146 107
+internal_count=261 115 146 107
+shrinkage=0.02
+
+
+Tree=5637
+num_leaves=6
+num_cat=0
+split_feature=6 5 9 2 6
+split_gain=0.238949 0.866103 0.378099 1.21693 1.69117
+threshold=70.500000000000014 67.050000000000011 42.500000000000007 12.500000000000002 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0012161458654901221 -0.0013975307441660798 0.003013413868117949 0.0016783554386486032 -0.0052700709771262436 0.00048884653220769981
+leaf_weight=49 44 39 47 41 41
+leaf_count=49 44 39 47 41 41
+internal_value=0 0.0141995 -0.0155243 -0.0448457 -0.119145
+internal_weight=0 217 178 129 82
+internal_count=261 217 178 129 82
+shrinkage=0.02
+
+
+Tree=5638
+num_leaves=6
+num_cat=0
+split_feature=4 2 6 3 5
+split_gain=0.236137 1.12481 3.12583 1.13503 2.95277
+threshold=49.500000000000007 25.500000000000004 49.500000000000007 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0014929857271114883 0.0058902347242561458 -0.0027925213215682521 0.001329354855869143 0.0020243735187551277 -0.0058795193604156215
+leaf_weight=39 40 40 53 49 40
+leaf_count=39 40 40 53 49 40
+internal_value=0 0.013153 0.0469913 -0.0225619 -0.0882365
+internal_weight=0 222 182 142 93
+internal_count=261 222 182 142 93
+shrinkage=0.02
+
+
+Tree=5639
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=0.245079 0.835771 0.960411 1.23677
+threshold=72.050000000000026 63.500000000000007 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0030184300356448563 0.001325005956107247 -0.002824843318647261 0.0023087667381449699 0.0013285485533911425
+leaf_weight=53 49 43 63 53
+leaf_count=53 49 43 63 53
+internal_value=0 -0.0153096 0.0165411 -0.0418978
+internal_weight=0 212 169 106
+internal_count=261 212 169 106
+shrinkage=0.02
+
+
+Tree=5640
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.241685 2.25766 2.50212 1.98327
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0006357297209683766 0.0011223406132782566 0.00054003140395089601 -0.0058662281487558924 0.0050860897547095876
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0178444 -0.12631 0.0880658
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=5641
+num_leaves=5
+num_cat=0
+split_feature=5 2 8 4
+split_gain=0.25153 0.791962 1.57373 1.01883
+threshold=70.000000000000014 24.500000000000004 61.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019464800915369681 0.0011553790818630391 0.0021396466801571153 -0.0045193685335685211 0.0018100976869091789
+leaf_weight=53 62 41 39 66
+leaf_count=53 62 41 39 66
+internal_value=0 -0.0179844 -0.0506985 0.00650603
+internal_weight=0 199 158 119
+internal_count=261 199 158 119
+shrinkage=0.02
+
+
+Tree=5642
+num_leaves=5
+num_cat=0
+split_feature=6 9 9 4
+split_gain=0.256005 1.11325 0.84259 0.722889
+threshold=58.500000000000007 77.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0021968089026424727 0.0022151652548627622 -0.0019217383283110382 -0.0031221603733180641 -0.0011485697572730168
+leaf_weight=48 74 41 39 59
+leaf_count=48 74 41 39 59
+internal_value=0 0.0366523 -0.0288315 0.0172572
+internal_weight=0 115 146 107
+internal_count=261 115 146 107
+shrinkage=0.02
+
+
+Tree=5643
+num_leaves=5
+num_cat=0
+split_feature=6 9 9 5
+split_gain=0.245027 1.06849 0.808466 0.56106
+threshold=58.500000000000007 77.500000000000014 58.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.00095692793330615187 0.002170903916516349 -0.0018833687059519599 -0.0030598289142537978 0.0020073000436784459
+leaf_weight=60 74 41 39 47
+leaf_count=60 74 41 39 47
+internal_value=0 0.0359124 -0.0282558 0.0169053
+internal_weight=0 115 146 107
+internal_count=261 115 146 107
+shrinkage=0.02
+
+
+Tree=5644
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.248038 2.2104 2.45042 1.94429
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00063870270342142831 0.0011358186077392691 0.00052651996642427018 -0.0058135732985591347 0.0050271157875465822
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0180629 -0.125398 0.0867399
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=5645
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 8
+split_gain=0.24937 1.63325 1.93001 0.716971
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00054413602506558098 0.0013527286725708899 -0.0040249984934716265 0.004005703971040003 -0.0025297006096574454
+leaf_weight=73 48 39 47 54
+leaf_count=73 48 39 47 54
+internal_value=0 -0.0152366 0.0262905 -0.0378614
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=5646
+num_leaves=5
+num_cat=0
+split_feature=9 2 7 7
+split_gain=0.254341 0.643472 1.71242 0.821507
+threshold=72.500000000000014 6.5000000000000009 65.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=0.0018243176323481272 0.0011491996979904105 -0.00098653384135793378 -0.0046220949372276195 0.0025926426416744103
+leaf_weight=43 63 76 39 40
+leaf_count=43 63 76 39 40
+internal_value=0 -0.0182689 -0.0489275 0.0120796
+internal_weight=0 198 155 116
+internal_count=261 198 155 116
+shrinkage=0.02
+
+
+Tree=5647
+num_leaves=5
+num_cat=0
+split_feature=5 3 7 5
+split_gain=0.245021 0.800588 1.63584 0.564114
+threshold=70.000000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013760744162755706 0.0011414977843075419 0.0020124881997760709 -0.0039564209416385618 0.0016925283965943201
+leaf_weight=42 62 45 52 60
+leaf_count=42 62 45 52 60
+internal_value=0 -0.0177649 -0.0526488 0.0210536
+internal_weight=0 199 154 102
+internal_count=261 199 154 102
+shrinkage=0.02
+
+
+Tree=5648
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.238909 2.10342 2.3665 1.86597
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00063525339509937055 0.0011165237321029739 0.00053276931852049762 -0.0056985601262983451 0.0049163069459316373
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0177419 -0.122475 0.0845108
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=5649
+num_leaves=6
+num_cat=0
+split_feature=5 6 5 6 2
+split_gain=0.250954 0.803772 0.94363 0.50926 0.725785
+threshold=72.050000000000026 63.500000000000007 58.20000000000001 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0022728298831884274 0.0013398577829218212 -0.0027804124381783282 0.0030277665780909734 -0.0024315450984044714 -0.001388423846441392
+leaf_weight=42 49 43 40 40 47
+leaf_count=42 49 43 40 40 47
+internal_value=0 -0.0154659 0.0157791 -0.0260197 0.0165403
+internal_weight=0 212 169 129 89
+internal_count=261 212 169 129 89
+shrinkage=0.02
+
+
+Tree=5650
+num_leaves=5
+num_cat=0
+split_feature=7 8 2 9
+split_gain=0.244187 0.819654 0.786387 1.73628
+threshold=58.500000000000007 50.500000000000007 11.500000000000002 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.00052353936812286103 -0.0014187800065483191 -0.0031024854762004344 -0.00077503432128216924 0.0046513076618379529
+leaf_weight=73 53 39 53 43
+leaf_count=73 53 39 53 43
+internal_value=0 -0.0366553 0.0276065 0.0824403
+internal_weight=0 112 149 96
+internal_count=261 112 149 96
+shrinkage=0.02
+
+
+Tree=5651
+num_leaves=4
+num_cat=0
+split_feature=6 2 3
+split_gain=0.240215 0.680536 1.27003
+threshold=48.500000000000007 19.500000000000004 65.500000000000014
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00097519295989299272 -0.0030252027804226101 0.0021203668123406165 0.0011903096930638408
+leaf_weight=77 48 63 73
+leaf_count=77 48 63 73
+internal_value=0 0.0204504 -0.0238067
+internal_weight=0 184 121
+internal_count=261 184 121
+shrinkage=0.02
+
+
+Tree=5652
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.243716 0.898391 0.696945 1.0707 1.44912
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 48.95000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.001002749966345498 -0.0014100767573329471 0.0030655369953194451 -0.0026386915609904501 -0.0023974674870939901 0.0039091860373053032
+leaf_weight=47 44 39 41 40 50
+leaf_count=47 44 39 41 40 50
+internal_value=0 0.0143425 -0.0159219 0.0185551 0.0760964
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=5653
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 3
+split_gain=0.233243 0.875998 0.986115 1.41008
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00046350754386598815 -0.0013819204659176057 0.0028289451646729071 0.0022394651442002029 -0.0038197988053075135
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0140486 -0.0181664 -0.0629017
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5654
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 8
+split_gain=0.242817 1.71276 1.91298 0.660921
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00052258620643535786 0.0013362049400986221 -0.0041096508498383449 0.0040139920399501526 -0.0024317999916374741
+leaf_weight=73 48 39 47 54
+leaf_count=73 48 39 47 54
+internal_value=0 -0.0150485 0.0274707 -0.0363981
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=5655
+num_leaves=4
+num_cat=0
+split_feature=6 2 1
+split_gain=0.237497 0.639273 2.06341
+threshold=48.500000000000007 19.500000000000004 7.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00097012480515689422 -0.0027343503361295755 0.0020670359613250136 0.0025615135237606057
+leaf_weight=77 69 63 52
+leaf_count=77 69 63 52
+internal_value=0 0.0203413 -0.0225835
+internal_weight=0 184 121
+internal_count=261 184 121
+shrinkage=0.02
+
+
+Tree=5656
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.239122 0.856777 0.664923 1.02882 1.41331
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 48.95000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00099811956267435893 -0.0013977706065646154 0.0029993330230943561 -0.002574934194434551 -0.0023478831778091479 0.0038535121087426077
+leaf_weight=47 44 39 41 40 50
+leaf_count=47 44 39 41 40 50
+internal_value=0 0.0142156 -0.0153502 0.0183425 0.0747728
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=5657
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 8
+split_gain=0.233758 1.66052 1.83115 0.65548
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00053721248051267622 0.0013128945354968216 -0.0040466777417004982 0.0039320724614998175 -0.0024054568827383748
+leaf_weight=73 48 39 47 54
+leaf_count=73 48 39 47 54
+internal_value=0 -0.0147909 0.0270793 -0.0354171
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=5658
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.238464 0.845033 1.01651 1.42986
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00080434672154437704 -0.0013960758239091699 0.0027874177450870801 0.0022928776413655371 -0.0034281347742691386
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.0141934 -0.017456 -0.062861
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5659
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 8
+split_gain=0.233065 1.63199 1.76723 0.632058
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00053048504799690064 0.0013112105430877455 -0.0040141961384695269 0.0038664003120806919 -0.0023606316709730087
+leaf_weight=73 48 39 47 54
+leaf_count=73 48 39 47 54
+internal_value=0 -0.0147651 0.0267463 -0.0346568
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=5660
+num_leaves=5
+num_cat=0
+split_feature=6 5 4 6
+split_gain=0.237877 0.82496 0.665427 0.720615
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00093255734699689507 -0.0013943811460724218 0.0029489649023688108 -0.002565587309552191 0.0020217030617771864
+leaf_weight=76 44 39 41 61
+leaf_count=76 44 39 41 61
+internal_value=0 0.0141828 -0.0148377 0.0188684
+internal_weight=0 217 178 137
+internal_count=261 217 178 137
+shrinkage=0.02
+
+
+Tree=5661
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 8
+split_gain=0.230928 1.5947 1.6912 0.616993
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00053447573757112903 0.0013056431564095364 -0.0039707708375546092 0.0037865725090631846 -0.0023230614231367834
+leaf_weight=73 48 39 47 54
+leaf_count=73 48 39 47 54
+internal_value=0 -0.0147036 0.0263343 -0.0337427
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=5662
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.237215 0.826118 1.02487 1.39881
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00078477866754817665 -0.0013926093981755355 0.0027593035278121224 0.0023099900983630708 -0.0034020041398183094
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.0141636 -0.0171355 -0.0627234
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5663
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.230271 1.56813 1.63451 2.01289
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0028160851259221458 0.0013040416334184758 -0.0039399148672933553 0.0022866210379096493 -0.0034809914311176734
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0146789 0.0260182 -0.0565903
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=5664
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.237725 0.939572 1.2773 2.27944
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0027318531496434966 0.0011139997345191166 -0.0030366970168345607 -0.0012699618407954428 0.0043550975599618699
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0176997 0.0182093 0.071984
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=5665
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.231943 0.892551 0.960387 0.742514
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00096551121129038824 -0.0013243262047774732 0.0024861634685985966 -0.0024180437941993117 0.0026084211678268905
+leaf_weight=48 47 56 63 47
+leaf_count=48 47 56 63 47
+internal_value=0 0.0145886 -0.0240842 0.0397424
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5666
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 4
+split_gain=0.23228 1.55472 1.63867 0.855912
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0008378339439897907 0.0013091587547901791 -0.0039257684392348747 0.003277910621190453 -0.0026298429835369063
+leaf_weight=59 48 39 58 57
+leaf_count=59 48 39 58 57
+internal_value=0 -0.014743 0.025781 -0.0429888
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=5667
+num_leaves=5
+num_cat=0
+split_feature=9 9 8 9
+split_gain=0.237109 0.636593 1.35137 0.501763
+threshold=70.500000000000014 55.500000000000007 63.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00083623217199527936 0.0010168998981334308 0.00053731110583641944 -0.0043197683777024291 0.0021306720029599202
+leaf_weight=43 72 53 41 52
+leaf_count=43 72 53 41 52
+internal_value=0 -0.01935 -0.0787168 0.0389858
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=5668
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=0.229174 0.870967 0.916106 1.20764
+threshold=72.050000000000026 63.500000000000007 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0029437366781209806 0.0012848246060820445 -0.0028666561464851521 0.0022860846983067148 0.0013527535228646586
+leaf_weight=53 49 43 63 53
+leaf_count=53 49 43 63 53
+internal_value=0 -0.014834 0.0176702 -0.0394237
+internal_weight=0 212 169 106
+internal_count=261 212 169 106
+shrinkage=0.02
+
+
+Tree=5669
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 3
+split_gain=0.235902 0.80712 1.00396 1.47798
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00052337179067024424 -0.0013889563030224958 0.0027307256602472746 0.0022897422427976379 -0.0038608692472810275
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.014132 -0.0168112 -0.0619428
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5670
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 8
+split_gain=0.23035 0.820073 0.875043 0.773135
+threshold=69.500000000000014 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00053170158673983791 0.001304334707671301 -0.0027548238522805729 0.0023852243522890022 -0.0029924593066082972
+leaf_weight=73 48 44 57 39
+leaf_count=73 48 44 57 39
+internal_value=0 -0.0146769 0.0171706 -0.0344713
+internal_weight=0 213 169 112
+internal_count=261 213 169 112
+shrinkage=0.02
+
+
+Tree=5671
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.235314 0.866759 0.650787 1.0342 1.3886
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 48.95000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00098583456751695974 -0.0013872664523403311 0.0030128537206156104 -0.0025566610241853499 -0.0023672541518564797 0.003823680251878442
+leaf_weight=47 44 39 41 40 50
+leaf_count=47 44 39 41 40 50
+internal_value=0 0.0141205 -0.0156145 0.0177255 0.0743012
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=5672
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 8
+split_gain=0.228216 0.807231 0.851438 0.756267
+threshold=69.500000000000014 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0005285777766025555 0.0012986679141750101 -0.0027347865250677596 0.002354397795048699 -0.0029578627806537317
+leaf_weight=73 48 44 57 39
+leaf_count=73 48 44 57 39
+internal_value=0 -0.0146189 0.0169826 -0.0339701
+internal_weight=0 213 169 112
+internal_count=261 213 169 112
+shrinkage=0.02
+
+
+Tree=5673
+num_leaves=5
+num_cat=0
+split_feature=6 5 7 5
+split_gain=0.234629 0.865721 0.459893 0.539872
+threshold=70.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013096398639372928 -0.0013854976097810343 0.0026480233297283403 -0.0017346518177190095 0.0016941324019761495
+leaf_weight=42 44 49 66 60
+leaf_count=42 44 49 66 60
+internal_value=0 0.0140968 -0.0202114 0.0224699
+internal_weight=0 217 168 102
+internal_count=261 217 168 102
+shrinkage=0.02
+
+
+Tree=5674
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.228424 0.825191 1.85122 3.16849 0.737609
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 63.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0012828620659107342 0.0037332119363741386 -0.00276351596469481 -0.0053364357729369987 0.0034094030590261191 -0.00051515330835349244
+leaf_weight=49 47 44 43 39 39
+leaf_count=49 47 44 43 39 39
+internal_value=0 -0.014813 0.0173024 -0.0482208 0.0719088
+internal_weight=0 212 168 121 78
+internal_count=261 212 168 121 78
+shrinkage=0.02
+
+
+Tree=5675
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 6
+split_gain=0.236537 0.620921 1.72132 0.279301
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.00096830468134215264 -0.00085801583691952517 0.00024170915895193939 0.0044675013399297272 -0.0021207623759394783
+leaf_weight=77 55 45 44 40
+leaf_count=77 55 45 44 40
+internal_value=0 0.0203039 0.0751145 -0.0430734
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=5676
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 4
+split_gain=0.235332 1.51533 1.69698 0.614219
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00080716609609234003 0.0013170394436724598 -0.0038818676284215689 0.0037690481198474762 -0.0020189762514550309
+leaf_weight=59 48 39 47 68
+leaf_count=59 48 39 47 68
+internal_value=0 -0.0148327 0.0251786 -0.0350013
+internal_weight=0 213 174 127
+internal_count=261 213 174 127
+shrinkage=0.02
+
+
+Tree=5677
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.247581 2.01219 2.4124 1.84864
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0046615726540920237 0.0011349827245017211 0.00060099784329326414 -0.0056903457939181589 -0.00082100426232628631
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0180409 -0.120501 0.0819848
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=5678
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=0.240949 0.800832 0.892512 1.2035
+threshold=72.050000000000026 63.500000000000007 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0029587789886478923 0.0013148215135841473 -0.0027703364062660776 0.0022285017621381095 0.0013303290133155491
+leaf_weight=53 49 43 63 53
+leaf_count=53 49 43 63 53
+internal_value=0 -0.015181 0.0160081 -0.040361
+internal_weight=0 212 169 106
+internal_count=261 212 169 106
+shrinkage=0.02
+
+
+Tree=5679
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 9
+split_gain=0.23757 1.93067 2.01279 1.78786
+threshold=72.500000000000014 6.5000000000000009 51.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00067063804318772671 0.0011136546569863231 0.0011637699524703954 -0.0047041747835216462 0.0047647904734133203
+leaf_weight=58 63 39 59 42
+leaf_count=58 63 39 59 42
+internal_value=0 -0.0176948 -0.118083 0.0802992
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=5680
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 8
+split_gain=0.243718 0.748372 0.844403 0.752474
+threshold=69.500000000000014 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00049763954937278579 0.0013386981966082856 -0.0026551450949245932 0.0023144332932698991 -0.002980006047304494
+leaf_weight=73 48 44 57 39
+leaf_count=73 48 44 57 39
+internal_value=0 -0.015064 0.0153837 -0.0353646
+internal_weight=0 213 169 112
+internal_count=261 213 169 112
+shrinkage=0.02
+
+
+Tree=5681
+num_leaves=5
+num_cat=0
+split_feature=5 3 7 5
+split_gain=0.239208 0.796905 1.61612 0.527565
+threshold=70.000000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013217538702079198 0.0011290857460171545 0.0020112677663234059 -0.0039334358904809085 0.0016490450789195361
+leaf_weight=42 62 45 52 60
+leaf_count=42 62 45 52 60
+internal_value=0 -0.0175602 -0.0523665 0.0208935
+internal_weight=0 199 154 102
+internal_count=261 199 154 102
+shrinkage=0.02
+
+
+Tree=5682
+num_leaves=5
+num_cat=0
+split_feature=6 8 9 9
+split_gain=0.230342 0.610366 0.991554 0.956033
+threshold=48.500000000000007 56.500000000000007 61.500000000000007 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.00095630226873100177 0.0026575952901051786 -0.0026538345416300671 0.0026398704199546981 -0.0013678426439855057
+leaf_weight=77 39 46 57 42
+leaf_count=77 39 46 57 42
+internal_value=0 0.0200691 -0.0100468 0.0465894
+internal_weight=0 184 145 99
+internal_count=261 184 145 99
+shrinkage=0.02
+
+
+Tree=5683
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 2
+split_gain=0.233993 0.909212 0.475226 1.33492
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0012621102417853937 -0.001383690120399147 0.0027051279805441215 0.0015074648378709333 -0.0028484606113612027
+leaf_weight=49 44 49 47 72
+leaf_count=49 44 49 47 72
+internal_value=0 0.0140831 -0.0210628 -0.056073
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=5684
+num_leaves=5
+num_cat=0
+split_feature=5 2 4 9
+split_gain=0.228221 0.760937 1.52883 1.84367
+threshold=70.000000000000014 24.500000000000004 64.500000000000014 44.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0032124585782837799 0.0011049403408663811 0.0021074120325562666 -0.0040267363961668115 0.0022102075385806437
+leaf_weight=39 62 41 47 72
+leaf_count=39 62 41 47 72
+internal_value=0 -0.0171819 -0.0492692 0.014846
+internal_weight=0 199 158 111
+internal_count=261 199 158 111
+shrinkage=0.02
+
+
+Tree=5685
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.228721 0.785827 1.75021 3.08845
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 67.65000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0012838703950262371 0.0036254561459279594 -0.0027053165193693641 -0.0043989438032198238 0.0020225569803456072
+leaf_weight=49 47 44 56 65
+leaf_count=49 47 44 56 65
+internal_value=0 -0.0148098 0.0165435 -0.0471797
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=5686
+num_leaves=5
+num_cat=0
+split_feature=5 5 8 2
+split_gain=0.245306 0.682378 0.652324 0.924241
+threshold=53.500000000000007 48.45000000000001 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.00085929808948004532 0.0023722793107209517 -0.0025169675221311015 -0.0017680787747882836 0.0020681839447634935
+leaf_weight=49 52 49 71 40
+leaf_count=49 52 49 71 40
+internal_value=0 -0.0410634 0.024756 -0.0189003
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=5687
+num_leaves=4
+num_cat=0
+split_feature=4 2 2
+split_gain=0.237411 0.576074 1.35141
+threshold=53.500000000000007 21.500000000000004 11.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0010891808261423595 -0.00081922448510946347 -0.0013315447495452545 0.0031640422479134664
+leaf_weight=65 72 58 66
+leaf_count=65 72 58 66
+internal_value=0 0.0181272 0.054033
+internal_weight=0 196 138
+internal_count=261 196 138
+shrinkage=0.02
+
+
+Tree=5688
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 2
+split_gain=0.235881 0.865509 0.465502 1.30579
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0012634413737203187 -0.0013887722980267395 0.0026485547677839462 0.0015037242665218906 -0.0028051079690468799
+leaf_weight=49 44 49 47 72
+leaf_count=49 44 49 47 72
+internal_value=0 0.0141378 -0.0201662 -0.0548349
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=5689
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 3
+split_gain=0.225788 0.842252 0.963513 1.35649
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0004493647338601345 -0.0013610409775341831 0.0027767529566325323 0.0022185597930713011 -0.003752756523655591
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0138596 -0.0177389 -0.0619716
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5690
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 8
+split_gain=0.234484 0.800931 0.895903 0.731567
+threshold=69.500000000000014 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00047728019959095884 0.0013152306261393937 -0.0027288495509673709 0.0023993165634633865 -0.0029527777183962073
+leaf_weight=73 48 44 57 39
+leaf_count=73 48 44 57 39
+internal_value=0 -0.0147889 0.016691 -0.0355537
+internal_weight=0 213 169 112
+internal_count=261 213 169 112
+shrinkage=0.02
+
+
+Tree=5691
+num_leaves=4
+num_cat=0
+split_feature=4 2 2
+split_gain=0.232741 0.563553 1.30848
+threshold=53.500000000000007 21.500000000000004 11.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0010792463110562056 -0.00079994331707781724 -0.0013168848283230919 0.0031203480249470121
+leaf_weight=65 72 58 66
+leaf_count=65 72 58 66
+internal_value=0 0.0179625 0.0534908
+internal_weight=0 196 138
+internal_count=261 196 138
+shrinkage=0.02
+
+
+Tree=5692
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.228045 0.755083 0.739765 1.62944
+threshold=55.500000000000007 52.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0029350989690133688 -0.002337805174509155 -0.00071354420318866737 -0.0013948323612120669 0.0036772671045832081
+leaf_weight=40 57 55 68 41
+leaf_count=40 57 55 68 41
+internal_value=0 0.0407671 -0.0232852 0.0253411
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=5693
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 2
+split_gain=0.247659 0.853486 0.439987 1.28442
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0012299229470974611 -0.0014204529249697876 0.0026387665458881423 0.0015120979941572535 -0.0027619407611724762
+leaf_weight=49 44 49 47 72
+leaf_count=49 44 49 47 72
+internal_value=0 0.0144557 -0.0196128 -0.053363
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=5694
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 3
+split_gain=0.237101 0.833395 0.929767 1.31135
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0004460437556208379 -0.0013920888638777717 0.0027700780648235186 0.0021834452523648508 -0.0036864968176787347
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0141711 -0.0172632 -0.0607342
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5695
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 5
+split_gain=0.240558 2.38712 1.71376 0.535648
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013495572146169075 -0.0014409047622691432 0.0034709042001730456 -0.0041052559294158146 0.0016433096611700221
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.013878 -0.0547846 0.0201517
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=5696
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.2389 0.799359 0.914264 0.751767
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00096171172091240244 -0.0013423384843496652 0.0023752667434514901 -0.0023272091005217808 0.0026338032429350493
+leaf_weight=48 47 56 63 47
+leaf_count=48 47 56 63 47
+internal_value=0 0.014796 -0.0218364 0.0404668
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5697
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.235808 1.18685 0.776179 0.807625 0.353738
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0012943206599993009 0.0005385387404925505 0.0034413274553735267 -0.002506491351399714 0.002643294393296637 -0.0020954319026177922
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.021973 -0.0237185 0.0344391 -0.0446098
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5698
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 2
+split_gain=0.227337 1.04418 0.685786 0.890904
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.00092676781383504211 0.002401297603661757 -0.0033042639924577267 -0.0017821856157151025 0.0019853271647361794
+leaf_weight=58 52 40 71 40
+leaf_count=58 52 40 71 40
+internal_value=0 -0.0396576 0.0238939 -0.0208463
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=5699
+num_leaves=5
+num_cat=0
+split_feature=4 2 5 6
+split_gain=0.229656 0.574132 1.39057 0.782809
+threshold=53.500000000000007 20.500000000000004 67.65000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0010728432635420458 0.0014714405564379138 -0.0012550366784766886 0.0036062867669669416 -0.0025277419774701248
+leaf_weight=65 39 62 54 41
+leaf_count=65 39 62 54 41
+internal_value=0 0.0178423 0.0554437 -0.0284284
+internal_weight=0 196 134 80
+internal_count=261 196 134 80
+shrinkage=0.02
+
+
+Tree=5700
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.237435 0.80456 0.863199 1.2833
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00078116375680624395 -0.0013931277397337862 0.0027277592437889991 0.0021038159752733345 -0.0032314248482098818
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.0141735 -0.0167214 -0.0586482
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5701
+num_leaves=5
+num_cat=0
+split_feature=8 5 7 5
+split_gain=0.229575 0.819421 0.385246 0.490485
+threshold=72.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012562455908916245 -0.0013179758214376927 0.0026842085396115317 -0.0015838392063765589 0.0016118308849693516
+leaf_weight=42 47 46 66 60
+leaf_count=42 47 46 66 60
+internal_value=0 0.0145255 -0.0180496 0.0211484
+internal_weight=0 214 168 102
+internal_count=261 214 168 102
+shrinkage=0.02
+
+
+Tree=5702
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.249199 1.14147 0.748019 0.762534 0.251488
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0012311623765087934 0.00011645596163092246 0.0033955906613453014 -0.00244164281581846 0.0025972532320941493 -0.0021199308036605048
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0225379 -0.0222804 0.0348353 -0.0457654
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5703
+num_leaves=6
+num_cat=0
+split_feature=9 5 9 2 7
+split_gain=0.238451 1.09559 0.527388 0.389522 0.317695
+threshold=67.500000000000014 62.400000000000006 42.500000000000007 15.500000000000002 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=0.0012371088658230402 0.00046201537660482076 0.0033277945304282658 -0.0028479682961635297 -5.1923115374886014e-05 -0.0020404219578469612
+leaf_weight=49 39 41 41 44 47
+leaf_count=49 39 41 41 44 47
+internal_value=0 0.0220835 -0.0218354 -0.0705621 -0.0448424
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5704
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.235511 0.936369 0.910274 0.732031
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00050900537403514789 0.001301051616085652 -0.0029630345831635325 0.0024546820772327095 -0.0029223835392012936
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.0150219 0.0186622 -0.0339897
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=5705
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.227268 0.7482 0.692967 1.73297
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0029242592231731464 -0.0021424485668622693 -0.0007080944856844906 -0.0015157638898936508 0.0038303772054216587
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0406965 -0.0232553 0.0276919
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=5706
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 9 5
+split_gain=0.240623 0.761393 0.598468 1.00946 1.34596
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 58.500000000000007 48.95000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00094842807604472853 -0.0014017808291615611 0.0028482481874649501 -0.0024281692654366093 -0.0023221865232400775 0.0037874468180717573
+leaf_weight=47 44 39 41 40 50
+leaf_count=47 44 39 41 40 50
+internal_value=0 0.0142583 -0.0136407 0.0183647 0.0742737
+internal_weight=0 217 178 137 97
+internal_count=261 217 178 137 97
+shrinkage=0.02
+
+
+Tree=5707
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.235552 2.27539 2.429 1.06292 1.64262
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0022996317338404744 -0.001427361838641772 0.0046041710304743876 -0.004202201503503338 0.003473909093615616 -0.0033897717028209206
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0137259 -0.0344978 0.0431469 -0.0233232
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5708
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.24028 1.14677 0.647451 2.71437
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0018481599694071128 -0.0011070372011563103 0.0033165131159355217 -0.0028812177184654435 0.0043693907556438608
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0180183 -0.0218315 0.0389362
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=5709
+num_leaves=5
+num_cat=0
+split_feature=8 5 9 2
+split_gain=0.237907 0.76768 0.393933 1.27783
+threshold=72.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0012027441643881463 -0.0013401028752763838 0.0026137453690252103 0.0015964918618296424 -0.0026672369850621377
+leaf_weight=49 47 46 47 72
+leaf_count=49 47 46 47 72
+internal_value=0 0.0147506 -0.0167972 -0.0488288
+internal_weight=0 214 168 119
+internal_count=261 214 168 119
+shrinkage=0.02
+
+
+Tree=5710
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.235708 2.20756 2.38089 0.998579 1.5743
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0022815737743380042 -0.001427790824370824 0.0045398354771311582 -0.0041530739052100434 0.0033942184273692811 -0.003289842195334743
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0137303 -0.0337726 0.0431033 -0.0213465
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5711
+num_leaves=5
+num_cat=0
+split_feature=4 6 7 7
+split_gain=0.243964 0.969492 1.04966 0.515939
+threshold=73.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001320650599104807 -0.0012157021420395734 0.002396359941168436 -0.0034153322814094891 0.001641309320331292
+leaf_weight=40 56 64 39 62
+leaf_count=40 56 64 39 62
+internal_value=0 0.016642 -0.0299424 0.0235905
+internal_weight=0 205 141 102
+internal_count=261 205 141 102
+shrinkage=0.02
+
+
+Tree=5712
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.245813 1.08059 0.627406 2.64763
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0018001308007545972 -0.001118818776955587 0.003235163924237569 -0.0028277162292240665 0.0043337183604196215
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.018205 -0.0204908 0.0393555
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=5713
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.238855 2.15057 2.33037 0.950359 1.52368
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0022667402677686937 -0.0014366868636494497 0.0044864796065974787 -0.0041025061071167978 0.0033310278130167029 -0.003215606596096811
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0138077 -0.033081 0.0429793 -0.0199145
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5714
+num_leaves=5
+num_cat=0
+split_feature=4 6 8 5
+split_gain=0.25032 0.908064 1.03038 0.53283
+threshold=73.500000000000014 58.500000000000007 54.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012269663896490467 -0.001230388300930867 0.0023351426102571041 -0.003308124890016861 0.0017675070922467961
+leaf_weight=42 56 64 40 59
+leaf_count=42 56 64 40 59
+internal_value=0 0.0168343 -0.0282726 0.0257189
+internal_weight=0 205 141 101
+internal_count=261 205 141 101
+shrinkage=0.02
+
+
+Tree=5715
+num_leaves=5
+num_cat=0
+split_feature=3 3 8 7
+split_gain=0.253339 1.03584 0.565843 0.517933
+threshold=71.500000000000014 65.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012858536235578145 -0.001134679356954186 0.0031811569571594234 -0.0020719191153653121 0.0016908028193790509
+leaf_weight=40 64 42 54 61
+leaf_count=40 64 42 54 61
+internal_value=0 0.0184543 -0.0194414 0.025197
+internal_weight=0 197 155 101
+internal_count=261 197 155 101
+shrinkage=0.02
+
+
+Tree=5716
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 1
+split_gain=0.242499 0.99413 0.560356 1.25882
+threshold=71.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0024917116238694381 -0.0011120107251350131 0.0031176395741025031 -0.0018417252135943586 0.0023559976855470591
+leaf_weight=39 64 42 56 60
+leaf_count=39 64 42 56 60
+internal_value=0 0.0180817 -0.0190533 0.0161365
+internal_weight=0 197 155 116
+internal_count=261 197 155 116
+shrinkage=0.02
+
+
+Tree=5717
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.241951 2.11877 2.26885 0.913849 1.5031
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0024626368229304367 -0.0014454516773469638 0.0044569806104174034 -0.0040488350305882825 0.0032723648139522002 -0.0029879507929128201
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0138801 -0.0326623 0.0423924 -0.0192981
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5718
+num_leaves=5
+num_cat=0
+split_feature=4 6 7 7
+split_gain=0.254597 0.84364 0.997129 0.506267
+threshold=73.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012628329936103509 -0.0012402759194596658 0.0022670101163441074 -0.0032777508708074143 0.0016717411231520248
+leaf_weight=40 56 64 39 62
+leaf_count=40 56 64 39 62
+internal_value=0 0.0169573 -0.0265466 0.0256507
+internal_weight=0 205 141 102
+internal_count=261 205 141 102
+shrinkage=0.02
+
+
+Tree=5719
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.246858 0.760789 0.884822 0.69633
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00089481417482611492 -0.0013634953931937978 0.002329560038926811 -0.0022758991279408503 0.0025685971164895851
+leaf_weight=48 47 56 63 47
+leaf_count=48 47 56 63 47
+internal_value=0 0.0149875 -0.0207664 0.0405439
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5720
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 9 3
+split_gain=0.243845 2.06064 2.18234 0.754818 2.00397
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0029550295844878644 -0.0014507882269544318 0.0044006831086065698 -0.0039704270036635741 0.0030812407518089153 -0.0032883962265764831
+leaf_weight=40 42 40 55 41 43
+leaf_count=40 42 40 55 41 43
+internal_value=0 0.0139242 -0.0319786 0.0416391 -0.0134966
+internal_weight=0 219 179 124 83
+internal_count=261 219 179 124 83
+shrinkage=0.02
+
+
+Tree=5721
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.263963 0.96163 0.588571 2.59057
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001702929376703998 -0.0011567562106087983 0.003087356236776802 -0.0027700302705789153 0.0043142180392372097
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0187976 -0.0177327 0.0402877
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=5722
+num_leaves=5
+num_cat=0
+split_feature=4 6 8 5
+split_gain=0.252871 0.790672 0.963896 0.512755
+threshold=73.500000000000014 58.500000000000007 54.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011689970989443499 -0.0012365407004104657 0.0022057494327812036 -0.0031596908719277246 0.0017701296209380855
+leaf_weight=42 56 64 40 59
+leaf_count=42 56 64 40 59
+internal_value=0 0.0168955 -0.0252453 0.027002
+internal_weight=0 205 141 101
+internal_count=261 205 141 101
+shrinkage=0.02
+
+
+Tree=5723
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.249751 0.917207 0.567971 2.48273
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016727989977162341 -0.0011275578960450723 0.0030156977103842904 -0.0027078768224547255 0.0042283920261903538
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0183153 -0.0173737 0.0396509
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=5724
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.253002 0.768785 0.759894 1.64024
+threshold=55.500000000000007 52.500000000000007 63.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0029926091490398475 -0.002386148186423053 -0.0006879365698534022 -0.0014120756690285743 0.0036766711556442699
+leaf_weight=40 57 55 68 41
+leaf_count=40 57 55 68 41
+internal_value=0 0.0427207 -0.0244766 0.0247918
+internal_weight=0 95 166 109
+internal_count=261 95 166 109
+shrinkage=0.02
+
+
+Tree=5725
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.257456 2.0217 2.15172 0.891114 1.47212
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0022394556347798758 -0.0014879337771363348 0.0043688131729384926 -0.0039316717412276091 0.0032328963346313572 -0.003150601922231093
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.014269 -0.0312001 0.0419026 -0.0190269
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5726
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 2
+split_gain=0.268699 0.914488 1.19756 0.596236
+threshold=71.500000000000014 8.5000000000000018 55.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00033767170232878492 -0.0011665595332673714 0.00060248743161279723 0.003868728308526853 -0.0027546767753635643
+leaf_weight=59 64 41 51 46
+leaf_count=59 64 41 51 46
+internal_value=0 0.018944 0.080326 -0.0582082
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=5727
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.262194 0.731537 0.8805 0.74379
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.002933966139331925 -0.0014024237570649048 0.0022993351709441785 -0.0022497283171171883 -0.00068776229905502019
+leaf_weight=40 47 56 63 55
+leaf_count=40 47 56 63 55
+internal_value=0 0.0153974 -0.0196753 0.0414899
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5728
+num_leaves=5
+num_cat=0
+split_feature=4 6 8 5
+split_gain=0.254894 0.727288 0.94372 0.53554
+threshold=73.500000000000014 58.500000000000007 54.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011812991473672365 -0.0012413641836328771 0.0021322641468897465 -0.003097700464597568 0.0018200189353362426
+leaf_weight=42 56 64 40 59
+leaf_count=42 56 64 40 59
+internal_value=0 0.0169456 -0.0235038 0.0282039
+internal_weight=0 205 141 101
+internal_count=261 205 141 101
+shrinkage=0.02
+
+
+Tree=5729
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.260966 1.99433 2.07644 0.836437
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00075365482587770919 -0.0014974663132991592 0.0043429997653356665 -0.0038660800503000328 0.0025664613629146254
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.0143515 -0.0308104 0.0410093
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=5730
+num_leaves=5
+num_cat=0
+split_feature=4 6 7 7
+split_gain=0.259927 0.702221 0.920569 0.509063
+threshold=73.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012299784505611974 -0.0012527823143354475 0.0021049057379125416 -0.0030951774425448009 0.0017120128910822323
+leaf_weight=40 56 64 39 62
+leaf_count=40 56 64 39 62
+internal_value=0 0.0170947 -0.0226658 0.02752
+internal_weight=0 205 141 102
+internal_count=261 205 141 102
+shrinkage=0.02
+
+
+Tree=5731
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.262882 0.872799 1.37856 1.00392
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00070915696377374566 -0.0011550243034091333 0.001258056231828977 0.0037895251254647291 -0.0030919836455654249
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.0187383 0.0787383 -0.0566667
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=5732
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 5
+split_gain=0.259071 1.10755 1.06234 1.18799
+threshold=63.500000000000007 72.050000000000026 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0028843325942850212 -0.0032525500116317545 0.0011750263878963667 0.0025593594247742542 0.0013778286308628567
+leaf_weight=53 43 49 63 53
+leaf_count=53 43 49 63 53
+internal_value=0 -0.0443297 0.0240932 -0.0373103
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=5733
+num_leaves=6
+num_cat=0
+split_feature=8 2 2 3 3
+split_gain=0.260234 0.634963 0.978223 0.934978 0.507028
+threshold=72.500000000000014 24.500000000000004 13.500000000000002 58.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00052134268033495336 -0.0013977467688641425 0.0024811481908792159 0.00037341195989866406 -0.0039534412766469192 0.0025645346576781336
+leaf_weight=39 47 44 39 42 50
+leaf_count=39 47 44 39 42 50
+internal_value=0 0.0153337 -0.0126109 -0.0930875 0.0601984
+internal_weight=0 214 170 81 89
+internal_count=261 214 170 81 89
+shrinkage=0.02
+
+
+Tree=5734
+num_leaves=5
+num_cat=0
+split_feature=9 5 8 6
+split_gain=0.250204 1.60845 0.798147 0.839621
+threshold=77.500000000000014 67.65000000000002 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00079208917445990773 -0.0014685985861761866 0.0038207950651121449 -0.002430780199207689 0.0028460954597669397
+leaf_weight=77 42 42 61 39
+leaf_count=77 42 42 61 39
+internal_value=0 0.0140694 -0.0277566 0.021259
+internal_weight=0 219 177 116
+internal_count=261 219 177 116
+shrinkage=0.02
+
+
+Tree=5735
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.263413 0.711358 0.843712 0.75705
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0029368588897707099 -0.0014056815616177074 0.0022728525146121794 -0.0022015170840656057 -0.00071643924959909045
+leaf_weight=40 47 56 63 55
+leaf_count=40 47 56 63 55
+internal_value=0 0.015419 -0.0191763 0.0407203
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5736
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 6 1
+split_gain=0.252683 0.708657 0.654164 1.00892 0.973116
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 56.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0011428617408695259 -0.0014349554995438773 0.0025882927791071987 0.00036416591179564621 -0.003936067318440338 0.0032207068329981304
+leaf_weight=42 44 44 51 39 41
+leaf_count=42 44 44 51 39 41
+internal_value=0 0.014529 -0.0144999 -0.0745999 0.0501952
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=5737
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 6
+split_gain=0.245072 0.591349 0.379147 0.805605
+threshold=72.500000000000014 65.500000000000014 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00080278194451805407 -0.0013594908114828983 0.0023409301213952868 -0.0017147844119792667 0.0027628416996158416
+leaf_weight=77 47 46 52 39
+leaf_count=77 47 46 52 39
+internal_value=0 0.0149091 -0.0128563 0.0195028
+internal_weight=0 214 168 116
+internal_count=261 214 168 116
+shrinkage=0.02
+
+
+Tree=5738
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.258144 0.904544 1.61086 0.338524
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00047613840754269921 0.00046903844688698891 -0.0014266903215021112 0.0044486640130125422 -0.0021097318405795562
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0228506 0.0788788 -0.0465782
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=5739
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 8
+split_gain=0.245644 1.08238 0.834976 0.708758
+threshold=63.500000000000007 69.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.00063138415820542817 -0.0031543996124793567 0.0012183152600450181 0.0024650284492846275 -0.0027475413688467323
+leaf_weight=73 44 48 57 39
+leaf_count=73 44 48 57 39
+internal_value=0 -0.0432551 0.0235015 -0.0269524
+internal_weight=0 92 169 112
+internal_count=261 92 169 112
+shrinkage=0.02
+
+
+Tree=5740
+num_leaves=5
+num_cat=0
+split_feature=4 6 7 5
+split_gain=0.245222 0.70411 0.901819 0.472342
+threshold=73.500000000000014 58.500000000000007 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011182985265832462 -0.0012195749111793802 0.002098014308546327 -0.0030789597197081815 0.0016970031756727236
+leaf_weight=42 56 64 39 60
+leaf_count=42 56 64 39 60
+internal_value=0 0.0166326 -0.023181 0.0264976
+internal_weight=0 205 141 102
+internal_count=261 205 141 102
+shrinkage=0.02
+
+
+Tree=5741
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.24684 0.867194 1.54206 0.330627
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00046433691318542705 0.00047247767598600167 -0.0013975476004917246 0.0043552550134623629 -0.0020777007673091637
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0223791 0.0772674 -0.0456243
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=5742
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.242018 0.631013 4.56646 0.796557
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0048153366659203587 -0.001212288344344375 0.00076378199133080276 -0.0033262320795288841 -0.0030159737945822051
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0165266 0.0674989 -0.0456499
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=5743
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.244658 1.20517 1.65839 0.721076
+threshold=8.5000000000000018 71.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0010625328377926939 0.0019149726520066607 0.0030377372247477859 -0.0044583677287476434 -0.00058224327348867472
+leaf_weight=69 61 51 39 41
+leaf_count=69 61 51 39 41
+internal_value=0 0.0190512 -0.0287637 -0.124205
+internal_weight=0 192 141 80
+internal_count=261 192 141 80
+shrinkage=0.02
+
+
+Tree=5744
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.245445 0.828317 1.53197 0.316086
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00048342886926678696 0.00044522650488386503 -0.0013578176170482201 0.0043206557203896894 -0.0020509942458431661
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0223128 0.0759877 -0.0455125
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=5745
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 7
+split_gain=0.24795 0.883535 0.545094 0.469272
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011836854661674253 -0.0011244557948618204 0.0029657805528618365 -0.002013355591482691 0.0016452875054456847
+leaf_weight=40 64 42 53 62
+leaf_count=40 64 42 53 62
+internal_value=0 0.0182205 -0.0168169 0.0263999
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=5746
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 5
+split_gain=0.247082 1.12527 1.00834 1.17277
+threshold=63.500000000000007 72.050000000000026 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0028505293890870352 -0.00325221758980208 0.0012102586602469874 0.0024961600390642253 0.0013847715723912146
+leaf_weight=53 43 49 63 53
+leaf_count=53 43 49 63 53
+internal_value=0 -0.0433831 0.0235539 -0.036291
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=5747
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.243437 0.672571 0.871908 0.602216
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00071293269633373644 -0.0012156820432778792 0.0020578192038028685 -0.0029320329285492303 0.0024991783043794985
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0165656 -0.0223656 0.0282383
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5748
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 7
+split_gain=0.240533 0.790792 1.38784 0.306613
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00017529804366993909 0.00043411778170250246 -0.0013215083512216372 0.0045415422842879109 -0.0020264120222986794
+leaf_weight=71 39 65 39 47
+leaf_count=71 39 65 39 47
+internal_value=0 0.0221023 0.0745796 -0.0450925
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=5749
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 5
+split_gain=0.245492 1.10259 0.964999 1.12025
+threshold=63.500000000000007 72.050000000000026 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0027791483123266072 -0.0032259313286471759 0.0011920207124245198 0.0024516305649915629 0.0013618041209094555
+leaf_weight=53 43 49 63 53
+leaf_count=53 43 49 63 53
+internal_value=0 -0.0432543 0.0234831 -0.0350799
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=5750
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.255203 0.778821 0.771072 1.68812
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0030090015982343933 -0.0022587776647867977 -0.00069495640758682729 -0.0014612446724541575 0.0038158053452010043
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0428629 -0.0246048 0.0290767
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=5751
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.264035 0.82388 1.82782 0.787789 1.07297
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0026057483895865646 -0.0014647704990767068 -0.0023600305634590558 0.0046652798297728343 -0.0014704684196401891 0.002752960675138646
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0148158 0.0441758 -0.0104332 0.0381371
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5752
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.257835 0.851552 0.581107 2.36245
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016573355456397294 -0.001145107131471719 0.0029258440991114035 -0.002579151253892408 0.0041879592182405617
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0185487 -0.0158582 0.0418091
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=5753
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 3
+split_gain=0.26652 0.777452 1.65276 0.765488
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0030081538097397891 -0.0022760079534340722 -0.0014457345606715777 0.0037763670151195593 -0.00066448295118589241
+leaf_weight=40 63 63 40 55
+leaf_count=40 63 63 40 55
+internal_value=0 -0.0251133 0.0287846 0.0437276
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=5754
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.263152 0.67519 0.880887 0.734502
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.002948095668744113 -0.0014055087083852896 0.0022230545879181043 -0.0022234395208507326 -0.00065121032158259545
+leaf_weight=40 47 56 63 55
+leaf_count=40 47 56 63 55
+internal_value=0 0.015388 -0.018335 0.0428463
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5755
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.264001 0.821039 1.77813 0.763838 1.04164
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0025564159404199145 -0.0014648846643891278 -0.002355764936822621 0.0046128432366774807 -0.0012659099063271886 0.0028894539370075789
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0148047 0.0441155 -0.00975 0.0380911
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5756
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 8
+split_gain=0.259898 0.854677 2.07929 3.11472 0.691962
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0013600177125481839 0.0039248666923080815 -0.0028259567227633003 -0.0053857808038921019 -0.00056221589256323049 0.0032424120214060506
+leaf_weight=49 47 44 43 39 39
+leaf_count=49 47 44 43 39 39
+internal_value=0 -0.0158077 0.0168659 -0.0525524 0.0665526
+internal_weight=0 212 168 121 78
+internal_count=261 212 168 121 78
+shrinkage=0.02
+
+
+Tree=5757
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 5
+split_gain=0.261383 0.786649 1.57345 3.26359
+threshold=70.500000000000014 72.500000000000014 9.5000000000000018 58.20000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00024336561762658819 -0.0014582027860758442 -0.0023022913103644305 -0.0015298466537428512 0.0069253312892112954
+leaf_weight=70 44 39 68 40
+leaf_count=70 44 39 68 40
+internal_value=0 0.0147322 0.0434404 0.117946
+internal_weight=0 217 178 110
+internal_count=261 217 178 110
+shrinkage=0.02
+
+
+Tree=5758
+num_leaves=5
+num_cat=0
+split_feature=9 7 3 5
+split_gain=0.253041 0.625768 1.40657 1.15269
+threshold=42.500000000000007 55.500000000000007 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0013431083108976997 -0.0021778523018345201 0.0032990838635477554 -0.0031989237327156739 0.00093226382620806693
+leaf_weight=49 55 46 49 62
+leaf_count=49 55 46 49 62
+internal_value=0 -0.0156201 0.0168343 -0.0442539
+internal_weight=0 212 157 111
+internal_count=261 212 157 111
+shrinkage=0.02
+
+
+Tree=5759
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 5
+split_gain=0.257317 0.748593 1.51965 3.14438
+threshold=70.500000000000014 72.500000000000014 9.5000000000000018 58.20000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00023665930877504938 -0.0014477012696478787 -0.0022423374395276886 -0.0015047300931061349 0.0068005084510988391
+leaf_weight=70 44 39 68 40
+leaf_count=70 44 39 68 40
+internal_value=0 0.0146217 0.042648 0.115887
+internal_weight=0 217 178 110
+internal_count=261 217 178 110
+shrinkage=0.02
+
+
+Tree=5760
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.255375 0.618202 0.862056 0.599412
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00067717927261698311 -0.0012434364678824844 0.001995552050766544 -0.0028801811870531298 0.0025273372930929433
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0169109 -0.0204497 0.0298752
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5761
+num_leaves=5
+num_cat=0
+split_feature=9 2 4 9
+split_gain=0.248036 0.819842 1.64523 0.971854
+threshold=42.500000000000007 17.500000000000004 69.500000000000014 61.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0013306318999357128 0.0026525567315427829 -0.0041220996855373011 -0.002123273243794006 8.5857398309511446e-05
+leaf_weight=49 74 40 48 50
+leaf_count=49 74 40 48 50
+internal_value=0 -0.0154818 0.0383424 -0.0888607
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5762
+num_leaves=5
+num_cat=0
+split_feature=2 4 3 2
+split_gain=0.249664 0.874101 1.94253 0.918513
+threshold=8.5000000000000018 69.500000000000014 60.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0010730789191573235 0.0033963968836272273 0.0024593525627393496 -0.0038577857325777388 -0.0007250994336509333
+leaf_weight=69 42 58 46 46
+leaf_count=69 42 58 46 46
+internal_value=0 0.0192033 -0.025452 0.0617015
+internal_weight=0 192 134 88
+internal_count=261 192 134 88
+shrinkage=0.02
+
+
+Tree=5763
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 2 5
+split_gain=0.246378 0.530471 1.47618 2.97926 0.707343
+threshold=73.500000000000014 41.500000000000007 15.500000000000002 8.5000000000000018 57.650000000000013
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0017318329015496817 -0.0012229687596028642 0.0027164190393255587 0.004617550936997972 -0.0048764942197336283 0.00079541716851448511
+leaf_weight=41 56 42 42 41 39
+leaf_count=41 56 42 42 41 39
+internal_value=0 0.0166317 0.0427072 -0.0512808 0.13947
+internal_weight=0 205 164 83 81
+internal_count=261 205 164 83 81
+shrinkage=0.02
+
+
+Tree=5764
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.249722 1.29934 1.84886 2.02056
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0010731982177092955 0.0023047598153049585 0.0031409862670053212 -0.0055945035405076263 0.00051712531689823075
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0192051 -0.030423 -0.121313
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=5765
+num_leaves=5
+num_cat=0
+split_feature=9 2 4 9
+split_gain=0.252605 0.846389 1.59276 0.94447
+threshold=42.500000000000007 17.500000000000004 69.500000000000014 61.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0013420962162554229 0.0026371175448449318 -0.0041147045213064419 -0.0020626630790768776 3.4178042658222438e-05
+leaf_weight=49 74 40 48 50
+leaf_count=49 74 40 48 50
+internal_value=0 -0.0156047 0.0390674 -0.0901326
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5766
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.248504 1.24484 1.77242 1.96654
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0010706165969259613 0.0022645379121039653 0.0030827517158849506 -0.0054948295351442836 0.00053529294355232485
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0191695 -0.0294174 -0.118434
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=5767
+num_leaves=5
+num_cat=0
+split_feature=9 2 4 4
+split_gain=0.24676 0.845509 1.53037 0.905797
+threshold=42.500000000000007 17.500000000000004 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0013277714995130979 0.0026038665600162272 -0.0038254834031460957 -0.0020039203147370378 0.00021372281350501236
+leaf_weight=49 74 45 48 45
+leaf_count=49 74 45 48 45
+internal_value=0 -0.0154294 0.0392152 -0.0899201
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5768
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.247299 0.757332 2.78822 0.41215
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0010680586180095652 0.0043856440129196837 -0.001697688825143741 0.00015962866880810106 -0.0027793228820743544
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0191341 0.0580783 -0.0659737
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=5769
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.238469 0.75011 0.722685 1.65652
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0029433911802660417 -0.0021890257852276323 -0.00069334637865475573 -0.0014607957867863856 0.0037672612686123906
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0415268 -0.0238574 0.0281468
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=5770
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.255623 0.753001 1.73587 0.767188 1.1457
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0025770836724942243 -0.0014431473993852021 -0.002250391386882222 0.0045403133797205274 -0.0015586849095209679 0.0028034614773750854
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0145832 0.0426895 -0.0105367 0.0374057
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5771
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.244679 0.740241 0.888409 1.5133 1.88062
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0026544746156008871 -0.0014143303997978646 0.0026327038979838701 0.0021656040387282656 -0.0042397287080424666 0.0032864077841482228
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0142845 -0.015372 -0.0578937 0.0187976
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=5772
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.242858 0.826566 1.9966 2.99652 0.657116
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 63.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0013179388770460476 0.0038526437124971479 -0.002775610069352698 -0.0052765456430868283 0.0031763733283070488 -0.00053348129181825872
+leaf_weight=49 47 44 43 39 39
+leaf_count=49 47 44 43 39 39
+internal_value=0 -0.0153205 0.0168206 -0.0512113 0.0656192
+internal_weight=0 212 168 121 78
+internal_count=261 212 168 121 78
+shrinkage=0.02
+
+
+Tree=5773
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.243213 1.21598 1.67248 1.92972
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0010600028479040595 0.0021910468255713464 0.0030480225988072335 -0.0054081885096917449 0.00056581661174586687
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0189804 -0.0290463 -0.115551
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=5774
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.25518 0.745053 0.671248 0.703765 0.312521
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010415050983853993 0.00042101831992767279 0.0028440191129248367 -0.0021669371518725313 0.0026387304724273036 -0.0020615553488669588
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.022707 -0.0136114 0.0405748 -0.0463508
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5775
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 7
+split_gain=0.244192 0.721978 0.820852 1.81601 0.299446
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0013954631351610176 0.00041261296611568151 0.0028758639103316085 0.0021369171317459053 -0.0041566149919856424 -0.0020203861559060367
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0222492 -0.0123674 -0.0642789 -0.0454158
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5776
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 8
+split_gain=0.249053 0.814256 1.90118 2.8795 0.720298
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0013336689202659649 0.0037605040515918432 -0.0027608742697968732 -0.0051686599074977722 -0.00064003512995579315 0.0032404645384197074
+leaf_weight=49 47 44 43 39 39
+leaf_count=49 47 44 43 39 39
+internal_value=0 -0.0154855 0.0164192 -0.0499775 0.0645567
+internal_weight=0 212 168 121 78
+internal_count=261 212 168 121 78
+shrinkage=0.02
+
+
+Tree=5777
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.244229 1.19678 1.60139 1.85605
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0010617748186136787 0.0021405672719755522 0.0030282207675291317 -0.0053039777666394096 0.00055581973943737834
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0190306 -0.0286195 -0.113292
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=5778
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.254334 0.749668 0.60526 0.687574 0.296807
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010767430216113837 0.00038991884182779145 0.0028507884778853371 -0.0020769936335847216 0.0025624536087860608 -0.0020326566183158034
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0226852 -0.0137435 0.0377726 -0.0462664
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5779
+num_leaves=5
+num_cat=0
+split_feature=9 7 3 9
+split_gain=0.247096 0.693333 1.33856 0.960131
+threshold=42.500000000000007 55.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0013289181069708756 -0.0022690976174426169 0.0032647925008525815 0.00055583960279373683 -0.0033715622943626023
+leaf_weight=49 55 46 72 39
+leaf_count=49 55 46 72 39
+internal_value=0 -0.0154236 0.0186991 -0.0409055
+internal_weight=0 212 157 111
+internal_count=261 212 157 111
+shrinkage=0.02
+
+
+Tree=5780
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.238952 0.746981 0.686798 1.69049
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00093375317838576932 -0.0021472491872788838 0.0026503553495858916 -0.0023771153875926871 0.0028122712128263389
+leaf_weight=48 63 47 45 58
+leaf_count=48 63 47 45 58
+internal_value=0 0.0415834 -0.0238619 0.0268614
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=5781
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 7
+split_gain=0.241373 0.719599 0.810845 1.76956 0.289156
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.001366348294998645 0.00039595994258326641 0.0028698762675395911 0.0021216500648652257 -0.0041148907072326227 -0.0019971659125822324
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0221443 -0.0124165 -0.0640193 -0.0451589
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5782
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.24186 0.744784 0.685061 1.69331
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00092642874443380071 -0.0021477560193145146 0.0026524798524893843 -0.0015125842220208262 0.0037727795010616219
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0418212 -0.0239906 0.0266695
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=5783
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.248212 0.741809 1.77665 0.732169 1.22847
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0025437396709717271 -0.0014231912720046511 -0.002235415860522364 0.0045753590495978512 -0.0016814771066847338 0.0028335437223827491
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0144069 0.0423103 -0.0115342 0.0353202
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5784
+num_leaves=5
+num_cat=0
+split_feature=9 2 4 4
+split_gain=0.245244 0.818204 1.48602 0.912392
+threshold=42.500000000000007 17.500000000000004 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0013243198977217355 0.0025614754901601674 -0.0038079656299103625 -0.0019798830460926735 0.00024588787006199795
+leaf_weight=49 74 45 48 45
+leaf_count=49 74 45 48 45
+internal_value=0 -0.0153693 0.0384024 -0.0886771
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5785
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.251004 1.22672 1.59974 1.80855
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0010751088105322262 0.0021324943186619132 0.0030656028907459403 -0.00527096065597634 0.00051381281058593094
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0192827 -0.0289529 -0.113582
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=5786
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=0.240311 1.1773 1.56141 1.09238
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0010536282036339684 0.0023710104796453454 0.0030043747667197686 0.00019837315685223745 -0.004164305966364917
+leaf_weight=69 48 51 44 49
+leaf_count=69 48 51 44 49
+internal_value=0 0.0189014 -0.0283638 -0.104653
+internal_weight=0 192 141 93
+internal_count=261 192 141 93
+shrinkage=0.02
+
+
+Tree=5787
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 7
+split_gain=0.248078 0.703724 0.784184 1.74272 0.294146
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0013763478224471119 0.00039521511050099933 0.0028494953845265522 0.0020966377954849337 -0.0040636877071606467 -0.0020172007703397441
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0224373 -0.0117468 -0.0625206 -0.0457236
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5788
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 3
+split_gain=0.250779 0.679623 1.6766 0.671312
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0028524157974384639 -0.0021491624844448489 -0.0015144039994566118 0.0037451581204542951 -0.00059223520148573238
+leaf_weight=40 63 63 40 55
+leaf_count=40 63 63 40 55
+internal_value=0 -0.0243851 0.026077 0.0425381
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=5789
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.250897 0.748774 1.75264 0.716496 1.20185
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0025081822018031921 -0.0014300949261816472 -0.0022453041110947702 0.0045544915556877908 -0.0016541685453843103 0.002812348679294736
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0144891 0.042519 -0.0109623 0.0353989
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5790
+num_leaves=5
+num_cat=0
+split_feature=9 2 4 4
+split_gain=0.253886 0.809862 1.44066 0.87521
+threshold=42.500000000000007 17.500000000000004 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0013459294754423435 0.0025241717895455448 -0.0037642932424909871 -0.0019482000930060809 0.00020734503261855738
+leaf_weight=49 74 45 48 45
+leaf_count=49 74 45 48 45
+internal_value=0 -0.0156072 0.0378944 -0.0885487
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5791
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.243034 0.790527 1.86217 2.83108 0.59743
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 63.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0013190488389438688 0.0037201904522348849 -0.0027219218804177877 -0.0051254674680885652 0.0030600343563381531 -0.000481607792438953
+leaf_weight=49 47 44 43 39 39
+leaf_count=49 47 44 43 39 39
+internal_value=0 -0.0152922 0.0161524 -0.0495642 0.0640061
+internal_weight=0 212 168 121 78
+internal_count=261 212 168 121 78
+shrinkage=0.02
+
+
+Tree=5792
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.251293 1.1868 1.56627 1.7884
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0010754792177592586 0.0021203464050629987 0.0030227628470470887 -0.005220902785286927 0.00053194423571695151
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0193031 -0.0281497 -0.111903
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=5793
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.24065 0.739085 0.589281 0.70621 0.293962
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.001120423777248079 0.00040778761675725785 0.0028232105864728486 -0.0020598663491412728 0.0025667681324113845 -0.0020040994385957388
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.02213 -0.0140461 0.0368017 -0.04508
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5794
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.241277 0.693095 0.892359 1.33517
+threshold=42.500000000000007 50.650000000000013 73.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0013147224141814352 -0.0025080885178431146 0.0035755915443282911 -0.0018258347669287357 -0.00081412701401941106
+leaf_weight=49 46 55 54 57
+leaf_count=49 46 55 54 57
+internal_value=0 -0.0152367 0.0150908 0.0667643
+internal_weight=0 212 166 112
+internal_count=261 212 166 112
+shrinkage=0.02
+
+
+Tree=5795
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.24145 1.17773 1.51187 1.72505
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0010557717697586219 0.0020702996594334942 0.0030058213851329092 -0.0051427081077830483 0.00050814102593720923
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0189505 -0.0283231 -0.11063
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=5796
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 4
+split_gain=0.235738 0.819646 1.47918 0.853092
+threshold=42.500000000000007 17.500000000000004 67.65000000000002 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0013007224756417315 -0.0010022273634559024 -0.0037373740152309258 0.0035287444879997789 0.00018454179299996542
+leaf_weight=49 74 45 48 45
+leaf_count=49 74 45 48 45
+internal_value=0 -0.0150739 0.0387449 -0.0884457
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5797
+num_leaves=5
+num_cat=0
+split_feature=2 4 3 2
+split_gain=0.239426 0.871374 1.76409 0.920476
+threshold=8.5000000000000018 69.500000000000014 60.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0010515415658994992 0.0033125690376642398 0.002449829420381145 -0.0037070244267042741 -0.00081393964887829752
+leaf_weight=69 42 58 46 46
+leaf_count=69 42 58 46 46
+internal_value=0 0.0188839 -0.0257034 0.0573757
+internal_weight=0 192 134 88
+internal_count=261 192 134 88
+shrinkage=0.02
+
+
+Tree=5798
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 6
+split_gain=0.245653 0.749857 0.663402 1.17741 0.906101
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0013660850516684921 -0.0014161220702209765 0.0026488295207630626 0.00023999418652650544 0.0034270046674946902 -0.0038382687015181957
+leaf_weight=42 44 44 51 41 39
+leaf_count=42 44 44 51 41 39
+internal_value=0 0.0143514 -0.0154934 0.0496424 -0.075999
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=5799
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.239957 0.723172 0.575842 0.679018 0.298163
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010892427972661136 0.00041793103016853821 0.0027975757926927448 -0.0020330632824943438 0.0025280218412448781 -0.0020102344030866154
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.022103 -0.0136887 0.0365919 -0.0450175
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5800
+num_leaves=5
+num_cat=0
+split_feature=6 3 9 5
+split_gain=0.23585 1.10306 0.93042 1.22704
+threshold=63.500000000000007 72.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0028614286740247493 -0.0031594368328184182 0.0012543511687345308 0.0024085059848946138 0.0014696151389618792
+leaf_weight=53 44 48 63 53
+leaf_count=53 44 48 63 53
+internal_value=0 -0.042435 0.0230795 -0.0344412
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=5801
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.237608 0.746768 0.661702 1.6555
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00093526674530251699 -0.0021156992258975675 0.0026483560756358571 -0.0015026133189242749 0.0037241089749464914
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0414957 -0.0237797 0.0260285
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=5802
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.252108 0.728244 0.838946 1.4611 1.69723
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0026630500058521982 -0.0014331804164682139 0.0026189259299892187 0.0021067496367341569 -0.0043778770184132463 0.0028684005592446928
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0145267 -0.0148927 -0.0562463 0.0139056
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=5803
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.246535 0.718184 0.589337 0.613541 0.287263
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0009815170455724886 0.0003833869686395517 0.0027952136955964818 -0.0020448654925893663 0.0024612398932047667 -0.0020021929174094968
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0223828 -0.0132872 0.0375651 -0.0455817
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5804
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.236137 0.941927 1.40412 0.845643
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0014289898901207305 -0.004015295537960103 0.0026402693258029374 -0.0015589528755907086 -2.3268215256953455e-05
+leaf_weight=42 41 74 57 47
+leaf_count=42 41 74 57 47
+internal_value=0 -0.0137418 0.0403583 -0.0946993
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=5805
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.24364 0.746145 1.75957 0.717061 1.15361
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0025159251307620058 -0.0014107609782828641 -0.0022448369628378642 0.0045569495723257651 -0.0014314192159699186 0.0029385998786745013
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0142962 0.0422787 -0.011308 0.0350705
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5806
+num_leaves=5
+num_cat=0
+split_feature=9 7 3 5
+split_gain=0.242216 0.654668 1.29089 1.12594
+threshold=42.500000000000007 55.500000000000007 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0013169873542423184 -0.0022121516100633417 0.0031979328398787851 -0.0031003214025026138 0.00098382086055096712
+leaf_weight=49 55 46 49 62
+leaf_count=49 55 46 49 62
+internal_value=0 -0.0152689 0.0179098 -0.0406352
+internal_weight=0 212 157 111
+internal_count=261 212 157 111
+shrinkage=0.02
+
+
+Tree=5807
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.237367 0.916851 1.36218 0.803223
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0014323125054937151 -0.0037626834588081132 0.0025981216380591178 -0.0015387542833792301 8.7827135743246787e-05
+leaf_weight=42 45 74 57 43
+leaf_count=42 45 74 57 43
+internal_value=0 -0.0137799 0.0396071 -0.0936763
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=5808
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.248651 0.720988 1.69494 0.703775 1.23255
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0024820514147139441 -0.0014240773957428111 -0.0022000702432401352 0.0044824106264269086 -0.0016855651523820069 0.0028368401499931934
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0144327 0.0419539 -0.0106452 0.0353117
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5809
+num_leaves=5
+num_cat=0
+split_feature=9 7 3 5
+split_gain=0.249122 0.617898 1.23814 1.09847
+threshold=42.500000000000007 55.500000000000007 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0013342446799382236 -0.0021634131547693379 0.0031179139632929787 -0.0030712978479902056 0.00096346490537657409
+leaf_weight=49 55 46 49 62
+leaf_count=49 55 46 49 62
+internal_value=0 -0.0154673 0.0167874 -0.0405629
+internal_weight=0 212 157 111
+internal_count=261 212 157 111
+shrinkage=0.02
+
+
+Tree=5810
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.245174 0.704059 0.832401 1.47387 1.60245
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0025653270643894257 -0.0014148799054762499 0.0025772097251678724 0.0021034237815374442 -0.0043829344389595465 0.0028111065546446291
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0143366 -0.0146001 -0.0557971 0.0146589
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=5811
+num_leaves=6
+num_cat=0
+split_feature=4 2 9 9 7
+split_gain=0.245852 0.802411 0.85838 1.24381 1.49683
+threshold=50.500000000000007 25.500000000000004 76.500000000000014 61.500000000000007 59.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0014557623985773144 0.0019456932024849087 -0.0028719735953288391 -0.0022661870634552916 0.0036416312162419894 -0.0033099361699592249
+leaf_weight=42 50 40 41 49 39
+leaf_count=42 50 40 41 49 39
+internal_value=0 -0.0140037 0.0147775 0.0531602 -0.0174573
+internal_weight=0 219 179 138 89
+internal_count=261 219 179 138 89
+shrinkage=0.02
+
+
+Tree=5812
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.235344 0.896963 1.31791 0.801288
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0014266956452522023 -0.0039216928326622083 0.0025586846723611406 -0.0015113076907736795 -3.2722120968075295e-05
+leaf_weight=42 41 74 57 47
+leaf_count=42 41 74 57 47
+internal_value=0 -0.0137245 0.0390904 -0.0927695
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=5813
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.241312 0.700778 0.799709 1.38395 1.56323
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0025587959663726841 -0.001404598223441497 0.0025698733665192779 0.0020560492973564189 -0.004267983567174634 0.0027523915401138931
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0142289 -0.0146418 -0.0550442 0.0132447
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=5814
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 7
+split_gain=0.238199 0.750612 0.746833 1.7441 0.261339
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0013709316908666381 0.00034086166477459662 0.0029178638991596817 0.002011204674941564 -0.0040711967619582743 -0.0019408598431966374
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0220234 -0.0132609 -0.0628423 -0.0448698
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5815
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.246896 0.757982 0.647881 1.69668
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0009333873673458221 -0.0021074696178148607 0.0026763288823945875 -0.0015462468335098146 0.0037445056995891531
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0422357 -0.0242059 0.02509
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=5816
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.247446 0.700521 1.71711 0.682109 1.19812
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0024628674061720232 -0.0014208869551020412 -0.0021660130153907621 0.0044976734243368675 -0.0016814555822573854 0.0027784192017225014
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0144 0.0415405 -0.0113998 0.0338573
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5817
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.249619 0.796155 1.91988 2.71743
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0013354705593263832 0.0037702503494581197 -0.0027340632447829609 -0.0036717346645546889 0.0023835501237776794
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0154818 0.0160724 -0.0506484
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=5818
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=0.245634 1.21712 1.55083 1.05185
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0010641334990835818 0.0023494824879251178 0.0030517126312426491 0.00014931239977238915 -0.0041325412685477084
+leaf_weight=69 48 51 44 49
+leaf_count=69 48 51 44 49
+internal_value=0 0.0191042 -0.0289445 -0.104977
+internal_weight=0 192 141 93
+internal_count=261 192 141 93
+shrinkage=0.02
+
+
+Tree=5819
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.239936 0.771161 1.83938 2.60747
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 67.65000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0013114100397058287 0.0036939448231583082 -0.0026909363426019578 -0.0041657418264559468 0.0017372651242746797
+leaf_weight=49 47 44 56 65
+leaf_count=49 47 44 56 65
+internal_value=0 -0.0151942 0.0158698 -0.0494463
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=5820
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=0.241869 1.17302 1.46144 1.00651
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0010564301127468918 0.0022795018392869019 0.0030011501486535549 0.00015946822836471032 -0.0040305840405471371
+leaf_weight=69 48 51 44 49
+leaf_count=69 48 51 44 49
+internal_value=0 0.0189752 -0.0282049 -0.102048
+internal_weight=0 192 141 93
+internal_count=261 192 141 93
+shrinkage=0.02
+
+
+Tree=5821
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.247877 0.754462 0.529008 0.617905 0.285434
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010561293136440917 0.00037728320539287508 0.002853487322357759 -0.0019707308536832339 0.0023992140311596423 -0.0020010719340692691
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0224458 -0.0140975 0.03415 -0.0456896
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5822
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.237938 0.724422 1.77657 0.670998 1.20896
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.002459211679417682 -0.0013952320967979487 -0.0022115327636390691 0.0045638276965712741 -0.0017134980525152722 0.0027663742299727338
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0141502 0.0417353 -0.0121085 0.0327849
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5823
+num_leaves=5
+num_cat=0
+split_feature=9 7 3 9
+split_gain=0.246577 0.689369 1.19091 0.927956
+threshold=42.500000000000007 55.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0013280863066615555 -0.0022628894472041155 0.0031021257900211026 0.00059889075291112118 -0.0032637983807230321
+leaf_weight=49 55 46 72 39
+leaf_count=49 55 46 72 39
+internal_value=0 -0.0153857 0.0186415 -0.0376135
+internal_weight=0 212 157 111
+internal_count=261 212 157 111
+shrinkage=0.02
+
+
+Tree=5824
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.236012 0.744805 1.80024 2.65382 0.533536
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 63.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0013015622761770884 0.0036501477681680494 -0.0026484659503505483 -0.0049868170206746618 0.0029016307679045252 -0.00045091853654648538
+leaf_weight=49 47 44 43 39 39
+leaf_count=49 47 44 43 39 39
+internal_value=0 -0.0150748 0.0154637 -0.0491587 0.0608104
+internal_weight=0 212 168 121 78
+internal_count=261 212 168 121 78
+shrinkage=0.02
+
+
+Tree=5825
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.238252 1.21097 1.54697 1.79489
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0010490850856374242 0.002085183177645254 0.0030399088517986846 -0.0052346697934937082 0.00052849505828176497
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0188449 -0.0290839 -0.112325
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=5826
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.230675 0.736381 1.7302 2.53988
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 67.65000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0012879876068174318 0.0035851170970489072 -0.0026323011744068354 -0.0040939178109296575 0.0017326784723763079
+leaf_weight=49 47 44 56 65
+leaf_count=49 47 44 56 65
+internal_value=0 -0.0149136 0.0154551 -0.0479064
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=5827
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.234533 1.16673 1.47412 1.73475
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.001041377549002653 0.0020371523765295562 0.0029890484617855627 -0.0051308981246497142 0.00053581370061851535
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.018715 -0.0283402 -0.109629
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=5828
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.239747 0.770622 0.501598 0.59218 0.269503
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010595635312142496 0.00035674875880068818 0.0028717751107658236 -0.0019423771947348996 0.0023255009660144844 -0.0019582181558525811
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0221097 -0.0148165 0.0321991 -0.0449838
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5829
+num_leaves=5
+num_cat=0
+split_feature=2 4 3 2
+split_gain=0.225183 0.906537 1.52216 0.95744
+threshold=8.5000000000000018 69.500000000000014 60.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0010220086245550958 0.0032103150137457737 0.0024800886792620404 -0.0035104665594890682 -0.00099801272398056164
+leaf_weight=69 42 58 46 46
+leaf_count=69 42 58 46 46
+internal_value=0 0.0183712 -0.0270932 0.0501189
+internal_weight=0 192 134 88
+internal_count=261 192 134 88
+shrinkage=0.02
+
+
+Tree=5830
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 7
+split_gain=0.230283 0.769201 0.717997 1.64007 0.267437
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0012956233135406902 0.00036877860220033311 0.0029411622479897431 0.0019527402179851305 -0.0039831736232961677 -0.0019380567759348249
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0217004 -0.014011 -0.0626531 -0.0441595
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5831
+num_leaves=4
+num_cat=0
+split_feature=4 2 2
+split_gain=0.223197 0.549481 1.45145
+threshold=53.500000000000007 20.500000000000004 11.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0010594717115827912 -0.00084789095294240686 -0.0012263456986509162 0.0033472804375267728
+leaf_weight=65 72 62 62
+leaf_count=65 72 62 62
+internal_value=0 0.0175802 0.0543963
+internal_weight=0 196 134
+internal_count=261 196 134
+shrinkage=0.02
+
+
+Tree=5832
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.239468 0.812453 0.633392 1.68182
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0010067627120035364 -0.0020827991899563052 0.002727796658984359 -0.0015411372830438901 0.0037266482467481193
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0416547 -0.0238559 0.0248992
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=5833
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.247158 0.749927 0.7858 1.30835
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00086305187250818342 -0.0014199026177242307 0.0026499649337935615 0.0020198621674239405 -0.0031883840521480652
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.0144031 -0.0154429 -0.0555007
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5834
+num_leaves=5
+num_cat=0
+split_feature=6 5 7 4
+split_gain=0.236898 1.07835 1.05456 0.742097
+threshold=63.500000000000007 72.050000000000026 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.00088411165503190614 -0.0031854590405118637 0.001184501096094568 0.0026993447885802395 -0.0024124554284682084
+leaf_weight=59 43 49 57 53
+leaf_count=59 43 49 57 53
+internal_value=0 -0.042508 0.0231404 -0.0334633
+internal_weight=0 92 169 112
+internal_count=261 92 169 112
+shrinkage=0.02
+
+
+Tree=5835
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.244696 0.725155 0.766386 1.26564 1.61242
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0026527725701338328 -0.0014132192151019543 0.0026104641566613053 0.0020001354763364209 -0.0041224008394318955 0.0027406694168515158
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.014343 -0.0150154 -0.0545907 0.0107371
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=5836
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 7
+split_gain=0.243071 0.770444 0.703685 1.62317 0.256504
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0013024719412789122 0.00032191791427937927 0.0029541006817792059 0.001941434598684543 -0.0039494256856049742 -0.0019397440510844511
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0222522 -0.0134868 -0.0616586 -0.0452692
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5837
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.247791 0.80896 0.611743 0.992466
+threshold=55.500000000000007 55.500000000000007 70.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.00098936008385940391 0.00063010859396794708 0.0027372125751632327 0.0009177587430268233 -0.003514548169178522
+leaf_weight=48 44 47 72 50
+leaf_count=48 44 47 72 50
+internal_value=0 0.0423278 -0.0242252 -0.0783483
+internal_weight=0 95 166 94
+internal_count=261 95 166 94
+shrinkage=0.02
+
+
+Tree=5838
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 7 7
+split_gain=0.238777 0.687254 0.44988 0.447238 0.246546
+threshold=67.500000000000014 60.500000000000007 57.500000000000007 50.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00094300015879800192 0.00030683316883450124 0.0027765290696096742 -0.0017867992011544138 0.002022142964567878 -0.0019133178118101119
+leaf_weight=39 39 40 50 46 47
+leaf_count=39 39 40 50 46 47
+internal_value=0 0.0220791 -0.0122706 0.0326303 -0.044889
+internal_weight=0 175 135 85 86
+internal_count=261 175 135 85 86
+shrinkage=0.02
+
+
+Tree=5839
+num_leaves=5
+num_cat=0
+split_feature=9 7 3 5
+split_gain=0.238622 0.706726 1.165 1.01895
+threshold=42.500000000000007 55.500000000000007 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0013085873522485423 -0.0022815952504830631 0.0030861623760855376 -0.0029052554838479307 0.00098360075723228019
+leaf_weight=49 55 46 49 62
+leaf_count=49 55 46 49 62
+internal_value=0 -0.015131 0.0193133 -0.0363324
+internal_weight=0 212 157 111
+internal_count=261 212 157 111
+shrinkage=0.02
+
+
+Tree=5840
+num_leaves=5
+num_cat=0
+split_feature=9 4 5 9
+split_gain=0.233463 0.773435 0.61552 2.20252
+threshold=55.500000000000007 55.500000000000007 64.200000000000003 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00097218085359375124 0.00095270882857421198 0.0026735384096530988 -0.0049798906496932964 0.0011670521236162908
+leaf_weight=48 71 47 42 53
+leaf_count=48 71 47 42 53
+internal_value=0 0.0411858 -0.0235622 -0.0771897
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=5841
+num_leaves=5
+num_cat=0
+split_feature=2 4 3 2
+split_gain=0.219404 0.87618 1.44819 0.919666
+threshold=8.5000000000000018 69.500000000000014 60.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0010095724572627266 0.0031407566301636216 0.0024411845270788709 -0.0034274141742423941 -0.00098533811510605434
+leaf_weight=69 42 58 46 46
+leaf_count=69 42 58 46 46
+internal_value=0 0.0181693 -0.0265398 0.0487891
+internal_weight=0 192 134 88
+internal_count=261 192 134 88
+shrinkage=0.02
+
+
+Tree=5842
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 7
+split_gain=0.235228 0.76976 0.704427 1.62354 0.244916
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0012961227968122583 0.00030934092327704473 0.0029466011451277432 0.0019363877473665264 -0.0039563322945740317 -0.001904018547592496
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0219294 -0.0137944 -0.0619898 -0.0445778
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5843
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.235797 0.778868 0.606429 1.69641
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00097446491261771737 -0.0020455241924621646 0.0026837305743931863 -0.0015665912842524209 0.0037238543501459873
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0413804 -0.0236651 0.0240661
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=5844
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 6
+split_gain=0.246051 0.722074 0.665413 1.12016 0.790943
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0012947825818283415 -0.0014165400453410588 0.0026066744265330201 0.00013573559862201359 0.0033818280185287757 -0.0036789612129181893
+leaf_weight=42 44 44 51 41 39
+leaf_count=42 44 44 51 41 39
+internal_value=0 0.0143943 -0.0149029 0.0503312 -0.0754996
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=5845
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.235532 0.725531 1.7983 0.672111 1.26964
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0024679362553743345 -0.0013882543960307659 -0.0022142686959263579 0.0045858710546103207 -0.001777882925698678 0.0028115231858715571
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0141068 0.0417124 -0.0124579 0.0324712
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5846
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.230484 0.747335 1.72349 2.536
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0012878100166793072 0.0035836653074157428 -0.0026487162489455007 -0.0035202126195992222 0.0023309336180060954
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0148923 0.0156973 -0.047542
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=5847
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.225802 1.12697 1.40721 1.75003
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0010230503747229193 0.0019878071967380775 0.0029387526880436934 -0.0050973109427387029 0.00059438272460961197
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0184068 -0.0278494 -0.107302
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=5848
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.234845 0.786331 0.494103 0.570902 0.248951
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010476226634995682 0.0001361428387988693 0.002891940586985478 -0.0019416990248812467 0.0022780379198019318 -0.0020900072647087051
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0219154 -0.0153791 0.0312928 -0.0445419
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5849
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.228955 0.735593 1.65414 2.4653
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 67.65000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0012839892065061047 0.0035143228744941961 -0.0026296398040251256 -0.0040189053030262366 0.001722187966229121
+leaf_weight=49 47 44 56 65
+leaf_count=49 47 44 56 65
+internal_value=0 -0.0148409 0.015512 -0.0464513
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=5850
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 2
+split_gain=0.239825 1.12841 0.904281 0.871661
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.00097392341923606938 0.0026905678834502149 -0.0034216890515704271 -0.0018858462595790354 0.0018406357411809996
+leaf_weight=58 52 40 71 40
+leaf_count=58 52 40 71 40
+internal_value=0 -0.0406604 0.0244757 -0.0267727
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=5851
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 5
+split_gain=0.229494 1.08307 0.867678 0.794795
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 70.000000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.00095446848229859395 0.0026368288416791057 -0.003353374539087739 -0.0024550087816158426 0.00098920321347984461
+leaf_weight=58 52 40 49 62
+leaf_count=58 52 40 49 62
+internal_value=0 -0.0398408 0.0239873 -0.0262301
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=5852
+num_leaves=5
+num_cat=0
+split_feature=4 6 9 5
+split_gain=0.233375 0.560331 1.18482 1.03556
+threshold=53.500000000000007 63.500000000000007 53.500000000000007 72.050000000000026
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.0010810218724637277 -0.0011141262122389543 -0.0030816245752049204 0.0032305533135663618 0.0012025449497066096
+leaf_weight=65 44 43 60 49
+leaf_count=65 44 43 60 49
+internal_value=0 0.0179638 0.069261 -0.0395985
+internal_weight=0 196 104 92
+internal_count=261 196 104 92
+shrinkage=0.02
+
+
+Tree=5853
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.231537 0.710721 1.81127 0.647867 1.28999
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0024401962432832771 -0.0013772851313456525 -0.0021914278727195469 0.004591650492477989 -0.0018246636543376845 0.0028010626165015651
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0139998 0.0413315 -0.0130331 0.0310947
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5854
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 4
+split_gain=0.23477 0.739964 1.41224 2.34152
+threshold=42.500000000000007 50.850000000000001 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0012988538785308253 -0.0025137780098849409 0.0017967732213755494 0.0028386452441632412 -0.0041996597948487655
+leaf_weight=49 48 55 59 50
+leaf_count=49 48 55 59 50
+internal_value=0 -0.0150156 0.0171726 -0.0525976
+internal_weight=0 212 164 105
+internal_count=261 212 164 105
+shrinkage=0.02
+
+
+Tree=5855
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.226556 0.758906 0.629245 1.6757
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.000966821133444097 -0.0020653792319366591 0.0026453253640119556 -0.0015281489337891203 0.0037300962021066296
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0406229 -0.0232368 0.0253636
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=5856
+num_leaves=5
+num_cat=0
+split_feature=6 3 7 3
+split_gain=0.233561 0.677562 0.530473 0.363854
+threshold=70.500000000000014 65.500000000000014 57.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011261310609735002 -0.0013829508641388564 0.0020748817670951723 -0.0020866209087745603 0.0013911596017227993
+leaf_weight=39 44 62 53 63
+leaf_count=39 44 62 53 63
+internal_value=0 0.0140493 -0.0216014 0.0210358
+internal_weight=0 217 155 102
+internal_count=261 217 155 102
+shrinkage=0.02
+
+
+Tree=5857
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 9
+split_gain=0.218889 0.691198 0.64771 2.16996
+threshold=72.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0018352659545147225 -0.0012899136644973479 0.0021534055581596051 -0.0024817483985104033 0.0040060826932729384
+leaf_weight=72 47 59 41 42
+leaf_count=72 47 59 41 42
+internal_value=0 0.014188 -0.0211702 0.0396115
+internal_weight=0 214 155 83
+internal_count=261 214 155 83
+shrinkage=0.02
+
+
+Tree=5858
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.233839 0.692632 0.613691 1.66055
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0028566500796960393 -0.0020530582468502494 -0.00064120772163296907 -0.0015378515679930875 0.0036969436462926755
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0412089 -0.0235871 0.0244224
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=5859
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.237559 0.69663 0.78618 1.26612 1.56668
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0026142313365545809 -0.0013939933232339245 0.0025617305869171077 0.0020366268668392225 -0.0041252447109805801 0.0027030835949626137
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0141505 -0.0146365 -0.0547055 0.0106342
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=5860
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.235727 0.784899 0.520742 0.541476 0.256271
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00097962365969431111 0.00014853231519111357 0.0028902793487899925 -0.0019822685112286568 0.0022615447890559233 -0.0021080696215936305
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0219415 -0.0153196 0.0325567 -0.0446308
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5861
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 4
+split_gain=0.230801 0.781508 1.37843 0.930433
+threshold=42.500000000000007 17.500000000000004 67.65000000000002 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0012885104623568723 -0.00096269317557732246 -0.0037861835850298985 0.0034131942007443457 0.00030728285426750448
+leaf_weight=49 74 45 48 45
+leaf_count=49 74 45 48 45
+internal_value=0 -0.0149075 0.0376692 -0.086596
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5862
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.238334 0.720472 1.71752 0.660131 1.24516
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0024248690137489495 -0.0013960277824995469 -0.0022043921177554134 0.0045010251424870123 -0.0017384244505229496 0.0028070151295912843
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0141747 0.0416869 -0.0112597 0.0332783
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5863
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.23256 0.751203 1.73467 2.49937
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0012929566688296603 0.0035942595728044053 -0.0026560364046523113 -0.0035056664265251136 0.0023033202459061017
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0149628 0.0157043 -0.0477383
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=5864
+num_leaves=6
+num_cat=0
+split_feature=9 5 9 5 7
+split_gain=0.226524 0.75427 0.459745 0.393127 0.259467
+threshold=67.500000000000014 62.400000000000006 42.500000000000007 50.650000000000013 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=0.0012671348665745459 0.00035780751452685198 0.0028352540989760389 -0.002497200268600318 0.00028297048476854796 -0.0019165370947876654
+leaf_weight=49 39 41 46 39 47
+leaf_count=49 39 41 46 39 47
+internal_value=0 0.0215433 -0.0149967 -0.0606503 -0.0438201
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5865
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.218903 0.709601 0.761437 1.26237 1.5026
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0025614662654387973 -0.0013424327604798928 0.002572009167501871 0.0019848413424516094 -0.0041239802709832837 0.0026473439529666799
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0136346 -0.0154143 -0.0548644 0.0103791
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=5866
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 7
+split_gain=0.225598 0.744928 0.685031 1.61713 0.237038
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0013070935276119652 0.00030803274949676459 0.0028984799370120056 0.0019094554604638194 -0.003935172995000541 -0.0018719957228682717
+leaf_weight=49 39 39 41 46 47
+leaf_count=49 39 39 41 46 47
+internal_value=0 0.0215087 -0.0136448 -0.061194 -0.0437318
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5867
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 8
+split_gain=0.230476 0.760453 0.605096 1.60121
+threshold=55.500000000000007 55.500000000000007 70.500000000000014 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.00096214258779845436 0.00075217461611830588 0.0026535469063761279 0.00092646889392179548 -0.0045307501075852376
+leaf_weight=48 53 47 72 41
+leaf_count=48 53 47 72 41
+internal_value=0 0.0409447 -0.0234207 -0.0772616
+internal_weight=0 95 166 94
+internal_count=261 95 166 94
+shrinkage=0.02
+
+
+Tree=5868
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.220879 1.05853 0.976743 0.769688
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00091513439690035488 0.0012630604160978056 -0.0031194519442044473 0.0025780404589525845 -0.0024408016723325497
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.0145948 0.0211902 -0.0333168
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=5869
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.220742 0.735005 0.595796 1.69004
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00094863727997615695 -0.002018010757068494 0.0026075134490461693 -0.0015567408686328638 0.0037238397213856063
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0401466 -0.0229558 0.0243672
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=5870
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.226297 0.701984 1.70889 0.659506 1.20903
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0024344692662793383 -0.0013628909818866992 -0.0021795422217487097 0.0044786289556680379 -0.0017148216108811543 0.0027651958935361967
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0138519 0.0410208 -0.0117938 0.0327225
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5871
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.22174 0.730933 1.72001 2.52987
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 67.65000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0012651777492172975 0.0035790740566880993 -0.0026181989818953428 -0.0040805795242893992 0.0017346366295969999
+leaf_weight=49 47 44 56 65
+leaf_count=49 47 44 56 65
+internal_value=0 -0.0146278 0.0156309 -0.0475449
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=5872
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.222543 0.711357 0.78509 1.23742 1.4702
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0025550247939927352 -0.0013525349686029197 0.002576915654623241 0.0020208694187817335 -0.0041046490864830613 0.0025981976806773379
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0137424 -0.0153416 -0.055382 0.00921809
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=5873
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.21597 0.870548 0.859504 0.837293
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0013721153420948036 -0.0024141100466653475 0.0026639437681311657 -0.0018280020107720766 0.0018260441925204659
+leaf_weight=42 57 51 71 40
+leaf_count=42 57 51 71 40
+internal_value=0 -0.013163 0.0244651 -0.0251852
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=5874
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 3 6
+split_gain=0.213426 0.78362 0.54311 0.531986 0.245953
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 49.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010836723017393552 0.00016883225853987313 0.0028691535694685649 -0.0020351429282707912 0.0021405444434246189 -0.0020453108905712091
+leaf_weight=39 46 41 49 46 40
+leaf_count=39 46 41 49 46 40
+internal_value=0 0.0209766 -0.0162559 0.032606 -0.0426266
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5875
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 4
+split_gain=0.215065 0.748913 1.38511 0.913077
+threshold=42.500000000000007 17.500000000000004 67.65000000000002 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0012476998760108918 -0.00097874579347385416 -0.0037282984564204827 0.0034076700625398294 0.00032765443048113222
+leaf_weight=49 74 45 48 45
+leaf_count=49 74 45 48 45
+internal_value=0 -0.0144188 0.0370734 -0.0846381
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5876
+num_leaves=6
+num_cat=0
+split_feature=6 9 8 4 5
+split_gain=0.219179 0.696099 1.6678 0.457859 0.389576
+threshold=70.500000000000014 72.500000000000014 58.500000000000007 50.500000000000007 52.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0013606569574738955 -0.0013430120355134951 -0.0021734958710704338 0.0039727333295556666 -0.0025871000159848824 0.00013970878233842074
+leaf_weight=42 44 39 49 44 43
+leaf_count=42 44 39 49 44 43
+internal_value=0 0.0136523 0.0407111 -0.0190414 -0.0615575
+internal_weight=0 217 178 129 87
+internal_count=261 217 178 129 87
+shrinkage=0.02
+
+
+Tree=5877
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.21921 1.54665 2.17262 1.76029
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00084477645319531904 0.0010730167306086634 0.00071741051284772482 -0.0052558148209902299 0.0045499193905324756
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0170632 -0.107042 0.07073
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=5878
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.218572 0.726847 1.27455 1.03562
+threshold=72.050000000000026 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0007519414745435581 0.001257075589573053 -0.002346995612015007 0.0033087268626579005 -0.003200415613993376
+leaf_weight=72 49 53 44 43
+leaf_count=72 49 53 44 43
+internal_value=0 -0.0145209 0.0195405 -0.0359996
+internal_weight=0 212 159 115
+internal_count=261 212 159 115
+shrinkage=0.02
+
+
+Tree=5879
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=0.22199 1.13687 1.46402 1.01415
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.001014839763171562 0.0022824660717932627 0.0029472111346426598 0.00016692570163626399 -0.004038804085283336
+leaf_weight=69 48 51 44 49
+leaf_count=69 48 51 44 49
+internal_value=0 0.0182758 -0.0281809 -0.102089
+internal_weight=0 192 141 93
+internal_count=261 192 141 93
+shrinkage=0.02
+
+
+Tree=5880
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.219625 0.725354 0.586136 1.66507
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00093904868963681928 -0.0020045418368006577 0.0025942204593472451 -0.0015480081353467111 0.0036938670741141749
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0400599 -0.0228958 0.0240518
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=5881
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.228392 0.695346 0.760892 1.22316
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00082277610478521002 -0.0013685458094145344 0.0025550499774172433 0.0019955031634381307 -0.0030963063030189902
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.0139171 -0.0148441 -0.0542819
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=5882
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.234521 0.773161 0.530143 0.543181 0.254596
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00096875035684154632 0.00014790633198869237 0.0028717766164833534 -0.0019918497695999623 0.0022772111518631574 -0.0021017972437749931
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0219135 -0.0150727 0.0332221 -0.0445016
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5883
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 6
+split_gain=0.224356 0.734728 0.663698 1.61475 0.24381
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0013236957123123119 0.00014495259928346224 0.0028812231222991903 0.0018800661482310569 -0.0039148465238167101 -0.0020598346348605552
+leaf_weight=49 46 39 41 46 40
+leaf_count=49 46 39 41 46 40
+internal_value=0 0.0214715 -0.0134449 -0.0602731 -0.0436038
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5884
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.226961 0.72627 0.590924 1.63636
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00092781327541631604 -0.0020174635138728264 0.0026075265346526696 -0.0023899453547449475 0.0027169065746722992
+leaf_weight=48 63 47 45 58
+leaf_count=48 63 47 45 58
+internal_value=0 0.0406733 -0.0232388 0.0238944
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=5885
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.225927 1.0821 1.43832 1.65116
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0010229794960455525 0.002034355967421176 0.0028884008972640601 -0.0050119861322144082 0.00051774989607753625
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0184279 -0.0269092 -0.107224
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=5886
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 6
+split_gain=0.220516 0.653297 0.617919 1.11738 0.796861
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0013240906501966784 -0.0013465290199961011 0.0024828499629975234 0.00019872468987573537 0.0033470435235545036 -0.0036304284050385606
+leaf_weight=42 44 44 51 41 39
+leaf_count=42 44 44 51 41 39
+internal_value=0 0.013702 -0.0141947 0.0487291 -0.0726612
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=5887
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.232282 0.760903 0.503125 0.526393 0.244555
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00096435421299864959 0.00031406860080618424 0.0028510430130843619 -0.0019459762958540605 0.0022328591464372363 -0.0018978499557679694
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0218205 -0.0148766 0.0322081 -0.0443018
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5888
+num_leaves=6
+num_cat=0
+split_feature=9 5 9 5 7
+split_gain=0.222204 0.730064 0.435674 0.404076 0.234164
+threshold=67.500000000000014 62.400000000000006 42.500000000000007 50.650000000000013 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=0.0012354624681956709 0.00030779842139510872 0.0027941193219545492 -0.0024829629569475941 0.00033459491030407703 -0.0018599495843499233
+leaf_weight=49 39 41 46 39 47
+leaf_count=49 39 41 46 39 47
+internal_value=0 0.0213803 -0.0145794 -0.0590793 -0.0434078
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5889
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 8
+split_gain=0.214457 0.696732 0.577443 1.58686
+threshold=55.500000000000007 56.500000000000007 70.500000000000014 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.00074173594591744278 0.0007816199894305877 0.0027460141077952911 0.00091077112873562069 -0.004478013991061458
+leaf_weight=53 53 42 72 41
+leaf_count=53 53 42 72 41
+internal_value=0 0.0396344 -0.0226387 -0.0752798
+internal_weight=0 95 166 94
+internal_count=261 95 166 94
+shrinkage=0.02
+
+
+Tree=5890
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=0.222895 1.05755 1.40347 1.00811
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0010164656272082251 0.00225725729040924 0.0028581094777053624 0.00022444972232920745 -0.0039693090232783435
+leaf_weight=69 48 51 44 49
+leaf_count=69 48 51 44 49
+internal_value=0 0.0183234 -0.0265032 -0.0988946
+internal_weight=0 192 141 93
+internal_count=261 192 141 93
+shrinkage=0.02
+
+
+Tree=5891
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.229164 0.749902 0.492001 0.511204 0.224305
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00094906437771037557 0.00027199923118759 0.0028314811445542256 -0.0019256694598185303 0.0022032718071188593 -0.0018525171300167995
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0216954 -0.0147404 0.0318372 -0.0440171
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=5892
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 6
+split_gain=0.21921 0.722911 0.662288 1.60618 0.216855
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0013192406113008775 9.9995904720370351e-05 0.0028576954931501296 0.0018790998921026881 -0.0039055372667540335 -0.0019877357508532568
+leaf_weight=49 46 39 41 46 40
+leaf_count=49 46 39 41 46 40
+internal_value=0 0.0212577 -0.0133822 -0.0601625 -0.0431287
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5893
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.223758 1.07376 0.967402 0.793519
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00057962102327351538 0.0012711303842840257 -0.0031405290455276519 0.0025717798563150256 -0.0029899553737586684
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.0146545 0.0213837 -0.0328655
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=5894
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.219398 0.714581 0.592823 1.71149
+threshold=55.500000000000007 56.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00075234665773880546 -0.0020124369838667952 0.0027786731868025979 -0.0015700655326894577 0.0037435634335675439
+leaf_weight=53 63 42 63 40
+leaf_count=53 63 42 63 40
+internal_value=0 0.0400609 -0.022865 0.0243429
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=5895
+num_leaves=5
+num_cat=0
+split_feature=2 4 8 2
+split_gain=0.219545 0.79842 1.34894 1.60137
+threshold=8.5000000000000018 69.500000000000014 49.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0010093113320495486 0.0022057097369314032 0.0023496858905651223 0.00078957715824632486 -0.0046872865985330883
+leaf_weight=69 48 58 42 44
+leaf_count=69 48 58 42 44
+internal_value=0 0.0182026 -0.0245106 -0.100239
+internal_weight=0 192 134 86
+internal_count=261 192 134 86
+shrinkage=0.02
+
+
+Tree=5896
+num_leaves=5
+num_cat=0
+split_feature=8 3 7 7
+split_gain=0.224406 0.656701 0.504927 0.364588
+threshold=72.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010857996237000564 -0.0013039824775583758 0.0021114880878264496 -0.0020178503146251535 0.0014221015537497655
+leaf_weight=40 47 59 53 62
+leaf_count=40 47 59 53 62
+internal_value=0 0.0143878 -0.0200959 0.0215351
+internal_weight=0 214 155 102
+internal_count=261 214 155 102
+shrinkage=0.02
+
+
+Tree=5897
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.22246 0.706139 0.806129 0.577466
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00075629889775288969 -0.0011646984803266272 0.0020873251494612712 -0.0028691620033008502 0.0023917418730238118
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0159713 -0.0238996 0.0247858
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5898
+num_leaves=6
+num_cat=0
+split_feature=6 5 4 5 4
+split_gain=0.215853 0.599564 0.727682 0.816191 0.746149
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 53.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0015218428535591461 -0.0013332709349862621 0.0025538635414855573 -0.0025949481229059941 0.0028709773290090559 -0.0020824625678340166
+leaf_weight=41 44 39 41 41 55
+leaf_count=41 44 39 41 41 55
+internal_value=0 0.0135755 -0.0112435 0.0239775 -0.0267405
+internal_weight=0 217 178 137 96
+internal_count=261 217 178 137 96
+shrinkage=0.02
+
+
+Tree=5899
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.225854 2.13721 2.33404 1.01428 1.6772
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0023530432137735726 -0.0013996728295196908 0.0044669757604539504 -0.0041088356290080921 0.0034087648775250551 -0.0033954535003371273
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0134801 -0.0332636 0.0428562 -0.0220929
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5900
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.223473 0.67371 0.797912 0.583692
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0007489800511604937 -0.0011672247712925111 0.0020479816261493454 -0.0028386553987726436 0.0024153364114491219
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0159999 -0.0229646 0.0254778
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5901
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.222056 2.06335 2.24526 0.984093 1.62652
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0023149981203245272 -0.0013888954601974704 0.0043923649806943002 -0.0040292840725782023 0.0033562502084334899 -0.00334694963494292
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0133716 -0.0325614 0.0421041 -0.0218839
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5902
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.229865 0.647615 0.776012 0.580427
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00073965980057234522 -0.0011825358549397706 0.0020192428750140223 -0.0027877158517961753 0.0024160006473508892
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.016204 -0.0220152 0.0257709
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5903
+num_leaves=5
+num_cat=0
+split_feature=6 5 7 2
+split_gain=0.228006 1.0522 0.930459 0.727425
+threshold=63.500000000000007 72.050000000000026 58.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.00059981867622941286 -0.0031421160477377685 0.0011754694112314818 0.0025588481249628793 -0.0028020173663774097
+leaf_weight=72 43 49 57 40
+leaf_count=72 43 49 57 40
+internal_value=0 -0.0417349 0.0227674 -0.0304488
+internal_weight=0 92 169 112
+internal_count=261 92 169 112
+shrinkage=0.02
+
+
+Tree=5904
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.230808 0.948183 0.620009 2.16528
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0017541381971869505 -0.0010864832311454683 0.0030468635434793521 -0.0024518662601680338 0.0040288636377397843
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0176985 -0.0185802 0.040927
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=5905
+num_leaves=5
+num_cat=0
+split_feature=4 7 7 2
+split_gain=0.223549 0.48717 1.63463 0.714325
+threshold=73.500000000000014 58.500000000000007 67.500000000000014 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.00061668841518483421 -0.0011675835887692031 0.004417778182151633 -0.00094257975193550792 -0.0027553479726367502
+leaf_weight=72 56 41 52 40
+leaf_count=72 56 41 52 40
+internal_value=0 0.0159936 0.0706769 -0.029072
+internal_weight=0 205 93 112
+internal_count=261 205 93 112
+shrinkage=0.02
+
+
+Tree=5906
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.217075 2.02308 2.2018 0.896677 1.57821
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0023232545070252767 -0.0013746977178457373 0.004349402928548708 -0.0039907198011149983 0.0032358417065828748 -0.0032552551405817189
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0132252 -0.03226 0.0416834 -0.0194339
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5907
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.232003 0.92044 0.596442 2.10133
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0017172811955908261 -0.0010892058606066925 0.0030087034800626729 -0.0024144570546332199 0.0039706730731371778
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0177338 -0.0180177 0.0403783
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=5908
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 5
+split_gain=0.226815 1.03887 0.848401 1.13029
+threshold=63.500000000000007 72.050000000000026 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0027321566762278054 -0.0031258935891290756 0.001164708426797283 0.0023151825250036198 0.0014273978686386612
+leaf_weight=53 43 49 63 53
+leaf_count=53 43 49 63 53
+internal_value=0 -0.0416422 0.0227051 -0.0322634
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=5909
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.235186 0.748331 0.631649 1.59698
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0029371618092365031 -0.0020761892544579651 -0.0006953891676676258 -0.0014862201718779777 0.0036484144434392345
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0413364 -0.0236314 0.0250587
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=5910
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 5
+split_gain=0.250711 0.652188 0.815528 1.06373
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00096272823253039353 -0.0013729021363300656 0.0021856872177982959 -0.0028590455308411524 0.0030136498023150609
+leaf_weight=75 47 56 40 43
+leaf_count=75 47 56 40 43
+internal_value=0 0.0151155 -0.0180414 0.0240221
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=5911
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.239983 0.625625 0.801165 0.725889
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0028937725284903133 -0.0013454848548802242 0.0021420277838631917 -0.0021264449678171224 -0.00068521995720422619
+leaf_weight=40 47 56 63 55
+leaf_count=40 47 56 63 55
+internal_value=0 0.0148099 -0.0176809 0.0407165
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5912
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.232101 0.752496 1.54739 0.696352 1.10799
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0024210789720108305 -0.0013789164744924464 -0.0022610713059803946 0.0043251177173973419 -0.0015177311897860036 0.0027730881803800854
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0140111 0.0421092 -0.00816246 0.0375613
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5913
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.226489 0.604624 0.856837 0.491679
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011901095300428483 -0.0011750136307716924 0.0019610967322665372 -0.0028816201486870818 0.0017341772333612237
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0160696 -0.0208902 0.0292838
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5914
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.221815 0.728692 1.48747 0.664897 1.07092
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0023661961099111979 -0.001350690606074496 -0.0022275074229639816 0.0042432567231786627 -0.0014955309460989586 0.0027241250051288153
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0137124 0.041377 -0.00791895 0.036783
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5915
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 9
+split_gain=0.231582 0.623404 0.759315 0.965517
+threshold=42.500000000000007 50.650000000000013 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0012904179476418659 -0.0023916602485198855 0.0022525530169449784 0.00069359665964702677 -0.0032362475610520033
+leaf_weight=49 46 54 73 39
+leaf_count=49 46 54 73 39
+internal_value=0 -0.0149355 0.0138606 -0.033443
+internal_weight=0 212 166 112
+internal_count=261 212 166 112
+shrinkage=0.02
+
+
+Tree=5916
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 8
+split_gain=0.221613 0.754235 1.89423 2.64235 0.681677
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0012646461813421192 0.0037478236149302434 -0.0026541272318360487 -0.0049986235493984805 -0.00068894603239367126 0.0030892516488414609
+leaf_weight=49 47 44 43 39 39
+leaf_count=49 47 44 43 39 39
+internal_value=0 -0.0146339 0.0160943 -0.050182 0.0595491
+internal_weight=0 212 168 121 78
+internal_count=261 212 168 121 78
+shrinkage=0.02
+
+
+Tree=5917
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.215399 1.10625 1.51297 1.70797
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.001001383108640392 0.0020810844141191422 0.0029073825244948087 -0.0051191370670546658 0.0005039121577235582
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0180022 -0.0278325 -0.11017
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=5918
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.218761 0.710639 0.588844 1.61559
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0028574457984963408 -0.0020076299794532142 -0.00068474932322598245 -0.0015153701995965019 0.0036488701739504892
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0399646 -0.0228775 0.0241757
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=5919
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 6
+split_gain=0.234731 0.657077 0.634142 1.03983 0.801147
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0012218853252396848 -0.0013863537858031304 0.0024963695596669413 0.00019411998469581664 0.003286475613223453 -0.0036450593701738026
+leaf_weight=42 44 44 51 41 39
+leaf_count=42 44 44 51 41 39
+internal_value=0 0.0140708 -0.0139042 0.0498199 -0.0731091
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=5920
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 4
+split_gain=0.224659 0.702202 1.54583 0.609243
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00093813508152564408 -0.0013586710724453012 -0.0021811640846140404 0.0034495912140769577 -0.0019764286956089399
+leaf_weight=59 44 39 60 59
+leaf_count=59 44 39 60 59
+internal_value=0 0.0137898 0.0409628 -0.0256339
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=5921
+num_leaves=5
+num_cat=0
+split_feature=6 5 4 6
+split_gain=0.214962 0.607991 0.788992 0.745966
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00082856964165927847 -0.0013315406130867289 0.0025680415917236554 -0.002694812022568624 0.0021749752370507349
+leaf_weight=76 44 39 41 61
+leaf_count=76 44 39 41 61
+internal_value=0 0.0135104 -0.0114785 0.0251683
+internal_weight=0 217 178 137
+internal_count=261 217 178 137
+shrinkage=0.02
+
+
+Tree=5922
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.207909 0.635957 0.79044 1.29595
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001170323307066301 -0.0012601901818203754 0.002137544329718502 -0.0028384973743564622 0.0031914407155506732
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.0138446 -0.0189086 0.0225125
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=5923
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 6
+split_gain=0.21653 0.656283 0.669297 1.59468 0.24046
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0013341724397115437 0.0001518245570689912 0.0027426860808166726 0.0019190408139091789 -0.003872180127944868 -0.0020389469265789054
+leaf_weight=49 46 39 41 46 40
+leaf_count=49 46 39 41 46 40
+internal_value=0 0.0210911 -0.0119455 -0.0589689 -0.0429337
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5924
+num_leaves=5
+num_cat=0
+split_feature=2 4 3 2
+split_gain=0.206833 0.79679 1.37877 0.911884
+threshold=8.5000000000000018 69.500000000000014 60.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00098304334583104247 0.003126363274651297 0.0023370936086626838 -0.003327520589281738 -0.00098258678667329782
+leaf_weight=69 42 58 46 46
+leaf_count=69 42 58 46 46
+internal_value=0 0.0176692 -0.0250021 0.0485173
+internal_weight=0 192 134 88
+internal_count=261 192 134 88
+shrinkage=0.02
+
+
+Tree=5925
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.21405 0.701263 0.590442 1.63212
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00092047751408643038 -0.0020053138358613579 0.0025550695150197882 -0.0015198562530036092 0.003670405262055274
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0395602 -0.0226589 0.0244571
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=5926
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.221312 0.691098 1.51421 0.663647 1.05777
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0023873049751136082 -0.0013495086064164482 -0.0021642160110818261 0.0042590019661707277 -0.0013318179567968159 0.0028554543504998669
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.013687 0.0406516 -0.00908298 0.0355754
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=5927
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.218404 0.606789 0.842825 0.584466
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0006886234951121985 -0.0011559944109672613 0.001958238226664649 -0.0028688477201417673 0.0024771168600421075
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0157832 -0.0212416 0.0285263
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5928
+num_leaves=5
+num_cat=0
+split_feature=9 7 3 9
+split_gain=0.219548 0.6094 1.11972 0.890766
+threshold=42.500000000000007 55.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0012589004217351504 -0.0021335366423155038 0.0029970500230245794 0.00058184616502353229 -0.0032041531699009496
+leaf_weight=49 55 46 72 39
+leaf_count=49 55 46 72 39
+internal_value=0 -0.0145877 0.0174513 -0.0371174
+internal_weight=0 212 157 111
+internal_count=261 212 157 111
+shrinkage=0.02
+
+
+Tree=5929
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=0.211818 1.5554 2.0647 1.76488
+threshold=72.500000000000014 6.5000000000000009 51.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0043782929910480359 0.0010556913975910338 0.0014296994848204965 -0.0045140269583850137 -0.00098071118541750513
+leaf_weight=45 63 39 59 55
+leaf_count=45 63 39 59 55
+internal_value=0 -0.0168282 -0.107059 0.0712111
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=5930
+num_leaves=5
+num_cat=0
+split_feature=2 4 3 2
+split_gain=0.208915 0.76732 1.34768 0.853043
+threshold=8.5000000000000018 69.500000000000014 60.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00098768622044889741 0.003057794140712479 0.0023024589965668137 -0.0032789072655553747 -0.0009187714663676437
+leaf_weight=69 42 58 46 46
+leaf_count=69 42 58 46 46
+internal_value=0 0.017743 -0.0241462 0.0485487
+internal_weight=0 192 134 88
+internal_count=261 192 134 88
+shrinkage=0.02
+
+
+Tree=5931
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.213061 0.606611 0.819486 0.563135
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0006831384537934102 -0.0011429419963409158 0.001954491465652354 -0.0028389880607561789 0.0024262040696567747
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0156066 -0.0214133 0.0276716
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=5932
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 3 6
+split_gain=0.204668 0.628301 0.678749 1.58662 0.253443
+threshold=67.500000000000014 66.500000000000014 56.500000000000007 54.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0013245199686620444 0.00019904952728362773 0.0026833689289078371 0.0019369421788657526 -0.0038687646100493663 -0.0020466829876438441
+leaf_weight=49 46 39 41 46 40
+leaf_count=49 46 39 41 46 40
+internal_value=0 0.0205488 -0.0117916 -0.0591353 -0.0418499
+internal_weight=0 175 136 95 86
+internal_count=261 175 136 95 86
+shrinkage=0.02
+
+
+Tree=5933
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.208036 0.763138 0.804772 0.792339
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010041864507396815 0.00095704030222023629 -0.002701979974567525 0.0023893279940712725 -0.0027080688621916598
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.0182553 0.0169731 -0.0382573
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=5934
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.206373 1.36567 1.97553 4.42752
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0012088543950428095 0.0026923019694102784 -0.0081354289994272234 0.0012188033955560017 0.00087588558617118296
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0143479 -0.0584986 -0.160715
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=5935
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=0.21306 1.02071 0.839011 1.12706
+threshold=72.050000000000026 63.500000000000007 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0027617066277467262 0.0012421241472090896 -0.0030649606073121683 0.0022667483364544787 0.0013917779133484731
+leaf_weight=53 49 43 63 53
+leaf_count=53 49 43 63 53
+internal_value=0 -0.0143693 0.0207789 -0.0338937
+internal_weight=0 212 169 106
+internal_count=261 212 169 106
+shrinkage=0.02
+
+
+Tree=5936
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.211349 0.806189 0.963558 1.78747
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0023737730026721121 0.00096426186876107111 -0.0029598855760996378 -0.0015124829880675977 0.0036260184050797028
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0183728 0.0151156 0.0641796
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=5937
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.218072 0.75525 1.79287 2.58696
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 67.65000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.001255390158199064 0.0036585394244400228 -0.0026534899916404332 -0.0041297716112810388 0.0017502087695787164
+leaf_weight=49 47 44 56 65
+leaf_count=49 47 44 56 65
+internal_value=0 -0.014524 0.0162246 -0.0482656
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=5938
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.208635 0.650714 0.786637 1.2326
+threshold=42.500000000000007 50.650000000000013 73.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0012303181694995513 -0.0024216072546087313 0.0034294567873154537 -0.0016965910345343495 -0.00079057284152200206
+leaf_weight=49 46 55 54 57
+leaf_count=49 46 55 54 57
+internal_value=0 -0.0142302 0.0151766 0.0637736
+internal_weight=0 212 166 112
+internal_count=261 212 166 112
+shrinkage=0.02
+
+
+Tree=5939
+num_leaves=5
+num_cat=0
+split_feature=2 4 8 2
+split_gain=0.213878 0.792393 1.31052 1.50833
+threshold=8.5000000000000018 69.500000000000014 49.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00099810183116610918 0.0021654945568400311 0.0023372581603067436 0.00072705893377729858 -0.0045897272828351841
+leaf_weight=69 48 58 42 44
+leaf_count=69 48 58 42 44
+internal_value=0 0.0179461 -0.024609 -0.0992691
+internal_weight=0 192 134 86
+internal_count=261 192 134 86
+shrinkage=0.02
+
+
+Tree=5940
+num_leaves=5
+num_cat=0
+split_feature=2 4 3 2
+split_gain=0.204653 0.760159 1.26613 0.816178
+threshold=8.5000000000000018 69.500000000000014 60.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00097816012736534771 0.002970036240110835 0.0022905692259410746 -0.0031935156236049121 -0.00092167132912720779
+leaf_weight=69 42 58 46 46
+leaf_count=69 42 58 46 46
+internal_value=0 0.0175915 -0.0241058 0.0463768
+internal_weight=0 192 134 88
+internal_count=261 192 134 88
+shrinkage=0.02
+
+
+Tree=5941
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.213626 0.696431 0.799269 0.756557
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00093283500946756044 0.0009689140733104265 -0.002604431328398586 0.0023475195563467418 -0.0026961566680277337
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.018467 0.0152155 -0.0398329
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=5942
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.209727 1.34211 1.99828 4.19146
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0012179853278337803 0.0026648890973919887 -0.0080089026616339126 0.0012380564807495742 0.00075937596110412777
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0144434 -0.0582181 -0.161016
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=5943
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.216446 0.751395 0.965495 1.74677
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0024031981066453181 0.00097497095424328869 -0.0028762796820964477 -0.0015063473221112883 0.003573945323639431
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0185668 0.0137829 0.0628982
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=5944
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.207126 0.720824 0.926472 1.67699
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0023552178848643595 0.00095549066590443221 -0.0028188571134796221 -0.0014762623745941381 0.0035025496755321829
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0182008 0.0134964 0.0616343
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=5945
+num_leaves=5
+num_cat=0
+split_feature=9 2 6 9
+split_gain=0.220364 0.73849 1.4798 2.7223
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0012614884925806914 0.0034410994790828372 -0.0026291286319812084 -0.0044923671359123809 0.0016002741630954979
+leaf_weight=49 45 44 49 74
+leaf_count=49 45 44 49 74
+internal_value=0 -0.0145903 0.0158214 -0.0410775
+internal_weight=0 212 168 123
+internal_count=261 212 168 123
+shrinkage=0.02
+
+
+Tree=5946
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 6
+split_gain=0.211868 0.629049 2.20861 0.249103
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.00092088260023820369 -0.0011831490353185468 0.00015481749000674557 0.0048438102198967142 -0.0020834454001929952
+leaf_weight=77 55 45 44 40
+leaf_count=77 55 45 44 40
+internal_value=0 0.0192874 0.0744477 -0.0444963
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=5947
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.208561 0.707423 1.65739 2.50292
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 67.65000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0012301237468494036 0.0035181958381354096 -0.0025735558316175812 -0.0040426273935509176 0.0017418135792808187
+leaf_weight=49 47 44 56 65
+leaf_count=49 47 44 56 65
+internal_value=0 -0.0142277 0.0155504 -0.0464732
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=5948
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 6
+split_gain=0.219948 0.60715 2.10876 0.249056
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.00093679287573592137 -0.0011344152868649087 0.00018342356352102064 0.0047556947171349959 -0.0020550856418537623
+leaf_weight=77 55 45 44 40
+leaf_count=77 55 45 44 40
+internal_value=0 0.0196205 0.0738423 -0.0430706
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=5949
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.212809 0.668885 0.92191 1.69603
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0023764319841719519 0.00096728748317166451 -0.0027357866982532521 -0.0012387343548272826 0.0037483071967227715
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0184312 0.0121248 0.0601504
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=5950
+num_leaves=5
+num_cat=0
+split_feature=9 7 2 1
+split_gain=0.212026 0.715811 1.37461 1.6038
+threshold=42.500000000000007 55.500000000000007 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0012393406479913056 -0.0022781675218852514 -0.0032371476982002247 0.0028376811287700579 0.0019713793211329263
+leaf_weight=49 55 57 59 41
+leaf_count=49 55 57 59 41
+internal_value=0 -0.0143387 0.0203229 -0.052503
+internal_weight=0 212 157 98
+internal_count=261 212 157 98
+shrinkage=0.02
+
+
+Tree=5951
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.213141 1.34453 1.87998 3.79127
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0012270069437777423 0.0026653817395708907 -0.0077172717730957944 0.0011633824566097573 0.00062304349830449672
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.01455 -0.0583634 -0.158102
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=5952
+num_leaves=6
+num_cat=0
+split_feature=4 5 9 6 7
+split_gain=0.222764 1.05963 1.27784 1.83834 0.616814
+threshold=74.500000000000014 68.65000000000002 61.500000000000007 51.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00088686942618692091 0.0012679310553254141 -0.003251827271529228 0.0033100555689128449 -0.0042056304897665833 0.0025406381069361505
+leaf_weight=39 49 40 45 40 48
+leaf_count=39 49 40 45 40 48
+internal_value=0 -0.014655 0.0195685 -0.0318884 0.0497752
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=5953
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 5
+split_gain=0.235959 1.08486 0.772216 0.762782
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 70.000000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.00094549318984348473 0.0025235592216590968 -0.003365778932942899 -0.0023550863683661012 0.0010211235003923091
+leaf_weight=58 52 40 49 62
+leaf_count=58 52 40 49 62
+internal_value=0 -0.0403599 0.0242898 -0.0231309
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=5954
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 2
+split_gain=0.225777 1.04124 0.740852 0.755615
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.00092660645189462031 0.0024731560195959848 -0.0032985808088815821 -0.002726733928175878 0.00076859067173875532
+leaf_weight=58 52 40 39 72
+leaf_count=58 52 40 39 72
+internal_value=0 -0.0395463 0.0238045 -0.0226619
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=5955
+num_leaves=4
+num_cat=0
+split_feature=4 2 2
+split_gain=0.224573 0.58774 1.47774
+threshold=53.500000000000007 20.500000000000004 11.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0010621468540248425 -0.00083958775822326004 -0.0012774297237559487 0.0033928631901481753
+leaf_weight=65 72 62 62
+leaf_count=65 72 62 62
+internal_value=0 0.0176457 0.0556746
+internal_weight=0 196 134
+internal_count=261 196 134
+shrinkage=0.02
+
+
+Tree=5956
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.221159 1.30216 1.8078 3.65003
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0012480576002171636 0.0026141624755084835 -0.0075849820940102428 0.0011273522562291155 0.00059903227801825858
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0147917 -0.0579213 -0.155748
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=5957
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 4
+split_gain=0.231133 0.58813 1.92549 0.232738
+threshold=48.500000000000007 67.500000000000014 7.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.00095814824258815792 -0.0010261884074646657 -0.0018624289844632281 0.0046040173391920384 0.00030671771536719508
+leaf_weight=77 55 45 44 40
+leaf_count=77 55 45 44 40
+internal_value=0 0.020084 0.0734768 -0.0416419
+internal_weight=0 184 99 85
+internal_count=261 184 99 85
+shrinkage=0.02
+
+
+Tree=5958
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.230473 0.621812 0.914671 1.59524
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0024014531646787541 0.0010035401232260449 -0.0026668491514863519 -0.0014782476808041756 0.0033791782239996817
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0191063 0.0103769 0.0582227
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=5959
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.221261 0.94379 0.95529 0.673442
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00078687432016947157 0.0012639844036767941 -0.0029651588739514601 0.0025152332943167185 -0.0023569517258561017
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.0146102 0.0192055 -0.0347117
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=5960
+num_leaves=4
+num_cat=0
+split_feature=4 2 2
+split_gain=0.22251 0.587206 1.45245
+threshold=53.500000000000007 20.500000000000004 11.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0010577028386085307 -0.00082480891805027936 -0.0012782539305804875 0.0033716719441052243
+leaf_weight=65 72 62 62
+leaf_count=65 72 62 62
+internal_value=0 0.0175688 0.0555813
+internal_weight=0 196 134
+internal_count=261 196 134
+shrinkage=0.02
+
+
+Tree=5961
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.220108 0.605898 0.873504 1.58937
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0023427482569994165 0.00098240992567882293 -0.0026305427735407762 -0.0012206736822973519 0.0036087806982375631
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0187141 0.0103984 0.0571834
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=5962
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.228381 1.3136 1.75062 3.48268
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0012664852148048032 0.0026222240064267574 -0.00745913309321488 0.0010829170967674422 0.000535621795456896
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0150176 -0.0583325 -0.154616
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=5963
+num_leaves=5
+num_cat=0
+split_feature=4 2 3 9
+split_gain=0.228564 0.60923 1.42107 2.50302
+threshold=53.500000000000007 20.500000000000004 72.500000000000014 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0010708547460033504 0.0026710278423369488 -0.0013033339340646083 0.0040940569960289273 -0.0040609534153222505
+leaf_weight=65 50 62 44 40
+leaf_count=65 50 62 44 40
+internal_value=0 0.0177853 0.0564784 -0.0156456
+internal_weight=0 196 134 90
+internal_count=261 196 134 90
+shrinkage=0.02
+
+
+Tree=5964
+num_leaves=5
+num_cat=0
+split_feature=6 6 3 2
+split_gain=0.221163 0.516651 0.998934 0.473994
+threshold=48.500000000000007 63.500000000000007 72.500000000000014 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=-0.00093910998911191426 0.00011515020633710462 -0.0028823503405903915 0.0013225114808983779 0.0030736749762164915
+leaf_weight=77 50 44 48 42
+leaf_count=77 50 44 48 42
+internal_value=0 0.0196727 -0.0340241 0.073789
+internal_weight=0 184 92 92
+internal_count=261 184 92 92
+shrinkage=0.02
+
+
+Tree=5965
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.215994 0.877297 0.909252 0.756421
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00051904679178290227 0.0012501358886600296 -0.0028681064209404973 0.0024437837773453905 -0.0029676588505529399
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.0144486 0.0181721 -0.0344515
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=5966
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.233155 0.592457 0.850237 1.53165
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0023255564968931667 0.0010088885835533056 -0.0026159928747080219 -0.0014747490991961227 0.0032861052288555839
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0192088 0.00958573 0.0557625
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=5967
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 4
+split_gain=0.228014 0.826167 1.43897 1.0062
+threshold=42.500000000000007 17.500000000000004 67.65000000000002 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0012815416232131031 -0.00096868386792892385 -0.0039040609065708605 0.0035009389994842288 0.00035023153539055172
+leaf_weight=49 74 45 48 45
+leaf_count=49 74 45 48 45
+internal_value=0 -0.0148138 0.0392151 -0.0884707
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5968
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.221017 1.43208 2.03071 0.690583
+threshold=8.5000000000000018 67.65000000000002 59.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0012414141841701008 -0.0023136953956895204 0.0030137426386001461 -0.0044285386781899175 0.0011682757907956367
+leaf_weight=67 54 58 41 41
+leaf_count=67 54 58 41 41
+internal_value=0 0.0229992 -0.045257 -0.0401391
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=5969
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 9
+split_gain=0.225378 0.76157 0.571692 2.01119
+threshold=72.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0017827545085760872 -0.0013071117388206808 0.0022476978542761532 -0.0024627620329078542 0.0037857126311930563
+leaf_weight=72 47 59 41 42
+leaf_count=72 47 59 41 42
+internal_value=0 0.0143896 -0.0226878 0.0345006
+internal_weight=0 214 155 83
+internal_count=261 214 155 83
+shrinkage=0.02
+
+
+Tree=5970
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 4
+split_gain=0.23437 0.827624 1.34042 0.962168
+threshold=42.500000000000007 17.500000000000004 67.65000000000002 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.001297898843766036 -0.00091091843919665835 -0.0038625937118391307 0.0034048041975656917 0.00029880141984445701
+leaf_weight=49 74 45 48 45
+leaf_count=49 74 45 48 45
+internal_value=0 -0.0150005 0.0390748 -0.08872
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5971
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.238899 0.671827 0.562535 1.95249
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0017448141565753156 -0.0013973054579590788 0.0020705460358860605 -0.0023977338412102191 0.0037595465144579505
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0142026 -0.0212999 0.0354455
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=5972
+num_leaves=5
+num_cat=0
+split_feature=9 2 4 4
+split_gain=0.237845 0.814362 1.34705 0.927048
+threshold=42.500000000000007 17.500000000000004 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0013067249773669586 0.002479691793739774 -0.0038153197236701322 -0.0018466099959687529 0.00027055804920429294
+leaf_weight=49 74 45 48 45
+leaf_count=49 74 45 48 45
+internal_value=0 -0.0151031 0.0385452 -0.0882438
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5973
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.227628 0.781186 1.31777 0.791559
+threshold=42.500000000000007 17.500000000000004 67.65000000000002 61.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.001280627538551982 -0.000922866333284835 -0.0038502510192836344 0.0033568489726377871 -1.3831870830151904e-05
+leaf_weight=49 74 40 48 50
+leaf_count=49 74 40 48 50
+internal_value=0 -0.0147982 0.0377681 -0.0864728
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=5974
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.24018 0.674637 0.797106 1.26659 1.77063
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0026258713436882568 -0.0014008446849268904 0.0025281384262011821 0.0020631013114097464 -0.0039119415131527507 0.003140789244297764
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0142334 -0.0141048 -0.0544445 0.0157687
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=5975
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.230781 2.13617 2.29093 0.918283 1.46619
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.002223473315000789 -0.001414098899314742 0.0044681752165386677 -0.0040747244342409358 0.0032757949146205467 -0.0031557686646620708
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0135909 -0.0331414 0.0422756 -0.0195626
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5976
+num_leaves=5
+num_cat=0
+split_feature=8 3 7 5
+split_gain=0.238563 0.676401 0.565943 0.438756
+threshold=72.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011151385032630516 -0.0013418752662259757 0.0021453561062450151 -0.0021116184757010558 0.0016026340450875094
+leaf_weight=42 47 59 53 60
+leaf_count=42 47 59 53 60
+internal_value=0 0.014766 -0.020219 0.0237858
+internal_weight=0 214 155 102
+internal_count=261 214 155 102
+shrinkage=0.02
+
+
+Tree=5977
+num_leaves=5
+num_cat=0
+split_feature=6 3 7 5
+split_gain=0.2285 0.604604 0.54273 0.420651
+threshold=70.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010928728699592051 -0.001369108965614904 0.0019756818773407703 -0.0020694416585066507 0.0015706186709590337
+leaf_weight=42 44 62 53 60
+leaf_count=42 44 62 53 60
+internal_value=0 0.0139069 -0.0198154 0.0233026
+internal_weight=0 217 155 102
+internal_count=261 217 155 102
+shrinkage=0.02
+
+
+Tree=5978
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.221765 0.661548 0.812301 0.69018
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00090489805053159302 -0.0012976848034752843 0.0021819718988136914 -0.0021670285708592731 0.002543705687518836
+leaf_weight=48 47 56 63 47
+leaf_count=48 47 56 63 47
+internal_value=0 0.0142716 -0.0191183 0.0396728
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5979
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 6
+split_gain=0.212183 0.618316 0.566155 1.49032
+threshold=72.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0017131207677890696 -0.0012717695085010079 0.0020509726677511841 -0.0021026316279031017 0.0032931748923190687
+leaf_weight=72 47 59 39 44
+leaf_count=72 47 59 39 44
+internal_value=0 0.013983 -0.0195022 0.0374265
+internal_weight=0 214 155 83
+internal_count=261 214 155 83
+shrinkage=0.02
+
+
+Tree=5980
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.230189 2.0438 2.19896 0.768286
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0006745541040429656 -0.001412686038030024 0.0043767578160938325 -0.0039864679876750802 0.0025101036703160757
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.013562 -0.032154 0.041742
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=5981
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.220278 1.96223 2.11114 0.737171
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00066107740265919693 -0.0013844792892665401 0.0042893758598396186 -0.0039068400594117489 0.0024599612856024268
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.0132878 -0.0315117 0.0409018
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=5982
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.238096 0.932698 0.535893 1.99516
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016499955658982463 -0.0011028783424784025 0.0030296013828181928 -0.0023927980835003258 0.0038305980297230987
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0179178 -0.0180674 0.0373667
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=5983
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.227863 0.904317 1.25431 1.07809
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0006072202865299597 -0.0010808447423397295 0.0012934376069399167 0.0036861085591680639 -0.0032116826120101418
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.0175564 0.078608 -0.0591771
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=5984
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 7
+split_gain=0.218031 0.89923 0.572495 0.367603
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00099955496896315856 -0.001059251593384297 0.0029680207035399572 -0.0020798511964038916 0.0015170559583077862
+leaf_weight=40 64 42 53 62
+leaf_count=40 64 42 53 62
+internal_value=0 0.0172016 -0.0181422 0.0261152
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=5985
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.226822 0.746127 2.37873 1.55648
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0014027920043720667 -0.0036691918123626893 -0.0027714709193444116 0.0031432162530629034 0.0012049864882867655
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0134883 0.0142836 -0.0793157
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=5986
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.223608 1.94589 2.10158 0.802521 1.50628
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0023128862366955157 -0.0013941908658298171 0.0042744393627751291 -0.0038941013609132386 0.0030955763607827618 -0.0031388662537196821
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.013372 -0.0312416 0.041009 -0.0168583
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=5987
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.229588 0.923655 1.20865 1.02396
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00055362515026107168 -0.0010846341294934937 0.0012162521320564655 0.0036616453074812191 -0.0031758405594610492
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.0176156 0.0793013 -0.0599194
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=5988
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 4
+split_gain=0.224636 1.01589 0.868901 1.02375
+threshold=63.500000000000007 72.050000000000026 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0017290235232775466 -0.0030978637209647781 0.0011457885304985548 0.002334358016182867 -0.0023049435241581126
+leaf_weight=43 43 49 63 63
+leaf_count=43 43 49 63 63
+internal_value=0 -0.0414908 0.0225718 -0.033046
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=5989
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.225701 0.645268 0.7902 1.17072
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010850646810922223 -0.0013085152005880838 0.0021611844114416924 -0.0028322732035793029 0.0030636363638645672
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.014372 -0.0186137 0.0228016
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=5990
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.220919 0.848657 1.30409 0.277288
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00033724760201478952 0.00040709728599624436 -0.0014000916548802663 0.0040987823401248871 -0.0019396477445741609
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0212828 0.0755989 -0.0433333
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=5991
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.219399 0.872427 1.13914 0.999604
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00053308428951546159 -0.0010623670102854277 0.0012232822611535148 0.003560871046730116 -0.0031173232809679407
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.0172472 0.0772391 -0.0581464
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=5992
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.217311 0.724346 0.594191 1.58378
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0028738540897040349 -0.0020134380250987284 -0.000701579915561541 -0.001490586699992631 0.0036230982242638787
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0398229 -0.0228281 0.024433
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=5993
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.225979 0.622795 0.764481 0.694981
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0028164767417968406 -0.001309457846240732 0.0021292310384613258 -0.002093777008247164 -0.00068756597145339289
+leaf_weight=40 47 56 63 55
+leaf_count=40 47 56 63 55
+internal_value=0 0.0143699 -0.0180498 0.0390197
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=5994
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.228728 0.827267 1.28731 0.264575
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00033220900501459906 0.00036483044142777396 -0.0013706961133539797 0.004075538831598619 -0.0019303885553232391
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0216154 0.0752591 -0.0440394
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=5995
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 6
+split_gain=0.218758 0.79371 1.23573 0.245738
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00032557228987416405 0.00015786366907963401 -0.0013433120785925417 0.0039941518621639293 -0.0020552104153715228
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0211749 0.0737491 -0.0431506
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=5996
+num_leaves=5
+num_cat=0
+split_feature=6 8 7 8
+split_gain=0.222785 1.02236 0.770464 0.791105
+threshold=63.500000000000007 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.00071479173142891732 -0.0032562071579481291 0.0010282054503573689 0.0023678087147936126 -0.0028506109788193862
+leaf_weight=73 40 52 57 39
+leaf_count=73 40 52 57 39
+internal_value=0 -0.0413477 0.0224721 -0.02603
+internal_weight=0 92 169 112
+internal_count=261 92 169 112
+shrinkage=0.02
+
+
+Tree=5997
+num_leaves=5
+num_cat=0
+split_feature=3 3 8 4
+split_gain=0.22599 0.870061 0.57529 0.457656
+threshold=71.500000000000014 65.500000000000014 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011668039573247335 -0.0010770637006037357 0.002931476363255628 -0.0020428560912024848 0.0016495971525706432
+leaf_weight=39 64 42 54 62
+leaf_count=39 64 42 54 62
+internal_value=0 0.0174744 -0.0172999 0.0277053
+internal_weight=0 197 155 101
+internal_count=261 197 155 101
+shrinkage=0.02
+
+
+Tree=5998
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.222726 0.665983 4.3369 0.818794
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0047422864869356039 -0.0011666659139653503 -0.0026738632380063692 -0.0031926402888551976 0.0011568497757726496
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0159136 0.0682367 -0.0479214
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=5999
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.213098 0.638686 4.16468 0.785701
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0046475427744894961 -0.001143361251952071 -0.0026204592503048518 -0.0031288804837998714 0.0011337523019775324
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0155914 0.0668658 -0.0469554
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6000
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.209736 0.854191 0.566567 0.422836
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010333942514801071 -0.001041049401987933 0.0028965030545742916 -0.0020601272927809507 0.0016359922865618703
+leaf_weight=42 64 42 53 60
+leaf_count=42 64 42 53 60
+internal_value=0 0.0168783 -0.017583 0.026452
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=6001
+num_leaves=5
+num_cat=0
+split_feature=6 8 9 5
+split_gain=0.204894 1.01571 0.849813 1.0062
+threshold=63.500000000000007 71.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0026390702834636092 -0.0032177202553412311 0.0010532026318967377 0.0022950910704167358 0.0012890519249769443
+leaf_weight=53 40 52 63 53
+leaf_count=53 40 52 63 53
+internal_value=0 -0.0398033 0.02162 -0.0333956
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=6002
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.209285 0.623047 0.772433 0.697365
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0028153760640110075 -0.0012644731479578017 0.0021194937656179606 -0.0021127823482539115 -0.00069457084308502696
+leaf_weight=40 47 56 63 55
+leaf_count=40 47 56 63 55
+internal_value=0 0.013862 -0.0185649 0.0387936
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=6003
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 3 7
+split_gain=0.206976 0.596389 0.511504 0.53847 0.243927
+threshold=67.500000000000014 60.500000000000007 57.500000000000007 49.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010182904611318532 0.00035736596894014026 0.0025926432813049884 -0.0018675392026884102 0.0022240695861509441 -0.0018525876693422814
+leaf_weight=39 39 40 50 46 47
+leaf_count=39 39 40 50 46 47
+internal_value=0 0.0206368 -0.0114124 0.036369 -0.0420815
+internal_weight=0 175 135 85 86
+internal_count=261 175 135 85 86
+shrinkage=0.02
+
+
+Tree=6004
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.202615 1.0691 1.57572 1.6152
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00097444480980809968 0.0021395008585381159 0.0028545352161245758 -0.0050680624214577688 0.00040109590109208747
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0174749 -0.0275938 -0.111598
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=6005
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 7
+split_gain=0.211444 0.696422 1.08987 0.233209
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-7.5008393610867354e-05 0.00032406322762946013 -0.0012404784392574077 0.0041113616762974096 -0.0018398471612863943
+leaf_weight=71 39 65 39 47
+leaf_count=71 39 65 39 47
+internal_value=0 0.0208437 0.0701826 -0.0424889
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6006
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.213522 0.819543 1.27823 0.779406
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.001364128366017518 -0.0038139334092443227 0.0024982582686303746 -0.0015109883556516154 0
+leaf_weight=42 41 74 57 47
+leaf_count=42 41 74 57 47
+internal_value=0 -0.013137 0.0373899 -0.0887772
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6007
+num_leaves=5
+num_cat=0
+split_feature=6 8 9 4
+split_gain=0.208051 1.01716 0.815175 0.958061
+threshold=63.500000000000007 71.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0016706461847755675 -0.0032248514111213977 0.0010490256412066011 0.0022607539182956196 -0.0022341235654184362
+leaf_weight=43 40 52 63 63
+leaf_count=43 40 52 63 63
+internal_value=0 -0.0400766 0.0217763 -0.0321257
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=6008
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.213731 0.700438 0.58481 1.55713
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00092043385526507514 -0.0019982281876915471 0.0025531250337822971 -0.0023134693429981601 0.0026695687889755132
+leaf_weight=48 63 47 45 58
+leaf_count=48 63 47 45 58
+internal_value=0 0.0395132 -0.0226635 0.0242329
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6009
+num_leaves=6
+num_cat=0
+split_feature=8 2 2 3 3
+split_gain=0.223007 0.581768 1.03331 0.758989 0.487163
+threshold=72.500000000000014 24.500000000000004 13.500000000000002 58.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00044588651152440643 -0.0013016951698924619 0.002369915132474434 0.00011278822922724911 -0.0037915466775414156 0.0025803053493934974
+leaf_weight=39 47 44 39 42 50
+leaf_count=39 47 44 39 42 50
+internal_value=0 0.0142742 -0.0125033 -0.095167 0.0622966
+internal_weight=0 214 170 81 89
+internal_count=261 214 170 81 89
+shrinkage=0.02
+
+
+Tree=6010
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.214004 1.03506 1.51673 1.57606
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00099895959681991359 0.0021124047745623427 0.0028239694253246283 -0.0049795753025855599 0.0004237018090170451
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0179214 -0.0264325 -0.108875
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=6011
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.226393 0.625118 0.519822 0.601448 0.23511
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00099557243105150733 0.00030142883003322489 0.0026248473808485025 -0.0019112247913098031 0.0024143301701250596 -0.0018702683784898638
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0215114 -0.0118156 0.03603 -0.0438345
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=6012
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.216549 0.599647 0.49842 0.576935 0.225092
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00097569405001842531 0.000295411312453485 0.0025724398336591644 -0.0018730550493634304 0.0023661222620857464 -0.0018329185558297412
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0210775 -0.0115795 0.0353012 -0.0429498
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=6013
+num_leaves=6
+num_cat=0
+split_feature=4 2 9 9 7
+split_gain=0.209443 0.699635 0.813937 1.12637 1.45052
+threshold=50.500000000000007 25.500000000000004 76.500000000000014 61.500000000000007 59.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0013523109045764287 0.0019407381527148158 -0.0026849635035759022 -0.0022180750973056435 0.0034817236061856108 -0.0032341808098980251
+leaf_weight=42 50 40 41 49 39
+leaf_count=42 50 40 41 49 39
+internal_value=0 -0.0130144 0.0138954 0.0513006 -0.015935
+internal_weight=0 219 179 138 89
+internal_count=261 219 179 138 89
+shrinkage=0.02
+
+
+Tree=6014
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=0.212523 1.04827 1.30617 1.03163
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00099569583355634005 0.0021547657289176666 0.002838315671812783 0.00029495053268869311 -0.0039471582330752718
+leaf_weight=69 48 51 44 49
+leaf_count=69 48 51 44 49
+internal_value=0 0.0178695 -0.026763 -0.0966416
+internal_weight=0 192 141 93
+internal_count=261 192 141 93
+shrinkage=0.02
+
+
+Tree=6015
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.21283 0.671053 1.29137 0.211943
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00045299298369965427 0.00027026382467769313 -0.0012092820693861419 0.0039623271187293136 -0.0017994953529714955
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0209154 0.0693746 -0.0426066
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6016
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.209397 0.701514 0.57419 1.6355
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00092903178652532629 -0.0019803275381642701 0.0025471951171600672 -0.0015304459228613154 0.0036651855980963936
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.039149 -0.0224485 0.0240316
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6017
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 5
+split_gain=0.219106 0.574735 0.745337 0.955898
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00090438430958400334 -0.0012911190584678673 0.0020549468445771515 -0.0027313757174801047 0.0028687443459825559
+leaf_weight=75 47 56 40 43
+leaf_count=75 47 56 40 43
+internal_value=0 0.0141634 -0.0170119 0.023234
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6018
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.217752 0.5788 0.47468 0.547247 0.213815
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00094261602682995911 9.5008186962021286e-05 0.0025369360773761342 -0.0018229743950668701 0.0023147511369234551 -0.0019791139234605799
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0211284 -0.0109692 0.0348187 -0.0430615
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=6019
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 9
+split_gain=0.216136 0.827807 1.20108 0.681914
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00137184558109083 -0.0035285025307032918 0.0029875181448721141 -0.00090878065185209756 2.5175341893880969e-05
+leaf_weight=42 45 56 75 43
+leaf_count=42 45 56 75 43
+internal_value=0 -0.0132052 0.0375708 -0.0892161
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6020
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.20678 0.794107 1.21581 0.76344
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013444540873594937 -0.0037664705368327142 0.0024442254188927594 -0.001467296509344711 0
+leaf_weight=42 41 74 57 47
+leaf_count=42 41 74 57 47
+internal_value=0 -0.0129379 0.0368144 -0.0874255
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6021
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=0.21108 1.01961 1.28236 0.975621
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00099253244467205869 0.0021415426184227394 0.0028037860279781363 0.00025789819858986851 -0.003869068804123943
+leaf_weight=69 48 51 44 49
+leaf_count=69 48 51 44 49
+internal_value=0 0.0178174 -0.0262089 -0.0954602
+internal_weight=0 192 141 93
+internal_count=261 192 141 93
+shrinkage=0.02
+
+
+Tree=6022
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 4
+split_gain=0.221083 0.570507 0.430338 0.5529 0.213375
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00098565905900162461 -0.0018394678400270276 0.0025253752253483414 -0.0017419315457939252 0.0022883503210376441 0.00023257523653310585
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0212867 -0.0105855 0.033086 -0.0433513
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=6023
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.21365 0.717002 1.518 0.758478
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013182009133131645 -0.0013280570068079001 -0.0022129085942976974 0.0034250506015988426 -0.0019477068545220389
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.0134607 0.0409099 -0.0250895
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6024
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.209396 1.02024 1.52933 1.59482
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00098888803880208139 0.0021261824723949755 0.0028032543809272219 -0.0049998393870884835 0.00043524017785218121
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0177534 -0.0262863 -0.109066
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=6025
+num_leaves=5
+num_cat=0
+split_feature=6 5 7 4
+split_gain=0.210974 1.00407 0.81359 0.678334
+threshold=63.500000000000007 72.050000000000026 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.00092908350519668205 -0.0030615587265081295 0.0011579317219490089 0.0024086479411059175 -0.0022270253297858979
+leaf_weight=59 43 49 57 53
+leaf_count=59 43 49 57 53
+internal_value=0 -0.040318 0.02193 -0.0278876
+internal_weight=0 92 169 112
+internal_count=261 92 169 112
+shrinkage=0.02
+
+
+Tree=6026
+num_leaves=5
+num_cat=0
+split_feature=7 4 5 4
+split_gain=0.211786 0.801948 0.652868 0.923529
+threshold=75.500000000000014 69.500000000000014 55.95000000000001 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00092159235996824092 -0.0012709700265380514 0.0028636230368447001 -0.001964077044278974 0.0028142133525273327
+leaf_weight=65 47 40 63 46
+leaf_count=65 47 40 63 46
+internal_value=0 0.0139566 -0.015566 0.0310087
+internal_weight=0 214 174 111
+internal_count=261 214 174 111
+shrinkage=0.02
+
+
+Tree=6027
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.206589 0.70501 1.24649 0.783922
+threshold=42.500000000000007 17.500000000000004 67.65000000000002 61.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0012244220120201826 -0.00091654766441011176 -0.0037583407676737598 0.0032475749966642924 2.8138925971112518e-05
+leaf_weight=49 74 40 48 50
+leaf_count=49 74 40 48 50
+internal_value=0 -0.0141853 0.0358082 -0.0823736
+internal_weight=0 212 122 90
+internal_count=261 212 122 90
+shrinkage=0.02
+
+
+Tree=6028
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.219876 0.585332 0.815188 0.498869
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00059740477871811489 -0.0011594889538479888 0.0019309216939158238 -0.0028155622271571917 0.0023347609138545293
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0158353 -0.0205456 0.028414
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6029
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 6
+split_gain=0.221141 0.659577 1.05361 0.215973
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-6.7189460586474989e-05 9.3613265068897956e-05 -0.0011880910781299316 0.0040500074513647481 -0.0019900969729303481
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0212914 0.0693462 -0.0433545
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6030
+num_leaves=5
+num_cat=0
+split_feature=6 8 7 8
+split_gain=0.221853 1.00182 0.792506 0.769673
+threshold=63.500000000000007 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.00068401997552837185 -0.0032303693088802103 0.0010115101834176391 0.0023937213562908073 -0.0028337205373969322
+leaf_weight=73 40 52 57 39
+leaf_count=73 40 52 57 39
+internal_value=0 -0.0412575 0.0224397 -0.0267387
+internal_weight=0 92 169 112
+internal_count=261 92 169 112
+shrinkage=0.02
+
+
+Tree=6031
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 7 6
+split_gain=0.224781 0.56954 1.37232 1.90608 1.67817
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024718892782225246 -0.001306136261623504 0.0023499583203911052 0.0028587473024202659 -0.0048653922294043615 0.0031433191323039589
+leaf_weight=42 47 44 43 41 44
+leaf_count=42 47 44 43 41 44
+internal_value=0 0.0143413 -0.0121602 -0.0650382 0.0195967
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=6032
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 3
+split_gain=0.221278 0.643867 1.21614 0.204203
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00041062324491448836 -0.0019874484503714664 -0.0011690960112522328 0.0038757230674260506 4.6718695094333677e-05
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.021298 0.0687953 -0.0433662
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6033
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 2
+split_gain=0.228129 0.814135 0.538945 0.370706
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015363026308731524 -0.0010815726099609958 0.0028507084381574686 -0.0019899116411864117 -0.00099022500683668092
+leaf_weight=62 64 42 53 40
+leaf_count=62 64 42 53 40
+internal_value=0 0.0175584 -0.0160974 0.0268835
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=6034
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.224696 0.571797 4.03975 0.795982
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0045523788546506438 -0.0011712285468066803 -0.00255802431859591 -0.0031070901107857524 0.0012207997081806283
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0159861 0.0645907 -0.0432823
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6035
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.21499 0.565417 0.787944 0.481153
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00058465394041830755 -0.0011478333446921906 0.0019007170930869946 -0.0027673863086034008 0.0022968808902761777
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0156625 -0.0201108 0.0280383
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6036
+num_leaves=5
+num_cat=0
+split_feature=2 4 3 2
+split_gain=0.222213 0.739096 1.28756 0.800608
+threshold=8.5000000000000018 69.500000000000014 60.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0010162438508120465 0.0029868844415021109 0.0022770758853580229 -0.0031917586899357455 -0.00086795127039905845
+leaf_weight=69 42 58 46 46
+leaf_count=69 42 58 46 46
+internal_value=0 0.0182374 -0.0228883 0.0481842
+internal_weight=0 192 134 88
+internal_count=261 192 134 88
+shrinkage=0.02
+
+
+Tree=6037
+num_leaves=5
+num_cat=0
+split_feature=6 3 7 8
+split_gain=0.221196 1.00347 0.807318 0.754396
+threshold=63.500000000000007 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.00066224776236950935 -0.0030303085728083335 0.0011828270411986445 0.0024105538993640435 -0.0028211250400830023
+leaf_weight=73 44 48 57 39
+leaf_count=73 44 48 57 39
+internal_value=0 -0.0412117 0.0223988 -0.0272289
+internal_weight=0 92 169 112
+internal_count=261 92 169 112
+shrinkage=0.02
+
+
+Tree=6038
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.22933 0.814465 0.577437 1.92419
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016574441807286925 -0.0010843369390379999 0.0028518961744025679 -0.0022555268500186183 0.0038566583418381422
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0175933 -0.0160692 0.04142
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6039
+num_leaves=5
+num_cat=0
+split_feature=9 3 5 2
+split_gain=0.226202 0.712298 0.5856 2.11613
+threshold=55.500000000000007 52.500000000000007 64.200000000000003 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0028715147477806377 0.00092465985911806996 -0.00067461055096165116 -0.0040178212123225887 0.0020657994296894694
+leaf_weight=40 71 55 56 39
+leaf_count=40 71 55 56 39
+internal_value=0 0.0405547 -0.0232591 -0.0756119
+internal_weight=0 95 166 95
+internal_count=261 95 166 95
+shrinkage=0.02
+
+
+Tree=6040
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.216331 0.689834 0.573751 1.63332
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00090319452766621222 -0.0019864508569528809 0.0025445551945825328 -0.0015362106693165227 0.0036560279929358261
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0397369 -0.0227847 0.0236772
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6041
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.224727 0.709188 1.50043 0.640358 1.02369
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0023366440392682936 -0.00135932897206794 -0.0021934894120903738 0.0042518443512535769 -0.0014731571060672664 0.0026540977493091623
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0137681 0.0410717 -0.00843732 0.0354494
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=6042
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.219901 0.558817 3.89951 0.828557
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0044815773300486486 -0.0011599209187650333 0.001368627102365267 -0.0030443221993398735 -0.0025075153418521279
+leaf_weight=65 56 39 48 53
+leaf_count=65 56 39 48 53
+internal_value=0 0.0158175 0.0638877 -0.0427944
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6043
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.211909 1.01853 1.4682 1.55715
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00099456365853310756 0.0020755608977044778 0.0028029018369455354 -0.0049314987213871734 0.00043967787392101875
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0178367 -0.0261665 -0.1073
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=6044
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.210818 0.802551 0.57462 1.52562
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016628479277858528 -0.0010434287315865696 0.0028206312580603956 -0.0020672312373162414 0.0033909413500494336
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0169215 -0.0164988 0.0408523
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6045
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.217841 1.91108 2.14023 0.817043 1.53185
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0023424330911246448 -0.0013779885823578741 0.0042352544705053213 -0.0039193717736242814 0.0031330450029704131 -0.003154904233686401
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0131929 -0.0310224 0.0418862 -0.0164925
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6046
+num_leaves=5
+num_cat=0
+split_feature=4 6 7 7
+split_gain=0.224641 0.550166 0.820451 0.391298
+threshold=73.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010059279468192226 -0.0011713207110334723 0.0018860861151568584 -0.0028842728411660095 0.0015863840610439485
+leaf_weight=40 56 64 39 62
+leaf_count=40 56 64 39 62
+internal_value=0 0.0159732 -0.019327 0.028098
+internal_weight=0 205 141 102
+internal_count=261 205 141 102
+shrinkage=0.02
+
+
+Tree=6047
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 2
+split_gain=0.216695 0.835758 1.24362 0.795928
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013733355356068207 -0.0038512207369227349 0.003030434767415823 -0.00093328029258727275 0
+leaf_weight=42 41 56 75 47
+leaf_count=42 41 56 75 47
+internal_value=0 -0.0132275 0.0377871 -0.0895935
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6048
+num_leaves=5
+num_cat=0
+split_feature=6 8 9 5
+split_gain=0.209759 1.01279 0.805269 1.02669
+threshold=63.500000000000007 71.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0026253052915874483 -0.0032227360849327535 0.001042064552272101 0.0022515033603550914 0.0013421709593775045
+leaf_weight=53 40 52 63 53
+leaf_count=53 40 52 63 53
+internal_value=0 -0.0402274 0.0218567 -0.0317224
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=6049
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 9
+split_gain=0.215039 0.810298 1.18725 0.678898
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013686262597295601 -0.0035084675781103152 0.0029648579408060706 -0.00090932097079549187 3.7636404209632952e-05
+leaf_weight=42 45 56 75 43
+leaf_count=42 45 56 75 43
+internal_value=0 -0.0131759 0.0370706 -0.0883988
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6050
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.205573 0.693134 0.737751 1.39891 1.65322
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024544128496133432 -0.001305067851955195 0.0025376280330735215 0.0019479789797724686 -0.0040518267277999251 0.0031193831666462106
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0132175 -0.0154997 -0.0543496 0.019411
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=6051
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.207264 1.89818 2.10291 0.799392 1.50526
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0023162537308806957 -0.0013468636245169464 0.0042161964171242771 -0.0038935717402405895 0.0030932391364953565 -0.0031337203792363055
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.012903 -0.0311637 0.0411095 -0.0166464
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6052
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.213155 0.577363 3.89561 0.777665
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0044908855450875628 -0.0011433608428478262 0.0012771812429170583 -0.0030312256092201381 -0.0024802553725035959
+leaf_weight=65 56 39 48 53
+leaf_count=65 56 39 48 53
+internal_value=0 0.0156003 0.0644339 -0.043949
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6053
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.212439 0.830318 0.550903 1.90287
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016460015757914738 -0.0010470146834832869 0.0028634315504224728 -0.0022832513638502898 0.0037955399204354576
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0169844 -0.0169995 0.039187
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6054
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.209439 0.79927 1.22443 0.788663
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013522189668558374 -0.003670498493349631 0.0024517150810892422 -0.0014734482684092564 0.00014548545055360191
+leaf_weight=42 44 74 57 44
+leaf_count=42 44 74 57 44
+internal_value=0 -0.0130183 0.0368921 -0.0877412
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6055
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.206115 1.00081 1.49225 1.47936
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00098190262275113559 0.0020998137735694358 0.0027776443119162109 -0.0048715342615629452 0.00036478704469336721
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0176203 -0.026004 -0.107789
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=6056
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.218273 1.85589 2.03695 0.77079 1.4455
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0024751012457097498 -0.0013790337103041562 0.0041785559649475798 -0.0038263696239727129 0.0030465842082490827 -0.0028717930337821963
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0132151 -0.0303608 0.0407769 -0.0159534
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6057
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 7
+split_gain=0.222053 0.793647 0.558795 0.399338
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010264230158253443 -0.0010683258733118633 0.0028154392836919613 -0.0020153019451052763 0.0015913006886167668
+leaf_weight=40 64 42 53 62
+leaf_count=40 64 42 53 62
+internal_value=0 0.0173382 -0.0158989 0.0278452
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=6058
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.215256 0.546791 3.84176 0.766869
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0044449817846509585 -0.0011484942941248565 0.0012950149217407386 -0.0030252408524709751 -0.0024370842643077931
+leaf_weight=65 56 39 48 53
+leaf_count=65 56 39 48 53
+internal_value=0 0.0156707 0.0632403 -0.0423264
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6059
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.212259 0.983775 1.42991 1.43721
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0009951691301217278 0.0020571945130891185 0.0027620458349805099 -0.0047870948995012612 0.00037497763705671502
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0178574 -0.0253989 -0.105486
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=6060
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.220176 1.81958 1.94751 0.758919 1.43881
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.002258236061543446 -0.0013845499555529622 0.0041415220982480416 -0.0037460925018092525 0.0030080363599993935 -0.0030715893201171121
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0132668 -0.0298832 0.0396847 -0.0166167
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6061
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 7
+split_gain=0.226023 0.776481 0.536139 0.404053
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001042921877514254 -0.0010770710636320883 0.0027920516473197983 -0.0019719193482412465 0.0015896412629447488
+leaf_weight=40 64 42 53 62
+leaf_count=40 64 42 53 62
+internal_value=0 0.0174788 -0.0154029 0.0274709
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=6062
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.218625 0.553131 0.808836 0.506191
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00059067686521408662 -0.0011567080045836147 0.001886342820044667 -0.0027878320315094913 0.0023620329018368934
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0157815 -0.0196114 0.0291619
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6063
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.216425 1.77793 1.8751 0.742196 1.41279
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0022288858567503758 -0.0013737869962725797 0.0040952435838691251 -0.0036799520550561903 0.0029659688978544291 -0.0030531013783951606
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0131582 -0.0294983 0.0387724 -0.0169176
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6064
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.231173 0.746244 0.509428 0.406497
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00098825127573514272 -0.0010883675804569568 0.0027487706773944728 -0.0019153428246729204 0.0016310049241353823
+leaf_weight=42 64 42 53 60
+leaf_count=42 64 42 53 60
+internal_value=0 0.0176567 -0.0145897 0.0272356
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=6065
+num_leaves=5
+num_cat=0
+split_feature=3 5 5 9
+split_gain=0.221211 0.73551 2.13175 0.752279
+threshold=71.500000000000014 65.100000000000009 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016732051674046954 -0.0010666240459453098 -0.001922263130925832 0.0046908240294361268 -0.0018314875471368889
+leaf_weight=40 64 45 45 67
+leaf_count=40 64 45 45 67
+internal_value=0 0.0173001 0.0511682 -0.0256806
+internal_weight=0 197 152 107
+internal_count=261 197 152 107
+shrinkage=0.02
+
+
+Tree=6066
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.214307 0.544837 0.810369 0.493436
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0005731067988715802 -0.001146325638751274 0.0018719567722475657 -0.0027878846264042241 0.0023434044812492873
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0156316 -0.0195026 0.0293163
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6067
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 5
+split_gain=0.208733 0.72324 0.515766 1.22841
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015637431839416128 -0.0010387775897793675 0.0026963260777636438 -0.0015618105321631289 0.0033369137093867329
+leaf_weight=72 64 42 43 40
+leaf_count=72 64 42 43 40
+internal_value=0 0.0168413 -0.0149146 0.0395106
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6068
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 4
+split_gain=0.21408 1.02902 0.884077 1.00602
+threshold=63.500000000000007 72.050000000000026 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0016886457703300106 -0.0030946000153901599 0.0011760909045929332 0.0023401313171615232 -0.00231067628934755
+leaf_weight=43 43 49 63 63
+leaf_count=43 43 49 63 63
+internal_value=0 -0.040607 0.0220582 -0.0340362
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=6069
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.207984 1.77631 1.83079 0.678302
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00066530245550770317 -0.0013491364024776106 0.0040887127474177236 -0.0036480645370228783 0.0023319298085957307
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.0129163 -0.0297211 0.0377432
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=6070
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.22037 0.523412 3.76623 0.719859
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0043971715735959521 -0.0011611110247726085 0.001257168960549931 -0.0029996107784953313 -0.0023615005669653114
+leaf_weight=65 56 39 48 53
+leaf_count=65 56 39 48 53
+internal_value=0 0.0158301 0.0624094 -0.040951
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6071
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.215997 0.730576 0.526713 1.92833
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001574481074002136 -0.0010551929413523415 0.0027131665027110403 -0.002283807768202304 0.0038350453639869205
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0171042 -0.014809 0.0401736
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6072
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.210067 0.520986 0.810936 0.489002
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001172222476567008 -0.0011360591514471574 0.0018357082370645975 -0.0027766680176861246 0.0017442254781898704
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0154818 -0.0188972 0.0299396
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6073
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.210324 0.822884 1.16726 0.781591
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013545734429143553 -0.0036840694647054979 0.0024254770864837807 -0.0014081563636208867 0.00011487917298764256
+leaf_weight=42 44 74 57 44
+leaf_count=42 44 74 57 44
+internal_value=0 -0.0130558 0.0375721 -0.0888465
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6074
+num_leaves=5
+num_cat=0
+split_feature=6 8 7 8
+split_gain=0.216131 1.01867 0.70382 0.716693
+threshold=63.500000000000007 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.00069205880327224414 -0.0032407425214948577 0.0010361506013385343 0.002278811367679357 -0.0027057426238810585
+leaf_weight=73 40 52 57 39
+leaf_count=73 40 52 57 39
+internal_value=0 -0.0407865 0.0221527 -0.0242458
+internal_weight=0 92 169 112
+internal_count=261 92 169 112
+shrinkage=0.02
+
+
+Tree=6075
+num_leaves=6
+num_cat=0
+split_feature=8 2 2 3 3
+split_gain=0.214523 0.559736 1.01182 0.764193 0.447013
+threshold=72.500000000000014 24.500000000000004 13.500000000000002 58.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00038716029415838184 -0.0012788666036064669 0.0023263086061413281 0.00014143432143218446 -0.0037762209333148228 0.0025157204713796648
+leaf_weight=39 47 44 39 42 50
+leaf_count=39 47 44 39 42 50
+internal_value=0 0.0140179 -0.0122608 -0.0940791 0.0617693
+internal_weight=0 214 170 81 89
+internal_count=261 214 170 81 89
+shrinkage=0.02
+
+
+Tree=6076
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.219292 0.995249 1.39736 1.41497
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0010102596353166174 0.0020284148135477588 0.0027809507451296463 -0.0047482792837250853 0.00037413638765382902
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0181189 -0.0253851 -0.10457
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=6077
+num_leaves=5
+num_cat=0
+split_feature=2 4 3 2
+split_gain=0.209852 0.740412 1.26949 0.78591
+threshold=8.5000000000000018 69.500000000000014 60.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00099007465709305561 0.0029485911473769995 0.0022692497308501201 -0.0031830345468431072 -0.00087158377533598638
+leaf_weight=69 42 58 46 46
+leaf_count=69 42 58 46 46
+internal_value=0 0.0177608 -0.0234016 0.0471746
+internal_weight=0 192 134 88
+internal_count=261 192 134 88
+shrinkage=0.02
+
+
+Tree=6078
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.222362 1.74114 1.74778 0.681583
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00068297536550477602 -0.0013910256368879583 0.0040590296491947089 -0.0035624007617779769 0.0023214322596470556
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.0133176 -0.0288981 0.0370298
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=6079
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.22919 0.720794 0.516138 0.389658
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0009426121890814082 -0.0010842297389691681 0.0027070899149046561 -0.001916326454338525 0.0016239745952145556
+leaf_weight=42 64 42 53 60
+leaf_count=42 64 42 53 60
+internal_value=0 0.0175786 -0.0141236 0.0279693
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=6080
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.223202 0.513548 0.761563 0.467386
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00054661917779114035 -0.0011679892550767882 0.0018338996577564298 -0.0026908639078451419 0.0022946415268886946
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0159202 -0.0182189 0.029135
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6081
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.218123 1.70252 1.67948 0.681962 1.4197
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0024223339341014494 -0.0013789495049185726 0.0040147485077336514 -0.0034973417267772241 0.0028240381781607761 -0.0028770475631001548
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0131935 -0.0285545 0.0360818 -0.0173473
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6082
+num_leaves=5
+num_cat=0
+split_feature=3 5 5 9
+split_gain=0.233714 0.733103 2.05745 0.70141
+threshold=71.500000000000014 65.100000000000009 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016341930516259404 -0.0010940888299270524 -0.0019099015696418507 0.00463447741593811 -0.001753106285761406
+leaf_weight=40 64 45 45 67
+leaf_count=40 64 45 45 67
+internal_value=0 0.0177343 0.0515477 -0.0239557
+internal_weight=0 197 152 107
+internal_count=261 197 152 107
+shrinkage=0.02
+
+
+Tree=6083
+num_leaves=5
+num_cat=0
+split_feature=3 3 8 4
+split_gain=0.223653 0.703576 0.498568 0.457237
+threshold=71.500000000000014 65.500000000000014 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011593521023867592 -0.0010722308426011609 0.0026755318739138225 -0.0018632803911617774 0.001655734102901138
+leaf_weight=39 64 42 54 62
+leaf_count=39 64 42 54 62
+internal_value=0 0.0173765 -0.0139524 0.0280378
+internal_weight=0 197 155 101
+internal_count=261 197 155 101
+shrinkage=0.02
+
+
+Tree=6084
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 2
+split_gain=0.21823 0.538997 2.10415 3.52479
+threshold=73.500000000000014 41.500000000000007 5.5000000000000009 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0017655622912695554 -0.0011561021713175535 -0.0016011032863003803 -0.00069191152882819025 0.0073513523193407693
+leaf_weight=41 56 76 48 40
+leaf_count=41 56 76 48 40
+internal_value=0 0.0157509 0.0420286 0.147899
+internal_weight=0 205 164 88
+internal_count=261 205 164 88
+shrinkage=0.02
+
+
+Tree=6085
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 2 4
+split_gain=0.21188 0.793484 2.58588 1.37978 0.25039
+threshold=50.500000000000007 57.500000000000007 17.500000000000004 19.500000000000004 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0013589651169291239 0.0014555524457894912 -0.0020834349920519201 -0.0055927716997660184 0.0032293698907639766 0.00019619934034080497
+leaf_weight=42 45 41 39 53 41
+leaf_count=42 45 41 39 53 41
+internal_value=0 -0.0131086 -0.090465 0.0347501 -0.0467337
+internal_weight=0 219 84 135 82
+internal_count=261 219 84 135 82
+shrinkage=0.02
+
+
+Tree=6086
+num_leaves=5
+num_cat=0
+split_feature=6 8 9 4
+split_gain=0.220051 0.993671 0.918629 0.979301
+threshold=63.500000000000007 71.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0016414436038530756 -0.0032182000935568546 0.00100669068836115 0.0023814794388000915 -0.0023052011297246969
+leaf_weight=43 40 52 63 63
+leaf_count=43 40 52 63 63
+internal_value=0 -0.041129 0.0223304 -0.0348317
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=6087
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.221014 0.640872 0.852585 1.18409
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010632760285983142 -0.0012965381235859311 0.002151681184024549 -0.0029263289667348005 0.0031084849351194132
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.0142058 -0.0186702 0.024322
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6088
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.212663 1.69181 1.67353 0.67174 1.37646
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0021924883803024638 -0.0013631052055068727 0.0039999897982195371 -0.0034927085817701726 0.0028059115371880917 -0.0030220133409049111
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0130385 -0.028579 0.0359437 -0.0170916
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6089
+num_leaves=5
+num_cat=0
+split_feature=3 5 5 9
+split_gain=0.229402 0.712482 1.98353 0.686395
+threshold=71.500000000000014 65.100000000000009 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016268999503085463 -0.0010848085817507208 -0.0018816681920701818 0.0045574332813029554 -0.0017250050087124044
+leaf_weight=40 64 45 45 67
+leaf_count=40 64 45 45 67
+internal_value=0 0.0175802 0.0509296 -0.023212
+internal_weight=0 197 152 107
+internal_count=261 197 152 107
+shrinkage=0.02
+
+
+Tree=6090
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 7
+split_gain=0.219513 0.68972 0.524357 0.412832
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010363927479839874 -0.0010631360891123207 0.0026501294301784261 -0.0019223539220965557 0.0016231509884457782
+leaf_weight=40 64 42 53 62
+leaf_count=40 64 42 53 62
+internal_value=0 0.0172254 -0.0137998 0.028618
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=6091
+num_leaves=5
+num_cat=0
+split_feature=3 5 5 9
+split_gain=0.210012 0.697436 1.92376 0.656689
+threshold=71.500000000000014 65.100000000000009 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015836940929275041 -0.0010418965694581326 -0.0018726647564067209 0.0044834056333292608 -0.0016968000440927597
+leaf_weight=40 64 45 45 67
+leaf_count=40 64 45 45 67
+internal_value=0 0.0168773 0.0498854 -0.0231371
+internal_weight=0 197 152 107
+internal_count=261 197 152 107
+shrinkage=0.02
+
+
+Tree=6092
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 2
+split_gain=0.208203 0.567847 2.01958 3.39144
+threshold=73.500000000000014 41.500000000000007 5.5000000000000009 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0018256380623612406 -0.0011316098552645688 -0.0015452908775966901 -0.00065833118859859069 0.0072318776742103606
+leaf_weight=41 56 76 48 40
+leaf_count=41 56 76 48 40
+internal_value=0 0.0154109 0.0423554 0.146097
+internal_weight=0 205 164 88
+internal_count=261 205 164 88
+shrinkage=0.02
+
+
+Tree=6093
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 6 3
+split_gain=0.20268 0.782108 2.51653 1.62241 1.1345
+threshold=50.500000000000007 57.500000000000007 17.500000000000004 63.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -3 -5
+right_child=1 3 -4 4 -6
+leaf_value=0.0013316315582359889 0.0014275918880798666 0.0035255417966092201 -0.0055261405529742789 -0.0034794810255894138 0.0012033780352623522
+leaf_weight=42 45 51 39 40 44
+leaf_count=42 45 51 39 40 44
+internal_value=0 -0.012851 -0.0896662 0.0346707 -0.050904
+internal_weight=0 219 84 135 84
+internal_count=261 219 84 135 84
+shrinkage=0.02
+
+
+Tree=6094
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 2
+split_gain=0.207664 0.734761 0.912204 0.480933
+threshold=71.500000000000014 8.5000000000000018 55.650000000000013 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00026016067118789612 -0.0010366239486980574 0.00054078733961687253 0.0034188296965523808 -0.0024847742760546274
+leaf_weight=59 64 41 51 46
+leaf_count=59 64 41 51 46
+internal_value=0 0.0167881 0.0719687 -0.0525229
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=6095
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 9
+split_gain=0.199584 0.55427 2.8928 0.706343
+threshold=73.500000000000014 7.5000000000000009 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.001062512691242743 -0.0011101105950330271 0.0011913828644448605 0.0056811308887476566 -0.0023935111504681979
+leaf_weight=74 56 39 39 53
+leaf_count=74 56 39 39 53
+internal_value=0 0.0151132 0.062997 -0.0432694
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6096
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.203608 1.69599 1.62038 0.609523
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00065600336376598809 -0.0013365118395043914 0.003999257272456631 -0.0034528340984136545 0.0021896766514892768
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.0127723 -0.0288964 0.0346007
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=6097
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.214463 0.688236 1.22105 0.816982
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00074117627242190445 -0.0010520815683709901 0.0011588436445983622 0.0034964565823656243 -0.0027733734398863287
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.0170322 0.0704874 -0.0500976
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=6098
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 2
+split_gain=0.206521 0.830264 1.16559 0.815461
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013430660822264281 -0.0037288200947225088 0.0029611268875027845 -0.00087795820819151717 0.00015016925880663895
+leaf_weight=42 44 56 75 44
+leaf_count=42 44 56 75 44
+internal_value=0 -0.0129614 0.0378889 -0.0890832
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6099
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.203931 0.884802 1.10813 1.53058
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0025278986321442855 0.00094758742544874997 -0.0030756147904166609 -0.0011993470758687767 0.0035583660479827873
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0181302 0.0169277 0.0694557
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=6100
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=0.203946 0.974484 0.878799 0.894423
+threshold=72.050000000000026 63.500000000000007 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0025749883535826118 0.001216507059980707 -0.002998025290424098 0.0022978671205314076 0.0011320969327618807
+leaf_weight=53 49 43 63 53
+leaf_count=53 49 43 63 53
+internal_value=0 -0.0141398 0.0202142 -0.035719
+internal_weight=0 212 169 106
+internal_count=261 212 169 106
+shrinkage=0.02
+
+
+Tree=6101
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.205193 0.788518 1.13853 0.782861
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013392267110003751 -0.0036518191608247612 0.0023869816807418186 -0.0013999896290915557 0.00015043445602684895
+leaf_weight=42 44 74 57 44
+leaf_count=42 44 74 57 44
+internal_value=0 -0.0129182 0.0366622 -0.08715
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6102
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.198926 0.631592 0.863016 1.05482
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00098093123374494526 -0.0012358583020181293 0.0021251151097507553 -0.0029503325061486312 0.0029601798958726446
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.0135313 -0.0191125 0.0241372
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6103
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 7
+split_gain=0.202291 0.76309 1.0901 0.485917
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013305961170295994 -0.00034549882033825015 0.0028513596402104154 -0.00086342042879478998 -0.003417803797463734
+leaf_weight=42 49 56 75 39
+leaf_count=42 49 56 75 39
+internal_value=0 -0.0128334 0.0359574 -0.0858903
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6104
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 4
+split_gain=0.200021 0.934401 0.850619 0.991389
+threshold=72.050000000000026 63.500000000000007 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016440594547830604 0.0012058557907359674 -0.0029402268743166271 0.0022564842707644521 -0.0023263635405443993
+leaf_weight=43 49 43 63 63
+leaf_count=43 49 43 63 63
+internal_value=0 -0.0140126 0.0196375 -0.0354078
+internal_weight=0 212 169 106
+internal_count=261 212 169 106
+shrinkage=0.02
+
+
+Tree=6105
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.202062 1.00052 1.51141 1.44783
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00097347952321924698 0.0021129342597801274 0.0027737254180365727 -0.0048564683091818998 0.00032412885442551366
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0174409 -0.0261774 -0.108478
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=6106
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.207481 1.73606 1.64815 0.590753
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00063215087100219967 -0.0013478558957010034 0.0040450771865863776 -0.0034843703618045513 0.0021705682078492767
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.0128916 -0.0292631 0.0347713
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=6107
+num_leaves=5
+num_cat=0
+split_feature=9 5 8 6
+split_gain=0.198469 1.47378 0.779936 0.638168
+threshold=77.500000000000014 67.65000000000002 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00064312599274540469 -0.0013209438584311037 0.003642695293818683 -0.0024030940552106834 0.0025394202639509229
+leaf_weight=77 42 42 61 39
+leaf_count=77 42 42 61 39
+internal_value=0 0.0126308 -0.0274207 0.0210431
+internal_weight=0 219 177 116
+internal_count=261 219 177 116
+shrinkage=0.02
+
+
+Tree=6108
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.20977 0.628425 0.812932 1.00838
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00096560730264787828 -0.0012660780516125631 0.0021272042295618961 -0.0028682536563582927 0.0028893840344065246
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.0138632 -0.0187 0.0232966
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6109
+num_leaves=6
+num_cat=0
+split_feature=4 9 5 6 3
+split_gain=0.204641 0.746165 2.03936 1.53171 1.07582
+threshold=50.500000000000007 57.500000000000007 53.500000000000007 63.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -3 -5
+right_child=1 3 -4 4 -6
+leaf_value=0.0013376094643686286 -0.0048181652683018253 0.0034236889916237074 0.0014315491602720934 -0.0033907590042274432 0.0011713131920047593
+leaf_weight=42 43 51 41 40 44
+leaf_count=42 43 51 41 40 44
+internal_value=0 -0.0129011 -0.0879771 0.0335381 -0.04963
+internal_weight=0 219 84 135 84
+internal_count=261 219 84 135 84
+shrinkage=0.02
+
+
+Tree=6110
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.205773 0.719836 0.596184 0.406395
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00092861708720279529 -0.0010321893031220923 0.0026885885931418629 -0.0020505279518238497 0.0016896310822974035
+leaf_weight=42 64 42 53 60
+leaf_count=42 64 42 53 60
+internal_value=0 0.0167242 -0.0149585 0.0301897
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=6111
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.2005 0.973763 1.45722 1.41015
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00096999914824004733 0.0020761342196747184 0.0027405634184849569 -0.0047821162247887305 0.0003314272626583132
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0173819 -0.0256573 -0.106493
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=6112
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.203883 1.66232 1.63967 0.558458 1.32618
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0022273375634090731 -0.00133710848809082 0.0039627379141813027 -0.0034610766052404246 0.0026164886738643638 -0.0028929438550022437
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0127916 -0.0284643 0.0354072 -0.0130475
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6113
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.212957 0.728327 1.14127 0.823256
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00064132724834365946 -0.0010484146454115824 0.0011283712333536892 0.0034570536364234667 -0.0028182957414557043
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.0169915 0.0719362 -0.0520214
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=6114
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.199878 0.54137 3.76519 0.705771
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0043980649915734658 -0.0011106796635224131 -0.0024479557695467227 -0.002997691671987668 0.0011150839325790717
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.015132 0.0624759 -0.0425875
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6115
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.19464 0.60253 0.792726 0.983196
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00095424226413146367 -0.0012236625112202204 0.0020806913491619532 -0.002833888804433588 0.0028532219381797114
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.0134001 -0.0185023 0.0229782
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6116
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.198453 0.792279 1.12569 0.782866
+threshold=50.500000000000007 5.5000000000000009 16.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013190977508434638 -0.0036513304867616231 0.0023840583639177411 -0.0013817685305685804 0.00015093927047867773
+leaf_weight=42 44 74 57 44
+leaf_count=42 44 74 57 44
+internal_value=0 -0.0127203 0.0369763 -0.0871252
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6117
+num_leaves=5
+num_cat=0
+split_feature=2 4 1 3
+split_gain=0.195529 0.781839 1.26599 0.664204
+threshold=8.5000000000000018 69.500000000000014 3.5000000000000004 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00095898361153068953 0.0022898698680141709 0.0023092436382204772 -0.00015164616078442393 -0.0036579994909720602
+leaf_weight=69 44 58 46 44
+leaf_count=69 44 58 46 44
+internal_value=0 0.0171859 -0.0250913 -0.0938128
+internal_weight=0 192 134 90
+internal_count=261 192 134 90
+shrinkage=0.02
+
+
+Tree=6118
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.203677 1.62419 1.58058 0.554003 1.28233
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0021761920567161829 -0.0013365836711062482 0.0039202965808265789 -0.0033999228595115215 0.0025954029490028508 -0.0028598540908296062
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0127811 -0.0280022 0.034717 -0.0135506
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6119
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.218604 0.711654 0.57315 0.430678
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00097633749097833619 -0.0010611258946744073 0.0026848341885529988 -0.0020046737838402425 0.0017158845084636724
+leaf_weight=42 64 42 53 60
+leaf_count=42 64 42 53 60
+internal_value=0 0.0171923 -0.0143127 0.0299788
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=6120
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.209139 0.685667 1.1245 0.776626
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00066087729623980464 -0.0010399264060466696 0.001104340089314851 0.0034078855372583973 -0.0027314486245318416
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.0168449 0.0702037 -0.0501632
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=6121
+num_leaves=5
+num_cat=0
+split_feature=8 9 3 6
+split_gain=0.201255 0.598941 0.657751 1.17913
+threshold=72.500000000000014 66.500000000000014 62.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010851020098295392 -0.001242440948541792 0.0020794701967431577 -0.002473289338922133 0.0031829836626818559
+leaf_weight=73 47 56 44 41
+leaf_count=73 47 56 44 41
+internal_value=0 0.0136018 -0.0182075 0.0221955
+internal_weight=0 214 158 114
+internal_count=261 214 158 114
+shrinkage=0.02
+
+
+Tree=6122
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.198859 1.61671 1.54169 0.531059 1.26457
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0021626260211469444 -0.0013222201976111363 0.0039090911902362694 -0.0033662295520754809 0.0025406545207580932 -0.0028389709538612575
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0126372 -0.0280529 0.033896 -0.0133885
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6123
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 9
+split_gain=0.21032 0.548671 2.03951 1.62802
+threshold=73.500000000000014 41.500000000000007 5.5000000000000009 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0017889982802983412 -0.0011368697445852268 -0.001564420141172939 0.0057865083859784039 0.00028944730603412873
+leaf_weight=41 56 76 42 46
+leaf_count=41 56 76 42 46
+internal_value=0 0.015481 0.0419845 0.146232
+internal_weight=0 205 164 88
+internal_count=261 205 164 88
+shrinkage=0.02
+
+
+Tree=6124
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.204279 0.693727 0.567737 0.435817
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00099234224839252444 -0.0010289376322892298 0.0026454004756566152 -0.0019996305325845776 0.001715345752230297
+leaf_weight=42 64 42 53 60
+leaf_count=42 64 42 53 60
+internal_value=0 0.0166602 -0.0144539 0.0296331
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=6125
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.199642 0.54491 3.69606 0.695076
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0043717954935947106 -0.0011102993184920191 -0.0024401716722512118 -0.0029560201957477762 0.0010963595160202646
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0151131 0.0626058 -0.0427892
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6126
+num_leaves=5
+num_cat=0
+split_feature=7 6 9 4
+split_gain=0.198497 0.699994 0.853766 0.967215
+threshold=76.500000000000014 63.500000000000007 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016110818253776882 0.0013781580177908332 -0.0022781977466277219 0.0022573450434759828 -0.0023114403317984716
+leaf_weight=43 39 53 63 63
+leaf_count=43 39 53 63 63
+internal_value=0 -0.0121868 0.0195119 -0.0356337
+internal_weight=0 222 169 106
+internal_count=261 222 169 106
+shrinkage=0.02
+
+
+Tree=6127
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.194059 0.686284 1.08432 0.752032
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00063494403403722933 -0.0010052444708501752 0.001059188557336298 0.003361495280831346 -0.002716525415385218
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.0162751 0.0696591 -0.0507643
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=6128
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 9
+split_gain=0.194421 0.729627 0.670623 0.863781
+threshold=76.500000000000014 70.500000000000014 57.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00086905644706144374 0.0013652753613322844 -0.0027582580459859325 0.0017353161174694582 -0.0027984314870753307
+leaf_weight=59 39 39 77 47
+leaf_count=59 39 39 77 47
+internal_value=0 -0.0120708 0.014572 -0.0375163
+internal_weight=0 222 183 106
+internal_count=261 222 183 106
+shrinkage=0.02
+
+
+Tree=6129
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 4
+split_gain=0.192624 0.593511 0.459598 0.52384
+threshold=72.500000000000014 65.500000000000014 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012624143759593929 -0.0012180010758819969 0.0023132168756976211 -0.00160399161250319 0.0017434000355073444
+leaf_weight=39 47 46 67 62
+leaf_count=39 47 46 67 62
+internal_value=0 0.0133322 -0.0144849 0.0287377
+internal_weight=0 214 168 101
+internal_count=261 214 168 101
+shrinkage=0.02
+
+
+Tree=6130
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.195458 0.717439 1.16262 1.05914
+threshold=72.050000000000026 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00082663249845284551 0.0011932753085094044 -0.0023210033846817967 0.0031885010608272645 -0.0031700212956651168
+leaf_weight=72 49 53 44 43
+leaf_count=72 49 53 44 43
+internal_value=0 -0.0138671 0.0199786 -0.0330918
+internal_weight=0 212 159 115
+internal_count=261 212 159 115
+shrinkage=0.02
+
+
+Tree=6131
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.190903 0.59816 0.734229 0.993231
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00099220569790329019 -0.0012130276320946555 0.0020719288232408577 -0.0027437259250145947 0.0028345120391703423
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.0132798 -0.0185098 0.0214382
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6132
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.194731 1.37049 1.76065 4.20375
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011765430409060235 0.0027041703542844213 -0.007891841485207593 0.0010911173470029506 0.00088963408969359753
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0140147 -0.0582422 -0.154798
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6133
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.199969 0.668677 1.14626 1.03423
+threshold=72.050000000000026 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00079100328916405964 0.0012059435472484515 -0.0022549340366441158 0.0031437071060306612 -0.0031590230822812274
+leaf_weight=72 49 53 44 43
+leaf_count=72 49 53 44 43
+internal_value=0 -0.0139996 0.0186998 -0.0340017
+internal_weight=0 212 159 115
+internal_count=261 212 159 115
+shrinkage=0.02
+
+
+Tree=6134
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.19598 0.802134 2.1467 0.286468
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00095984543286036341 0.0039772350610825088 -0.0017956721345980429 0.00021009848128202357 -0.0022631266726530013
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.017211 0.0572624 -0.0516472
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=6135
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.190446 1.30066 1.74354 4.07874
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011649531159354275 0.0026311412830055318 -0.0077856659609568755 0.0011056863306063193 0.00086464957977521687
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0138639 -0.0569706 -0.153065
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6136
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.197589 0.77371 1.11112 1.64953
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0025710458424670281 0.00093451036011873328 -0.0028980149603314125 -0.001335140607487734 0.0036024766739700333
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0178497 0.0149692 0.0675708
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=6137
+num_leaves=6
+num_cat=0
+split_feature=7 3 2 1 6
+split_gain=0.19785 0.656429 0.648526 0.623837 1.16708
+threshold=76.500000000000014 70.500000000000014 10.500000000000002 3.5000000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0022356803630485564 0.0013765684601624115 -0.0026337274438376192 0.0016002709557315223 -0.0039962761700227728 0.00057271559601991269
+leaf_weight=50 39 39 41 40 52
+leaf_count=50 39 39 41 40 52
+internal_value=0 -0.0121461 0.0131518 -0.0236666 -0.0703321
+internal_weight=0 222 183 133 92
+internal_count=261 222 183 133 92
+shrinkage=0.02
+
+
+Tree=6138
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 6
+split_gain=0.200401 0.974497 1.10931 0.677546
+threshold=8.5000000000000018 74.500000000000014 4.5000000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00096940643362678294 0.0017990138426237691 0.0030676757765122314 -0.0037645725387125085 -0.00024971687391650235
+leaf_weight=69 57 42 40 53
+leaf_count=69 57 42 40 53
+internal_value=0 0.0173968 -0.0204668 -0.0885886
+internal_weight=0 192 150 93
+internal_count=261 192 150 93
+shrinkage=0.02
+
+
+Tree=6139
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.197496 1.70297 1.5482 0.579097 1.25616
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0022789200938263606 -0.0013176607194467086 0.0040038185971081339 -0.0033936168554177925 0.002601332052681433 -0.0027102516894623387
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0126196 -0.0291343 0.0329431 -0.0163843
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6140
+num_leaves=5
+num_cat=0
+split_feature=2 9 2 9
+split_gain=0.194502 0.949468 1.1038 2.28079
+threshold=8.5000000000000018 74.500000000000014 14.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00095638696944595368 0.0024082261873243612 0.0030285355964791106 0.00155947766469769 -0.0042473866929309432
+leaf_weight=69 41 42 52 57
+leaf_count=69 41 42 52 57
+internal_value=0 0.0171604 -0.0202207 -0.0735291
+internal_weight=0 192 150 109
+internal_count=261 192 150 109
+shrinkage=0.02
+
+
+Tree=6141
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.202584 1.6421 1.46112 0.559728 1.21576
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0020547724613135744 -0.0013328770639311539 0.0039400048707529355 -0.0032965279570762941 0.0025526387583962918 -0.0028503174796823201
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0127717 -0.0282343 0.0320874 -0.0164298
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6142
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.20338 0.626102 0.700209 0.976024
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010044896462008074 -0.0012478751055571794 0.0021205013161231137 -0.002695583336544299 0.0027897201494711285
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.0136929 -0.0188118 0.020217
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6143
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 6
+split_gain=0.191703 0.685974 0.705449 0.983985 0.649757
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0011314630247599401 -0.0012643032806555863 0.0025179912679747763 -3.6590796657707536e-05 0.0032558264757504506 -0.0035327325272749292
+leaf_weight=42 44 44 51 41 39
+leaf_count=42 44 44 51 41 39
+internal_value=0 0.012805 -0.0157671 0.051352 -0.0781018
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=6144
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 1
+split_gain=0.196584 1.61654 1.41238 0.541081
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0018284476711640609 -0.0013149486363840863 0.0039079737556168108 -0.0032484794672580607 -0.00087208674475483007
+leaf_weight=69 42 40 55 55
+leaf_count=69 42 40 55 55
+internal_value=0 0.0125905 -0.0280976 0.0312183
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=6145
+num_leaves=5
+num_cat=0
+split_feature=8 9 8 7
+split_gain=0.195552 0.624326 0.598758 0.960942
+threshold=72.500000000000014 66.500000000000014 56.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010286247106224636 -0.0012260379745926298 0.0021129297722208749 -0.0021686732002920489 0.0029151325953508896
+leaf_weight=65 47 56 52 41
+leaf_count=65 47 56 52 41
+internal_value=0 0.0134398 -0.0190203 0.0245083
+internal_weight=0 214 158 106
+internal_count=261 214 158 106
+shrinkage=0.02
+
+
+Tree=6146
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.192408 1.56963 1.36796 0.546529 1.22249
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0022275988317860158 -0.0013023095516855882 0.0038526824075800245 -0.0031972703669001712 0.002504182818321596 -0.0026951186650585957
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0124636 -0.0276342 0.0307506 -0.0172088
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6147
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.195939 0.735575 0.51874 0.435559
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001054253197634393 -0.0010093211815568202 0.0027063196033260619 -0.0019507795956392219 0.0016533684702498637
+leaf_weight=42 64 42 53 60
+leaf_count=42 64 42 53 60
+internal_value=0 0.0163628 -0.0156582 0.0265335
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=6148
+num_leaves=5
+num_cat=0
+split_feature=2 4 3 2
+split_gain=0.194112 0.769689 1.10733 0.724637
+threshold=8.5000000000000018 69.500000000000014 60.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00095570515138472642 0.0027508672295102378 0.0022932944143621119 -0.0030348878863423463 -0.00092163097639779399
+leaf_weight=69 42 58 46 46
+leaf_count=69 42 58 46 46
+internal_value=0 0.0171354 -0.0248183 0.0411431
+internal_weight=0 192 134 88
+internal_count=261 192 134 88
+shrinkage=0.02
+
+
+Tree=6149
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.204737 0.606958 0.872452 0.524708
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012549135113329969 -0.0011228226362563975 0.0019488786630052219 -0.0029201364901804828 0.0017627736180654736
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0153015 -0.0217292 0.0288913
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6150
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.195821 0.582189 0.837119 0.503213
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012298607896219168 -0.0011003938280624013 0.0019099436801049612 -0.0028618333948944386 0.0017275587087355292
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0149915 -0.0212959 0.0283059
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6151
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.198631 0.61495 0.67431 0.951263
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00099876111386130333 -0.0012349800151676439 0.0021011499272580027 -0.0026512157491965873 0.0027480021618866237
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.0135244 -0.0186968 0.0196181
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6152
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.201919 1.54608 1.3092 0.525834
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00065351471584275953 -0.0013313532678934183 0.0038311861047490088 -0.0031294221190872008 0.0019962300915685387
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.0127291 -0.0270688 0.0300609
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=6153
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 2
+split_gain=0.198431 0.708096 0.490898 2.31019
+threshold=71.500000000000014 65.500000000000014 41.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0022806380867256299 -0.0010154064208738925 0.0026642467520399614 -0.0027203274968487187 0.0029648923170071352
+leaf_weight=39 64 42 53 63
+leaf_count=39 64 42 53 63
+internal_value=0 0.016443 -0.0149857 0.0180184
+internal_weight=0 197 155 116
+internal_count=261 197 155 116
+shrinkage=0.02
+
+
+Tree=6154
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 2
+split_gain=0.20377 0.817834 1.16616 0.714403
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.001334978875019841 -0.0035939876570205503 0.0029558578115245634 -0.00088418687074340362 4.0959580796144162e-05
+leaf_weight=42 44 56 75 44
+leaf_count=42 44 56 75 44
+internal_value=0 -0.0128778 0.0375979 -0.0884421
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6155
+num_leaves=6
+num_cat=0
+split_feature=4 9 5 6 3
+split_gain=0.194903 0.823871 1.93949 1.54648 1.01947
+threshold=50.500000000000007 57.500000000000007 53.500000000000007 63.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -3 -5
+right_child=1 3 -4 4 -6
+leaf_value=0.0013083236348410813 -0.0048113672068549728 0.0034884427060977298 0.001284059788845797 -0.0032844738279580177 0.0011586744612324174
+leaf_weight=42 43 51 41 40 44
+leaf_count=42 43 51 41 40 44
+internal_value=0 -0.0126171 -0.0914055 0.0361326 -0.0474284
+internal_weight=0 219 84 135 84
+internal_count=261 219 84 135 84
+shrinkage=0.02
+
+
+Tree=6156
+num_leaves=5
+num_cat=0
+split_feature=3 3 8 4
+split_gain=0.191339 0.701391 0.519059 0.46824
+threshold=71.500000000000014 65.500000000000014 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011857536704774582 -0.00099863182531795638 0.0026482764617518913 -0.0019170736071857084 0.0016618196457859704
+leaf_weight=39 64 42 54 62
+leaf_count=39 64 42 54 62
+internal_value=0 0.0161817 -0.0151011 0.0277143
+internal_weight=0 197 155 101
+internal_count=261 197 155 101
+shrinkage=0.02
+
+
+Tree=6157
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 6 3
+split_gain=0.192742 0.798969 2.50798 1.49146 1.00019
+threshold=50.500000000000007 57.500000000000007 17.500000000000004 63.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -3 -5
+right_child=1 3 -4 4 -6
+leaf_value=0.0013018154189794627 0.0014120869397363245 0.0034263017272935215 -0.0055298445918598484 -0.0032462609398832098 0.0011554792796588957
+leaf_weight=42 45 51 39 40 44
+leaf_count=42 45 51 39 40 44
+internal_value=0 -0.0125491 -0.0901679 0.0354725 -0.0466015
+internal_weight=0 219 84 135 84
+internal_count=261 219 84 135 84
+shrinkage=0.02
+
+
+Tree=6158
+num_leaves=5
+num_cat=0
+split_feature=3 3 8 4
+split_gain=0.192665 0.69412 0.495372 0.461227
+threshold=71.500000000000014 65.500000000000014 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011880704310884981 -0.001001671073783555 0.0026376252537644164 -0.0018769573394242906 0.0016390532630402548
+leaf_weight=39 64 42 54 62
+leaf_count=39 64 42 54 62
+internal_value=0 0.0162369 -0.0148865 0.0269705
+internal_weight=0 197 155 101
+internal_count=261 197 155 101
+shrinkage=0.02
+
+
+Tree=6159
+num_leaves=5
+num_cat=0
+split_feature=4 4 2 9
+split_gain=0.190723 0.548872 1.06852 1.64562
+threshold=73.500000000000014 65.500000000000014 18.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014851688226874477 -0.0010872532694931227 0.0020156366923807009 -0.0024009076995976102 0.004019542572988569
+leaf_weight=47 56 56 61 41
+leaf_count=47 56 56 61 41
+internal_value=0 0.0148167 -0.0172562 0.0535799
+internal_weight=0 205 149 88
+internal_count=261 205 149 88
+shrinkage=0.02
+
+
+Tree=6160
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.195308 0.931699 1.27182
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.000958433379627472 0.0015051609930914634 0.0026853680475854768 -0.0023234482624357945
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.01718 -0.0249332
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6161
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.206008 1.50518 1.3381 0.516049 1.23544
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0020963854079351931 -0.0013434009682913987 0.0037866732533923522 -0.0031444428636554977 0.0024641788840853518 -0.0028478196404627025
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.012854 -0.0264181 0.0313334 -0.0153023
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6162
+num_leaves=5
+num_cat=0
+split_feature=3 3 8 4
+split_gain=0.201671 0.653149 0.492583 0.448404
+threshold=71.500000000000014 65.500000000000014 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001141717792861688 -0.0010226901117215128 0.0025770158910229965 -0.0018477945616053679 0.0016470547292675012
+leaf_weight=39 64 42 54 62
+leaf_count=39 64 42 54 62
+internal_value=0 0.0165755 -0.013634 0.0281121
+internal_weight=0 197 155 101
+internal_count=261 197 155 101
+shrinkage=0.02
+
+
+Tree=6163
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 2
+split_gain=0.201975 0.807898 1.13839 0.739317
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013298238108666457 -0.0036146644539395674 0.0029251378233024141 -0.00086960143671064997 8.2052802455271075e-05
+leaf_weight=42 44 56 75 44
+leaf_count=42 44 56 75 44
+internal_value=0 -0.0128157 0.0373585 -0.0879313
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6164
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 6 3
+split_gain=0.19318 0.775715 2.42106 1.45487 0.988588
+threshold=50.500000000000007 57.500000000000007 17.500000000000004 63.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -3 -5
+right_child=1 3 -4 4 -6
+leaf_value=0.0013032720101426554 0.0013780943964388356 0.0033793347443424608 -0.0054432208084346147 -0.0032269708103064977 0.0011496313904617713
+leaf_weight=42 45 51 39 40 44
+leaf_count=42 45 51 39 40 44
+internal_value=0 -0.0125562 -0.0890662 0.0347754 -0.046295
+internal_weight=0 219 84 135 84
+internal_count=261 219 84 135 84
+shrinkage=0.02
+
+
+Tree=6165
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 7
+split_gain=0.196402 0.928168 1.11713 5.63552
+threshold=8.5000000000000018 74.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00096066314035081935 0.0028151547213373872 0.0030003335169468464 0.0015889986481134549 -0.0075227234680572685
+leaf_weight=69 46 42 65 39
+leaf_count=69 46 42 65 39
+internal_value=0 0.0172337 -0.0197316 -0.0960495
+internal_weight=0 192 150 85
+internal_count=261 192 150 85
+shrinkage=0.02
+
+
+Tree=6166
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 4
+split_gain=0.203503 1.50476 1.33816 0.445632
+threshold=77.500000000000014 66.500000000000014 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011899638759119602 -0.0013356942432153982 0.002797906927970782 -0.0034620220108958983 0.00159111281428069
+leaf_weight=39 42 66 52 62
+leaf_count=39 42 66 52 62
+internal_value=0 0.0127947 -0.0418106 0.0254618
+internal_weight=0 219 153 101
+internal_count=261 219 153 101
+shrinkage=0.02
+
+
+Tree=6167
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.195824 0.698569 1.09756 0.777059
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00063614325645077092 -0.0010089567019914492 0.0010829116979583866 0.00338421898026804 -0.002753732303633669
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.0163633 0.0702085 -0.0512591
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=6168
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.194064 1.46916 1.2962 0.542986
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00066320493673058148 -0.0013073058168168925 0.0037380251531622371 -0.0031011834918684205 0.0020279357497192023
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.0125156 -0.0262877 0.0305615
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=6169
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.202514 0.659495 0.486666 1.54235
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015056277022532788 -0.0010245597062494933 0.0025882766014866006 -0.0021164489613184696 0.0033714725974873672
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0166107 -0.013742 0.0391785
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6170
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 2
+split_gain=0.201422 0.779554 1.10932 0.72799
+threshold=50.500000000000007 5.5000000000000009 64.500000000000014 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013282413966289629 -0.0035745331623371914 -0.0013434359910095212 0.0023883246703743041 9.4489676086221508e-05
+leaf_weight=42 44 58 73 44
+leaf_count=42 44 58 73 44
+internal_value=0 -0.0127959 0.0365078 -0.0866161
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6171
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 2
+split_gain=0.199289 0.673042 0.93754 0.546589
+threshold=71.500000000000014 8.5000000000000018 55.650000000000013 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00033537710734141829 -0.0010170841911513739 -0.0024556321847121385 0.0033939178166602817 0.00077613097926616543
+leaf_weight=59 64 48 51 39
+leaf_count=59 64 48 51 39
+internal_value=0 0.0164911 0.0693725 -0.0499132
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=6172
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 7
+split_gain=0.207519 0.687892 0.915036 0.241231
+threshold=67.500000000000014 57.500000000000007 50.45000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0024580893645476144 0.00035010052011053916 0.00215341031719722 0.0011673154660570889 -0.0018483790155046681
+leaf_weight=53 39 61 61 47
+leaf_count=53 39 61 61 47
+internal_value=0 0.020662 -0.025582 -0.0421313
+internal_weight=0 175 114 86
+internal_count=261 175 114 86
+shrinkage=0.02
+
+
+Tree=6173
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 7
+split_gain=0.198454 0.659854 0.791614 0.230968
+threshold=67.500000000000014 57.500000000000007 48.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0022222094396728872 0.00034311109746176782 0.0021103914334347699 0.0011471997586096423 -0.0018114666263718299
+leaf_weight=56 39 61 58 47
+leaf_count=56 39 61 58 47
+internal_value=0 0.0202491 -0.0250642 -0.0412806
+internal_weight=0 175 114 86
+internal_count=261 175 114 86
+shrinkage=0.02
+
+
+Tree=6174
+num_leaves=5
+num_cat=0
+split_feature=3 1 8 5
+split_gain=0.204583 3.19624 3.06332 0.263163
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014 56.95000000000001
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011211343734940891 -0.0046797010800838168 0.0055378662712242599 -0.00086350154702825714 -0.0022358311608430097
+leaf_weight=56 39 50 75 41
+leaf_count=56 39 50 75 41
+internal_value=0 -0.0153615 0.0846158 -0.172013
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=6175
+num_leaves=6
+num_cat=0
+split_feature=4 9 5 6 3
+split_gain=0.208561 0.739931 1.81394 1.41587 0.984774
+threshold=50.500000000000007 57.500000000000007 53.500000000000007 63.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -3 -5
+right_child=1 3 -4 4 -6
+leaf_value=0.001349606286262372 -0.0046415697205625783 0.0033133147630657451 0.0012550596692192315 -0.0032313473430809194 0.001136872006606861
+leaf_weight=42 43 51 41 40 44
+leaf_count=42 43 51 41 40 44
+internal_value=0 -0.0129945 -0.0877644 0.0332542 -0.0467338
+internal_weight=0 219 84 135 84
+internal_count=261 219 84 135 84
+shrinkage=0.02
+
+
+Tree=6176
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.201942 0.556202 3.74897 0.759495
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0044054548394044319 -0.0011155297762254397 -0.0025193390389384646 -0.0029743704557518018 0.001173681024655188
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0152205 0.0631843 -0.0432603
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6177
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 4
+split_gain=0.20695 0.879054 0.726157 0.974463
+threshold=72.050000000000026 63.500000000000007 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016827353477367316 0.001225190798971982 -0.0028658261514606792 0.0020945004577625475 -0.002254667428611707
+leaf_weight=43 49 43 63 63
+leaf_count=43 49 43 63 63
+internal_value=0 -0.014207 0.0184461 -0.032491
+internal_weight=0 212 169 106
+internal_count=261 212 169 106
+shrinkage=0.02
+
+
+Tree=6178
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.198769 1.58487 1.44839 1.63102
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0027056007249864822 0.0012182830033863759 -0.0039409980886514033 0.0020663133510307932 -0.0031308239068329308
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0137705 0.0271423 -0.0506605
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=6179
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.204807 0.954325 1.27743
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00097894003696494822 0.0015074225438893979 0.0027208987358080007 -0.0023294943336518623
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0175752 -0.0250382
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6180
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.198559 0.578387 0.898908 0.489411
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011655117297320527 -0.0011069075037966611 0.0019071812404193764 -0.0029434515618713946 0.0017520345321200535
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0151084 -0.0210631 0.0303089
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6181
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=0.19598 0.911745 1.18328 0.858644
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00095958583623244212 0.0020732096448271 0.0026615697187478233 0.00021433298646159418 -0.0036614507020115007
+leaf_weight=69 48 51 44 49
+leaf_count=69 48 51 44 49
+internal_value=0 0.0172239 -0.0244427 -0.0910184
+internal_weight=0 192 141 93
+internal_count=261 192 141 93
+shrinkage=0.02
+
+
+Tree=6182
+num_leaves=5
+num_cat=0
+split_feature=9 5 8 4
+split_gain=0.197096 1.40953 0.701075 0.583892
+threshold=77.500000000000014 67.65000000000002 56.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00088061022756422873 -0.0013162725949927806 0.0035687366087589125 -0.0022921192850896229 0.0020212226162480591
+leaf_weight=65 42 42 61 51
+leaf_count=65 42 42 61 51
+internal_value=0 0.0126169 -0.0265593 0.0194376
+internal_weight=0 219 177 116
+internal_count=261 219 177 116
+shrinkage=0.02
+
+
+Tree=6183
+num_leaves=5
+num_cat=0
+split_feature=8 5 7 5
+split_gain=0.200591 0.618463 0.441664 0.399445
+threshold=72.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00097814526004238143 -0.0012400482461055881 0.0023598924375599888 -0.001601026260559166 0.0016192880330415976
+leaf_weight=42 47 46 66 60
+leaf_count=42 47 46 66 60
+internal_value=0 0.0136078 -0.0147735 0.0270991
+internal_weight=0 214 168 102
+internal_count=261 214 168 102
+shrinkage=0.02
+
+
+Tree=6184
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 4
+split_gain=0.197128 0.649775 1.233 0.233
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00044068189628860676 -0.0018360388506020334 -0.0011983741835201688 0.0038750270082139656 0.00032329279071290442
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0201947 0.0679059 -0.0411479
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6185
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.205987 0.630953 0.495156 1.69439
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015002187593284786 -0.0010323688078079207 0.0025430949241638415 -0.0020868646737169055 0.0036522337820780286
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0167476 -0.0129551 0.0404129
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6186
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 9
+split_gain=0.206038 0.764656 1.11364 0.562938
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.001342173530741205 -0.0033105968605104557 0.0028730740404413926 -0.00088098349823080894 -3.6226223412765367e-05
+leaf_weight=42 45 56 75 43
+leaf_count=42 45 56 75 43
+internal_value=0 -0.0129208 0.0359189 -0.0860502
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6187
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.20032 0.533044 0.833927 0.458684
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011188729106426422 -0.0011115872563898235 0.001846173247914056 -0.002823701089860099 0.0017089777512911087
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0151577 -0.019606 0.0299055
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6188
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 2
+split_gain=0.203224 0.732345 1.1092 0.722334
+threshold=50.500000000000007 5.5000000000000009 64.500000000000014 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013336821043005401 -0.0035245298776485656 -0.0013741133017816703 0.0023576425462736878 0.00013083809346386657
+leaf_weight=42 44 58 73 44
+leaf_count=42 44 58 73 44
+internal_value=0 -0.0128456 0.034973 -0.0844555
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6189
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.209702 0.77768 0.67849 1.56817
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0029340032841577951 -0.002109700806518071 -0.00076793658237113524 -0.0014103087401057415 0.0036779615548533456
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0391686 -0.0224698 0.0279556
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6190
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 7 6
+split_gain=0.217632 0.5788 1.35986 1.97661 1.71829
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024787067254995942 -0.0012872566316622647 0.0023615776149491373 0.0028360213484292462 -0.0049341233882310188 0.0032023407019453306
+leaf_weight=42 47 44 43 41 44
+leaf_count=42 47 44 43 41 44
+internal_value=0 0.0141135 -0.0125975 -0.0652382 0.0209411
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=6191
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 6
+split_gain=0.229466 0.674845 1.2165 0.239646
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00038214264790781472 0.00012649257697483609 -0.0011992045047555411 0.0039046604517181814 -0.0020604366769152805
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0216404 0.0702298 -0.0441119
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6192
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 4
+split_gain=0.219469 0.647323 1.16772 0.238719
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00037450827798885065 -0.0018886123046793232 -0.0011752458500920748 0.0038266856905169156 0.00029463824634989925
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0211994 0.0688201 -0.0432219
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6193
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.213505 0.506111 3.69281 0.756525
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0043470504815029416 -0.0011444515388492852 -0.0024565678412418949 -0.0029776370168872997 0.0012299100847496208
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0156003 0.0614343 -0.0402653
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6194
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.207545 0.633619 0.980915 0.827244
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00056713888368259099 -0.0010361699458773914 0.0012206120556399191 0.0032368572118348445 -0.002736162021151694
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.0167929 0.06815 -0.0476846
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=6195
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 4
+split_gain=0.207161 0.602036 1.1476 0.242541
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00040355985611793463 -0.0018740181488071678 -0.0011309822885437243 0.0037620136390042131 0.00032586259395070048
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0206394 0.0666212 -0.0421045
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6196
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.213137 0.490242 0.784892 0.455183
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011053349964067029 -0.0011436901963477852 0.0017936905604527414 -0.0027169624515129961 0.0017120249301746588
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.015581 -0.0177989 0.0302628
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6197
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 2
+split_gain=0.210546 0.741553 1.15341 0.71962
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.001355149790959883 -0.0035342098369650055 0.0028931373544070567 -0.00092647233573228335 0.000114302085199025
+leaf_weight=42 44 56 75 44
+leaf_count=42 44 56 75 44
+internal_value=0 -0.013066 0.0350454 -0.0851115
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6198
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 1
+split_gain=0.202017 0.760837 0.688986 1.66149
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0028977953181291778 -0.0021148195863914484 -0.00076481965626348965 -0.0023152623854747812 0.0028296689850565121
+leaf_weight=40 63 55 45 58
+leaf_count=40 63 55 45 58
+internal_value=0 0.0384959 -0.0221026 0.0287038
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6199
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.212576 0.724216 1.43901 0.678296 0.992056
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0023794564773591941 -0.0013255265856211165 -0.0022262157011984072 0.0041800787673051268 -0.0013957736977067356 0.0026679462666632414
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0134034 0.040986 -0.00750639 0.0376347
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=6200
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 6
+split_gain=0.203338 0.699431 0.727805 0.866099 0.609136
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.00097800327751396783 -0.0012990584428520843 0.0025458666355614762 -0.00010071031946108251 0.0031424086860403519 -0.0034904642774987349
+leaf_weight=42 44 44 51 41 39
+leaf_count=42 44 44 51 41 39
+internal_value=0 0.0131282 -0.0157166 0.0524342 -0.0790028
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=6201
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.199246 0.575449 0.739261 0.944214
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0009374877143074374 -0.0012369244505018343 0.0020434783699679591 -0.0027347912759682113 0.0027952145821901367
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.013533 -0.0176623 0.0224212
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6202
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 2
+split_gain=0.198802 0.692786 1.09276 0.6836
+threshold=50.500000000000007 5.5000000000000009 64.500000000000014 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013199437972993219 -0.0034357910773742013 -0.0013824610845786438 0.002322103536837043 0.00012244902880845872
+leaf_weight=42 44 58 73 44
+leaf_count=42 44 58 73 44
+internal_value=0 -0.0127408 0.0337974 -0.0824452
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6203
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 4
+split_gain=0.207616 0.659311 0.983636 0.241781
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-3.158061929855381e-05 -0.0018735793650810129 -0.0012006832623749227 0.0039486005909155483 0.00032305616086815132
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0206486 0.068696 -0.0421581
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6204
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.208989 0.548632 0.726264 0.923095
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0009087020287721992 -0.0012640814954545155 0.0020090446672869893 -0.0026941501122179075 0.0027827185042357165
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.0138318 -0.016647 0.0230909
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6205
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 4
+split_gain=0.2061 0.636986 0.968362 0.238065
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-3.8111403567968873e-05 -0.0018634964929036884 -0.0011752696107687702 0.0039116325567895753 0.00031733833206898853
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0205758 0.0678291 -0.0420213
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6206
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.212697 0.517753 3.64676 0.732416
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0043367431411871459 -0.0011429064343357034 -0.002444036394322668 -0.0029422885532906875 0.0011844082026113579
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0155515 0.0618891 -0.0409326
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6207
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.203467 0.49634 3.50183 0.702728
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0042501014621794666 -0.0011200767803876738 -0.0023952225828406536 -0.0028835282900835837 0.0011607603210296426
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0152366 0.0606451 -0.0401062
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6208
+num_leaves=5
+num_cat=0
+split_feature=3 5 5 9
+split_gain=0.199902 0.670112 1.82155 0.712659
+threshold=71.500000000000014 65.100000000000009 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016858641798430203 -0.0010190990481619272 -0.0018379177893374536 0.0043700622191926667 -0.0017281227055239985
+leaf_weight=40 64 45 45 67
+leaf_count=40 64 45 45 67
+internal_value=0 0.0164843 0.0488611 -0.0222063
+internal_weight=0 197 152 107
+internal_count=261 197 152 107
+shrinkage=0.02
+
+
+Tree=6209
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.192703 0.915033 1.26293
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00095310376423372119 0.0015031108553645615 0.0026622186837211288 -0.0023123034416615315
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0170513 -0.0246894
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6210
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 2
+split_gain=0.202113 0.731182 1.10342 0.751235
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013297872459956464 -0.0035588956776932846 0.0028438352029262347 -0.00089334970830171902 0.00016755431457687894
+leaf_weight=42 44 56 75 44
+leaf_count=42 44 56 75 44
+internal_value=0 -0.0128421 0.0349394 -0.0843967
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6211
+num_leaves=5
+num_cat=0
+split_feature=9 5 8 4
+split_gain=0.195186 1.32855 0.692223 0.577018
+threshold=77.500000000000014 67.65000000000002 56.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00085818246855418111 -0.0013112488723379262 0.0034715890214254493 -0.0022606424797117094 0.0020269037072955455
+leaf_weight=65 42 42 61 51
+leaf_count=65 42 42 61 51
+internal_value=0 0.0125221 -0.0255225 0.0201913
+internal_weight=0 219 177 116
+internal_count=261 219 177 116
+shrinkage=0.02
+
+
+Tree=6212
+num_leaves=6
+num_cat=0
+split_feature=4 2 5 3 5
+split_gain=0.198964 0.6756 0.920614 1.01267 3.06995
+threshold=50.500000000000007 25.500000000000004 52.800000000000004 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=0.0013203706587185508 0.0029767799949762018 -0.0026388486323583923 0.0015265227118717213 0.0018276302776099563 -0.0059174471452464062
+leaf_weight=42 40 40 50 49 40
+leaf_count=42 40 40 50 49 40
+internal_value=0 -0.0127485 0.0137048 -0.0249505 -0.0887527
+internal_weight=0 219 179 139 90
+internal_count=261 219 179 139 90
+shrinkage=0.02
+
+
+Tree=6213
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.193532 0.640919 0.494129 1.6792
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015133919529911467 -0.0010040547525583163 0.0025501074913790878 -0.0020895937812975616 0.0036240798968840359
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0162527 -0.0136792 0.0396325
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6214
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 6 3
+split_gain=0.196355 0.676168 2.28379 1.39339 0.968497
+threshold=50.500000000000007 57.500000000000007 17.500000000000004 63.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -3 -5
+right_child=1 3 -4 4 -6
+leaf_value=0.0013125841870163693 0.0013842389309237002 0.0032593358551858344 -0.0052424454039126248 -0.0032332854441850301 0.0010991127464758828
+leaf_weight=42 45 51 39 40 44
+leaf_count=42 45 51 39 40 44
+internal_value=0 -0.0126672 -0.0842362 0.031589 -0.0477696
+internal_weight=0 219 84 135 84
+internal_count=261 219 84 135 84
+shrinkage=0.02
+
+
+Tree=6215
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=0.196623 0.91854 1.15553 0.815834
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00096150759737536836 0.0020403348716351356 0.0026700172795226062 0.00017599475307342335 -0.0036035393508553923
+leaf_weight=69 48 51 44 49
+leaf_count=69 48 51 44 49
+internal_value=0 0.0172247 -0.0245944 -0.0903995
+internal_weight=0 192 141 93
+internal_count=261 192 141 93
+shrinkage=0.02
+
+
+Tree=6216
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 1
+split_gain=0.196499 0.741792 0.670204 1.63207
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0028620716751677927 -0.002087057525764862 -0.00075551411447820284 -0.0022979387788410748 0.0028017710397940242
+leaf_weight=40 63 55 45 58
+leaf_count=40 63 55 45 58
+internal_value=0 0.0380125 -0.0218281 0.0282967
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6217
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.199909 0.736754 0.739363 1.48789 1.52408
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024814797321563381 -0.0012889755824430746 0.0026023989733260371 0.0019290923310808512 -0.004391282451238235 0.0027633001913715855
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0130307 -0.0165587 -0.0554472 0.0153414
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=6218
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 4
+split_gain=0.20706 0.631416 1.18331 0.245665
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00040882268483588156 -0.0018800475299423057 -0.0011673799170882761 0.0038201204590808295 0.0003330484678955306
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0206313 0.0676841 -0.0420986
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6219
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 2
+split_gain=0.201829 0.639319 0.920334 0.469729
+threshold=71.500000000000014 8.5000000000000018 55.650000000000013 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00034413303892957955 -0.0010232359856548522 -0.0023187485440173666 0.0033514866594969938 0.00068461223494710596
+leaf_weight=59 64 48 51 39
+leaf_count=59 64 48 51 39
+internal_value=0 0.0165723 0.0681532 -0.0481879
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=6220
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 4
+split_gain=0.201192 0.592355 1.12929 0.243538
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00040258497782359731 -0.0018650960744992756 -0.0011245025041714525 0.0037301410117518349 0.00033918165680116806
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0203583 0.0659825 -0.0415557
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6221
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 7
+split_gain=0.204144 0.617365 0.494579 0.411616
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010364629623150331 -0.0010286361680995363 0.0025180784123567837 -0.0018555532020713417 0.0016193500307013645
+leaf_weight=40 64 42 53 62
+leaf_count=40 64 42 53 62
+internal_value=0 0.0166548 -0.0127337 0.028501
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=6222
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 9
+split_gain=0.20269 0.724731 1.09258 0.56153
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013317074861518272 -0.0032693932222796302 0.0028292029276981868 -0.00088988012863853831 -0
+leaf_weight=42 45 56 75 43
+leaf_count=42 45 56 75 43
+internal_value=0 -0.012849 0.0347258 -0.0840961
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6223
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 1
+split_gain=0.199639 0.73158 0.666905 1.60209
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0028531769091332676 -0.0020864677946498926 -0.00073993786601226253 -0.0022775460702631829 0.0027756527427533258
+leaf_weight=40 63 55 45 58
+leaf_count=40 63 55 45 58
+internal_value=0 0.0382762 -0.0219969 0.0280068
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6224
+num_leaves=6
+num_cat=0
+split_feature=8 2 2 3 5
+split_gain=0.202748 0.57719 0.977721 0.668423 0.490174
+threshold=72.500000000000014 24.500000000000004 13.500000000000002 58.500000000000007 52.800000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=0.002908315357971686 -0.0012467928909181611 0.0023493618022592151 2.3987161890454143e-05 -0.0036444894191287663 -0.00012747728196070394
+leaf_weight=39 47 44 39 42 50
+leaf_count=39 47 44 39 42 50
+internal_value=0 0.0136392 -0.0130362 -0.0934911 0.0597536
+internal_weight=0 214 170 81 89
+internal_count=261 214 170 81 89
+shrinkage=0.02
+
+
+Tree=6225
+num_leaves=5
+num_cat=0
+split_feature=8 5 2 1
+split_gain=0.193941 0.554945 0.401045 1.78401
+threshold=72.500000000000014 65.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00082391812130994937 -0.0012218946318528138 0.0022485395289176401 0.0016642820729975533 -0.0039270378855957916
+leaf_weight=76 47 46 45 47
+leaf_count=76 47 46 45 47
+internal_value=0 0.0133669 -0.0135542 -0.0592139
+internal_weight=0 214 168 92
+internal_count=261 214 168 92
+shrinkage=0.02
+
+
+Tree=6226
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 4
+split_gain=0.193907 0.555166 0.956456 0.237137
+threshold=67.500000000000014 57.500000000000007 50.45000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.002422105567657905 -0.0018387882199622763 0.0019690030482839363 0.0012834719476136477 0.00033843818108339935
+leaf_weight=53 46 61 61 40
+leaf_count=53 46 61 61 40
+internal_value=0 0.020017 -0.0216356 -0.0408689
+internal_weight=0 175 114 86
+internal_count=261 175 114 86
+shrinkage=0.02
+
+
+Tree=6227
+num_leaves=5
+num_cat=0
+split_feature=4 4 2 9
+split_gain=0.19837 0.518503 0.989886 1.56997
+threshold=73.500000000000014 65.500000000000014 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014121854648399615 -0.001106985140255009 0.0019742367440140009 -0.0024466922140406358 0.0038325575337483371
+leaf_weight=51 56 56 56 42
+leaf_count=51 56 56 56 42
+internal_value=0 0.0150741 -0.0161235 0.0474457
+internal_weight=0 205 149 93
+internal_count=261 205 149 93
+shrinkage=0.02
+
+
+Tree=6228
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 8
+split_gain=0.208483 0.671668 1.57709 0.574498
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 49.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0025226318080601852 -0.0021007624657953697 -0.0014200198566250175 0.0036825650504975953 -0.000645443378951789
+leaf_weight=43 63 63 40 52
+leaf_count=43 63 63 40 52
+internal_value=0 -0.0224289 0.027748 0.0390457
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=6229
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.210409 0.713175 1.44577 0.658923 1.05507
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0023560527998638891 -0.001319473383646853 -0.0022089911774201315 0.0041824120067065571 -0.0013084521166502607 0.002873404615692173
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0133338 0.0407122 -0.00789334 0.0366118
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=6230
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.201257 0.684169 1.38789 0.632025 0.978903
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0023090140696680988 -0.0012931256640355063 -0.0021648907732377738 0.0040989101434366826 -0.0012491892983224403 0.0027815113787792913
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0130601 0.0398948 -0.00773588 0.0358725
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=6231
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 1
+split_gain=0.201986 0.721309 0.697624 1.54534
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0028427917146016334 -0.0021253234661308732 -0.00072555192119308498 -0.0022074112258413455 0.002756369525211618
+leaf_weight=40 63 55 45 58
+leaf_count=40 63 55 45 58
+internal_value=0 0.038474 -0.0221201 0.028997
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6232
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.205918 0.699653 0.769958 1.54207 1.4939
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024260205088707056 -0.001306798703442741 0.0025474625306522222 0.0019924431943909664 -0.0044472904850797702 0.0027670290806399134
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0131908 -0.0156585 -0.0553216 0.0167361
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=6233
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.196984 0.677535 1.38342 0.615054 0.988304
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0022844713328335092 -0.0012807044016278895 -0.0021560776650920866 0.0040885014898957893 -0.0012737036916621316 0.0027760866369307352
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0129271 0.039636 -0.00791867 0.0351138
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=6234
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 2
+split_gain=0.1978 0.698919 1.04211 0.731074
+threshold=50.500000000000007 5.5000000000000009 64.500000000000014 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013167128486845253 -0.0035009137446887916 -0.0013304124364287137 0.002288629895230888 0.00017638463213353413
+leaf_weight=42 44 58 73 44
+leaf_count=42 44 58 73 44
+internal_value=0 -0.0127217 0.0340174 -0.0827251
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6235
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.202926 0.690452 0.655084 1.51687
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0028007593729384734 -0.0020756549227865218 -0.0006922074599319736 -0.0013892137613522564 0.003616155837133754
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.038554 -0.0221683 0.0273997
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6236
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.220282 0.662165 1.35924 0.600007 0.93642
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 3.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0022433605984258686 -0.0013476863164655036 -0.0021156090709264241 0.0040675630109370245 -0.0013804399726549716 0.0025700167374657144
+leaf_weight=40 44 39 40 46 52
+leaf_count=40 44 39 40 46 52
+internal_value=0 0.0136046 0.0400179 -0.00712231 0.0353951
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=6237
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.210739 0.657425 0.756878 1.5258 1.45858
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.002374451997545345 -0.001320775257221068 0.0024821302507749784 0.0019933279605579401 -0.004403411296587452 0.002757475984792142
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0133254 -0.0146578 -0.053995 0.0176855
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=6238
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 5
+split_gain=0.196519 0.674358 0.637272 1.44605
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.002766418298908621 -0.0020477158846417794 -0.00068669293982938904 -0.0017659740074444158 0.0030015105757857118
+leaf_weight=40 63 55 53 50
+leaf_count=40 63 55 53 50
+internal_value=0 0.03799 -0.0218534 0.0270522
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6239
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 5
+split_gain=0.21098 0.553624 0.717235 0.768308
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0007743764965555172 -0.0012698507030374409 0.0020175387995626194 -0.0026815927675724149 0.0026160966862872714
+leaf_weight=75 47 56 40 43
+leaf_count=75 47 56 40 43
+internal_value=0 0.0138774 -0.0167358 0.0227589
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6240
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.210873 0.672562 1.41973 1.39755
+threshold=70.500000000000014 72.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0029075213386641854 -0.0013211984136814916 -0.0021393738257204568 0.0020850459200230241 -0.0026812022236339474
+leaf_weight=75 44 39 42 61
+leaf_count=75 44 39 42 61
+internal_value=0 0.0133273 0.0399406 -0.0364913
+internal_weight=0 217 178 103
+internal_count=261 217 178 103
+shrinkage=0.02
+
+
+Tree=6241
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.201722 0.64933 0.730699 1.43646 1.58299
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.002355796025319028 -0.0012948167784592179 0.0024635245280252823 0.001952334854279296 -0.0040725072725330677 0.0030993998083825931
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0130571 -0.0147574 -0.0534286 0.0213095
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=6242
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.20095 0.618016 1.18151 0.240751
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00042334515343818354 0.0003605875469761368 -0.001157117243257924 0.0038025135088437861 -0.0018360250189802261
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0203246 0.0668929 -0.0415554
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6243
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 9
+split_gain=0.201441 0.703351 1.02544 0.583954
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.001327560591193313 -0.0032789009367782209 0.0027503508434100904 -0.000854572351221494 1.6101611575311979e-05
+leaf_weight=42 45 56 75 43
+leaf_count=42 45 56 75 43
+internal_value=0 -0.0128331 0.0340503 -0.0830513
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6244
+num_leaves=6
+num_cat=0
+split_feature=4 9 5 6 3
+split_gain=0.192666 0.630115 1.95661 1.3706 0.978354
+threshold=50.500000000000007 57.500000000000007 53.500000000000007 63.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -3 -5
+right_child=1 3 -4 4 -6
+leaf_value=0.0013010533761816634 -0.0046316792166700826 0.0032101344829416102 0.0014914339700986324 -0.0032597263126501815 0.0010941764654852459
+leaf_weight=42 43 51 41 40 44
+leaf_count=42 43 51 41 40 44
+internal_value=0 -0.0125733 -0.0817374 0.0301861 -0.0485291
+internal_weight=0 219 84 135 84
+internal_count=261 219 84 135 84
+shrinkage=0.02
+
+
+Tree=6245
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.196233 0.671638 0.625479 1.52203
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00091653584541192244 -0.0020327863457965758 0.0024868663335672124 -0.002233976299889156 0.0026929397097610248
+leaf_weight=48 63 47 45 58
+leaf_count=48 63 47 45 58
+internal_value=0 0.0379715 -0.0218324 0.0266293
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6246
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.197534 0.651187 1.36914 0.57305 0.909148
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0022179926451763254 -0.0012823466215107699 -0.0021095902203659223 0.0040619033848016614 -0.0012282758087532855 0.0026591228751846573
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0129424 0.0391447 -0.0081664 0.0334069
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=6247
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.19962 0.765142 2.20521 2.06817 1.5394
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.00120441326146119 0.0039544763252532785 -0.0028430351971939212 -0.0048054864483794545 0.0033564564915054326 -0.0020858703577260134
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0140169 0.0146837 -0.0553552 0.0345521
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=6248
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.203651 1.53273 1.99677 1.50474
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0041466245619240852 0.0010359088112326228 0.00061736391818240967 -0.0051105161608595087 -0.00080525199135700158
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.01658 -0.106161 0.070822
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=6249
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.211511 0.961099 1.27613
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00099426805348485714 0.0015078033364457205 0.0027334591804686094 -0.0023271848830083005
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0177934 -0.0249685
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6250
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.207604 0.978227 1.09579 1.0726
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00084237646546710544 0.0010562068019893524 -0.0031542570112142476 0.0030845619881128762 -0.003179224790118259
+leaf_weight=72 62 40 44 43
+leaf_count=72 62 40 44 43
+internal_value=0 -0.0165453 0.0187708 -0.032771
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=6251
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.206869 0.926428 1.23966
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00098415444855176029 0.0014911187793079179 0.0026876095066874469 -0.0022895155029289157
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0176189 -0.0243762
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6252
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 6
+split_gain=0.205966 0.601763 1.18578 0.228157
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00043352206305788074 0.00014578274145337489 -0.0011320259285922129 0.003799915832463537 -0.0019922363231507567
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0205705 0.0665424 -0.0420081
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6253
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.197789 0.975347 1.04251 1.04695
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00085595119071020021 0.0010332235637755139 -0.0031429674961872163 0.0030253140295284902 -0.0031182826891461906
+leaf_weight=72 62 40 44 43
+leaf_count=72 62 40 44 43
+internal_value=0 -0.0161825 0.0190827 -0.0312054
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=6254
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.201548 0.9068 1.19451 1.35973
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00097249048102802948 0.0018642009677861829 0.0026591908506318181 -0.0045547791959867079 0.00046838962439293074
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0174137 -0.0241412 -0.0974556
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=6255
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.207372 0.568212 1.16831 0.226804
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00044434050813524291 0.00031599887136855273 -0.0010881655651687277 0.0037583365477823713 -0.0018201179170218502
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0206405 0.0653573 -0.0421325
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6256
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.2069 0.535534 0.805823 0.476365
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011646950325378226 -0.0011284651428551432 0.0018537104643319652 -0.0027808595670236126 0.001715316197008202
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0153623 -0.0194798 0.0292044
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6257
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.204751 0.681597 0.597924 1.57312
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0027913733483074842 -0.0020066637094678227 -0.00067963391179849686 -0.0014694624942192397 0.0036270924080986024
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0387204 -0.0222502 0.025157
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6258
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 6
+split_gain=0.207013 0.550735 1.13175 0.23805
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00043079565670349978 0.00016372186677792805 -0.0010660141085413208 0.0037065336918763597 -0.0020170229024086207
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0206184 0.0646675 -0.0421049
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6259
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.210035 0.622463 0.479006 1.53275
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014743851351848799 -0.0010421839877858409 0.0025310015975933109 -0.0020934067736326166 0.0033774905482576306
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0168663 -0.0126402 0.03988
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6260
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.207599 0.455195 3.45195 0.733785
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0041945691612599659 -0.0011303450624020486 0.00134209519392821 -0.0028884179230809631 -0.0023112051706429097
+leaf_weight=65 56 39 48 53
+leaf_count=65 56 39 48 53
+internal_value=0 0.0153787 0.0589433 -0.0376996
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6261
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.198571 0.502528 0.79126 0.483417
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00055722793835519615 -0.0011077664120962259 0.0018012138955563715 -0.0027445166290082112 0.0023305106607047522
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0150674 -0.0187164 0.0295348
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6262
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 4
+split_gain=0.200037 0.537946 0.920374 0.239944
+threshold=67.500000000000014 57.500000000000007 50.45000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0023669911169929424 -0.0018561206914246768 0.0019507893695707541 0.0012694915772870302 0.00033291680440362443
+leaf_weight=53 46 61 61 40
+leaf_count=53 46 61 61 40
+internal_value=0 0.0202908 -0.0207278 -0.0414613
+internal_weight=0 175 114 86
+internal_count=261 175 114 86
+shrinkage=0.02
+
+
+Tree=6263
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 9
+split_gain=0.204379 0.762193 1.05856 0.547352
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013366288872932012 -0.0032866804670382953 0.0028188916536943998 -0.00084260477152838767 -5.5859403389358776e-05
+leaf_weight=42 45 56 75 43
+leaf_count=42 45 56 75 43
+internal_value=0 -0.0129036 0.0358591 -0.0859183
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6264
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.199234 0.684991 0.606068 1.54866
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0027865966838406366 -0.0020115987146965804 -0.00069292232873155348 -0.0014425257523104828 0.0036146329678381234
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0382348 -0.0219827 0.0257389
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6265
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.207122 0.64027 1.29324 0.584092 0.959279
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0022093911237302554 -0.0013102588480850292 -0.0020844630600700058 0.0039723942310755942 -0.0012433609161068395 0.0027475443771308541
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0132268 0.0392157 -0.00677588 0.0351888
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=6266
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.203167 0.631446 1.00415 0.866449
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00059512183409158724 -0.0010267166615425564 0.001269080497616235 0.0032530317190434606 -0.0027785824016372056
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.0166022 0.0678746 -0.0477682
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=6267
+num_leaves=5
+num_cat=0
+split_feature=2 4 8 2
+split_gain=0.196948 0.71102 1.14576 1.37798
+threshold=8.5000000000000018 69.500000000000014 49.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00096265006494906978 0.0020244164605236906 0.002221075239948465 0.0007327936225955266 -0.0043518213128080603
+leaf_weight=69 48 58 42 44
+leaf_count=69 48 58 42 44
+internal_value=0 0.0172165 -0.0231381 -0.0930383
+internal_weight=0 192 134 86
+internal_count=261 192 134 86
+shrinkage=0.02
+
+
+Tree=6268
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.202992 0.618958 0.499007 1.53526
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015022989747154412 -0.0010262620028568278 0.0025196842701553537 -0.0019419590373790435 0.0035237505344135169
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0165983 -0.0128274 0.0407415
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6269
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 9
+split_gain=0.20605 0.746032 2.15295 2.00578 1.53273
+threshold=42.500000000000007 25.500000000000004 53.150000000000013 61.500000000000007 76.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0012219811550512171 0.0039002033350173573 -0.0028156399310382703 -0.0047443114526956251 0.0033291384369473959 -0.0021016516906372787
+leaf_weight=49 48 39 41 43 41
+leaf_count=49 48 39 41 43 41
+internal_value=0 -0.0142175 0.0141287 -0.0550802 0.0334668
+internal_weight=0 212 173 125 84
+internal_count=261 212 173 125 84
+shrinkage=0.02
+
+
+Tree=6270
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.199814 0.509961 0.727398 0.483758
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012145003641135313 -0.0011109798633203972 0.0018126209286514416 -0.0026533700882416149 0.0016873775445753218
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0151066 -0.0189184 0.0273796
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6271
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.200995 0.661855 0.601497 1.50843
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00089628747986586596 -0.0020077200699612362 0.0024827782299099693 -0.0014225427222096904 0.0035692837492973988
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0383822 -0.0220767 0.0254688
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6272
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.214103 0.681988 0.720955 1.40721 1.5797
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0023693102849317556 -0.0013303464451614139 0.0025238840246460245 0.0019314310678230381 -0.0040433124976809133 0.0030803868666862667
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0134233 -0.0150666 -0.0534864 0.0204925
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=6273
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 3
+split_gain=0.204847 0.65421 0.675608 0.934358 0.548941
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 57.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.001084885536306738 -0.0013037818167819333 0.0024734862755019568 0.00020428877693038806 0.0031922240053501505 -0.0029702081685095863
+leaf_weight=42 44 44 41 41 49
+leaf_count=42 44 44 41 41 49
+internal_value=0 0.0131552 -0.0147612 0.0509591 -0.0758066
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=6274
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 6
+split_gain=0.198579 0.582537 1.12033 0.24151
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00040589455055226693 0.00018625825747042176 -0.0011148681620656027 0.0037106866466331467 -0.0020094858917298684
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0202208 0.0654791 -0.0413264
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6275
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 2 2
+split_gain=0.196304 0.732128 1.03978 1.7519 0.701079
+threshold=50.500000000000007 5.5000000000000009 21.500000000000004 11.500000000000002 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0013121724069571875 -0.0034944320159865151 -0.00061387883841884281 -0.0019986017853475314 0.0049797875096190148 0.00010780214424817124
+leaf_weight=42 44 50 40 41 44
+leaf_count=42 44 50 40 41 44
+internal_value=0 -0.0126785 0.0351335 0.0949725 -0.0842789
+internal_weight=0 219 131 91 88
+internal_count=261 219 131 91 88
+shrinkage=0.02
+
+
+Tree=6276
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.19458 0.638478 1.36307 1.31756
+threshold=70.500000000000014 72.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0028429759218068073 -0.0012736733696994691 -0.002088830034721224 0.0020119187769610438 -0.0026176777938803266
+leaf_weight=75 44 39 42 61
+leaf_count=75 44 39 42 61
+internal_value=0 0.012851 0.0388055 -0.0361018
+internal_weight=0 217 178 103
+internal_count=261 217 178 103
+shrinkage=0.02
+
+
+Tree=6277
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.197296 0.928961 1.16985 1.35356
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00096340305873466442 0.001826522904247547 0.0026830180612286408 -0.0045475656331109698 0.00046430798242910488
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0172312 -0.0248209 -0.097387
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=6278
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 4
+split_gain=0.191062 0.542402 1.12444 0.243687
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0004466579736107055 -0.001846602347491231 -0.0010701387440057255 0.0036776046440027948 0.00035860161279126652
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0198709 0.0636004 -0.0406087
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6279
+num_leaves=5
+num_cat=0
+split_feature=4 4 2 9
+split_gain=0.19616 0.458286 1.06482 1.56018
+threshold=73.500000000000014 65.500000000000014 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013237360789161014 -0.0011017271816804912 0.0018760591545525093 -0.0024898213528685336 0.0039043097024451879
+leaf_weight=51 56 56 56 42
+leaf_count=51 56 56 56 42
+internal_value=0 0.0149796 -0.014407 0.0514941
+internal_weight=0 205 149 93
+internal_count=261 205 149 93
+shrinkage=0.02
+
+
+Tree=6280
+num_leaves=5
+num_cat=0
+split_feature=2 4 8 2
+split_gain=0.19569 0.693848 1.12069 1.35211
+threshold=8.5000000000000018 69.500000000000014 49.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00095981904684815556 0.0020060853694515417 0.0021979486506059575 0.0007322375794077021 -0.0043050241569069373
+leaf_weight=69 48 58 42 44
+leaf_count=69 48 58 42 44
+internal_value=0 0.0171683 -0.0227063 -0.0918538
+internal_weight=0 192 134 86
+internal_count=261 192 134 86
+shrinkage=0.02
+
+
+Tree=6281
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 9 8
+split_gain=0.205243 0.719267 1.92259 2.70674 0.664984
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -4 -5
+right_child=1 -3 3 4 -6
+leaf_value=0.0012198630280205109 0.0037678790482488034 -0.0025913426481544068 -0.0050616534269130068 -0.00065473173199817895 0.0030778473768204961
+leaf_weight=49 47 44 43 39 39
+leaf_count=49 47 44 43 39 39
+internal_value=0 -0.0141889 0.0158326 -0.0509351 0.0601198
+internal_weight=0 212 168 121 78
+internal_count=261 212 168 121 78
+shrinkage=0.02
+
+
+Tree=6282
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.205819 0.691253 0.69475 1.44133 1.4523
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0023932832350725512 -0.0013064808796289043 0.0025340706369680476 0.0018829398558121949 -0.0042959234618091023 0.0027279011972770884
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0131895 -0.0154896 -0.0532257 0.0164565
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=6283
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 4
+split_gain=0.200307 0.531185 0.955617 0.234583
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00019776090308618876 -0.0018458809495127482 -0.00104660005499475 0.0036668292970166573 0.00032017275270809992
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0203061 0.0635968 -0.0414839
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6284
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.202852 0.681521 0.578192 1.4936
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0027878450976960346 -0.0019798140866061444 -0.00068300440726185821 -0.0014330235603722489 0.0035346253571410351
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0385484 -0.0221639 0.0244745
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6285
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.221541 0.631181 1.40169 0.646008
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00069134550755663811 -0.0013511935568245354 -0.0020598495149966364 0.0032954112750302744 -0.0023956596401040879
+leaf_weight=73 44 39 60 45
+leaf_count=73 44 39 60 45
+internal_value=0 0.0136411 0.0394507 -0.0239924
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6286
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.211966 0.671976 0.708408 1.41346 1.41008
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0023630500775931253 -0.0013242122217157354 0.0025065720875246445 0.0019153239624500815 -0.0042607289461916234 0.0026841569809847171
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0133644 -0.0149201 -0.0530149 0.0159953
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=6287
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.202793 0.644596 0.679636 1.35676 1.35356
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0023158677546774547 -0.0012977699674742004 0.0024565200862333783 0.0018770781390002073 -0.0041756665428215088 0.0026305521584137426
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0130973 -0.0146179 -0.0519568 0.0156668
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=6288
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.197969 0.530262 0.455512 0.521323 0.238435
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00091430488493030526 0.00036100060319790671 0.0024308297812343661 -0.0017835971671159431 0.0022675017237192745 -0.0018258045572294461
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0201947 -0.0105634 0.0343226 -0.0412666
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=6289
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.19822 0.562941 0.737691 0.953827
+threshold=42.500000000000007 50.650000000000013 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.00120068471428574 -0.0022716334969976187 0.0022164797336441853 -0.0027431937234949776 0.0010008653669478678
+leaf_weight=49 46 54 50 62
+leaf_count=49 46 54 50 62
+internal_value=0 -0.0139664 0.0134332 -0.033206
+internal_weight=0 212 166 112
+internal_count=261 212 166 112
+shrinkage=0.02
+
+
+Tree=6290
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 2
+split_gain=0.2019 0.752513 1.05716 0.68113
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013292404854838855 -0.0034913039690976999 0.0028129113768115281 -0.00084623189618461406 6.0117251753455418e-05
+leaf_weight=42 44 56 75 44
+leaf_count=42 44 56 75 44
+internal_value=0 -0.0128313 0.0356273 -0.0853937
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6291
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 9
+split_gain=0.193107 0.721799 1.01461 0.545961
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013027005442352853 -0.0032397429962128577 0.0027567234245217459 -0.00082932304518985368 -1.3414066754556571e-05
+leaf_weight=42 45 56 75 43
+leaf_count=42 45 56 75 43
+internal_value=0 -0.0125715 0.0349097 -0.0836794
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6292
+num_leaves=5
+num_cat=0
+split_feature=4 1 7 4
+split_gain=0.192692 1.12547 2.90324 1.61432
+threshold=75.500000000000014 6.5000000000000009 53.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0026290621552899911 0.0013395771826030551 -0.0013187065343747192 -0.0041190303458063125 0.0035502577547603426
+leaf_weight=40 40 53 71 57
+leaf_count=40 40 53 71 57
+internal_value=0 -0.0122051 -0.0839979 0.0598844
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=6293
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.200401 0.619384 1.40702 0.801645
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013711498129275108 -0.0012905218594058559 -0.002050658908224728 0.0032834950301300694 -0.0019843323209633242
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.0130399 0.038617 -0.0249467
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6294
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 3
+split_gain=0.197128 1.24702 0.992552 2.80352
+threshold=72.500000000000014 69.500000000000014 54.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00241485183813473 0.0010209459662720956 -0.0034092387642037539 0.0022422448211674292 -0.0049263908291278004
+leaf_weight=45 63 42 72 39
+leaf_count=45 63 42 72 39
+internal_value=0 -0.0163237 0.0249766 -0.0492665
+internal_weight=0 198 156 84
+internal_count=261 198 156 84
+shrinkage=0.02
+
+
+Tree=6295
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 8 4
+split_gain=0.194981 1.22502 0.932625 0.598432 0.562552
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 49.500000000000007 60.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0027201770792152111 0.0013468895323383025 -0.0033898606623557178 0.0013743895351796185 -0.0032389499475035488 0.0001339794855382514
+leaf_weight=53 40 41 46 40 41
+leaf_count=53 40 41 46 40 41
+internal_value=0 -0.0122644 0.0233786 -0.0233588 -0.0761578
+internal_weight=0 221 180 127 81
+internal_count=261 221 180 127 81
+shrinkage=0.02
+
+
+Tree=6296
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.196507 0.944524 1.19293
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00096116006667765533 0.0014379373670459702 0.0027019793468023995 -0.0022717099883335238
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0172247 -0.025173
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6297
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.19706 0.690708 0.576997 1.52415
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0009378422182018453 -0.0019721297905574381 0.0025123409639758267 -0.0014471589431665167 0.0035704038037990792
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0380634 -0.0218548 0.0247374
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6298
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.201096 0.626652 0.675214 1.29237 1.33479
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0023207187998994729 -0.0012924088596864868 0.0024261068466679696 0.0018772298387045327 -0.0040920537169369586 0.0025919206360781643
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0130678 -0.0142676 -0.0514897 0.0145226
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=6299
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 6
+split_gain=0.198815 0.570307 1.15031 0.238769
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0004370465394518241 0.00018082839335954344 -0.0010986114909924797 0.003733590340275348 -0.0020032351651273822
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0202543 0.0650518 -0.0413262
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6300
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.19275 0.656089 0.554594 1.5143
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00090327127934097372 -0.0019387910217968166 0.0024615460253075883 -0.0014544419311808014 0.0035471630015366093
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.03768 -0.0216404 0.0240629
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6301
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.207531 0.620985 1.3754 0.762896
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001345489267864382 -0.0013111318872376368 -0.0020492490150448243 0.0032604001391265407 -0.0019298739840245673
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.013254 0.0388626 -0.0239888
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6302
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 9
+split_gain=0.199791 0.694557 0.981419 0.540059
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013230769041352752 -0.0032089434234482874 0.0027020290937252766 -0.00082601866158216988 -0
+leaf_weight=42 45 56 75 43
+leaf_count=42 45 56 75 43
+internal_value=0 -0.0127618 0.0338344 -0.0825526
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6303
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.194902 0.923362 1.18764 1.27408
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00095775827687798393 0.0018448119465449789 0.002674541910473839 -0.0044808746006898539 0.00038299453120975392
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0171523 -0.0247749 -0.0978803
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=6304
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 3
+split_gain=0.192994 0.604534 0.646158 0.878357 0.561152
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 57.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.001035510016689823 -0.0012685967254846956 0.0023838780953252779 0.00026357063577794551 0.0031137967576271197 -0.0029455443226759077
+leaf_weight=42 44 44 41 41 49
+leaf_count=42 44 44 41 41 49
+internal_value=0 0.0128217 -0.0140386 0.0502707 -0.0737832
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=6305
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.192197 0.999555 1.05964 1.18578
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00097983839785285181 0.001020088347429159 -0.0031726725631174321 0.0024580661452429219 -0.0035241511003151699
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.0159628 0.0197318 -0.0458418
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=6306
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.195295 0.891181 1.15494
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.000958464869575941 0.0014301804950469402 0.0026349195215317847 -0.0022209535633502136
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0171764 -0.0240249
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6307
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 6
+split_gain=0.203474 0.56183 1.12384 0.24073
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00041925527251918479 0.00017594468575484433 -0.001083371128577213 0.0037037528560636152 -0.0020163471763988429
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0204705 0.0649451 -0.0417621
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6308
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.194611 0.664606 0.544529 1.5053
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0027494065799348994 -0.0019273926370142378 -0.000679294253534255 -0.0014587150760076496 0.0035282406660500148
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0378458 -0.0217334 0.0235643
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6309
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.20708 0.624412 1.33749 0.73766
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013341349089170842 -0.0013098058073069466 -0.0020556854985850771 0.0032275447543615586 -0.0018880259740798292
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.0132422 0.0389187 -0.0230683
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6310
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.198201 0.697161 2.44634 1.54375
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0013183063272203491 -0.0036896411941807032 -0.0026748350779552668 0.0031804852745981522 0.0011645866906226316
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0127144 0.0141491 -0.0807641
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=6311
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.204833 0.618199 0.661632 1.35692 1.47582
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0022504924652141205 -0.0013032859516490039 0.0024140960847084448 0.0018617718011336938 -0.0039376226680611472 0.0030189230391598895
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0131777 -0.0139768 -0.0508359 0.0218228
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=6312
+num_leaves=5
+num_cat=0
+split_feature=2 4 8 2
+split_gain=0.199576 0.672147 1.08315 1.38804
+threshold=8.5000000000000018 69.500000000000014 49.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0009679457436331762 0.0019810269729298021 0.0021730905114341896 0.00080473661302301756 -0.0042986233998026637
+leaf_weight=69 48 58 42 44
+leaf_count=69 48 58 42 44
+internal_value=0 0.0173463 -0.0219128 -0.0899181
+internal_weight=0 192 134 86
+internal_count=261 192 134 86
+shrinkage=0.02
+
+
+Tree=6313
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.204964 0.584124 1.08553 0.250019
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00037171310493851932 0.00037507768479155124 -0.0011104441911957681 0.003681242879595756 -0.0018606042588101544
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0205411 0.0658577 -0.0418987
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6314
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.196885 0.674279 2.37484 1.48367
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0013144490897428799 -0.0036294586354644861 -0.0026350224310393222 0.003130425588334347 0.0011303432885131273
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0126698 0.0137582 -0.0797657
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=6315
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.206357 0.63367 1.31467 0.699716
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013022940893628351 -0.0013075684116477459 -0.0020726197453023588 0.0032102366463304939 -0.0018380654027787863
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.0132287 0.0390881 -0.0223725
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6316
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.205449 0.647323 1.89493 0.274593
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00098073691000240466 0.0037360722374580337 -0.0015755011005366812 0.00024489364997486889 -0.0021802010058999685
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0175803 0.0536765 -0.0486864
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=6317
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.197395 0.612793 1.26087 0.589355 0.975025
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0022231126127619087 -0.0012815375623382189 -0.0020403158623512547 0.0039166664746237831 -0.0012601521521038892 0.0027628072905942214
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0129585 0.0384043 -0.00701376 0.0351343
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=6318
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.200007 0.497954 0.713667 0.949164
+threshold=42.500000000000007 50.650000000000013 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0012058740945364761 -0.0021581418318372758 0.002152980759819797 -0.0027557774699089035 0.00097915598415936641
+leaf_weight=49 46 54 50 62
+leaf_count=49 46 54 50 62
+internal_value=0 -0.0140094 0.0118041 -0.0340883
+internal_weight=0 212 166 112
+internal_count=261 212 166 112
+shrinkage=0.02
+
+
+Tree=6319
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.195341 0.652696 0.651877 1.40317 1.41669
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.002187175034258239 -0.0012754999005810755 0.002465842549549849 0.0018259614316519627 -0.004001183943057077 0.0029768507466284844
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0128954 -0.0149897 -0.0515827 0.0222931
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=6320
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 2 2
+split_gain=0.207634 0.635165 1.00743 0.842339 0.687959
+threshold=50.500000000000007 5.5000000000000009 72.500000000000014 15.500000000000002 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0013466088425979951 -0.0033889235343445125 0.0012368463848030187 0.0028522313914176229 -0.0029064967312225761 0.00018087769064579741
+leaf_weight=42 44 41 51 39 44
+leaf_count=42 44 41 51 39 44
+internal_value=0 -0.0129809 0.0316258 -0.0386909 -0.0798107
+internal_weight=0 219 131 80 88
+internal_count=261 219 131 80 88
+shrinkage=0.02
+
+
+Tree=6321
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 7
+split_gain=0.205421 0.504708 0.562183 2.54237 0.242654
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0022394168522230297 0.00035729660245198739 0.0024554748793895634 0.0017787906883135244 -0.0043546421089850091 -0.0018472993643275739
+leaf_weight=47 39 39 42 47 47
+leaf_count=47 39 39 42 47 47
+internal_value=0 0.0205648 -0.00849928 -0.0524948 -0.0419384
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=6322
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 8
+split_gain=0.196676 0.638083 0.540695 1.49597
+threshold=55.500000000000007 52.500000000000007 70.500000000000014 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0027143134044714337 0.0007647321653867006 -0.00064698464774773725 0.00088427282418046202 -0.0043437464087149342
+leaf_weight=40 53 55 72 41
+leaf_count=40 53 55 72 41
+internal_value=0 0.038042 -0.0218233 -0.0728252
+internal_weight=0 95 166 94
+internal_count=261 95 166 94
+shrinkage=0.02
+
+
+Tree=6323
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.200005 0.601025 1.04995 0.23121
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00033578413070429694 0.00034084482802617327 -0.0011360097633119697 0.0036510586239832566 -0.0018147396409438122
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0203263 0.0662717 -0.0414215
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6324
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.193032 0.878122 1.18789 1.27235
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0009531339554274431 0.0018645510396609933 0.0026169249520729917 -0.0044600360156777418 0.00040069000893430538
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0171 -0.0238032 -0.0969189
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=6325
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 4
+split_gain=0.2033 0.558754 1.03095 0.229261
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00034961433751229214 -0.0018400216541192992 -0.0010792214505973272 0.003601705258441691 0.00030289965911134089
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0204792 0.0648364 -0.0417292
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6326
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 8
+split_gain=0.201285 0.635279 0.532672 1.48281
+threshold=55.500000000000007 55.500000000000007 70.500000000000014 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.00086193872857098775 0.00075777068234375025 0.0024503149295754816 0.00087014029318637626 -0.0043284195448930231
+leaf_weight=48 53 47 72 41
+leaf_count=48 53 47 72 41
+internal_value=0 0.0384469 -0.0220516 -0.072687
+internal_weight=0 95 166 94
+internal_count=261 95 166 94
+shrinkage=0.02
+
+
+Tree=6327
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.19774 0.546309 1.02131 0.224085
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00035668363083873211 0.00032814881747904599 -0.0010681767990022317 0.0035764840355865454 -0.0017963150602972936
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0202232 0.0641028 -0.0412059
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6328
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.197454 0.48967 3.31602 0.720764
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0041596474821975716 -0.001104244440793991 -0.0024112467108021191 -0.0027830274626597161 0.0011890551607510688
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0150632 0.0601787 -0.0399196
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6329
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.192179 0.494994 0.692344 1.0996
+threshold=42.500000000000007 50.650000000000013 73.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011845840885703813 -0.0021474177843970126 0.0031905099096912128 -0.0016394322491880484 -0.00079906517316314588
+leaf_weight=49 46 55 54 57
+leaf_count=49 46 55 54 57
+internal_value=0 -0.01374 0.0119993 0.0576866
+internal_weight=0 212 166 112
+internal_count=261 212 166 112
+shrinkage=0.02
+
+
+Tree=6330
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.196829 1.01872 0.969756 0.977087
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00085827156171498331 0.0010314589597204371 -0.0032025190739373424 0.0029496827378737191 -0.0029837134758640615
+leaf_weight=72 62 40 44 43
+leaf_count=72 62 40 44 43
+internal_value=0 -0.0161213 0.0199094 -0.0286143
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=6331
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.193084 0.883986 1.12049 1.22623
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00095325071391069347 0.0017954050231844172 0.0026243777436264254 -0.0043760193939273596 0.00039694565824217084
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.017102 -0.0239354 -0.0949861
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=6332
+num_leaves=6
+num_cat=0
+split_feature=4 1 2 2 2
+split_gain=0.196308 0.687133 1.00526 1.69386 0.673267
+threshold=50.500000000000007 5.5000000000000009 21.500000000000004 11.500000000000002 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 4 3 -3 -2
+right_child=1 2 -4 -5 -6
+leaf_value=0.0013130258977951559 -0.0034149945072368183 -0.0006200546487817656 -0.0019825004112967418 0.0048811252940911464 0.0001168555650198192
+leaf_weight=42 44 50 40 41 44
+leaf_count=42 44 50 40 41 44
+internal_value=0 -0.0126366 0.0337159 0.0925781 -0.0820648
+internal_weight=0 219 131 91 88
+internal_count=261 219 131 91 88
+shrinkage=0.02
+
+
+Tree=6333
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.19554 1.51168 1.54391 0.57363 1.2425
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0023149157919052587 -0.0013116559074558044 0.0037884561343772588 -0.0033430579971418595 0.002637361768506501 -0.0026478200371757529
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0125661 -0.0267902 0.0352043 -0.0138893
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6334
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.195206 0.484082 0.721266 0.491437
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012171648825285897 -0.0010984676005061306 0.0017729283500865711 -0.0026295402162058207 0.0017067256775799488
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0149879 -0.0181896 0.027918
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6335
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.191601 1.4609 1.47813 0.559978 1.21855
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0021042624018893321 -0.0012996625013707908 0.0037270108708009654 -0.0032725757894865376 0.0025994773106023028 -0.0028067239596863353
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0124484 -0.0262467 0.0344245 -0.0140972
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6336
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 7
+split_gain=0.199498 0.666767 0.477021 0.428772
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011085547057952197 -0.0010174322083873835 0.0025982344343935988 -0.0018534032364495398 0.0016002565396183524
+leaf_weight=40 64 42 53 62
+leaf_count=40 64 42 53 62
+internal_value=0 0.0165057 -0.0140104 0.0265054
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=6337
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 9
+split_gain=0.197588 0.48587 2.71192 0.676058
+threshold=73.500000000000014 7.5000000000000009 57.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0010486477954644851 -0.0011046220950047473 0.0012191915739397275 0.0054821482365595775 -0.0022904854373269686
+leaf_weight=74 56 39 39 53
+leaf_count=74 56 39 39 53
+internal_value=0 0.0150661 0.0600133 -0.0397101
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6338
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 6
+split_gain=0.192911 1.19543 1.31237 2.20793
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016165958372510959 -0.0013037483611624287 0.0032207377272883537 0.0015620772005661056 -0.0043978707702436682
+leaf_weight=41 42 44 73 61
+leaf_count=41 42 44 73 61
+internal_value=0 0.0124833 -0.0246882 -0.0986501
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=6339
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.184525 0.869994 0.935503 1.67616
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0022879963183539869 0.00090605344025275242 -0.003036901373401883 -0.0013916752745297132 0.0035854762053358713
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.017304 0.0174646 0.065821
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=6340
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 1 2
+split_gain=0.191725 1.24795 0.895381 0.627698 1.14124
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 3.5000000000000004 19.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0026844901220484463 0.0013370476370444461 -0.0034164224393413629 0.0016179395713218671 -0.0039228452520832209 0.00072194877605208461
+leaf_weight=53 40 41 41 40 46
+leaf_count=53 40 41 41 40 46
+internal_value=0 -0.0121514 0.0238203 -0.0219877 -0.071528
+internal_weight=0 221 180 127 86
+internal_count=261 221 180 127 86
+shrinkage=0.02
+
+
+Tree=6341
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.189169 0.72494 1.00953 1.07645
+threshold=72.050000000000026 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00093529442871703337 0.0011762719660760527 -0.0023267760361254004 0.002422615693390264 -0.0033593438198553666
+leaf_weight=56 49 53 62 41
+leaf_count=56 49 53 62 41
+internal_value=0 -0.0136362 0.0203827 -0.0436419
+internal_weight=0 212 159 97
+internal_count=261 212 159 97
+shrinkage=0.02
+
+
+Tree=6342
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.18954 0.864874 1.14608 1.15882
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00094512173567526565 0.0018269867831553464 0.0025974548051204143 -0.0043176487296472579 0.00032362264144809437
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0169676 -0.023631 -0.0954736
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=6343
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.193511 1.49269 1.43687 0.557737 1.20199
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0022464867916014422 -0.0013053114263822099 0.0037654492174981091 -0.003241433605933246 0.002572037587334148 -0.0026357125928735741
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0125146 -0.0265958 0.0332295 -0.0152004
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6344
+num_leaves=5
+num_cat=0
+split_feature=8 5 2 1
+split_gain=0.185632 0.519642 0.378825 1.59142
+threshold=72.500000000000014 65.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00080694840758925319 -0.0011971653064319935 0.0021823062738498687 0.0015439518950904371 -0.0037399201201156673
+leaf_weight=76 47 46 45 47
+leaf_count=76 47 46 45 47
+internal_value=0 0.0131432 -0.0129314 -0.057376
+internal_weight=0 214 168 92
+internal_count=261 214 168 92
+shrinkage=0.02
+
+
+Tree=6345
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.188212 0.831343 1.07809 1.12293
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00094197798007404805 0.0017734199045258703 0.0025533398991698314 -0.0042237641778359487 0.00034626198193173676
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.016921 -0.0228961 -0.0926196
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=6346
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.199448 1.44051 1.40167 0.534511 1.16969
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0022350475931216421 -0.001323187680384142 0.0037078867197810252 -0.0031912826486804515 0.0025359245231195786 -0.0025823060025437017
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0126948 -0.0257313 0.0333641 -0.0140713
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6347
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.197369 0.453504 0.693974 0.50579
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0006099893203566748 -0.001103678261779816 0.001729343241446659 -0.0025651943063921727 0.0023418008674253154
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0150779 -0.0170691 0.0281772
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6348
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 7
+split_gain=0.19521 1.39542 1.33933 0.430306
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011157250017604539 -0.0013104007121982218 0.0027006397335995204 -0.0034663849223178266 0.0015977831617230587
+leaf_weight=40 42 66 51 62
+leaf_count=40 42 66 51 62
+internal_value=0 0.0125691 -0.0400343 0.0262895
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=6349
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.203639 0.633289 0.498846 1.54096
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015072304640801125 -0.0010267666177610462 0.0025455452832241704 -0.0020891585620370461 0.0033961427614806272
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0166716 -0.0130849 0.0404747
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6350
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.200187 0.44895 3.37009 0.677162
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.004148900186857981 -0.0011109804214163219 -0.0023161469062924129 -0.0028500220077261502 0.0011765748504771493
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0151667 0.0584454 -0.0375604
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6351
+num_leaves=5
+num_cat=0
+split_feature=6 8 9 4
+split_gain=0.200495 1.00388 0.72204 0.875774
+threshold=63.500000000000007 71.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0016260598969066505 -0.0031957509178070463 0.0010506903042039144 0.002148990106337872 -0.0021108370091318992
+leaf_weight=43 40 52 63 63
+leaf_count=43 40 52 63 63
+internal_value=0 -0.0393963 0.0214233 -0.0293656
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=6352
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.194921 0.628908 0.499675 1.50531
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015128031158614327 -0.0010066021452535051 0.0025315485750520938 -0.0020594682062193962 0.0033627346928276009
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0163411 -0.0133151 0.0402867
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6353
+num_leaves=5
+num_cat=0
+split_feature=6 8 9 5
+split_gain=0.197188 0.979927 0.691533 0.834054
+threshold=63.500000000000007 71.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0023681422043188112 -0.0031615161377353683 0.0010348606897031183 0.002110070650113901 0.0012152494358459345
+leaf_weight=53 40 52 63 53
+leaf_count=53 40 52 63 53
+internal_value=0 -0.0390989 0.0212628 -0.0284642
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=6354
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.194998 0.434821 0.713522 0.490119
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011859615706622463 -0.0010977935581596775 0.0016991052624353924 -0.0025843697488453082 0.0017338289695010944
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0149878 -0.0165133 0.0293542
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6355
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.194632 1.39186 1.40383 0.498061 1.18465
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0021148491509317192 -0.0013087931307776966 0.0036469100302283768 -0.0031833904219643488 0.0024841744683121512 -0.0027287493422646042
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0125445 -0.025233 0.0339083 -0.0119223
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6356
+num_leaves=5
+num_cat=0
+split_feature=3 5 5 9
+split_gain=0.202424 0.633611 1.75452 0.731804
+threshold=71.500000000000014 65.100000000000009 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017254398585050102 -0.0010240519099927125 -0.0017768177087248258 0.0042932306736582059 -0.0017330747689933488
+leaf_weight=40 64 45 45 67
+leaf_count=40 64 45 45 67
+internal_value=0 0.0166225 0.0481347 -0.0216209
+internal_weight=0 197 152 107
+internal_count=261 197 152 107
+shrinkage=0.02
+
+
+Tree=6357
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 7
+split_gain=0.193603 0.623375 0.499653 0.416317
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010514111735441753 -0.0010035932462459536 0.002521049435415828 -0.0018735102082974543 0.0016189731735047729
+leaf_weight=40 64 42 53 62
+leaf_count=40 64 42 53 62
+internal_value=0 0.0162868 -0.0132416 0.0281961
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=6358
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 2
+split_gain=0.195108 0.696404 1.02248 0.601716
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013094011602278188 -0.0033288245696666591 0.0027475502762019329 -0.00085225643396806333 1.4016146099375359e-05
+leaf_weight=42 44 56 75 44
+leaf_count=42 44 56 75 44
+internal_value=0 -0.0126004 0.0340567 -0.0824819
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6359
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 2
+split_gain=0.186584 0.683552 2.37291 1.09742
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0012832566886070594 0.00063381749293166213 -0.002644425244113588 0.003139295317405586 -0.003438940066784313
+leaf_weight=42 49 40 71 59
+leaf_count=42 49 40 71 59
+internal_value=0 -0.0123452 0.0142606 -0.0792249
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=6360
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.199149 0.849058 1.09503 1.09841
+threshold=8.5000000000000018 71.500000000000014 4.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00096648750930001962 0.0017910364130761633 0.0025849046493220847 -0.0042083559538934421 0.00031201502370654488
+leaf_weight=69 54 51 42 45
+leaf_count=69 54 51 42 45
+internal_value=0 0.0173555 -0.0228758 -0.0931337
+internal_weight=0 192 141 87
+internal_count=261 192 141 87
+shrinkage=0.02
+
+
+Tree=6361
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 1
+split_gain=0.190506 0.814596 1.07461 1.0167
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 6.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.000947177522321315 0.0019951795669908407 0.0025332773865634783 -0.003719172331352499 0.00049397986597800596
+leaf_weight=69 48 51 49 44
+leaf_count=69 48 51 49 44
+internal_value=0 0.0170127 -0.022408 -0.0859193
+internal_weight=0 192 141 93
+internal_count=261 192 141 93
+shrinkage=0.02
+
+
+Tree=6362
+num_leaves=5
+num_cat=0
+split_feature=8 5 2 3
+split_gain=0.191296 0.496291 0.384114 0.878781
+threshold=72.500000000000014 65.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00082933692235866423 -0.0012134307347014879 0.00214399783852459 0.00066021170758048711 -0.0032957750021887135
+leaf_weight=76 47 46 50 42
+leaf_count=76 47 46 50 42
+internal_value=0 0.0133286 -0.0121702 -0.0569113
+internal_weight=0 214 168 92
+internal_count=261 214 168 92
+shrinkage=0.02
+
+
+Tree=6363
+num_leaves=5
+num_cat=0
+split_feature=9 5 8 4
+split_gain=0.20116 1.31058 0.655318 0.564428
+threshold=77.500000000000014 67.65000000000002 56.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00085931263844575209 -0.0013282992776517833 0.0034545175452427314 -0.0022051242731276131 0.0019952452150674071
+leaf_weight=65 42 42 61 51
+leaf_count=65 42 42 61 51
+internal_value=0 0.0127462 -0.0250424 0.0194631
+internal_weight=0 219 177 116
+internal_count=261 219 177 116
+shrinkage=0.02
+
+
+Tree=6364
+num_leaves=5
+num_cat=0
+split_feature=6 8 9 5
+split_gain=0.200995 0.96861 0.700828 0.827664
+threshold=63.500000000000007 71.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0023640041964997989 -0.0031546144215341275 0.0010178236150371839 0.0021249206595929655 0.0012059022676300054
+leaf_weight=53 40 52 63 53
+leaf_count=53 40 52 63 53
+internal_value=0 -0.0394305 0.0214581 -0.0285945
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=6365
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.201364 0.518877 0.837038 0.958275
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00086406325368934664 -0.00124193232532631 0.0019594247253561523 -0.0028507822047661507 0.0028951923697612065
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.013646 -0.0160185 0.0265901
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6366
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.19647 0.52338 1.0068 0.24222
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00036398025525235828 0.00037375917421267227 -0.0010387879924252414 0.0035416889298704826 -0.0018292625874299924
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0201781 0.0631623 -0.0410716
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6367
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.196119 0.66988 2.27996 1.51208
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0013126992313658395 -0.0036118533192326992 -0.002626454220586862 0.003072684831519964 0.0011930877117782553
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0126189 0.0137247 -0.0779227
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=6368
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.197451 0.485681 0.815922 0.917716
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00082898764583252374 -0.0012309578737623502 0.0019042000665646813 -0.0028032928232186328 0.0028513015624425674
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.0135223 -0.0152066 0.0268712
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6369
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 4
+split_gain=0.204453 0.537446 0.910462 0.241705
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00032546849292661709 -0.0018668094686864643 -0.0010500854576661765 0.0033714421770169433 0.000329610193689803
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0205444 0.0640789 -0.0418243
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6370
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.199942 0.663062 0.560247 1.52307
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0027570215679030186 -0.0019527879090832326 -0.00066770023825122292 -0.0014621371039312994 0.0035537687761024372
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0383421 -0.0219726 0.0239558
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6371
+num_leaves=5
+num_cat=0
+split_feature=8 5 7 7
+split_gain=0.208482 0.48398 0.382456 0.394809
+threshold=72.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010197081591442156 -0.0012619459765502441 0.002131893627227504 -0.0014461960674090016 0.0015837886708887452
+leaf_weight=40 47 46 66 62
+leaf_count=40 47 46 66 62
+internal_value=0 0.0138535 -0.0113358 0.0277486
+internal_weight=0 214 168 102
+internal_count=261 214 168 102
+shrinkage=0.02
+
+
+Tree=6372
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 4
+split_gain=0.207046 0.921837 0.664318 0.878272
+threshold=63.500000000000007 72.050000000000026 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0016762803183206418 -0.0029623637134773644 0.0010836775981714266 0.0020870380974929194 -0.0020662084566312601
+leaf_weight=43 43 49 63 63
+leaf_count=43 43 49 63 63
+internal_value=0 -0.0399766 0.0217398 -0.0270191
+internal_weight=0 92 169 106
+internal_count=261 92 169 106
+shrinkage=0.02
+
+
+Tree=6373
+num_leaves=5
+num_cat=0
+split_feature=8 5 7 7
+split_gain=0.20534 0.486654 0.363717 0.387283
+threshold=72.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010271896576982558 -0.0012532283176414926 0.0021349223375656816 -0.0014207401038551363 0.0015527200006729971
+leaf_weight=40 47 46 66 62
+leaf_count=40 47 46 66 62
+internal_value=0 0.0137584 -0.0114983 0.0266571
+internal_weight=0 214 168 102
+internal_count=261 214 168 102
+shrinkage=0.02
+
+
+Tree=6374
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.20372 0.524129 0.983527 0.238226
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00033816841301446179 0.00035050594458837538 -0.0010332395082998885 0.0035227205182379391 -0.0018352466691558416
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0205039 0.0635165 -0.041763
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6375
+num_leaves=5
+num_cat=0
+split_feature=6 8 7 8
+split_gain=0.203672 0.961655 0.661564 0.766273
+threshold=63.500000000000007 71.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.00074751757135286178 -0.0031512528077039391 0.0010063975544466451 0.0022129438852227798 -0.0027631870999127546
+leaf_weight=73 40 52 57 39
+leaf_count=73 40 52 57 39
+internal_value=0 -0.0396804 0.0215757 -0.0234392
+internal_weight=0 92 169 112
+internal_count=261 92 169 112
+shrinkage=0.02
+
+
+Tree=6376
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.201034 0.482325 0.775932 0.913682
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00084261893970579761 -0.0012412442368244906 0.0019007902758653437 -0.0027388751907690169 0.0028298516384538731
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.0136239 -0.0150085 0.0260434
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6377
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.199682 0.626397 0.547194 1.50033
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0027022665389493899 -0.0019355418876260023 -0.00062886522267374342 -0.0014580715653331943 0.0035207583549420134
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0383129 -0.0219662 0.0234385
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6378
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.211701 0.668646 1.29968 1.21913
+threshold=70.500000000000014 72.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0028175928641075432 -0.0013226266385869478 -0.0021311133706359139 0.0019666663545425357 -0.002489347770012243
+leaf_weight=75 44 39 42 61
+leaf_count=75 44 39 42 61
+internal_value=0 0.0133983 0.0399365 -0.0332234
+internal_weight=0 217 178 103
+internal_count=261 217 178 103
+shrinkage=0.02
+
+
+Tree=6379
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 7
+split_gain=0.205612 0.792171 1.14509 5.25468
+threshold=8.5000000000000018 74.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00098082091969433727 0.0026964554270203418 0.0028098007128092464 0.0016763061190670093 -0.0072869737757909085
+leaf_weight=69 46 42 65 39
+leaf_count=69 46 42 65 39
+internal_value=0 0.0176001 -0.016592 -0.09385
+internal_weight=0 192 150 85
+internal_count=261 192 150 85
+shrinkage=0.02
+
+
+Tree=6380
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.201185 1.43579 1.40864 0.534603 1.15765
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0020499232968894153 -0.0013286956403044075 0.0037030327790152978 -0.0031958746558063064 0.0025409299363312425 -0.0027387467681959975
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0127309 -0.0256328 0.0336083 -0.0138305
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6381
+num_leaves=6
+num_cat=0
+split_feature=6 9 8 6 2
+split_gain=0.202027 0.637573 1.28814 0.411187 0.810411
+threshold=70.500000000000014 72.500000000000014 58.500000000000007 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0025458473753115895 -0.0012947085227234879 -0.0020818726665411636 0.0035616126866672981 -0.001997195074080469 -0.0013164016836789197
+leaf_weight=42 44 39 49 40 47
+leaf_count=42 44 39 49 40 47
+internal_value=0 0.0131162 0.0390525 -0.0135147 0.024891
+internal_weight=0 217 178 129 89
+internal_count=261 217 178 129 89
+shrinkage=0.02
+
+
+Tree=6382
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.203258 0.809617 1.08364
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00097573127000510006 0.0014157466575518904 0.0025365417708453309 -0.0021229536737027046
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0175062 -0.0217952
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6383
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.194428 0.776771 1.04001
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00095623633236801881 0.0013874613975685865 0.0024858804750587226 -0.0020805346204134656
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0171567 -0.021354
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6384
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.202992 1.37929 1.35832 0.500225 1.12083
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0020383031291181862 -0.0013341799390526406 0.0036364379463452844 -0.0031321819476744046 0.0024769752806117649 -0.0026750463773135033
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0127794 -0.0248284 0.0333556 -0.0125732
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6385
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.201836 0.613699 0.502683 1.54233
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015043599736108287 -0.0010228424100721331 0.0025105589152175849 -0.0019420658635024987 0.0035360314785399909
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0165931 -0.0127101 0.0410498
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6386
+num_leaves=5
+num_cat=0
+split_feature=9 5 8 4
+split_gain=0.197885 1.24774 0.653041 0.571427
+threshold=77.500000000000014 67.65000000000002 56.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00085241092759122579 -0.001318845843915308 0.0033757805727937596 -0.0021864864060331017 0.0020190994050233407
+leaf_weight=65 42 42 61 51
+leaf_count=65 42 42 61 51
+internal_value=0 0.0126305 -0.0242502 0.0201814
+internal_weight=0 219 177 116
+internal_count=261 219 177 116
+shrinkage=0.02
+
+
+Tree=6387
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.206884 0.646151 1.27488 1.11541
+threshold=70.500000000000014 72.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0027869347357965908 -0.0013089473130164946 -0.0020944425225685038 0.0018558322436910983 -0.0024092189363241001
+leaf_weight=75 44 39 42 61
+leaf_count=75 44 39 42 61
+internal_value=0 0.0132513 0.039355 -0.0331115
+internal_weight=0 217 178 103
+internal_count=261 217 178 103
+shrinkage=0.02
+
+
+Tree=6388
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.199338 0.517627 0.756033 0.901703
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00086557992362969638 -0.0012367603452613058 0.001955703157025989 -0.0027293609592543896 0.0027834452703233369
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.0135572 -0.0160728 0.0244571
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6389
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 1
+split_gain=0.191498 0.634789 1.24706 0.636813 1.0516
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0022923628606194117 -0.0012639091675593901 -0.0020835015423346088 0.0039049233592505584 -0.001291908888860165 0.0028830889569192858
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0127878 0.03867 -0.00650061 0.0372714
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=6390
+num_leaves=5
+num_cat=0
+split_feature=2 2 7 7
+split_gain=0.191582 0.609115 1.02406 1.92723
+threshold=8.5000000000000018 13.500000000000002 52.500000000000007 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.00095014125346774478 0.002351564136576141 -0.0030571430961717416 0.0037055960499077253 -0.0017540216382735871
+leaf_weight=69 47 40 48 57
+leaf_count=69 47 40 48 57
+internal_value=0 0.0170288 -0.0153284 0.0367498
+internal_weight=0 192 145 105
+internal_count=261 192 145 105
+shrinkage=0.02
+
+
+Tree=6391
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 2
+split_gain=0.192555 0.674688 0.989303 0.589557
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0013012136362753374 -0.0032899370157234466 0.0027012481394672171 -0.00084075383018973712 1.9937486153003822e-05
+leaf_weight=42 44 56 75 44
+leaf_count=42 44 56 75 44
+internal_value=0 -0.0125451 0.0333957 -0.0813608
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6392
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.185057 0.973543 0.932064 1.08307
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00097349899687272927 0.0010028960236948539 -0.0031305423691322123 0.0023287595268587989 -0.0033343580855718343
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.0156861 0.0195474 -0.0420099
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=6393
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=0.186399 0.811893 1.09215 0.960811
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00093834261468727493 0.0020122438578687985 0.0025259594852405681 0.00042028914625638728 -0.0036769100509254473
+leaf_weight=69 48 51 44 49
+leaf_count=69 48 51 44 49
+internal_value=0 0.0168234 -0.0225332 -0.0865498
+internal_weight=0 192 141 93
+internal_count=261 192 141 93
+shrinkage=0.02
+
+
+Tree=6394
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.18668 0.486144 3.28131 0.72628
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0041334850867442759 -0.0010766742569421816 -0.0024211033150358212 -0.0027729707969953595 0.0011925987036871975
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0146788 0.0596397 -0.0401139
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6395
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 8 4
+split_gain=0.187739 1.22726 0.839838 0.624696 0.5139
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 49.500000000000007 60.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0026127166266335321 0.0013242858895227325 -0.0033882643201322434 0.0014656862555084244 -0.0031357852666491666 9.2087336227439283e-05
+leaf_weight=53 40 41 46 40 41
+leaf_count=53 40 41 46 40 41
+internal_value=0 -0.0120423 0.0236331 -0.0207542 -0.0746694
+internal_weight=0 221 180 127 81
+internal_count=261 221 180 127 81
+shrinkage=0.02
+
+
+Tree=6396
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.193233 0.792256 1.02691
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00095358518802413767 0.001367661440196506 0.0025056285029910002 -0.0020787487593967938
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.017108 -0.0217778
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6397
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 1
+split_gain=0.1848 0.760098 1.01479 1.01779
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 6.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00093453286902525168 0.0019487277528266041 0.0024555849014767372 -0.0036639905741143331 0.00055177426565415687
+leaf_weight=69 48 51 49 44
+leaf_count=69 48 51 49 44
+internal_value=0 0.0167665 -0.0213369 -0.0830962
+internal_weight=0 192 141 93
+internal_count=261 192 141 93
+shrinkage=0.02
+
+
+Tree=6398
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.191839 1.39184 1.33596 0.491691 1.05629
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0019604568844712035 -0.0013003415141156374 0.0036451605439096848 -0.0031204923472734382 0.002442825936721401 -0.0026173924496116141
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.012458 -0.0253192 0.0323878 -0.013161
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6399
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.19522 0.485279 0.712418 0.518973
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012711190371095965 -0.0010984969125013842 0.0017746905856670598 -0.002616756968263701 0.0017308478442174587
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0149887 -0.0182285 0.0276008
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6400
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.188015 1.34539 1.27868 0.48047 1.11064
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0021854141707734012 -0.0012886023230094482 0.0035865508221854048 -0.0030544501613938529 0.0024086484233670543 -0.0025108652723646509
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0123425 -0.0248047 0.0316648 -0.0133781
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6401
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.198595 0.472617 3.17436 0.697346
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0040819003834086159 -0.0011071164715209278 -0.0023661882155167281 -0.0027116263742280248 0.0011766854789908971
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0151038 0.0594594 -0.0389458
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6402
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.189924 0.473378 0.694524 0.52567
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012897833212275683 -0.0010850018773122291 0.001753428021193816 -0.0025850047398606208 0.001730927626552179
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0147979 -0.018023 0.0272389
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6403
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.187154 0.618734 0.535741 1.4948
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015567845532049565 -0.00098853240196904342 0.0025079911674516964 -0.0018794270056078316 0.0035143877243185256
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0160288 -0.0133924 0.0420502
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6404
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.186989 1.3211 1.2432 0.468898
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00056316349035366836 -0.0012855588693091158 0.0035559816868608062 -0.0030133571396056724 0.0019437283468726769
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.0123051 -0.0245085 0.0311804
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=6405
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 2 5
+split_gain=0.192098 0.446093 1.34624 2.91687 0.567919
+threshold=73.500000000000014 41.500000000000007 15.500000000000002 8.5000000000000018 57.650000000000013
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0016018721284963861 -0.0010907463294332499 0.0026842354590461519 0.0042717726854862052 -0.0048292188823498864 0.00083087220082418494
+leaf_weight=41 56 42 42 41 39
+leaf_count=41 56 42 42 41 39
+internal_value=0 0.0148672 0.0388753 -0.0509271 0.131353
+internal_weight=0 205 164 83 81
+internal_count=261 205 164 83 81
+shrinkage=0.02
+
+
+Tree=6406
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.188381 0.771532 0.999855
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00094280172066593963 0.0013501214215470014 0.0024738340037476418 -0.0020514331726437561
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0169057 -0.0214776
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6407
+num_leaves=5
+num_cat=0
+split_feature=3 5 5 9
+split_gain=0.188181 0.601648 1.71238 0.721376
+threshold=71.500000000000014 65.100000000000009 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017003770573852603 -0.0009910293997487656 -0.0017355902127662044 0.0042268846180874365 -0.0017339254704427487
+leaf_weight=40 64 45 45 67
+leaf_count=40 64 45 45 67
+internal_value=0 0.016066 0.0468026 -0.0221165
+internal_weight=0 197 152 107
+internal_count=261 197 152 107
+shrinkage=0.02
+
+
+Tree=6408
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 8 4
+split_gain=0.181576 1.21761 0.843376 0.598824 0.475792
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 49.500000000000007 60.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0026179090130457167 0.0013044700096425256 -0.0033725167701707027 0.001426296389514359 -0.0030551336892739415 5.4371660937640621e-05
+leaf_weight=53 40 41 46 40 41
+leaf_count=53 40 41 46 40 41
+internal_value=0 -0.0118636 0.0236729 -0.0208061 -0.0736315
+internal_weight=0 221 180 127 81
+internal_count=261 221 180 127 81
+shrinkage=0.02
+
+
+Tree=6409
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.192705 0.976765 0.931506 0.992911
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00089316349627394629 0.0010216487417171903 -0.0031406492165178025 0.0023237783101823801 -0.0032343231962636814
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.015965 0.0193258 -0.0422139
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=6410
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.19388 0.762483 0.984713
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00095498269910066456 0.0013458737707873899 0.0024661796847119453 -0.0020303503189457723
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0171363 -0.0210251
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6411
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 2
+split_gain=0.186639 0.44772 1.92349 3.36797
+threshold=73.500000000000014 41.500000000000007 5.5000000000000009 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0016088878614988994 -0.0010764274503142093 -0.0015606049955698262 -0.00076771429147620143 0.0070956377612553792
+leaf_weight=41 56 76 48 40
+leaf_count=41 56 76 48 40
+internal_value=0 0.0146842 0.0387344 0.140013
+internal_weight=0 205 164 88
+internal_count=261 205 164 88
+shrinkage=0.02
+
+
+Tree=6412
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.187837 1.32152 1.20004 0.451765
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00056095977303654589 -0.0012881948402723054 0.0035569930915556438 -0.0029695082742829753 0.0019015790413877817
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.01233 -0.0244894 0.0302348
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=6413
+num_leaves=5
+num_cat=0
+split_feature=4 6 7 7
+split_gain=0.189582 0.4484 0.713603 0.447303
+threshold=73.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011305110294502932 -0.0010842701378131437 0.0017156733767847126 -0.0026777855797530383 0.0016337845916330901
+leaf_weight=40 56 64 39 62
+leaf_count=40 56 64 39 62
+internal_value=0 0.0147783 -0.0171942 0.0270939
+internal_weight=0 205 141 102
+internal_count=261 205 141 102
+shrinkage=0.02
+
+
+Tree=6414
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.185534 0.598963 0.46996 1.45648
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014704422061595837 -0.00098480894349937584 0.0024724681982524837 -0.0020380468125351867 0.0032966468662584832
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0159585 -0.0129999 0.0390374
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6415
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 2
+split_gain=0.194508 0.66302 2.27972 1.08521
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0013072395107228711 0.00064551155345367512 -0.0026142383233876726 0.0030702823400707113 -0.0034049689282373225
+leaf_weight=42 49 40 71 59
+leaf_count=42 49 40 71 59
+internal_value=0 -0.0125996 0.0136116 -0.078031
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=6416
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.188208 1.29745 1.16639 0.412632
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00051953456323781066 -0.0012894103010186171 0.0035273174160223575 -0.0029282824313854902 0.0018382095313322451
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.0123376 -0.024148 0.0298126
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=6417
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 6 3
+split_gain=0.19235 0.667745 2.2203 1.37776 0.952867
+threshold=50.500000000000007 57.500000000000007 17.500000000000004 63.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -3 -5
+right_child=1 3 -4 4 -6
+leaf_value=0.0013006721914083736 0.0013527581458057881 0.0032420444005339124 -0.0051817875784743858 -0.0032091444474162678 0.0010887848664458061
+leaf_weight=42 45 51 39 40 44
+leaf_count=42 45 51 39 40 44
+internal_value=0 -0.0125348 -0.0836705 0.0314517 -0.047465
+internal_weight=0 219 84 135 84
+internal_count=261 219 84 135 84
+shrinkage=0.02
+
+
+Tree=6418
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.199328 0.622258 1.09956 0.873033
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00069423202569237339 -0.001017174516504057 0.0012843753820433468 0.0033300948055836107 -0.0027784112599254624
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.0164925 0.0674031 -0.0474203
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=6419
+num_leaves=5
+num_cat=0
+split_feature=2 4 8 2
+split_gain=0.195157 0.618767 1.0324 1.39087
+threshold=8.5000000000000018 69.500000000000014 49.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00095800274480643951 0.0019523514349990805 0.0020979368346928525 0.00086674212283070306 -0.0042421286581377886
+leaf_weight=69 48 58 42 44
+leaf_count=69 48 58 42 44
+internal_value=0 0.0171786 -0.0205256 -0.0869564
+internal_weight=0 192 134 86
+internal_count=261 192 134 86
+shrinkage=0.02
+
+
+Tree=6420
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 7
+split_gain=0.19866 0.601955 0.458226 0.439193
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011140626018886885 -0.001015601411650217 0.0024877978466399807 -0.0017945768916496835 0.0016260116842992643
+leaf_weight=40 64 42 53 62
+leaf_count=40 64 42 53 62
+internal_value=0 0.0164686 -0.0125595 0.0271804
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=6421
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.194334 0.464644 3.08852 0.691875
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00403250824728191 -0.0010964428942663181 0.00079183148111129002 -0.0026690237575319321 -0.0027375022838055894
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0149473 0.0589437 -0.038661
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6422
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.197745 0.747686 0.998397
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00096377453657140334 0.0013681341027189729 0.0024488711828631808 -0.0020311085037878047
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0172803 -0.0205159
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6423
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 1
+split_gain=0.189133 0.717292 0.963871 1.03895
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 6.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00094451864747419816 0.0019141436456418818 0.0023999610616487607 -0.0036292196361115349 0.00062995713686818627
+leaf_weight=69 48 51 49 44
+leaf_count=69 48 51 49 44
+internal_value=0 0.0169353 -0.0201002 -0.0803286
+internal_weight=0 192 141 93
+internal_count=261 192 141 93
+shrinkage=0.02
+
+
+Tree=6424
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.189487 0.58406 0.520119 1.4835
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001520535743888248 -0.00099409070225853777 0.002449555521782657 -0.0020010348319976813 0.0033819291061194059
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0161184 -0.0124859 0.04217
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6425
+num_leaves=5
+num_cat=0
+split_feature=9 3 5 4
+split_gain=0.202434 1.2692 1.27215 0.514095
+threshold=77.500000000000014 66.500000000000014 55.95000000000001 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0008339187239508705 -0.0013326482459219157 0.0025926991246851567 -0.0038362108956764901 0.0019424091629484028
+leaf_weight=65 42 66 40 48
+leaf_count=65 42 66 40 48
+internal_value=0 0.0127565 -0.0374366 0.0169402
+internal_weight=0 219 153 113
+internal_count=261 219 153 113
+shrinkage=0.02
+
+
+Tree=6426
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 9
+split_gain=0.200978 0.455248 1.83548 1.63639
+threshold=73.500000000000014 41.500000000000007 5.5000000000000009 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.001614320116638702 -0.0011133562982220562 -0.0014932806139332686 0.005636025128524378 0.00012642406219899954
+leaf_weight=41 56 76 42 46
+leaf_count=41 56 76 42 46
+internal_value=0 0.0151748 0.0394155 0.138374
+internal_weight=0 205 164 88
+internal_count=261 205 164 88
+shrinkage=0.02
+
+
+Tree=6427
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.192218 0.468083 3.02597 0.680979
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0040052074742185301 -0.0010911171323521286 0.00077426809777432937 -0.0026284515643184292 -0.002727784554301488
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0148683 0.0590206 -0.0389314
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6428
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.188361 1.24768 1.13067 0.454835 1.10728
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0021657355264351743 -0.0012899703045964723 0.0034647845573368176 -0.0028772560518829583 0.0023233116302831401 -0.00252342133779993
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0123378 -0.0234482 0.0296902 -0.014176
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6429
+num_leaves=5
+num_cat=0
+split_feature=4 9 2 2
+split_gain=0.195195 0.455997 1.3967 1.86227
+threshold=73.500000000000014 41.500000000000007 21.500000000000004 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.001619946580313986 -0.0010987709781288867 0.0022585645283031358 0.0035906699714080672 -0.0028828448970047555
+leaf_weight=41 56 54 50 60
+leaf_count=41 56 54 50 60
+internal_value=0 0.0149709 0.0392311 -0.0220268
+internal_weight=0 205 164 114
+internal_count=261 205 164 114
+shrinkage=0.02
+
+
+Tree=6430
+num_leaves=5
+num_cat=0
+split_feature=2 9 5 2
+split_gain=0.196271 0.716442 0.973981 0.840719
+threshold=8.5000000000000018 74.500000000000014 64.200000000000003 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0009606269483492416 0.0023177265569211988 0.0026847594879374588 -0.0030072462994587641 -0.0012223021123235138
+leaf_weight=69 59 42 40 51
+leaf_count=69 59 42 40 51
+internal_value=0 0.0172158 -0.0153313 0.0334719
+internal_weight=0 192 150 110
+internal_count=261 192 150 110
+shrinkage=0.02
+
+
+Tree=6431
+num_leaves=5
+num_cat=0
+split_feature=3 1 2 2
+split_gain=0.191793 0.600631 0.877573 0.438833
+threshold=71.500000000000014 8.5000000000000018 15.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00053577924849557092 -0.00099980260957621453 -0.0022442536899521218 0.0030674771651487253 0.00066244488882841526
+leaf_weight=53 64 48 57 39
+leaf_count=53 64 48 57 39
+internal_value=0 0.0161941 0.0662429 -0.0466289
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=6432
+num_leaves=5
+num_cat=0
+split_feature=9 3 5 4
+split_gain=0.18926 1.24801 1.22046 0.514986
+threshold=77.500000000000014 66.500000000000014 55.95000000000001 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00085674869981214395 -0.0012928601894691492 0.0025655061254184516 -0.0037734289157560171 0.0019221199889279264
+leaf_weight=65 42 66 40 48
+leaf_count=65 42 66 40 48
+internal_value=0 0.0123589 -0.0374187 0.015852
+internal_weight=0 219 153 113
+internal_count=261 219 153 113
+shrinkage=0.02
+
+
+Tree=6433
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.190613 0.446561 0.68544 0.495748
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012257658350580574 -0.0010872016044272785 0.0017133366394586269 -0.0025526441235683944 0.0017104837152968459
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.014801 -0.017108 0.0278648
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6434
+num_leaves=5
+num_cat=0
+split_feature=3 5 5 9
+split_gain=0.191012 0.591586 1.70686 0.693905
+threshold=71.500000000000014 65.100000000000009 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016591189178796907 -0.00099810246953228182 -0.0017169772357985109 0.0042184877426708414 -0.0017107935505526887
+leaf_weight=40 64 45 45 67
+leaf_count=40 64 45 45 67
+internal_value=0 0.016157 0.0466447 -0.022164
+internal_weight=0 197 152 107
+internal_count=261 197 152 107
+shrinkage=0.02
+
+
+Tree=6435
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.183269 1.2284 0.864797 0.967408
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015908686337516402 0.001309582794399847 -0.0033874904552471442 0.0021172128204049148 -0.0023579799698518421
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0119308 0.0237611 -0.0358812
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=6436
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.188853 0.952135 0.866058 0.856438
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0008029429443967282 0.0010119402126757366 -0.0031030985636398144 0.0027944514600360157 -0.0027988170177983052
+leaf_weight=72 62 40 44 43
+leaf_count=72 62 40 44 43
+internal_value=0 -0.0158403 0.0190088 -0.0268867
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=6437
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.182899 0.453949 0.669797 0.503119
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00063395595781732086 -0.0010670553514275805 0.0017191259830431913 -0.0025384507521112555 0.0023105842009696217
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0145301 -0.0176334 0.0268329
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6438
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.182828 1.2437 1.09941 0.45248
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00058979659315369843 -0.0012728746994773762 0.0034563004973525565 -0.002846627044487242 0.0018748930463668599
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.0121655 -0.0235639 0.0288433
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=6439
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 2
+split_gain=0.18563 0.456822 1.7896 3.29069
+threshold=73.500000000000014 41.500000000000007 5.5000000000000009 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.001628614364820935 -0.0010742903621583269 -0.0014750112104826474 -0.00079420011275916182 0.0069789369187510941
+leaf_weight=41 56 76 48 40
+leaf_count=41 56 76 48 40
+internal_value=0 0.0146237 0.0389056 0.136635
+internal_weight=0 205 164 88
+internal_count=261 205 164 88
+shrinkage=0.02
+
+
+Tree=6440
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.180822 0.556443 0.81032 0.906124
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00087424816366823738 -0.0011839195005777714 0.0020033050546549168 -0.0028453412895224055 0.0027835754771229362
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.0129465 -0.0177441 0.0241876
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6441
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 4
+split_gain=0.18483 0.888915 0.695767 0.85486
+threshold=72.050000000000026 63.500000000000007 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015755776966534278 0.0011632709291696985 -0.0028665006599432915 0.0020760665753384068 -0.0021171291301740752
+leaf_weight=43 49 43 63 63
+leaf_count=43 49 43 63 63
+internal_value=0 -0.0135309 0.0193027 -0.0305775
+internal_weight=0 212 169 106
+internal_count=261 212 169 106
+shrinkage=0.02
+
+
+Tree=6442
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.181739 0.617186 1.04334 0.845976
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00065989874164167864 -0.00097601912016799378 0.0012410321986550165 0.0032617316664657814 -0.0027594005571771663
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.0157932 0.0665052 -0.047868
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=6443
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.182529 1.19159 1.71149 4.03592
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011424282355677088 0.0025130842897954984 -0.0077024894158442131 0.0011262754776180228 0.00090258976588359317
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0136206 -0.0549156 -0.150137
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6444
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.191533 1.15266 0.821975 0.896808
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015088535835938357 0.0013360786673759088 -0.0032951403545482855 0.0020503243643350227 -0.0022958085896907549
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.012164 0.0224217 -0.0357542
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=6445
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.194431 0.888745 0.922906 0.957602
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00083415641277810571 0.0010254945052751352 -0.0030147825812561601 0.0022814733181787954 -0.0032202988615545702
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.0160441 0.0176415 -0.0436214
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=6446
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.185929 0.852839 0.885549 0.919019
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00081749382377500012 0.0010050078897597574 -0.0029545924681096355 0.0022358953858681763 -0.0031560025778323564
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.0157203 0.0172886 -0.0427424
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=6447
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.182066 0.730576 1.08059
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00092846460520694754 0.001434625033536362 0.0024126636239094395 -0.0020993174521187889
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0166446 -0.0207259
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6448
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 4
+split_gain=0.183018 1.272 1.15666 0.491378
+threshold=77.500000000000014 66.500000000000014 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012909694471748582 -0.0012732324194378261 0.0025838154958978594 -0.0032055832768427524 0.0016242881526650488
+leaf_weight=39 42 66 52 62
+leaf_count=39 42 66 52 62
+internal_value=0 0.0121832 -0.0380654 0.0245282
+internal_weight=0 219 153 101
+internal_count=261 219 153 101
+shrinkage=0.02
+
+
+Tree=6449
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 4
+split_gain=0.185694 0.586124 0.37292 0.587787
+threshold=72.500000000000014 65.500000000000014 56.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00092216029870852698 -0.0011978070124182853 0.0022966864405574677 -0.0017365178128156045 0.0019893850000702474
+leaf_weight=65 47 46 52 51
+leaf_count=65 47 46 52 51
+internal_value=0 0.0131221 -0.014526 0.0175726
+internal_weight=0 214 168 116
+internal_count=261 214 168 116
+shrinkage=0.02
+
+
+Tree=6450
+num_leaves=5
+num_cat=0
+split_feature=4 6 7 7
+split_gain=0.179126 0.473128 0.642878 0.446766
+threshold=73.500000000000014 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011985641863687039 -0.0010569999338429475 0.001745123796749919 -0.0025867238690557462 0.0015649148840076088
+leaf_weight=40 56 64 39 62
+leaf_count=40 56 64 39 62
+internal_value=0 0.0143986 -0.0184148 0.0236641
+internal_weight=0 205 141 102
+internal_count=261 205 141 102
+shrinkage=0.02
+
+
+Tree=6451
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.181403 1.23378 1.12592 0.512999 1.0113
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0018374142526078458 -0.0012683133210341325 0.0034428983773559236 -0.0028725422649022478 0.0024238502204467771 -0.0026429956511782389
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0121269 -0.0234613 0.0295666 -0.0169397
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6452
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.182786 0.599306 1.00832 0.81852
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00063986261880439688 -0.00097829091929414465 0.0012248560880833586 0.0032164362131943359 -0.0027115406758892631
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.0158471 0.0658436 -0.0469097
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=6453
+num_leaves=5
+num_cat=0
+split_feature=4 6 7 5
+split_gain=0.178582 0.45728 0.62054 0.446269
+threshold=73.500000000000014 58.500000000000007 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011348594299030327 -0.001055631891905528 0.0017210566933802181 -0.0025388599686574408 0.0016052436303215256
+leaf_weight=42 56 64 39 60
+leaf_count=42 56 64 39 60
+internal_value=0 0.0143752 -0.0179024 0.0234562
+internal_weight=0 205 141 102
+internal_count=261 205 141 102
+shrinkage=0.02
+
+
+Tree=6454
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 4
+split_gain=0.178446 0.543108 0.351817 0.572248
+threshold=72.500000000000014 65.500000000000014 56.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00090797563444291172 -0.0011766990498483928 0.0022183614414220056 -0.001681984336969833 0.0019660435944638048
+leaf_weight=65 47 46 52 51
+leaf_count=65 47 46 52 51
+internal_value=0 0.0128796 -0.0137612 0.0174567
+internal_weight=0 214 168 116
+internal_count=261 214 168 116
+shrinkage=0.02
+
+
+Tree=6455
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=0.182709 0.881181 0.666031 0.839459
+threshold=72.050000000000026 63.500000000000007 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0023961131523754808 0.0011574291182628396 -0.0028538422100029721 0.0020394008739688836 0.0011984510945806581
+leaf_weight=53 49 43 63 53
+leaf_count=53 49 43 63 53
+internal_value=0 -0.0134507 0.0192421 -0.0295842
+internal_weight=0 212 169 106
+internal_count=261 212 169 106
+shrinkage=0.02
+
+
+Tree=6456
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 7
+split_gain=0.178196 0.534929 0.885155 0.25495
+threshold=67.500000000000014 57.500000000000007 50.45000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0023482542868408082 0.00043796796123786805 0.0019263379996944728 0.0012192218780361418 -0.0018190750700034025
+leaf_weight=53 39 61 61 47
+leaf_count=53 39 61 61 47
+internal_value=0 0.0192716 -0.0216376 -0.0393357
+internal_weight=0 175 114 86
+internal_count=261 175 114 86
+shrinkage=0.02
+
+
+Tree=6457
+num_leaves=5
+num_cat=0
+split_feature=4 1 8 2
+split_gain=0.182699 0.664486 0.988855 0.663679
+threshold=50.500000000000007 5.5000000000000009 67.500000000000014 16.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0012706984914989802 -0.0033727040903785213 0.0026999047690238758 -0.0008413158086790645 0.0001346867469153979
+leaf_weight=42 44 56 75 44
+leaf_count=42 44 56 75 44
+internal_value=0 -0.0122503 0.0333509 -0.0805606
+internal_weight=0 219 131 88
+internal_count=261 219 131 88
+shrinkage=0.02
+
+
+Tree=6458
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.186406 0.845496 0.62674 0.696457
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00065301552306811243 0.001168176609622696 -0.0028043510200032396 0.0021051402070543404 -0.0026974699888993379
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.0135609 0.0184734 -0.0253745
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6459
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.180103 0.863743 0.849296 0.94314
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00087225927991069359 0.0009907955351622184 -0.00296647580947131 0.0022064060670887384 -0.0031523843458643903
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.015491 0.0177251 -0.0410842
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=6460
+num_leaves=5
+num_cat=0
+split_feature=2 4 3 2
+split_gain=0.179004 0.606737 0.986249 0.739195
+threshold=8.5000000000000018 69.500000000000014 60.500000000000007 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00092129626753224272 0.0027763478994716623 0.0020683136251864916 -0.0028152538656489772 -0.00093196865131571927
+leaf_weight=69 42 58 46 46
+leaf_count=69 42 58 46 46
+internal_value=0 0.0165235 -0.0208225 0.0414813
+internal_weight=0 192 134 88
+internal_count=261 192 134 88
+shrinkage=0.02
+
+
+Tree=6461
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 4
+split_gain=0.184805 0.587232 0.375005 0.544137
+threshold=72.500000000000014 65.500000000000014 56.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00087447750462132966 -0.0011951160619903174 0.0022980814230967321 -0.0017413168938965355 0.0019303119287627163
+leaf_weight=65 47 46 52 51
+leaf_count=65 47 46 52 51
+internal_value=0 0.0130988 -0.0145748 0.0176095
+internal_weight=0 214 168 116
+internal_count=261 214 168 116
+shrinkage=0.02
+
+
+Tree=6462
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.181656 1.16505 1.65556 3.83724
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011403899013531858 0.0024833552983562542 -0.0075448368782410459 0.0010999833741533595 0.00084640273203194104
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.01357 -0.054412 -0.148084
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6463
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.186009 0.888617 0.937242 1.66116
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0022843419749867091 0.00090932867650898397 -0.0030661587297748602 -0.0013726984909939294 0.0035822872396304886
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.017367 0.0177662 0.0661656
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=6464
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.186504 1.06213 1.08267 0.791635
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0021310965493334709 0.0013204450250445443 -0.0024331563893971327 0.003213395669103454 0.0012995304079357391
+leaf_weight=56 40 64 47 54
+leaf_count=56 40 64 47 54
+internal_value=0 -0.0120014 0.032479 -0.0219974
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=6465
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.190854 0.862284 0.884859 1.58809
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0022252967540897094 0.00091998429797601159 -0.0030304836545693532 -0.0013543298218525023 0.0034916762973408112
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0175689 0.0170474 0.0641109
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=6466
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 1 2
+split_gain=0.185461 1.10099 0.806934 0.580654 1.06431
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 3.5000000000000004 19.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0025356976978518722 0.0013171224063669084 -0.0032233151239811257 0.001547435338490776 -0.0037964107410804215 0.00069146624492776086
+leaf_weight=53 40 41 41 40 46
+leaf_count=53 40 41 41 40 46
+internal_value=0 -0.0119702 0.0218405 -0.0216861 -0.0694007
+internal_weight=0 221 180 127 86
+internal_count=261 221 180 127 86
+shrinkage=0.02
+
+
+Tree=6467
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.189018 0.822408 0.848646 1.54616
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0021876579828026708 0.0009160332815506861 -0.0029676508946219829 -0.0013528745033818612 0.0034295160246605844
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.017489 0.0163301 0.0624478
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=6468
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.191613 0.85336 1.91705 2.83228
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0011830729462353644 0.0038247211833073126 -0.0027825239596248946 -0.004808036739504056 0.001484081027650859
+leaf_weight=49 47 44 47 74
+leaf_count=49 47 44 47 74
+internal_value=0 -0.0137183 0.018933 -0.0477362
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=6469
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 9 6
+split_gain=0.190233 1.04684 0.764032 0.541518 1.05703
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 45.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0024613619313438619 0.00133246526501409 -0.0031529925278512005 0.0015564985341784104 -0.0037438834589676633 0.00068583150244885035
+leaf_weight=53 40 41 39 40 48
+leaf_count=53 40 41 39 40 48
+internal_value=0 -0.0121016 0.0208773 -0.0214988 -0.0659983
+internal_weight=0 221 180 127 88
+internal_count=261 221 180 127 88
+shrinkage=0.02
+
+
+Tree=6470
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.195135 0.811237 0.826934 0.799823
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014828622453715243 0.0010277321251700115 -0.0028973149741591438 0.0026839935967568939 -0.0019570875004747247
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0160427 0.0161636 -0.0287045
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=6471
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.1866 0.778406 0.829352 0.905172
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00081409536242293707 0.0010072006963389075 -0.0028394697188200545 0.0021475579149196435 -0.0031299634925460534
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.0157181 0.0158413 -0.0422897
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=6472
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.202497 0.741068 0.964628
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00097369569064532869 0.0012589538216482611 0.0027291192415422518 -0.0019794300683500408
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0174948 -0.0155958
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=6473
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 7
+split_gain=0.193697 0.710953 1.00315 5.00221
+threshold=8.5000000000000018 74.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00095424157479003706 0.0027085470352406766 0.0026746272738993747 0.0015758794128656645 -0.007033105511051449
+leaf_weight=69 46 42 65 39
+leaf_count=69 46 42 65 39
+internal_value=0 0.0171457 -0.0152789 -0.0876929
+internal_weight=0 192 150 85
+internal_count=261 192 150 85
+shrinkage=0.02
+
+
+Tree=6474
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 4
+split_gain=0.187921 1.35898 1.09074 0.440423
+threshold=77.500000000000014 66.500000000000014 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012652970348168494 -0.0012879154948588075 0.0026647520296933058 -0.0031658430904613617 0.0015010867707295678
+leaf_weight=39 42 66 52 62
+leaf_count=39 42 66 52 62
+internal_value=0 0.0123595 -0.0395597 0.0212414
+internal_weight=0 219 153 101
+internal_count=261 219 153 101
+shrinkage=0.02
+
+
+Tree=6475
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.188457 0.69637 1.12595
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00094247878432722617 0.0014957173271969782 0.0023704744720204553 -0.0021105579153332973
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0169336 -0.0195687
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6476
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 7
+split_gain=0.1898 1.30747 1.14065 0.462811
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010029831923115448 -0.0012937807231355172 0.0035412499013314797 -0.00290289718915465 0.0015616762355613824
+leaf_weight=47 42 40 55 77
+leaf_count=47 42 40 55 77
+internal_value=0 0.0124123 -0.0242125 0.0291561
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=6477
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.182324 0.550308 0.7112 0.888484
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00090811889736826528 -0.0011874319871304671 0.0019958668983363205 -0.0026868544505188109 0.0027149883336813401
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.0130404 -0.017485 0.0218452
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6478
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 5
+split_gain=0.185496 1.29142 1.08712 0.408324
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011075742313576787 -0.0012805587735132448 0.0026032189170973599 -0.0031726774658525627 0.0015186715638040207
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0122785 -0.0383477 0.021471
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=6479
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 7
+split_gain=0.182974 0.677365 1.01349 4.79725
+threshold=8.5000000000000018 74.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00093017301298230269 0.0026152400683756372 0.0026115800624140826 0.0015917096807533686 -0.0069252980621934456
+leaf_weight=69 46 42 65 39
+leaf_count=69 46 42 65 39
+internal_value=0 0.0167008 -0.0149646 -0.0877438
+internal_weight=0 192 150 85
+internal_count=261 192 150 85
+shrinkage=0.02
+
+
+Tree=6480
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 5
+split_gain=0.188635 1.27518 1.01154 0.390166
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001108206459255776 -0.0012902977971954699 0.0025904530283631442 -0.0030809030026658448 0.001461950270153628
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.012372 -0.0379384 0.0197889
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=6481
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.184484 0.54032 0.664645 0.874847
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00091692719464201008 -0.0011938732807705147 0.0019818717102029009 -0.0026046028260968113 0.0026789793720760936
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.0131039 -0.0171508 0.0208969
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6482
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 3 7
+split_gain=0.18489 0.583064 0.476538 0.42376 0.265213
+threshold=67.500000000000014 60.500000000000007 58.500000000000007 49.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010034110052127316 0.00044826253924432058 0.0025487394837673265 -0.0019884187506863881 0.0018091224214956036 -0.0018507892268844184
+leaf_weight=39 39 40 44 52 47
+leaf_count=39 39 40 44 52 47
+internal_value=0 0.0196196 -0.0120796 0.0297561 -0.0399692
+internal_weight=0 175 135 91 86
+internal_count=261 175 135 91 86
+shrinkage=0.02
+
+
+Tree=6483
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.18458 0.673396 2.03443 1.54122
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0012770085169579316 -0.0035226973515308214 -0.0026258788728821094 0.0029272706585668795 0.0013284801960715975
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0122857 0.0141259 -0.0724765
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=6484
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 6
+split_gain=0.186256 0.60307 1.12841 0.25678
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00040734711607105008 0.0002407285497999512 -0.0011513702790775992 0.0037238197116290827 -0.0020193651254587055
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0196887 0.0657117 -0.0400985
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6485
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.182103 0.666561 1.11241
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00092821053900628259 0.0014945627838057699 0.0023223813543096551 -0.0020903760719045033
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0166632 -0.0190664
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6486
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.18837 0.557859 1.09596 0.24705
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00041469815984165984 0.00040037226289442077 -0.0010919628880513839 0.003657637407406049 -0.0018233337257922469
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0197874 0.0641127 -0.0403054
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6487
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 5
+split_gain=0.192527 0.621605 0.646534 0.701055
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.001301557292755749 -0.0020762967604857226 0.0022813275705316142 -0.0022924478470198076 0.00094747204927117501
+leaf_weight=42 57 51 49 62
+leaf_count=42 57 51 49 62
+internal_value=0 -0.0125229 0.0193825 -0.0238052
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=6488
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 4
+split_gain=0.186214 0.626341 1.46315 0.596276
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 55.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.00083878490318249133 -0.0020228494026755615 -0.001358555987800984 0.0035584634851124155 0.0023731732246904634
+leaf_weight=48 63 63 40 47
+leaf_count=48 63 63 40 47
+internal_value=0 -0.0212795 0.0272162 0.0371226
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=6489
+num_leaves=6
+num_cat=0
+split_feature=7 2 9 7 6
+split_gain=0.199071 0.627094 0.906666 1.66982 1.45129
+threshold=75.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0022541463073313815 -0.0012357537081812962 0.0024328443067858814 0.0022060260737269597 -0.0045549593250598878 0.0029720124575944072
+leaf_weight=42 47 44 44 40 44
+leaf_count=42 47 44 44 40 44
+internal_value=0 0.0135616 -0.0142156 -0.0580521 0.0205325
+internal_weight=0 214 170 126 86
+internal_count=261 214 170 126 86
+shrinkage=0.02
+
+
+Tree=6490
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.199942 0.654025 1.99618 1.48242
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0013241063252831685 -0.0034835800148735152 -0.0026013703525646502 0.0028860749624773341 0.0012750425360998209
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0127375 0.0132989 -0.0724922
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=6491
+num_leaves=5
+num_cat=0
+split_feature=5 4 2 8
+split_gain=0.202928 0.83162 0.944809 0.59826
+threshold=68.65000000000002 65.500000000000014 19.500000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0026158289128159189 -0.00095595744840116202 0.0028700839953210593 -0.0024238080234903476 -0.00065460761641300406
+leaf_weight=44 71 42 56 48
+leaf_count=44 71 42 56 48
+internal_value=0 0.0178498 -0.0175898 0.0450812
+internal_weight=0 190 148 92
+internal_count=261 190 148 92
+shrinkage=0.02
+
+
+Tree=6492
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=0.194084 0.741755 0.497006 0.365163
+threshold=68.65000000000002 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010831296841105171 -0.00093685690746019555 0.0026564468611441749 -0.0021541562668652876 0.00142660633418532
+leaf_weight=40 71 44 44 62
+leaf_count=40 71 44 44 62
+internal_value=0 0.0174894 -0.0170416 0.0217245
+internal_weight=0 190 146 102
+internal_count=261 190 146 102
+shrinkage=0.02
+
+
+Tree=6493
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.199804 0.570005 1.07041 0.239124
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00037508129473500608 0.00035995234636385364 -0.0010968866257650505 0.0036500390798713841 -0.0018297636821084096
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0203209 0.0651067 -0.0413987
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6494
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 7
+split_gain=0.19208 0.638609 0.980923 4.687
+threshold=8.5000000000000018 74.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00095092581454796611 0.0026130967658229004 0.0025546211025154956 0.0015869440702200213 -0.0068176412039288852
+leaf_weight=69 46 42 65 39
+leaf_count=69 46 42 65 39
+internal_value=0 0.0170655 -0.0136994 -0.0853297
+internal_weight=0 192 150 85
+internal_count=261 192 150 85
+shrinkage=0.02
+
+
+Tree=6495
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.197626 1.22291 1.14994 0.436765
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0005310804784911669 -0.0013179220733108164 0.0034390100779484595 -0.0028844782749580912 0.0018916809829041823
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.01263 -0.0228023 0.0307827
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=6496
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.191143 0.620801 1.91998 1.47195
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0012972755041234646 -0.0034517491011683333 -0.0025377715718338605 0.0028281378125727592 0.001290331137188091
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.012484 0.0128975 -0.0712522
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=6497
+num_leaves=5
+num_cat=0
+split_feature=5 4 2 8
+split_gain=0.193676 0.783297 0.902483 0.576669
+threshold=68.65000000000002 65.500000000000014 19.500000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0025707422797036652 -0.00093598299272556562 0.0027902252402927856 -0.0023649752625854383 -0.00064190120957226076
+leaf_weight=44 71 42 56 48
+leaf_count=44 71 42 56 48
+internal_value=0 0.0174717 -0.0169405 0.0443339
+internal_weight=0 190 148 92
+internal_count=261 190 148 92
+shrinkage=0.02
+
+
+Tree=6498
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=0.20004 0.627428 0.870573 0.888825
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00096856142188078156 0.0018573425549937058 0.0022792147809286884 0.00057837404210956452 -0.0033663657308232167
+leaf_weight=69 48 51 44 49
+leaf_count=69 48 51 44 49
+internal_value=0 0.0173852 -0.0173021 -0.0746205
+internal_weight=0 192 141 93
+internal_count=261 192 141 93
+shrinkage=0.02
+
+
+Tree=6499
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=0.191364 0.61365 1.72686 0.0371587
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00094920997938406334 0.0035874835493639955 -0.0015368654634442236 -0.00035170044882921678 -0.0014616037901020857
+leaf_weight=69 61 52 40 39
+leaf_count=69 61 52 40 39
+internal_value=0 0.0170421 0.0522204 -0.0455277
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=6500
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.20783 1.29595 1.01736 1.88786
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00059741212437276943 -0.0013485924193304849 0.0033497268244174435 0.0012976696096188365 -0.0048978408777663523
+leaf_weight=57 42 44 73 45
+leaf_count=57 42 44 73 45
+internal_value=0 0.0129164 -0.0257699 -0.0910411
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=6501
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 2 5
+split_gain=0.198841 1.24382 0.986245 1.43903 0.338473
+threshold=77.500000000000014 24.500000000000004 13.500000000000002 7.5000000000000009 57.650000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0014286800867215541 -0.0013216651107612063 0.0032828385819917046 -0.00083131812220660242 0.0035552710691343936 -0.0035262722274303315
+leaf_weight=50 42 44 42 44 39
+leaf_count=50 42 44 42 44 39
+internal_value=0 0.0126618 -0.0252465 0.0448319 -0.107034
+internal_weight=0 219 175 94 81
+internal_count=261 219 175 94 81
+shrinkage=0.02
+
+
+Tree=6502
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.190364 0.602951 1.11025 0.232171
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00039002084961841017 0.00036152546198922776 -0.0011475616148700909 0.0037081904829984538 -0.0017985238123780886
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0198709 0.0658888 -0.0405087
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6503
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.189466 1.09165 1.74407 3.37322
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011623445273469446 0.0023913240962820091 -0.0072882894802367218 0.0011778246612448469 0.00058051226078992778
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0138263 -0.0533873 -0.149504
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6504
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.181122 1.0476 1.67425 3.23931
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.001139130360391627 0.0023435672386064089 -0.0071427784400120743 0.0011542900348290857 0.00056891928176411668
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0135394 -0.0523121 -0.14651
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6505
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.186005 0.519616 0.90653 0.984703
+threshold=72.050000000000026 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00082345285314873234 0.001167513966493556 -0.0020187701489576314 0.002219922325356448 -0.0032867488565092575
+leaf_weight=56 49 53 62 41
+leaf_count=56 49 53 62 41
+internal_value=0 -0.0135241 0.0153941 -0.0453362
+internal_weight=0 212 159 97
+internal_count=261 212 159 97
+shrinkage=0.02
+
+
+Tree=6506
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.186143 0.657021 0.902351
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00093726174745439579 0.0012330551505808052 0.0025808310903660159 -0.0019012727845264916
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0168379 -0.0143581
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=6507
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.180875 1.42979 1.75083 0.615479
+threshold=8.5000000000000018 67.65000000000002 53.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0023809263372706869 -0.0021625660774760485 0.0029713929101211475 -0.0029129980481527309 0.001130074487134201
+leaf_weight=40 54 58 68 41
+leaf_count=40 54 58 68 41
+internal_value=0 0.0209745 -0.0472305 -0.0366666
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6508
+num_leaves=5
+num_cat=0
+split_feature=8 5 9 9
+split_gain=0.189865 0.5782 0.295358 0.42573
+threshold=72.500000000000014 65.500000000000014 42.500000000000007 57.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0010586162827664538 -0.001209249607609264 0.002286614031861034 -0.0021205653348653356 0.0003192425182409403
+leaf_weight=49 47 46 57 62
+leaf_count=49 47 46 57 62
+internal_value=0 0.0132866 -0.0141783 -0.0421623
+internal_weight=0 214 168 119
+internal_count=261 214 168 119
+shrinkage=0.02
+
+
+Tree=6509
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 5
+split_gain=0.190861 1.22729 0.913231 0.383687
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011327663710770767 -0.0012969344846562474 0.0025482969362904994 -0.0029470770945836354 0.0014173774129740706
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0124492 -0.036918 0.0179712
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=6510
+num_leaves=5
+num_cat=0
+split_feature=5 4 2 4
+split_gain=0.192478 0.81636 0.889236 0.621505
+threshold=68.65000000000002 65.500000000000014 19.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00058917999834205725 -0.00093309481426039813 0.0028392360520413857 -0.0023651665247164883 0.0027683388571214701
+leaf_weight=52 71 42 56 40
+leaf_count=52 71 42 56 40
+internal_value=0 0.0174358 -0.0176829 0.0431458
+internal_weight=0 190 148 92
+internal_count=261 190 148 92
+shrinkage=0.02
+
+
+Tree=6511
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 9
+split_gain=0.186616 0.604351 1.60261 0.717864
+threshold=73.500000000000014 7.5000000000000009 54.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0016951977167915047 -0.0010760558839998336 0.0011490846845784515 0.0032090606119209186 -0.0024637298822537731
+leaf_weight=44 56 39 69 53
+leaf_count=44 56 39 69 53
+internal_value=0 0.0146991 0.0646248 -0.0461906
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6512
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 9
+split_gain=0.183601 1.19025 0.968618 1.4119
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011025433890686611 -0.0012745925497563853 0.003209240353780997 0.0012724661089064926 -0.003715955475865282
+leaf_weight=41 42 44 73 61
+leaf_count=41 42 44 73 61
+internal_value=0 0.012224 -0.024868 -0.0885921
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=6513
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.17825 0.637823 1.78917 0.210745
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00091910957228659342 0.003635156653566487 -0.0015831132808928072 0.0001331821807913076 -0.0020097942206295525
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0165141 0.052356 -0.0471285
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=6514
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.182536 1.02688 1.65691 3.17209
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011433503635871999 0.0023172901041026124 -0.0070826397855174141 0.0011497650953612413 0.00054893031173866352
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0135759 -0.051972 -0.145688
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6515
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.179639 0.814537 0.811793 0.732256
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00055666454341321212 0.0011495436899271374 -0.0027535146481757768 0.0023312890546212622 -0.002875648467077573
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.013303 0.0181495 -0.0316214
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6516
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 4
+split_gain=0.176481 0.669146 1.23494 0.82392
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00092310846438143355 -0.0011699334984565709 0.0026239047460732152 -0.003248014200832552 0.0022807088796970112
+leaf_weight=65 47 40 43 66
+leaf_count=65 47 40 43 66
+internal_value=0 0.0128621 -0.014153 0.034264
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=6517
+num_leaves=5
+num_cat=0
+split_feature=5 6 6 2
+split_gain=0.178175 0.774226 0.690278 0.685474
+threshold=72.050000000000026 63.500000000000007 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012218570380712244 0.0011453122908140555 -0.0026917451418052287 0.0023497420616056574 -0.001870443909724325
+leaf_weight=53 49 43 50 66
+leaf_count=53 49 43 50 66
+internal_value=0 -0.0132546 0.0174233 -0.0243287
+internal_weight=0 212 169 119
+internal_count=261 212 169 119
+shrinkage=0.02
+
+
+Tree=6518
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 7
+split_gain=0.18478 0.652461 0.869271 4.24369
+threshold=8.5000000000000018 74.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00093395101017867065 0.0024741751289378026 0.0025723583528044556 0.0014676643790087799 -0.0065011105585928188
+leaf_weight=69 46 42 65 39
+leaf_count=69 46 42 65 39
+internal_value=0 0.0167925 -0.0142974 -0.0818227
+internal_weight=0 192 150 85
+internal_count=261 192 150 85
+shrinkage=0.02
+
+
+Tree=6519
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.180646 1.43848 1.4345 0.602989
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00397484624931751 -0.0021477943468671511 0.0029790432177918985 0.00082189509810654633 0.0011121863161585818
+leaf_weight=40 54 58 68 41
+leaf_count=40 54 58 68 41
+internal_value=0 0.0209753 -0.0474349 -0.0366329
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6520
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 7
+split_gain=0.187531 1.24345 0.890346 0.356749
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011639276476372857 -0.0012864844857342938 0.002561336541673826 -0.0029279723488609922 0.0013193601395305235
+leaf_weight=40 42 66 51 62
+leaf_count=40 42 66 51 62
+internal_value=0 0.0123591 -0.0373285 0.0168777
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=6521
+num_leaves=5
+num_cat=0
+split_feature=8 5 4 9
+split_gain=0.191867 0.589208 0.300788 0.719695
+threshold=72.500000000000014 65.500000000000014 50.500000000000007 57.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0012177053275968617 -0.0012148385402665969 0.0023065432530306467 -0.0020414420097686309 0.0010823375434546455
+leaf_weight=42 47 46 76 50
+leaf_count=42 47 46 76 50
+internal_value=0 0.0133581 -0.0143604 -0.0397794
+internal_weight=0 214 168 126
+internal_count=261 214 168 126
+shrinkage=0.02
+
+
+Tree=6522
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 6
+split_gain=0.187483 0.630867 1.1878 0.816925
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00066210684751075849 -0.00120213422597417 0.002564398533749943 -0.0031693733624191941 0.0025699484362232288
+leaf_weight=76 47 40 43 55
+leaf_count=76 47 40 43 55
+internal_value=0 0.0132226 -0.0130247 0.0344704
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=6523
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.185733 0.544644 0.533438 0.403436
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00066588609383708337 -0.0010735334116724355 0.0018527421237563911 -0.0023665560179668707 0.001983837285689175
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0146787 -0.0204515 0.0193328
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6524
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.186323 0.977087 1.5968 3.04301
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011542035114010436 0.0022524921690596843 -0.0069475075453780148 0.0011261330958020597 0.00052784045836968662
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0136915 -0.0511665 -0.143189
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6525
+num_leaves=5
+num_cat=0
+split_feature=7 2 6 8
+split_gain=0.18647 0.941794 1.99924 0.722092
+threshold=58.500000000000007 9.5000000000000018 63.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.00053247680909757305 -0.0020667986883838303 0.0048492705773554414 -0.00074290060844206681 -0.0028763531505039412
+leaf_weight=73 42 43 64 39
+leaf_count=73 42 43 64 39
+internal_value=0 0.0243879 0.0749325 -0.0324222
+internal_weight=0 149 107 112
+internal_count=261 149 107 112
+shrinkage=0.02
+
+
+Tree=6526
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.188883 0.953086 1.52946 2.94594
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011614514546573389 0.0022202287867606396 -0.0068361320141874897 0.0010881686320996593 0.00051959065304666493
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0137708 -0.0507936 -0.140881
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6527
+num_leaves=5
+num_cat=0
+split_feature=7 2 6 8
+split_gain=0.196954 0.912879 1.93681 0.694148
+threshold=58.500000000000007 9.5000000000000018 63.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.00049362691438718516 -0.0020155592515997346 0.0047940672294346787 -0.00071074144919688539 -0.0028500393474684793
+leaf_weight=73 42 43 64 39
+leaf_count=73 42 43 64 39
+internal_value=0 0.0250046 0.0747844 -0.03323
+internal_weight=0 149 107 112
+internal_count=261 149 107 112
+shrinkage=0.02
+
+
+Tree=6528
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.19426 0.742802 0.781387 0.665966
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0004837639077802486 0.001191144536976443 -0.0026534866578124478 0.0022580135471509176 -0.0027931406765237987
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.0137691 0.0162907 -0.0325597
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6529
+num_leaves=6
+num_cat=0
+split_feature=2 2 8 9 7
+split_gain=0.191945 0.620076 1.91631 1.14007 1.35544
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 62.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 -2 3 4 -3
+right_child=1 2 -4 -5 -6
+leaf_value=0.0011700864022830919 -0.0023929408055426197 -0.0022997398034830235 0.0041895832791295183 -0.003769782659554073 0.0027060645800982158
+leaf_weight=50 45 41 39 39 47
+leaf_count=50 45 41 39 39 47
+internal_value=0 -0.0138637 0.01461 -0.0449993 0.0182378
+internal_weight=0 211 166 127 88
+internal_count=261 211 166 127 88
+shrinkage=0.02
+
+
+Tree=6530
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.186376 1.43951 1.60599 0.539423
+threshold=8.5000000000000018 67.65000000000002 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0022430171837436608 0.0010817424583410649 0.0029860478060184342 -0.0028293332271469456 -0.0020276110530409856
+leaf_weight=40 39 58 68 56
+leaf_count=40 39 58 68 56
+internal_value=0 0.0212816 -0.0471523 -0.0371434
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6531
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.184414 0.599338 1.51438 0.670704
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001150855445429119 -0.0012415775195497869 -0.0020224510749221793 0.0033599429960722771 -0.0019244160779543359
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.0126212 0.0377971 -0.0281279
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6532
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.178742 1.40217 1.57891 0.563079
+threshold=8.5000000000000018 67.65000000000002 59.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00096080054931283734 -0.0020981205412844138 0.0029451882132250948 -0.0040443915427674452 0.0010552529630389327
+leaf_weight=67 54 58 41 41
+leaf_count=67 54 58 41 41
+internal_value=0 0.0208842 -0.0466652 -0.0364501
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6533
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.191906 0.573033 1.48441 0.651361
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011333526436554989 -0.0012641514778231884 -0.0019688685435543347 0.0033282008225605855 -0.0018984714422425148
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.0128491 0.0374871 -0.0277879
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6534
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.193603 0.828686 0.953551 1.62368
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0023363123201568256 0.00092667380129975066 -0.0029805354904817263 -0.0013634718211439523 0.0035359192191959129
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0176474 0.0162983 0.0651102
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=6535
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.185186 0.795052 0.915005 1.55877
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.002289667617272105 0.00090815846652797397 -0.0029210318433130862 -0.0013362406856384681 0.003465283179920169
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0172999 0.0159616 0.0638021
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=6536
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 6
+split_gain=0.181849 0.664293 1.1414 0.794539
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00067950449385404191 -0.0011857502421414444 0.0026190798080916533 -0.003129996921143179 0.0025091555046801431
+leaf_weight=76 47 40 43 55
+leaf_count=76 47 40 43 55
+internal_value=0 0.0130394 -0.0138794 0.0326884
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=6537
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 9
+split_gain=0.196449 1.1043 2.7998 0.550587
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0012687535184923286 0.0010817739464359757 -0.001993006143417758 0.0050468863830165859 -0.0020584231795783303
+leaf_weight=63 39 52 51 56
+leaf_count=63 39 52 51 56
+internal_value=0 0.0217825 0.0775507 -0.0380514
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=6538
+num_leaves=5
+num_cat=0
+split_feature=9 6 7 8
+split_gain=0.184903 0.555513 0.884727 0.686659
+threshold=70.500000000000014 62.500000000000007 58.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00058039077399616888 0.0009073384426223004 -0.0025096529823665217 0.0027045694571621549 -0.0027030622884749501
+leaf_weight=64 72 39 42 44
+leaf_count=64 72 39 42 44
+internal_value=0 -0.0172976 0.0106094 -0.0375397
+internal_weight=0 189 150 108
+internal_count=261 189 150 108
+shrinkage=0.02
+
+
+Tree=6539
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 8
+split_gain=0.184118 0.651514 1.69755 0.857876
+threshold=6.5000000000000009 63.500000000000007 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011480334560052586 0.0007523713586699923 -0.0017933404153609653 0.0038667590179575113 -0.0031501267337729413
+leaf_weight=50 52 75 43 41
+leaf_count=50 52 75 43 41
+internal_value=0 -0.0136174 0.0280523 -0.0480282
+internal_weight=0 211 136 93
+internal_count=261 211 136 93
+shrinkage=0.02
+
+
+Tree=6540
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.188515 1.39823 1.65204 0.546358
+threshold=8.5000000000000018 67.65000000000002 59.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00101576757814057 -0.0020961522741306284 0.0029516183892086944 -0.0041029242980732726 0.0010112690273967136
+leaf_weight=67 54 58 41 41
+leaf_count=67 54 58 41 41
+internal_value=0 0.0213828 -0.0460718 -0.0373441
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6541
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.180401 0.589942 0.728543 1.33786 1.42396
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024064687451217986 -0.0012295128795121136 0.0023522422183579754 0.0019632190333382189 -0.0041682837726150232 0.0026654055838602753
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0124875 -0.014055 -0.0526726 0.0144809
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=6542
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.18083 1.3543 1.57904 0.522137
+threshold=8.5000000000000018 67.65000000000002 59.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00098602226985732618 0.0010630398381540529 0.0029043702787936343 -0.004019513500848477 -0.0019977488961261457
+leaf_weight=67 39 58 41 56
+leaf_count=67 39 58 41 56
+internal_value=0 0.0209875 -0.0454099 -0.0366471
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6543
+num_leaves=6
+num_cat=0
+split_feature=6 9 8 6 2
+split_gain=0.187759 0.577912 1.44969 0.348471 0.728518
+threshold=70.500000000000014 72.500000000000014 58.500000000000007 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0022889526801492415 -0.0012518336932361466 -0.0019806982653507773 0.0036966335187989343 -0.0019613245094628712 -0.0013788948269034232
+leaf_weight=42 44 39 49 40 47
+leaf_count=42 44 39 49 40 47
+internal_value=0 0.0127169 0.0374558 -0.0182841 0.0171728
+internal_weight=0 217 178 129 89
+internal_count=261 217 178 129 89
+shrinkage=0.02
+
+
+Tree=6544
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.179503 0.582351 0.7232 1.17572 1.48061
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0023861690671392369 -0.0012268365490086934 0.0023384823298979057 0.0019578803770391208 -0.003769600627273979 0.0028925845955460688
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0124554 -0.01392 -0.0524005 0.0152725
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=6545
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 4
+split_gain=0.17893 1.29992 0.90381 0.386857
+threshold=77.500000000000014 66.500000000000014 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001254167936481049 -0.0012596181027515075 0.0026072181213889017 -0.0029394317730411313 0.0013468143682904689
+leaf_weight=39 42 66 52 62
+leaf_count=39 42 66 52 62
+internal_value=0 0.0120964 -0.0386946 0.0167193
+internal_weight=0 219 153 101
+internal_count=261 219 153 101
+shrinkage=0.02
+
+
+Tree=6546
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.178743 0.566533 1.44262 0.640909
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011273344761697532 -0.001224567599329165 -0.0019650753913769063 0.0032810695703303101 -0.0018807812649669275
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.0124281 0.0369324 -0.0274256
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6547
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.186963 0.7846 0.895704 1.56366
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0022685855607722269 0.00091184873253301432 -0.0029061855383776081 -0.0013562590341523234 0.003452803012766893
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0173864 0.0156593 0.0630063
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=6548
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.184939 1.32678 1.55842 0.522304
+threshold=8.5000000000000018 67.65000000000002 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0022482841696738008 0.001055533474505268 0.0028833586713759448 -0.0027494472526183511 -0.0020056476436963329
+leaf_weight=40 39 58 68 56
+leaf_count=40 39 58 68 56
+internal_value=0 0.021187 -0.0445388 -0.0370343
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6549
+num_leaves=5
+num_cat=0
+split_feature=5 4 2 9
+split_gain=0.185903 0.85534 0.864731 1.50058
+threshold=68.65000000000002 65.500000000000014 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014690145662859366 -0.00091851826216247131 0.0028912315731068989 -0.0023595215279468775 0.0036946285556115634
+leaf_weight=51 71 42 56 41
+leaf_count=51 71 42 56 41
+internal_value=0 0.0171651 -0.018769 0.0412272
+internal_weight=0 190 148 92
+internal_count=261 190 148 92
+shrinkage=0.02
+
+
+Tree=6550
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.178689 0.59083 0.711482 1.31266 1.33982
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0023319391954078339 -0.0012245121527744687 0.0023524468853166917 0.0019356697550267892 -0.0041321560465102623 0.0025898604924202164
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0124208 -0.0141412 -0.0523179 0.0142056
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=6551
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.176063 1.1856 0.469577 0.866068
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015110872239860501 -0.0012506906236432241 0.0032857429308961565 -0.0023936776869454349 -0.0017438041907549915
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.0119998 -0.023961 0.00464944
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=6552
+num_leaves=5
+num_cat=0
+split_feature=5 4 2 9
+split_gain=0.182777 0.826965 0.845229 1.44618
+threshold=68.65000000000002 65.500000000000014 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014316500782009579 -0.00091163224454031443 0.0028468839286879461 -0.0023284986497715066 0.0036386136793004702
+leaf_weight=51 71 42 56 41
+leaf_count=51 71 42 56 41
+internal_value=0 0.0170287 -0.0183141 0.0410142
+internal_weight=0 190 148 92
+internal_count=261 190 148 92
+shrinkage=0.02
+
+
+Tree=6553
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.179855 0.745736 1.05346 0.856698
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00057240411818347179 -0.00097062545189372613 0.0011304344835261844 0.0033673176962954704 -0.0028937539461374728
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.0157606 0.0713435 -0.054058
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=6554
+num_leaves=5
+num_cat=0
+split_feature=5 4 2 9
+split_gain=0.172181 0.801457 0.816341 1.38937
+threshold=68.65000000000002 65.500000000000014 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014058105382920244 -0.00088760311649128151 0.0027997860512938609 -0.0022938379747930939 0.0035651720528013953
+leaf_weight=51 71 42 56 41
+leaf_count=51 71 42 56 41
+internal_value=0 0.0165724 -0.0182308 0.0400928
+internal_weight=0 190 148 92
+internal_count=261 190 148 92
+shrinkage=0.02
+
+
+Tree=6555
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.177378 0.838072 1.77485 2.77277
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0011427094023169872 0.0036996196748244432 -0.0027510291635516773 -0.0047139800133055784 0.0015122942723141714
+leaf_weight=49 47 44 47 74
+leaf_count=49 47 44 47 74
+internal_value=0 -0.0132428 0.0191199 -0.0450448
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=6556
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.179176 0.663872 1.11698
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00092138114449894003 0.0014974244188423467 0.0023161570259227849 -0.0020947438804778526
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0165462 -0.019113
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6557
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 5
+split_gain=0.178669 1.24278 0.907138 0.357068
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010997350924451985 -0.0012591121891579436 0.0025550143406261961 -0.0029534647999641733 0.0013648074223353418
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0120725 -0.0376022 0.017105
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=6558
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.180829 0.685663 0.619988 1.49661
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016856937393684634 -0.00097307758280504189 0.0026150990157278128 -0.0019692785466971347 0.0034368662520928642
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0157945 -0.0151431 0.044374
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6559
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 3
+split_gain=0.183828 0.653771 1.30942 0.620517
+threshold=55.500000000000007 64.500000000000014 72.050000000000026 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0026654499439726694 -0.0020539712961878324 -0.0012708185914443546 0.0033637225008559452 -0.00065069757768586995
+leaf_weight=40 63 62 41 55
+leaf_count=40 63 62 41 55
+internal_value=0 -0.0211584 0.0283634 0.0369047
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=6560
+num_leaves=5
+num_cat=0
+split_feature=5 4 2 9
+split_gain=0.186102 0.786602 0.783601 1.36017
+threshold=68.65000000000002 65.500000000000014 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013877930780294614 -0.00091930078135246934 0.0027889759831851301 -0.0022377602703668696 0.0035313447297620811
+leaf_weight=51 71 42 56 41
+leaf_count=51 71 42 56 41
+internal_value=0 0.0171565 -0.0173274 0.039838
+internal_weight=0 190 148 92
+internal_count=261 190 148 92
+shrinkage=0.02
+
+
+Tree=6561
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.187066 0.52548 2.97621 0.708724
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0040289726038581497 -0.0010775319279630129 0.00073952284255138874 -0.0025500126469152648 -0.002830862647495277
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0146999 0.0613718 -0.042194
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6562
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.186653 0.633345 1.06203
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00093875574203947283 0.0014734520463558147 0.0022772249755080676 -0.0020308551900828113
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.016842 -0.0180056
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6563
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 6
+split_gain=0.186134 1.22069 1.07304 1.56249
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011771386382874126 -0.0012827839601598104 0.0032475001755987733 0.0013558697740674688 -0.0038891131006912028
+leaf_weight=41 42 44 73 61
+leaf_count=41 42 44 73 61
+internal_value=0 0.0122855 -0.0252726 -0.0922715
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=6564
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.17807 0.636945 0.468798 0.603765 0.263949
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010967892086758081 0.0002704570504701497 0.0026007168242784496 -0.0018805786857348438 0.0023205027850191251 -0.0020192889336497523
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0192876 -0.0143499 0.0311521 -0.0393011
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=6565
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.179013 0.750731 0.740976 0.667641
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00052289424083522306 0.0011473523499719329 -0.0026565227529718616 0.0022211398045653657 -0.0027583622969048144
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.0133016 0.0169158 -0.0306778
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6566
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 4
+split_gain=0.176446 0.658267 1.3809 0.598514
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 55.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.00085959147174466985 -0.0020516979051492515 -0.0012706615794606569 0.0035076477893472226 0.0023583975156350879
+leaf_weight=48 63 63 40 47
+leaf_count=48 63 63 40 47
+internal_value=0 -0.0207713 0.0289176 0.0362308
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=6567
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.188649 0.613633 0.689207 1.24743 1.29625
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0023151373896869139 -0.0012550997597213802 0.0023971949658724949 0.0018974655513620603 -0.0040479755538914072 0.0025272854141517465
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0127148 -0.0143423 -0.0519352 0.0129282
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=6568
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 7
+split_gain=0.182728 0.538019 0.988257 0.257104
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00064105608736795498 0.00043431775646805306 -0.001071527659554113 0.0031769915482505215 -0.0018315167994095384
+leaf_weight=55 39 65 55 47
+leaf_count=55 39 65 55 47
+internal_value=0 0.019515 0.0630753 -0.0397587
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6569
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.182774 0.703734 0.612268 0.853145
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.001271278823012832 -0.0021838657744130928 0.0022773969122078267 -0.0017444691428893963 0.0019440618410078046
+leaf_weight=42 57 51 71 40
+leaf_count=42 57 51 71 40
+internal_value=0 -0.0122352 0.0216653 -0.0203839
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=6570
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.174735 0.700526 1.85571 1.49961
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0012458955742186766 -0.0034015380396577154 -0.0026660532550618989 0.0028259994271438694 0.001384840084695495
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0119868 0.0149411 -0.0677958
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=6571
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.183944 0.608359 0.47946 0.582796 0.256832
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010364552216601253 0.00024536374569042707 0.0025577416704001149 -0.0018772317139636432 0.0023223527813071242 -0.0020150106169407969
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0195781 -0.0133123 0.0326908 -0.0398731
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=6572
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 3
+split_gain=0.178616 0.631219 1.3952 0.60972
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0026397655279165734 -0.0020209681620844688 -0.0013025576921939775 0.0035002571292591569 -0.0006482794198449563
+leaf_weight=40 63 63 40 55
+leaf_count=40 63 63 40 55
+internal_value=0 -0.0208826 0.0277981 0.0364335
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=6573
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.191324 0.603277 0.655532 1.2084 1.26531
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0022806778115545567 -0.0012630558709079531 0.0023812902586406552 0.0018509872911304799 -0.0039771970825058615 0.002504421480981134
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0127993 -0.0140338 -0.0507282 0.0131228
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=6574
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.189926 0.609413 0.448451 0.549299 0.253368
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010125989566966873 0.00022697944857951537 0.0025651905529830528 -0.0018214058861461366 0.0022514037937721634 -0.002018869931925584
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0198617 -0.013056 0.0314846 -0.040455
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=6575
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.181533 0.58456 0.429878 0.52684 0.233224
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00099238047888535689 0.00038157219208809364 0.0025139745254280912 -0.0017850297253365571 0.0022064489374269821 -0.0017833211986672127
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0194607 -0.0127952 0.0308465 -0.039638
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=6576
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.176266 0.69756 0.6271 0.830552
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0012508378407933634 -0.0021715222733835844 0.0023000677276292566 -0.0017358032873667495 0.0019045326069168447
+leaf_weight=42 57 51 71 40
+leaf_count=42 57 51 71 40
+internal_value=0 -0.0120311 0.0217238 -0.0208197
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=6577
+num_leaves=5
+num_cat=0
+split_feature=9 7 3 5
+split_gain=0.177642 0.528248 1.04808 1.00284
+threshold=42.500000000000007 55.500000000000007 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0011435667489924255 -0.0019840709530378571 0.0028964112061519594 -0.0028851764587659273 0.00097334349494045125
+leaf_weight=49 55 46 49 62
+leaf_count=49 55 46 49 62
+internal_value=0 -0.0132469 0.0166415 -0.0361755
+internal_weight=0 212 157 111
+internal_count=261 212 157 111
+shrinkage=0.02
+
+
+Tree=6578
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.175639 0.568627 0.433069 0.516039 0.237152
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00097004637090276305 0.00022350104306146279 0.0024802300005258653 -0.0017874116229627147 0.0021968217329356742 -0.0019543693204242332
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0191815 -0.012643 0.0311551 -0.0390466
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=6579
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.174744 0.691992 1.78056 1.46482
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0012461254698790422 -0.0033475141582309255 -0.0026514488657216405 0.0027718918443468367 0.0013837496767805848
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.011977 0.0147896 -0.0662676
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=6580
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 3
+split_gain=0.175768 0.589853 0.580967 0.938716 0.621748
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 57.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0011721008107870186 -0.0012154594235737591 0.0023489624616210899 0.000409883399615765 0.0031154763855317635 -0.0029644404056238887
+leaf_weight=42 44 44 41 41 49
+leaf_count=42 44 44 41 41 49
+internal_value=0 0.0123301 -0.0142107 0.0468535 -0.0709621
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=6581
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.175113 0.62704 0.812496 0.623747
+threshold=8.5000000000000018 71.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00091176701863612526 0.0013859149560378659 0.0022587587131398497 -0.0035488628416620377 1.9558263443263452e-05
+leaf_weight=69 61 51 39 41
+leaf_count=69 61 51 39 41
+internal_value=0 0.0163851 -0.0182934 -0.0855819
+internal_weight=0 192 141 80
+internal_count=261 192 141 80
+shrinkage=0.02
+
+
+Tree=6582
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.1861 0.569146 1.15516 0.213556
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00045273450178383339 0.00032539918137719509 -0.0011083706466397218 0.0037266470638407218 -0.0017524955047257696
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0196945 0.0644499 -0.0400701
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6583
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 3
+split_gain=0.181846 0.614452 1.43858 0.571266
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.002586531135129726 -0.0020033651931984824 -0.0013469084988159028 0.0035291733126273871 -0.0005990103281667753
+leaf_weight=40 63 63 40 55
+leaf_count=40 63 63 40 55
+internal_value=0 -0.0210417 0.0270032 0.0367386
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=6584
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.186457 0.620756 1.4173 0.59071
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001100085399929017 -0.0012482375096428708 -0.0020607840260459787 0.0032855287533602585 -0.0017914902176513459
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.0126606 0.0382657 -0.0255282
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6585
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.178273 0.595444 1.3604 0.566594
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010781133673127882 -0.0012233122926761614 -0.0020196421850603315 0.0032198945398792685 -0.0017556985971406928
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.0124038 0.0375014 -0.0250113
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6586
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.18063 0.646467 1.10526
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00092472947878293593 0.0014981172117512257 0.0022919409049940022 -0.002075525789314297
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.016607 -0.018592
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6587
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.177096 0.484355 0.665235 0.876901
+threshold=42.500000000000007 50.650000000000013 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0011419710584344702 -0.0021178352638403092 0.0020973947366438798 -0.0026374132580354297 0.00095548293552730093
+leaf_weight=49 46 54 50 62
+leaf_count=49 46 54 50 62
+internal_value=0 -0.0132294 0.0122411 -0.0320998
+internal_weight=0 212 166 112
+internal_count=261 212 166 112
+shrinkage=0.02
+
+
+Tree=6588
+num_leaves=5
+num_cat=0
+split_feature=8 5 9 2
+split_gain=0.177687 0.561985 0.324429 1.36207
+threshold=72.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0011191639186943869 -0.0011737337540268275 0.0022511729622627253 0.0017872849977685055 -0.0026136609552984058
+leaf_weight=49 47 46 47 72
+leaf_count=49 47 46 47 72
+internal_value=0 0.0128906 -0.014197 -0.0434362
+internal_weight=0 214 168 119
+internal_count=261 214 168 119
+shrinkage=0.02
+
+
+Tree=6589
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 2
+split_gain=0.180093 0.610699 0.860198 0.91938
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00092334505152785187 0.0018375918330535191 0.0022383332467607502 0.0006131322854685627 -0.0033977725532794889
+leaf_weight=69 48 51 44 49
+leaf_count=69 48 51 44 49
+internal_value=0 0.0165921 -0.0176419 -0.0746255
+internal_weight=0 192 141 93
+internal_count=261 192 141 93
+shrinkage=0.02
+
+
+Tree=6590
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 6
+split_gain=0.183434 0.530111 1.09538 0.230398
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00044021834911953296 0.0001945654348926532 -0.0010600443019265311 0.0036312260921694392 -0.0019539237438740836
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0195661 0.0628172 -0.0398107
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6591
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 6
+split_gain=0.175269 0.508319 1.05137 0.220562
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00043142377716229384 0.00019068004201595504 -0.0010388661141730463 0.0035587118634283353 -0.0019149138120955751
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0191665 0.0615556 -0.0390066
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6592
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 2
+split_gain=0.17768 0.652768 1.75417 1.00484
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0012554856801517565 0.0007941329976024127 -0.0025858629982251908 0.0027368787501389448 -0.0031070260197776861
+leaf_weight=42 49 40 71 59
+leaf_count=42 49 40 71 59
+internal_value=0 -0.0120668 0.013946 -0.0665143
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=6593
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.184619 0.610552 1.0881
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00093371552296669979 0.0015066384542214103 0.0022418340594941412 -0.0020397522193757538
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0167794 -0.0174503
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6594
+num_leaves=5
+num_cat=0
+split_feature=9 9 1 4
+split_gain=0.180404 0.611781 1.39925 0.592805
+threshold=55.500000000000007 64.500000000000014 6.5000000000000009 55.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.00084463779534970198 -0.0019985356611742049 -0.0021141287152799454 0.0026122487544954411 0.0023583217656913775
+leaf_weight=48 63 45 58 47
+leaf_count=48 63 45 58 47
+internal_value=0 -0.0209665 0.0269766 0.036607
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=6595
+num_leaves=5
+num_cat=0
+split_feature=5 4 2 9
+split_gain=0.183858 0.746964 0.719548 1.34951
+threshold=68.65000000000002 65.500000000000014 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014104580826691179 -0.00091402840674388965 0.0027265117357993937 -0.0021453140004977669 0.0034898112069916081
+leaf_weight=51 71 42 56 41
+leaf_count=51 71 42 56 41
+internal_value=0 0.0170756 -0.016544 0.0382831
+internal_weight=0 190 148 92
+internal_count=261 190 148 92
+shrinkage=0.02
+
+
+Tree=6596
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.186514 0.580639 1.03848
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00093812733890783514 0.0014825168379518729 0.0021975101450604421 -0.0019835873951035764
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0168519 -0.0165492
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6597
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 6
+split_gain=0.191416 0.476651 0.740024 0.21337
+threshold=67.500000000000014 57.500000000000007 52.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0017127498533876862 0.00014382063178092869 0.0018564554805917241 -0.0016508667513809912 -0.0019291200490944072
+leaf_weight=43 46 61 71 40
+leaf_count=43 46 61 71 40
+internal_value=0 0.0199391 -0.0187424 -0.0405914
+internal_weight=0 175 114 86
+internal_count=261 175 114 86
+shrinkage=0.02
+
+
+Tree=6598
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 4
+split_gain=0.191316 0.600394 1.45107 0.577693
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 55.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.00080516078168596419 -0.0019954770478116213 -0.0013756546154630076 0.0035214286777933458 0.0023576764634188913
+leaf_weight=48 63 63 40 47
+leaf_count=48 63 63 40 47
+internal_value=0 -0.0215312 0.0259732 0.037589
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=6599
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.191476 0.64658 0.661819 1.43653
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0017042545457355721 -0.00099838358068244791 0.0025588791783954855 -0.0017149894772175024 0.0035730926357767545
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0162155 -0.0138454 0.0476017
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6600
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 1
+split_gain=0.196171 0.6254 0.580139 1.35296
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0026948215067758509 -0.0019747121739599207 -0.00063378454055633741 -0.0021112759049964477 0.0025375261891710894
+leaf_weight=40 63 55 45 58
+leaf_count=40 63 55 45 58
+internal_value=0 0.0380136 -0.0217818 0.024934
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6601
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 6
+split_gain=0.201122 0.474115 0.733854 0.230304
+threshold=67.500000000000014 57.500000000000007 48.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0020231698572221067 0.00016002803969750675 0.0018616457469425871 0.0012249699607042432 -0.0019875012974259203
+leaf_weight=56 46 61 58 40
+leaf_count=56 46 61 58 40
+internal_value=0 0.0203877 -0.0181928 -0.0415166
+internal_weight=0 175 114 86
+internal_count=261 175 114 86
+shrinkage=0.02
+
+
+Tree=6602
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.192575 0.614248 0.572615 1.39512
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0024789685756794648 -0.0019614075929214707 -0.00078392419232706928 -0.0013621638348821946 0.0034409049505310695
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.0376964 -0.0215995 0.0248207
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6603
+num_leaves=5
+num_cat=0
+split_feature=6 2 5 3
+split_gain=0.204644 0.625222 0.538104 0.74782
+threshold=70.500000000000014 24.500000000000004 64.200000000000003 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00088411546757330428 -0.001302168277914978 0.0024263534698460358 -0.0022278859115171684 0.0022566190645290423
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0132008 -0.014104 0.0188128
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=6604
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.195742 0.628885 1.23979 0.558554
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00067103854890755244 -0.0012761662955900316 -0.0020699640242742828 0.0031333426644723906 -0.002206109691901405
+leaf_weight=73 44 39 60 45
+leaf_count=73 44 39 60 45
+internal_value=0 0.0129336 0.0386992 -0.021003
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6605
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 3
+split_gain=0.187189 0.603834 0.641632 1.28938
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00063742010596430502 -0.0012506834633643324 0.0023796930736036887 0.0018260318630537479 -0.0034619188589167871
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0126711 -0.0141743 -0.0504905
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=6606
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 6
+split_gain=0.18672 0.483176 1.03011 0.220809
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00042425507841512868 0.0001682889821189382 -0.00099347125976448781 0.0035259758688659872 -0.0019380261450968746
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0197105 0.0610792 -0.0401439
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6607
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 5
+split_gain=0.185391 0.570077 0.624448 0.698661
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.001279544052961237 -0.0019972325464838207 0.0022277536440880679 -0.0022969711860571611 0.00093748630794668157
+leaf_weight=42 57 51 49 62
+leaf_count=42 57 51 49 62
+internal_value=0 -0.0123096 0.0182788 -0.0241841
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=6608
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.185573 0.459658 0.669201 0.455689
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011770710457018156 -0.0010734786397065094 0.0017301815277015215 -0.0025388899744500314 0.0016425905881389494
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0146548 -0.017703 0.0267437
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6609
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.184604 0.587874 0.579447 1.39243
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0026170836958410377 -0.0019622074949093055 -0.00061305341572083559 -0.0013469312982776946 0.0034514803112776671
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0369758 -0.0211979 0.0254923
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6610
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.19909 0.613751 1.21945 0.523365
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011046115274802035 -0.0012861085763750146 -0.0020406285769682514 0.0031101241883430626 -0.0016232477877510649
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.0130297 0.0384945 -0.0207211
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6611
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 3
+split_gain=0.190406 0.593525 0.537752 0.939771 0.686948
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 57.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0012112357610686534 -0.0012604269711290164 0.002363929672118945 0.00055044868725594848 0.0030790214747415424 -0.0029929416990338454
+leaf_weight=42 44 44 41 41 49
+leaf_count=42 44 44 41 41 49
+internal_value=0 0.0127656 -0.0138551 0.0449613 -0.0685338
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=6612
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.182088 0.589906 1.19202 0.506633
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001074085821969417 -0.0012352586116887746 -0.0020072286081552078 0.0030641652341787565 -0.001611247826483204
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.0125108 0.0374956 -0.0210585
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6613
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.186284 0.61671 1.01446
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00093789701111775443 0.0014412606092631169 0.0022520838520322405 -0.0019851038211171281
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0168279 -0.0175697
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6614
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.181872 0.658846 1.70835 1.50308
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.001268414065918334 -0.0033579010574142005 -0.002599270389595917 0.0027044753513866481 0.001434216655876519
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0122099 0.013921 -0.0654902
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=6615
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.185255 0.580955 1.00986
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00093547422135205913 0.001456301320820216 0.0021967676149023613 -0.0019625489018828312
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.01679 -0.0166201
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6616
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.188968 0.468538 0.983894 0.227439
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00039739893619404284 0.00035313542553735928 -0.00097094951031192296 0.0034646033195344906 -0.001786340087025389
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.019813 0.0605764 -0.040366
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6617
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 9
+split_gain=0.185401 0.639934 1.05085 0.875221
+threshold=71.500000000000014 8.5000000000000018 55.650000000000013 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00047141372678201977 -0.0009842133168517773 0.0012589205907133799 0.00347374321827572 -0.002808626786522243
+leaf_weight=59 64 39 51 48
+leaf_count=59 64 39 51 48
+internal_value=0 0.0159672 0.0675741 -0.0488255
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=6618
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 6
+split_gain=0.181104 0.458652 0.850172 0.216241
+threshold=67.500000000000014 57.500000000000007 50.45000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0022492354473691214 0.00016968983358743784 0.0018196995820851964 0.0012489691073636444 -0.0019164630450310184
+leaf_weight=53 46 61 61 40
+leaf_count=53 46 61 61 40
+internal_value=0 0.0194313 -0.0185379 -0.0396044
+internal_weight=0 175 114 86
+internal_count=261 175 114 86
+shrinkage=0.02
+
+
+Tree=6619
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.191532 0.626562 1.71212 1.47084
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0012984688287467608 -0.0033562101045149584 -0.0025482620302209364 0.0026887687569555146 0.0013846424009164968
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0124954 0.0130009 -0.0664983
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=6620
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.189888 0.605241 0.566587 1.41862
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0024617746954406477 -0.0019510368448544064 -0.00077780643979875018 -0.0013797913935193174 0.0034630553820780576
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.03745 -0.0214701 0.0247119
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6621
+num_leaves=5
+num_cat=0
+split_feature=8 5 7 7
+split_gain=0.192165 0.5023 0.362848 0.352358
+threshold=72.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00097526731829051822 -0.0012161654238522824 0.002155194458486409 -0.0014354077451110376 0.0014911674047814719
+leaf_weight=40 47 46 66 62
+leaf_count=40 47 46 66 62
+internal_value=0 0.0133438 -0.0123043 0.0258047
+internal_weight=0 214 168 102
+internal_count=261 214 168 102
+shrinkage=0.02
+
+
+Tree=6622
+num_leaves=5
+num_cat=0
+split_feature=5 4 2 4
+split_gain=0.186629 0.689745 0.707039 0.577359
+threshold=68.65000000000002 65.500000000000014 19.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00061683734121605602 -0.00092052275860328068 0.0026378098871919302 -0.0021022843661868723 0.0026232682355538488
+leaf_weight=52 71 42 56 40
+leaf_count=52 71 42 56 40
+internal_value=0 0.0171761 -0.0151548 0.0392069
+internal_weight=0 190 148 92
+internal_count=261 190 148 92
+shrinkage=0.02
+
+
+Tree=6623
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 6
+split_gain=0.18683 0.466533 0.916195 0.215238
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00034552908776813767 0.0001563287803400668 -0.00097027060062961871 0.0033833867043017406 -0.0019251483287973715
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0197061 0.0603864 -0.0401642
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6624
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.190238 0.590038 1.6539 1.42736
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0012943696732018945 -0.0033135480308025688 -0.00248176085136762 0.0026336030438972192 0.0013574876011854041
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0124632 0.0122962 -0.065852
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=6625
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.192231 0.557993 1.00926
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00095129822923561709 0.0014744331835100793 0.0021664283430159665 -0.0019435342577396337
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0170699 -0.0156899
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6626
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 4
+split_gain=0.197403 0.455959 0.882237 0.213218
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00031574459118814799 -0.0017959953534362474 -0.00094521760601628787 0.0033445713173703979 0.00027606489349250515
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.020206 0.0604409 -0.0411755
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6627
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.199085 0.646289 0.986403 0.86287
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00056864637025120916 -0.001016520486177363 0.0012475338800196944 0.0032457931225463969 -0.0027917709972051464
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.016488 0.0683406 -0.0486156
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=6628
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.197472 0.605441 0.549469 1.41139
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0024751886268505269 -0.0019365130041213389 -0.00076478401534162588 -0.0013966822897327558 0.0034341093390949473
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.0381109 -0.0218642 0.0236325
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6629
+num_leaves=5
+num_cat=0
+split_feature=5 4 2 9
+split_gain=0.200623 0.655972 0.673847 1.35144
+threshold=68.65000000000002 65.500000000000014 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013916509440203386 -0.00095131064855181861 0.0025937862571356329 -0.0020339032909290579 0.0035119416037701851
+leaf_weight=51 71 42 56 41
+leaf_count=51 71 42 56 41
+internal_value=0 0.0177417 -0.0138033 0.0392983
+internal_weight=0 190 148 92
+internal_count=261 190 148 92
+shrinkage=0.02
+
+
+Tree=6630
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 8
+split_gain=0.199883 0.619902 0.960295 0.481392
+threshold=71.500000000000014 8.5000000000000018 55.650000000000013 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00039689029079918855 -0.0010184974948896975 0.00044056147596550915 0.0033769740445846819 -0.0025923702929244248
+leaf_weight=59 64 47 51 40
+leaf_count=59 64 47 51 40
+internal_value=0 0.0165116 0.0673289 -0.0472832
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=6631
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.198674 0.591104 0.538632 1.38462
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0024574034941918523 -0.0019235051651660248 -0.00074502061745209541 -0.0013891535306082715 0.0033962619436487818
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.0382097 -0.0219309 0.0231271
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6632
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 6
+split_gain=0.202964 0.649973 0.62308 2.16551
+threshold=70.500000000000014 24.500000000000004 46.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0020816235545977331 -0.0012977569631932948 0.0024659868967297775 0.004001621063133288 -0.0015957411985415611
+leaf_weight=55 44 44 45 73
+leaf_count=55 44 44 45 73
+internal_value=0 0.0131279 -0.0147001 0.0266589
+internal_weight=0 217 173 118
+internal_count=261 217 173 118
+shrinkage=0.02
+
+
+Tree=6633
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 6
+split_gain=0.19904 0.433966 0.849876 0.224987
+threshold=67.500000000000014 57.500000000000007 50.45000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0022123102267313662 0.00015267251828810334 0.0017989083837375562 0.0012855857427213515 -0.0019716787376932174
+leaf_weight=53 46 61 61 40
+leaf_count=53 46 61 61 40
+internal_value=0 0.020267 -0.0166988 -0.0413452
+internal_weight=0 175 114 86
+internal_count=261 175 114 86
+shrinkage=0.02
+
+
+Tree=6634
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.199752 0.560723 0.544244 1.39184
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00076832069697438594 -0.0019320199691173826 0.0023489261925891628 -0.0021808965998450273 0.0025335760883164527
+leaf_weight=48 63 47 45 58
+leaf_count=48 63 47 45 58
+internal_value=0 0.0383038 -0.0219849 0.0233005
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6635
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.199397 0.62937 0.620422 1.35055 1.3755
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0021471011009583543 -0.001287354032976275 0.0024297322312233425 0.0017878384523335458 -0.0039162655139096739 0.0029422573441952732
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0130215 -0.0143719 -0.0501034 0.0223869
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=6636
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 6
+split_gain=0.20305 0.43889 0.801416 0.215597
+threshold=67.500000000000014 57.500000000000007 50.45000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0021596348044201552 0.00012575443904415916 0.0018101668862931873 0.0012392764741901644 -0.0019568145700172798
+leaf_weight=53 46 61 61 40
+leaf_count=53 46 61 61 40
+internal_value=0 0.020454 -0.0167131 -0.0417196
+internal_weight=0 175 114 86
+internal_count=261 175 114 86
+shrinkage=0.02
+
+
+Tree=6637
+num_leaves=6
+num_cat=0
+split_feature=4 9 5 6 3
+split_gain=0.198238 0.532133 1.82496 1.25313 0.937007
+threshold=50.500000000000007 57.500000000000007 53.500000000000007 63.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -3 -5
+right_child=1 3 -4 4 -6
+leaf_value=0.0013186704847516259 -0.0044246755340743129 0.0030278949125863018 0.0014909443035014272 -0.0032136719813512273 0.0010487574467907587
+leaf_weight=42 43 51 41 40 44
+leaf_count=42 43 51 41 40 44
+internal_value=0 -0.0127028 -0.0764468 0.026683 -0.048622
+internal_weight=0 219 84 135 84
+internal_count=261 219 84 135 84
+shrinkage=0.02
+
+
+Tree=6638
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.204742 0.575261 0.529237 1.39472
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0025177764271206277 -0.0019167979669274177 -0.00065240216685596032 -0.0014094129185376425 0.0033932832728337846
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0387452 -0.0222241 0.0224494
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6639
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.201828 0.621679 1.08755 0.570957
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00075844202517435328 -0.0012942830509533004 -0.0020535553400248614 0.0029866092805757652 -0.0021501913553652226
+leaf_weight=73 44 39 60 45
+leaf_count=73 44 39 60 45
+internal_value=0 0.0131026 0.0387252 -0.0172312
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6640
+num_leaves=5
+num_cat=0
+split_feature=3 1 9 9
+split_gain=0.198017 0.612451 0.953769 0.815377
+threshold=71.500000000000014 8.5000000000000018 56.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00056435481929197008 -0.0010141488554344844 0.0012193862501544235 0.0031875944443197201 -0.0027095818299810231
+leaf_weight=54 64 39 56 48
+leaf_count=54 64 39 56 48
+internal_value=0 0.0164423 0.0669636 -0.0469784
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=6641
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.192072 0.601289 0.526217 1.35753
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0024599130983651014 -0.0019002657830337159 -0.00076932982482285413 -0.0013745742765511764 0.0033644353043699848
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.0376291 -0.0215967 0.0229546
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6642
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.20567 0.610018 0.628241 1.33048 1.37758
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0021520912791760595 -0.001305583614677644 0.0024008811503439119 0.0018126287554596351 -0.0038871779974912423 0.0029410871381199168
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0132086 -0.0137699 -0.0497193 0.0222349
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=6643
+num_leaves=5
+num_cat=0
+split_feature=6 5 4 4
+split_gain=0.196747 0.462274 0.605882 0.438363
+threshold=70.500000000000014 67.050000000000011 64.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00074323646287975263 -0.0012795133138084347 0.0022725890587899943 -0.0023474426800124339 0.0015676479359779344
+leaf_weight=65 44 39 41 72
+leaf_count=65 44 39 41 72
+internal_value=0 0.0129448 -0.00892668 0.0232793
+internal_weight=0 217 178 137
+internal_count=261 217 178 137
+shrinkage=0.02
+
+
+Tree=6644
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 6
+split_gain=0.203297 0.448435 0.910204 0.215452
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00034063525117651171 0.0001249704235206076 -0.00092924135478205717 0.003376271887426654 -0.0019569392236043069
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0204646 0.0603799 -0.0417434
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6645
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 4
+split_gain=0.194341 0.42988 0.873516 0.215098
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00033383027263321783 -0.0017944793050268971 -0.00091067645559667065 0.0033088491318837561 0.00028612626993079006
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.020047 0.059167 -0.0409008
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6646
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 8
+split_gain=0.19836 0.467087 2.95207 0.783899
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0039740130022014736 -0.0011068861818747319 0.00089072109412512059 -0.0025785487332883683 -0.0028607068950455934
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0150773 0.0591838 -0.0386663
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6647
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.191333 0.619142 0.671019 1.40931
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0017020934514377789 -0.00099875189252319856 0.0025115881349146718 -0.0016696145343234831 0.0035685658475438577
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0161747 -0.0132557 0.0486087
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6648
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 1
+split_gain=0.191531 0.595187 0.523379 1.40634
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0024503056482488997 -0.0018961445263312136 -0.00076297707023891069 -0.002203487431378806 0.0025352210336463759
+leaf_weight=45 63 50 45 58
+leaf_count=45 63 50 45 58
+internal_value=0 0.0375686 -0.0215815 0.022853
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6649
+num_leaves=6
+num_cat=0
+split_feature=8 2 9 7 9
+split_gain=0.193228 0.484211 1.08987 1.72471 1.13761
+threshold=72.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 44.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0020320551822927487 -0.0012197582336628996 0.0021751013949990192 0.0025459914212163761 -0.0045605252916821031 0.0026127209376429743
+leaf_weight=40 47 44 43 41 46
+leaf_count=40 47 44 43 41 46
+internal_value=0 0.0133497 -0.0111429 -0.0583762 0.0221585
+internal_weight=0 214 170 127 86
+internal_count=261 214 170 127 86
+shrinkage=0.02
+
+
+Tree=6650
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 4
+split_gain=0.20074 0.423384 0.699573 0.216961
+threshold=67.500000000000014 57.500000000000007 48.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0019452501359588856 -0.0018105122509762396 0.0017839547006475256 0.0012283748670557967 0.0002782263948728772
+leaf_weight=56 46 61 58 40
+leaf_count=56 46 61 58 40
+internal_value=0 0.0203369 -0.0161911 -0.0415137
+internal_weight=0 175 114 86
+internal_count=261 175 114 86
+shrinkage=0.02
+
+
+Tree=6651
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 1
+split_gain=0.194646 0.577467 0.505018 1.36523
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0026182484445293436 -0.0018742765873476842 -0.00058380960140986778 -0.0021831546415371724 0.002486807532045257
+leaf_weight=40 63 55 45 58
+leaf_count=40 63 55 45 58
+internal_value=0 0.0378473 -0.0217368 0.0219337
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6652
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 8
+split_gain=0.200615 0.61484 1.12627 0.555154
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00072009193727169739 -0.0012910802328305257 -0.0020422084127999281 0.0030212099480315421 -0.0021490688287738374
+leaf_weight=73 44 39 60 45
+leaf_count=73 44 39 60 45
+internal_value=0 0.0130496 0.0385362 -0.0183965
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6653
+num_leaves=5
+num_cat=0
+split_feature=6 2 5 3
+split_gain=0.191869 0.587637 0.554799 0.705807
+threshold=70.500000000000014 24.500000000000004 64.200000000000003 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00083104229399136146 -0.0012652999543064385 0.0023541679356220984 -0.0022488749443145737 0.0022222400051585449
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0127848 -0.0137067 0.0197039
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=6654
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.185714 0.471531 2.88731 0.749875
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.003938466787122996 -0.0010745474772831112 0.00084076174311099134 -0.002542218744432403 -0.0028299926983300049
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0146246 0.0589332 -0.0393668
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6655
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.184543 0.592397 0.931495 0.527277
+threshold=8.5000000000000018 71.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00093448234325865689 0.0015334698519789492 0.0022131916229064762 -0.0034733957916093907 -0.000143847239838919
+leaf_weight=69 61 51 39 41
+leaf_count=69 61 51 39 41
+internal_value=0 0.0167291 -0.0170002 -0.0889305
+internal_weight=0 192 141 80
+internal_count=261 192 141 80
+shrinkage=0.02
+
+
+Tree=6656
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 3 5
+split_gain=0.180959 0.573191 0.52081 0.69003 0.160147
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 57.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-4.0746296474554548e-05 -0.0012324519404037918 0.0023222931227447063 0.00057396649479837 -0.0029773670096054374 0.0018036100138727037
+leaf_weight=41 44 44 41 49 42
+leaf_count=41 44 44 41 49 42
+internal_value=0 0.0124433 -0.0137292 -0.0675733 0.0441823
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=6657
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 6
+split_gain=0.180056 0.424474 0.926208 0.211566
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00039692579525410526 0.00016142173815580883 -0.00091668774077414885 0.0033522818301585434 -0.0019037382482612168
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0193522 0.0582396 -0.0395295
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=6658
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.178776 0.582408 0.908408
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0009212858796516653 0.0013586309810358029 0.0021930155184886591 -0.001887184002830124
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.016488 -0.0169633
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6659
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.182321 0.573722 0.507504 1.39327
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00081712785867239096 -0.0018653238234550957 0.0023353049705457556 -0.001404217376003217 0.0033959875955883929
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0367327 -0.0211154 0.0226609
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6660
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 6
+split_gain=0.187221 0.420387 0.827346 0.219429
+threshold=67.500000000000014 57.500000000000007 50.45000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0021881100867278433 0.00016366123195736792 0.0017665251565019569 0.0012641194768753853 -0.0019364994268614305
+leaf_weight=53 46 61 61 40
+leaf_count=53 46 61 61 40
+internal_value=0 0.0196945 -0.0167105 -0.0402322
+internal_weight=0 175 114 86
+internal_count=261 175 114 86
+shrinkage=0.02
+
+
+Tree=6661
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.186621 0.422864 2.81859 0.726694
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0038614669974835515 -0.0010769438657750841 0.00087181890258262453 -0.0025422288423172768 -0.0027435307169166655
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0146554 0.0567174 -0.0365771
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6662
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.181425 0.569114 0.900497 0.512714
+threshold=8.5000000000000018 71.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00092737047687502976 0.0015130524569580983 0.0021745507410939526 -0.0034166562421443303 -0.00013156708659178327
+leaf_weight=69 61 51 39 41
+leaf_count=69 61 51 39 41
+internal_value=0 0.0165992 -0.0164777 -0.0872313
+internal_weight=0 192 141 80
+internal_count=261 192 141 80
+shrinkage=0.02
+
+
+Tree=6663
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 4
+split_gain=0.183335 0.409261 0.463571 0.480912 0.213057
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00092194778684881766 -0.0017694626019837826 0.00218031419357201 -0.0019033821081448133 0.0020445127655993613 0.00030231525059319918
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0195078 -0.00762317 0.0333468 -0.0398544
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=6664
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.185454 0.431567 0.668925 0.486575
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012137856847616848 -0.0010739705094109887 0.0016865883791909052 -0.0025200706827203695 0.0016961682536743737
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0146103 -0.0167778 0.0276618
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6665
+num_leaves=5
+num_cat=0
+split_feature=9 2 8 9
+split_gain=0.184727 0.827367 1.59281 2.73349
+threshold=42.500000000000007 24.500000000000004 52.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0011629832110386506 0.0035642309161802682 -0.0027411284881815341 -0.00455705807759927 0.0015860781905033723
+leaf_weight=49 46 44 48 74
+leaf_count=49 46 44 48 74
+internal_value=0 -0.0135272 0.0186313 -0.0412784
+internal_weight=0 212 168 122
+internal_count=261 212 168 122
+shrinkage=0.02
+
+
+Tree=6666
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.183143 0.414932 0.423639 0.460159 0.21379
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00092715442683596438 0.00015997731203056868 0.0021919861934046863 -0.001833398185950616 0.0019773197940691004 -0.0019151070184442267
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0195014 -0.00781038 0.0314163 -0.0398328
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=6667
+num_leaves=5
+num_cat=0
+split_feature=2 9 8 1
+split_gain=0.179342 0.559317 0.854957 0.97815
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 6.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00092253517155620884 0.0018583098130189432 0.0021574812844200146 -0.0034262473270561251 0.00070917020036431299
+leaf_weight=69 48 51 49 44
+leaf_count=69 48 51 49 44
+internal_value=0 0.0165145 -0.0162841 -0.0731024
+internal_weight=0 192 141 93
+internal_count=261 192 141 93
+shrinkage=0.02
+
+
+Tree=6668
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 4
+split_gain=0.183882 0.407383 0.872957 0.212859
+threshold=67.500000000000014 57.500000000000007 50.45000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0022294058429334533 -0.0017699495807940206 0.0017430726939085485 0.0013147209117938439 0.00030092392021026398
+leaf_weight=53 46 61 61 40
+leaf_count=53 46 61 61 40
+internal_value=0 0.0195422 -0.0163165 -0.0398998
+internal_weight=0 175 114 86
+internal_count=261 175 114 86
+shrinkage=0.02
+
+
+Tree=6669
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.183794 0.798556 1.84927 2.53458
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0011605894292277914 0.0037477310574533383 -0.0026979021046041008 -0.0035160348408851262 0.0023334998748487552
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0134834 0.0181198 -0.0473683
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=6670
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.180713 1.2118 1.2934 0.537044 1.20123
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0020910510826711564 -0.0012661053714926179 0.0034143517687935348 -0.0030362482456954116 0.002545414140298768 -0.0027854780368981053
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0121077 -0.0231653 0.033627 -0.0139171
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6671
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.18712 0.644737 0.684895 1.38739
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0017312716664876924 -0.00098864738796437183 0.0025518591402331862 -0.0016516981719618214 0.0035460756545908981
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0160177 -0.0140016 0.0484821
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6672
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.180795 0.428174 0.606367 0.475776
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001237279589878863 -0.0010614491768735433 0.0016783018872334879 -0.0024192605607959005 0.0016418257952517253
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0144574 -0.016812 0.025545
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6673
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.182916 0.783466 1.81002 2.45454
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0011581022137654928 0.0037067456878223117 -0.002674825668321436 -0.0034669480505967894 0.0022901202528820843
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0134535 0.0178551 -0.0469392
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=6674
+num_leaves=5
+num_cat=0
+split_feature=2 4 8 1
+split_gain=0.176806 0.523981 0.749176 3.79761
+threshold=8.5000000000000018 71.500000000000014 49.500000000000007 5.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00091639086411031065 0.0017891660583150694 0.0021984750578832495 -0.0051512459324033347 0.0027771237145595702
+leaf_weight=69 48 47 50 47
+leaf_count=69 48 47 50 47
+internal_value=0 0.0164221 -0.0136481 -0.0651095
+internal_weight=0 192 145 97
+internal_count=261 192 145 97
+shrinkage=0.02
+
+
+Tree=6675
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.195845 1.2254 1.08986 1.62593
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00039337372265995041 -0.001312835041087343 0.0032586985444749378 0.0013743180702554514 -0.004709148019095972
+leaf_weight=57 42 44 73 45
+leaf_count=57 42 44 73 45
+internal_value=0 0.0125624 -0.0250671 -0.0925793
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=6676
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.18733 1.22348 1.24197 0.563321 1.13783
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0019840293136605294 -0.0012866218415353936 0.0034334735174800265 -0.0029845964307425809 0.0025675020253306019 -0.0027637640923254205
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0123149 -0.0231258 0.0325376 -0.0161301
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6677
+num_leaves=5
+num_cat=0
+split_feature=8 5 9 2
+split_gain=0.180577 0.496895 0.301992 1.29633
+threshold=72.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0011055678040524084 -0.0011826988105193834 0.0021378507213968244 0.0017752808473160597 -0.002519783462997745
+leaf_weight=49 47 46 47 72
+leaf_count=49 47 46 47 72
+internal_value=0 0.0129637 -0.0125508 -0.0408324
+internal_weight=0 214 168 119
+internal_count=261 214 168 119
+shrinkage=0.02
+
+
+Tree=6678
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.182118 1.17655 1.19603 0.538189 1.13733
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0021705574079459362 -0.0012702584414717871 0.003369756152215134 -0.0029277614215992643 0.0025157849670929952 -0.0025805226999367644
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0121637 -0.0225979 0.0320382 -0.0155595
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6679
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.189704 0.630444 0.666946 1.38876
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001703938690146122 -0.00099452406044718599 0.0025299809758609201 -0.0017901673881727501 0.0034192524979870312
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0161308 -0.0135611 0.0481188
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6680
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.181879 0.457215 2.76555 0.687879
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0038648681643395932 -0.0010640499344458018 -0.002350512609543727 -0.0024785107106050979 0.0011688529468378013
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0145095 0.0581697 -0.0386857
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6681
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.17818 0.612009 0.656555 1.39982
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016936458310982559 -0.00096692346980693821 0.0024894326039956761 -0.0016806168050582549 0.0035402416330364839
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0156758 -0.0135894 0.0476195
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6682
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.180361 1.17583 0.967712 2.12884
+threshold=77.500000000000014 24.500000000000004 64.200000000000003 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00164819822481275 -0.0012648447414907505 0.003189157127813333 -0.0028711010231326768 0.003717619873606472
+leaf_weight=76 42 44 50 49
+leaf_count=76 42 44 50 49
+internal_value=0 0.0121046 -0.0247646 0.0224855
+internal_weight=0 219 175 125
+internal_count=261 219 175 125
+shrinkage=0.02
+
+
+Tree=6683
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.184104 0.870914 0.64625 0.610607
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00057837674891074258 0.001161667914149722 -0.0028397392504226865 0.0021420017624835595 -0.0025643486699500838
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.0134839 0.0190208 -0.0254872
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6684
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 3
+split_gain=0.178282 0.547504 1.35729 0.52546
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0025063114757397421 -0.0019143735693978236 -0.0013426663193202573 0.0033957154448635714 -0.00055279947591386428
+leaf_weight=40 63 63 40 55
+leaf_count=40 63 63 40 55
+internal_value=0 -0.0208813 0.0245388 0.0363865
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=6685
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.182038 0.600959 1.20186 0.486043
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010438061617951556 -0.001235320621933209 -0.0020279066581569854 0.0030777701340393739 -0.0015883359480809928
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.0124985 0.0377074 -0.0210851
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6686
+num_leaves=6
+num_cat=0
+split_feature=4 2 6 3 5
+split_gain=0.17764 0.88037 2.64311 1.07266 2.80507
+threshold=49.500000000000007 25.500000000000004 49.500000000000007 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0013124983934797625 0.0053856187354515764 -0.0024792091651081238 0.0012893978834983338 0.001958714684231208 -0.0057378604492170394
+leaf_weight=39 40 40 53 49 40
+leaf_count=39 40 40 53 49 40
+internal_value=0 0.0115023 0.0415302 -0.0224444 -0.0863263
+internal_weight=0 222 182 142 93
+internal_count=261 222 182 142 93
+shrinkage=0.02
+
+
+Tree=6687
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.181903 0.828457 0.930235 0.789205
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00067636841089587884 0.00099519562875857682 -0.0029143304658376403 0.0028399421861308592 -0.0027835423683577687
+leaf_weight=72 62 40 44 43
+leaf_count=72 62 40 44 43
+internal_value=0 -0.0155629 0.0169784 -0.0305646
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=6688
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.181807 0.658539 0.649554 1.36376
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0017047040654335753 -0.0009757488991106397 0.0025709376123580845 -0.0018005158460625366 0.0033625758857393794
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0158177 -0.0145146 0.0463721
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6689
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.173803 0.631734 0.622996 1.34794
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016706430565126978 -0.00095625515038181598 0.0025196045503154884 -0.0016755538643320779 0.0034490824299340922
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0154982 -0.0142243 0.0454363
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6690
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.175016 0.443668 0.620297 0.473402
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012385901125848279 -0.0010459717789796747 0.0016980316045776039 -0.0024571030006077504 0.0016336475703599938
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0142524 -0.017558 0.0252699
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6691
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 4
+split_gain=0.173066 0.55366 1.32094 0.553308
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 55.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.00080672952956212934 -0.0019171172351446001 -0.0013078080768845664 0.0033674622584614995 0.0022909361346907138
+leaf_weight=48 63 63 40 47
+leaf_count=48 63 63 40 47
+internal_value=0 -0.0206123 0.0250562 0.0358972
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=6692
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 3
+split_gain=0.187453 0.562871 0.522636 1.0068 0.629982
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 57.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0012889336856776754 -0.0012518981661643952 0.0023084482795761533 0.00049689090611843522 0.0031491775386260391 -0.0028998837499917829
+leaf_weight=42 44 44 41 41 49
+leaf_count=42 44 44 41 41 49
+internal_value=0 0.0126583 -0.0132833 0.0447281 -0.0672199
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=6693
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 7
+split_gain=0.1743 0.49637 0.703107 0.788687
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010296483290246762 -0.0011642263886909152 0.0019060349942784439 -0.0026500428740389779 0.0022932675758326527
+leaf_weight=65 47 56 40 53
+leaf_count=65 47 56 40 53
+internal_value=0 0.0127502 -0.0162848 0.0228273
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6694
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 2
+split_gain=0.173533 0.587475 1.18333 0.374945
+threshold=70.500000000000014 72.500000000000014 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012538910524221042 -0.0012092260333990696 -0.00200850003152239 0.0034101014313200162 0.000970260536339606
+leaf_weight=72 44 39 49 57
+leaf_count=72 44 39 49 57
+internal_value=0 0.0122233 0.0371591 -0.0132467
+internal_weight=0 217 178 129
+internal_count=261 217 178 129
+shrinkage=0.02
+
+
+Tree=6695
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.178659 0.851835 0.873841 0.791658
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00071859081573107217 0.00098698741544667634 -0.002947628927150509 0.0027758927222671817 -0.0027469015776218435
+leaf_weight=72 62 40 44 43
+leaf_count=72 62 40 44 43
+internal_value=0 -0.0154464 0.0175437 -0.0285566
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=6696
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 2
+split_gain=0.172124 0.557303 1.14724 0.359105
+threshold=70.500000000000014 72.500000000000014 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012319541971991493 -0.0012047885758166199 -0.0019525280816035716 0.0033564895732487348 0.00094703880316408633
+leaf_weight=72 44 39 49 57
+leaf_count=72 44 39 49 57
+internal_value=0 0.01218 0.0364923 -0.0131477
+internal_weight=0 217 178 129
+internal_count=261 217 178 129
+shrinkage=0.02
+
+
+Tree=6697
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.177328 0.82659 0.81346 0.945331
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00088658388682136312 0.00098370061475805794 -0.0029080943689252302 0.0021556675592078779 -0.0031427460724394018
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.0153933 0.0171121 -0.0404666
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=6698
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.170724 0.538024 0.662322 1.31025 1.26832
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0022190426745889646 -0.001200373795104116 0.0022538072523384752 0.0018776409122742085 -0.0040856395298360035 0.0025712037133682609
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0121366 -0.0132419 -0.0501214 0.0163443
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=6699
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.176352 0.792621 0.784892 0.92231
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00087366359011043046 0.00098134198174569575 -0.0028545616591306943 0.0021119756620921661 -0.0031072320332848186
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.0153513 0.0164904 -0.0400884
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=6700
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 8
+split_gain=0.173732 0.700936 1.4121 0.811704
+threshold=6.5000000000000009 63.500000000000007 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.001117724631035997 0.00087632811038581562 -0.0018420005806581436 0.0036161437210033773 -0.0029231459478522731
+leaf_weight=50 52 75 43 41
+leaf_count=50 52 75 43 41
+internal_value=0 -0.0133024 0.0298832 -0.0395526
+internal_weight=0 211 136 93
+internal_count=261 211 136 93
+shrinkage=0.02
+
+
+Tree=6701
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.178598 0.753564 0.792534 0.770992
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00070683423477799158 0.00098709193952573656 -0.0027941770034595591 0.0026249665740073497 -0.0027141706161469131
+leaf_weight=72 62 40 44 43
+leaf_count=72 62 40 44 43
+internal_value=0 -0.0154313 0.0156298 -0.0283122
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=6702
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.17459 0.61425 0.86319 0.518574
+threshold=8.5000000000000018 71.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00091099337273535834 0.0014447900917382878 0.0022386936312357181 -0.0034270269647698314 -0.00012414909117350128
+leaf_weight=69 61 51 39 41
+leaf_count=69 61 51 39 41
+internal_value=0 0.0163406 -0.0179909 -0.0872941
+internal_weight=0 192 141 80
+internal_count=261 192 141 80
+shrinkage=0.02
+
+
+Tree=6703
+num_leaves=6
+num_cat=0
+split_feature=6 9 8 6 1
+split_gain=0.171374 0.55274 1.14162 0.33122 0.450847
+threshold=70.500000000000014 72.500000000000014 58.500000000000007 49.500000000000007 2.5000000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0020080838998449034 -0.0012022421403511403 -0.0019440863430423754 0.0033479704190936118 -0.0018215220605818329 -0.00090276634479873454
+leaf_weight=41 44 39 49 40 48
+leaf_count=41 44 39 49 40 48
+internal_value=0 0.0121659 0.0363825 -0.0131372 0.0214865
+internal_weight=0 217 178 129 89
+internal_count=261 217 178 129 89
+shrinkage=0.02
+
+
+Tree=6704
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 4
+split_gain=0.173612 0.717134 0.528272 0.84848
+threshold=72.050000000000026 63.500000000000007 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016351867007190677 0.0011313666995111432 -0.0026005409015478821 0.0018077598783226405 -0.0020445367081977682
+leaf_weight=43 49 43 63 63
+leaf_count=43 49 43 63 63
+internal_value=0 -0.0131351 0.0164115 -0.0272091
+internal_weight=0 212 169 106
+internal_count=261 212 169 106
+shrinkage=0.02
+
+
+Tree=6705
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.171757 0.581482 0.571658 0.549805
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00082682478177661641 0.00087714203755485389 -0.0023834092310976995 0.0020183540668556642 -0.0022809788798126068
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.0167639 0.014078 -0.032652
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=6706
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.173418 0.699495 0.765377 0.757923
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014338562140269163 0.00097417221508592502 -0.002701672601051273 0.0025679444793348873 -0.0019168241763498517
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0152268 0.0147206 -0.0284771
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=6707
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.177129 0.479085 2.76357 0.674717
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0038802420878870183 -0.0010514077395918282 0.00074443746843239045 -0.0024608078358424835 -0.0027416560474564583
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0143402 0.0589884 -0.0400681
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6708
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.174132 0.65933 0.746206 0.725284
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013840949393053596 0.00097598545827644919 -0.0026343390173765675 0.0025225076756970749 -0.0018952753818103788
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.015254 0.0138384 -0.0288265
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=6709
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.184061 0.612975 0.946913
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00093281584270692218 0.001381712232089992 0.0022446632451779552 -0.0019307450195116841
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0167377 -0.0175582
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6710
+num_leaves=5
+num_cat=0
+split_feature=6 5 7 7
+split_gain=0.176377 0.599611 0.365311 0.399326
+threshold=70.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011463089861832921 -0.0012177101980927771 0.0022258885217849899 -0.0015192061428934117 0.0014728044238003322
+leaf_weight=40 44 49 66 62
+leaf_count=40 44 49 66 62
+internal_value=0 0.0123312 -0.0163294 0.0218891
+internal_weight=0 217 168 102
+internal_count=261 217 168 102
+shrinkage=0.02
+
+
+Tree=6711
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.174006 0.581913 0.907773
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00090959538339023863 0.0013549014916625448 0.0021888625405003747 -0.0018897811467748628
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0163176 -0.0171202
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6712
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 7
+split_gain=0.177305 1.21086 1.05319 0.37806
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011056508313160691 -0.0012550249333786289 0.0025245446251798047 -0.0031090910893662328 0.0014459069335837093
+leaf_weight=40 42 66 51 62
+leaf_count=40 42 66 51 62
+internal_value=0 0.0120189 -0.0370214 0.0218693
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=6713
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.185821 0.481503 0.616268 0.450386
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00062464747194027732 -0.0010743946237786899 0.0017624427435914702 -0.0024680340785686486 0.0021674952372101619
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0146502 -0.0184423 0.0242475
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6714
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.177657 0.461688 0.591078 0.439548
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001207655819215401 -0.0010529333798456302 0.0017272322484562024 -0.0024187574006793041 0.0015642320694969469
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0143536 -0.0180739 0.0237556
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6715
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.178278 1.22249 0.55058 0.612707
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013278101540669808 -0.0012582770409693422 0.0033327802209640045 -0.0025563181559767256 -0.0014220972458698108
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.0120402 -0.0244697 0.00644192
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=6716
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 8
+split_gain=0.185175 0.550854 1.14359 0.568016
+threshold=70.500000000000014 72.500000000000014 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00055039913687853479 -0.0012449311342137706 -0.0019318807721595678 0.00284217502846829 -0.0024840855341388469
+leaf_weight=73 44 39 66 39
+leaf_count=73 44 39 66 39
+internal_value=0 0.0125923 0.0367684 -0.0250002
+internal_weight=0 217 178 112
+internal_count=261 217 178 112
+shrinkage=0.02
+
+
+Tree=6717
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.177039 0.542797 0.673689 1.3004 1.28299
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0022428320286632122 -0.0012200722650155718 0.0022663568990528653 0.0018973085177385648 -0.0040784431957728668 0.0025746941110163786
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0123365 -0.013151 -0.0503352 0.0158819
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=6718
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 8
+split_gain=0.178662 0.678727 1.3872 0.762002
+threshold=6.5000000000000009 63.500000000000007 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011317997941565395 0.00082054970075902357 -0.0018209637020865565 0.0035729535522740765 -0.002863173238590218
+leaf_weight=50 52 75 43 41
+leaf_count=50 52 75 43 41
+internal_value=0 -0.0134735 0.0290375 -0.0397897
+internal_weight=0 211 136 93
+internal_count=261 211 136 93
+shrinkage=0.02
+
+
+Tree=6719
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 2
+split_gain=0.171653 0.682638 0.528367 0.569196
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.000580735600005411 0.001125657996417097 -0.0025438375599095902 0.0019140852542258884 -0.0024394815063161208
+leaf_weight=72 49 43 57 40
+leaf_count=72 49 43 57 40
+internal_value=0 -0.0130671 0.0157747 -0.0245812
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6720
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.175412 0.591043 0.852568 0.511119
+threshold=8.5000000000000018 71.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00091298100986549394 0.0014473075327553881 0.0022040138020163204 -0.0033935964625449871 -0.00011364603836460358
+leaf_weight=69 61 51 39 41
+leaf_count=69 61 51 39 41
+internal_value=0 0.0163718 -0.0173205 -0.0862091
+internal_weight=0 192 141 80
+internal_count=261 192 141 80
+shrinkage=0.02
+
+
+Tree=6721
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.172847 1.01747 1.6039 3.31162
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011151986666614899 0.0023117273769434213 -0.0071336434183199276 0.0011242952955155014 0.00066359558487002947
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0132706 -0.0514948 -0.143719
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6722
+num_leaves=5
+num_cat=0
+split_feature=2 2 7 7
+split_gain=0.172132 0.529021 1.07502 1.79491
+threshold=8.5000000000000018 13.500000000000002 52.500000000000007 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.00090515674105763817 0.0022035095688895051 -0.0030963969328083956 0.0036552651925545266 -0.0016150253384245325
+leaf_weight=69 47 40 48 57
+leaf_count=69 47 40 48 57
+internal_value=0 0.0162403 -0.0139703 0.0393733
+internal_weight=0 192 145 105
+internal_count=261 192 145 105
+shrinkage=0.02
+
+
+Tree=6723
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 4
+split_gain=0.173393 1.11733 2.12723 1.33537
+threshold=75.500000000000014 6.5000000000000009 49.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0015104554794435816 0.0012778438816634027 -0.0010859512727457025 -0.0040926721203491624 0.00334674841098382
+leaf_weight=48 40 53 63 57
+leaf_count=48 40 53 63 57
+internal_value=0 -0.0116139 -0.0831535 0.0602196
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=6724
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.177446 0.527232 0.691135 0.823523
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00086059715397141965 -0.0011732813628124903 0.0019570191405728172 -0.0026454756476797605 0.0026303311268644105
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.0128696 -0.0170272 0.0217558
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=6725
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.173864 0.617806 1.7507 1.4654
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0012429678493578076 -0.0033630436613245906 -0.0025221511962588124 0.0027227044199723493 0.0013690607770808431
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0119668 0.0133554 -0.0670267
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=6726
+num_leaves=5
+num_cat=0
+split_feature=6 5 8 6
+split_gain=0.177095 0.57732 0.359885 0.455243
+threshold=70.500000000000014 65.500000000000014 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00058757521278805292 -0.0012199032647416438 0.0021904447342534646 -0.0017372395558844711 0.0021166280117186249
+leaf_weight=77 44 49 52 39
+leaf_count=77 44 49 52 39
+internal_value=0 0.0123553 -0.0157809 0.0157716
+internal_weight=0 217 168 116
+internal_count=261 217 168 116
+shrinkage=0.02
+
+
+Tree=6727
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.176468 1.22461 0.55544 0.630311
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013454094443693071 -0.0012523409941005456 0.0033345009513254232 -0.002566648054897916 -0.0014425131123666233
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.0119943 -0.024547 0.00649719
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=6728
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 4
+split_gain=0.18197 0.602474 0.34296 0.455489
+threshold=72.500000000000014 65.500000000000014 56.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00080896922279122393 -0.0011867266755914369 0.0023217567402343052 -0.0016898989955878017 0.001765814288700773
+leaf_weight=65 47 46 52 51
+leaf_count=65 47 46 52 51
+internal_value=0 0.0130123 -0.0150094 0.0158269
+internal_weight=0 214 168 116
+internal_count=261 214 168 116
+shrinkage=0.02
+
+
+Tree=6729
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.177914 0.598091 1.69228 1.4233
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0012558077428767083 -0.0033179242908234416 -0.0024891380529496509 0.0026714159208619183 0.0013464951306898473
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0120949 0.0128293 -0.066212
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=6730
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.182491 0.509583 0.487408 0.486572 0.26162
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00097223957424524246 0.00044482762135597694 0.0023785124968221248 -0.0020064574030548201 0.002011477468588067 -0.001839607593541898
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0194975 -0.0106724 0.0312952 -0.0397414
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=6731
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.181086 0.560061 0.906176
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00092601921748619663 0.0013717782608936987 0.0021606304217731739 -0.0018702307977642354
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0166139 -0.0162057
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6732
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.183839 0.49122 0.467465 0.462254 0.249814
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00093782472261941599 0.00041545109383309928 0.0023450201641861644 -0.001959027077034825 0.001973094950844417 -0.0018200040333066392
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0195637 -0.010073 0.031056 -0.0398721
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=6733
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.179795 0.597149 0.602825 0.877451
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0012618733806141996 -0.0020336992010690923 0.0022133915324733522 -0.0018069710953713335 0.0019322866097646726
+leaf_weight=42 57 51 71 40
+leaf_count=42 57 51 71 40
+internal_value=0 -0.0121468 0.0191409 -0.022596
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=6734
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.176285 1.07376 0.673596 0.936116
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016503651612093367 0.0012875004579427686 -0.0031813680436457632 0.0018880724215536502 -0.0022359649748932577
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0116936 0.0217017 -0.03107
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=6735
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.176747 0.479606 0.443998 0.46388 0.224832
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00096069475881611899 0.00037109542097433888 0.0023160163918340003 -0.0019161586436032836 0.0019553822446603118 -0.0017573284497870391
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0192277 -0.0100674 0.0300506 -0.0391651
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=6736
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.174528 0.569204 0.536946 1.35072
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00082476633587522368 -0.0018961501702316613 0.0023157257089853945 -0.0013425549711197477 0.0033845173895716042
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0360548 -0.0206682 0.0243246
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6737
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.174616 0.462035 0.435538 0.438901 0.230126
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00091844081963669919 0.00021125560226527371 0.0022796096966588527 -0.0018921732753065476 0.0019209810662031512 -0.0019363270380534465
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0191213 -0.00964875 0.0300998 -0.0389544
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=6738
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 7
+split_gain=0.170493 0.561196 0.953656 4.18039
+threshold=8.5000000000000018 74.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00090117147240630806 0.0024126195414660937 0.0024027918278108394 0.0015811964206080367 -0.0064955827350472442
+leaf_weight=69 46 42 65 39
+leaf_count=69 46 42 65 39
+internal_value=0 0.0161766 -0.0127089 -0.0833625
+internal_weight=0 192 150 85
+internal_count=261 192 150 85
+shrinkage=0.02
+
+
+Tree=6739
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 8 4
+split_gain=0.174967 1.03069 0.675737 0.465676 0.418796
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 49.500000000000007 60.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0023468201546676193 0.0012832671159560883 -0.0031218966036229518 0.0012547073011442821 -0.0028022319880028983 0.00012283196567124859
+leaf_weight=53 40 41 46 40 41
+leaf_count=53 40 41 46 40 41
+internal_value=0 -0.0116495 0.0210777 -0.0188228 -0.0656474
+internal_weight=0 221 180 127 81
+internal_count=261 221 180 127 81
+shrinkage=0.02
+
+
+Tree=6740
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.171982 0.549038 0.887697
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00090449785244944695 0.0013537051841401124 0.0021359273171574255 -0.0018557458100140103
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0162492 -0.0162551
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6741
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.17576 1.25064 1.19305 0.522663 1.17843
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0022016036702691365 -0.0012497688427528519 0.0034615863114781354 -0.0029494651686924438 0.0024634607128457158 -0.0026330905472537552
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0119884 -0.0238398 0.0307275 -0.0161999
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6742
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.168023 1.20037 1.14512 0.501182 1.14317
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0019946515711747412 -0.0012248156245754482 0.0033924756629942422 -0.0028905507490283749 0.0024142734780075261 -0.0027641213948006106
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0117494 -0.0233589 0.0301141 -0.0158665
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6743
+num_leaves=6
+num_cat=0
+split_feature=7 2 9 7 6
+split_gain=0.170829 0.540582 0.862578 1.50637 1.40929
+threshold=75.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0022523059811605135 -0.0011531565979990531 0.0022653999787381049 0.0021668514315168253 -0.0043448128135484864 0.0028988922482881792
+leaf_weight=42 47 44 44 40 44
+leaf_count=42 47 44 44 40 44
+internal_value=0 0.012667 -0.0131722 -0.0559598 0.0187055
+internal_weight=0 214 170 126 86
+internal_count=261 214 170 126 86
+shrinkage=0.02
+
+
+Tree=6744
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 2
+split_gain=0.170591 0.451139 1.78875 3.12432
+threshold=73.500000000000014 41.500000000000007 5.5000000000000009 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0016272813875599155 -0.0010334856596374887 -0.0014874914133965586 -0.0007174285739158082 0.0068573463105905501
+leaf_weight=41 56 76 48 40
+leaf_count=41 56 76 48 40
+internal_value=0 0.0141174 0.0382561 0.135964
+internal_weight=0 205 164 88
+internal_count=261 205 164 88
+shrinkage=0.02
+
+
+Tree=6745
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.177147 0.964352 1.48472 3.0735
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011279232434099583 0.002242126559266336 -0.0068925128018496075 0.0010605810784112127 0.00062035282659560393
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0133998 -0.0506362 -0.139413
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6746
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 2
+split_gain=0.178882 0.733907 0.618218 0.572241
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00053581880155624626 0.0011472546841834589 -0.0026299256973430457 0.0020564168180003356 -0.0024917509159691946
+leaf_weight=72 49 43 57 40
+leaf_count=72 49 43 57 40
+internal_value=0 -0.0132832 0.0166001 -0.0269599
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6747
+num_leaves=5
+num_cat=0
+split_feature=2 2 7 7
+split_gain=0.165131 0.553971 1.03363 1.8049
+threshold=8.5000000000000018 13.500000000000002 52.500000000000007 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.00088811798175198603 0.0022401886125494271 -0.0030618775729113219 0.0036234863490852026 -0.0016615279929606994
+leaf_weight=69 47 40 48 57
+leaf_count=69 47 40 48 57
+internal_value=0 0.0159613 -0.0149348 0.0373835
+internal_weight=0 192 145 105
+internal_count=261 192 145 105
+shrinkage=0.02
+
+
+Tree=6748
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.174437 0.466902 0.783457 0.765095
+threshold=72.050000000000026 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00068078813236762444 0.0011343584223004145 -0.0019234400362040289 0.0025860628898191919 -0.0027272297246483269
+leaf_weight=72 49 53 44 43
+leaf_count=72 49 53 44 43
+internal_value=0 -0.013134 0.014324 -0.0293723
+internal_weight=0 212 159 115
+internal_count=261 212 159 115
+shrinkage=0.02
+
+
+Tree=6749
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.1671 0.654548 0.771219 0.913014
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00082575207680798653 0.00095861704254039627 -0.0026201193435161762 0.0020479724511674622 -0.0031350809665515178
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.0149516 0.0140378 -0.0420613
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=6750
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 4
+split_gain=0.171019 0.615421 0.3259 0.45395
+threshold=72.500000000000014 65.500000000000014 56.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00083461415670114828 -0.0011536018821779446 0.0023364751770306442 -0.0016692537794489538 0.0017362794913212941
+leaf_weight=65 47 46 52 51
+leaf_count=65 47 46 52 51
+internal_value=0 0.0126797 -0.0156347 0.0144583
+internal_weight=0 214 168 116
+internal_count=261 214 168 116
+shrinkage=0.02
+
+
+Tree=6751
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 8
+split_gain=0.167255 0.652985 1.43352 0.795891
+threshold=6.5000000000000009 63.500000000000007 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.001099491064148288 0.0008254370798768387 -0.0017836647115988217 0.0036144573155151376 -0.0029373101836752077
+leaf_weight=50 52 75 43 41
+leaf_count=50 52 75 43 41
+internal_value=0 -0.0130478 0.028669 -0.0412887
+internal_weight=0 211 136 93
+internal_count=261 211 136 93
+shrinkage=0.02
+
+
+Tree=6752
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.172905 0.435908 0.730689 0.877757
+threshold=72.050000000000026 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0008119647328985849 0.0011300060570631756 -0.0018685592981927562 0.001991194507696211 -0.0030731903777045291
+leaf_weight=56 49 53 62 41
+leaf_count=56 49 53 62 41
+internal_value=0 -0.0130759 0.013486 -0.0411502
+internal_weight=0 212 159 97
+internal_count=261 212 159 97
+shrinkage=0.02
+
+
+Tree=6753
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.167638 0.617866 0.711573 0.725976
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00066666886551594866 0.00096011476980143254 -0.0025564285935771296 0.0024588368516242068 -0.0026552551241285816
+leaf_weight=72 62 40 44 43
+leaf_count=72 62 40 44 43
+internal_value=0 -0.0149671 0.0132162 -0.0284675
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=6754
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.17821 0.563842 0.935736
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00091877121633651975 0.0013948008071048546 0.0021648077713444158 -0.0018985822318624483
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0165247 -0.0164027
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6755
+num_leaves=5
+num_cat=0
+split_feature=7 5 7 7
+split_gain=0.170548 0.631359 0.343419 0.365005
+threshold=75.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010952394695718716 -0.0011520551372139803 0.002362244403269122 -0.0014783014130877426 0.0014141360836576796
+leaf_weight=40 47 46 66 62
+leaf_count=40 47 46 66 62
+internal_value=0 0.0126702 -0.0159999 0.0211077
+internal_weight=0 214 168 102
+internal_count=261 214 168 102
+shrinkage=0.02
+
+
+Tree=6756
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 7
+split_gain=0.171206 1.19905 1.00778 0.349813
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010733729414967252 -0.0012349382814330729 0.0025103705669160519 -0.0030568887594454859 0.00138588531617095
+leaf_weight=40 42 66 51 62
+leaf_count=40 42 66 51 62
+internal_value=0 0.0118585 -0.036945 0.0206779
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=6757
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 3
+split_gain=0.172517 0.54119 0.887968 3.81288
+threshold=8.5000000000000018 74.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00090560949253128999 0.002383267611946265 0.0023687197613353425 0.0015301771982485239 -0.006111788483727505
+leaf_weight=69 45 42 65 40
+leaf_count=69 45 42 65 40
+internal_value=0 0.0162793 -0.0121 -0.0803371
+internal_weight=0 192 150 85
+internal_count=261 192 150 85
+shrinkage=0.02
+
+
+Tree=6758
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.173399 1.18477 0.52026 0.626217
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013326551263567784 -0.0012420103080714149 0.0032832312122446027 -0.0024917061749908328 -0.0014465469577015001
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.0119257 -0.0240228 0.00604843
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=6759
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 4
+split_gain=0.17678 0.600111 0.306681 0.443009
+threshold=72.500000000000014 65.500000000000014 56.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00082789480415965371 -0.0011708836312937412 0.0023149920254460585 -0.0016204005564234411 0.001713146891628013
+leaf_weight=65 47 46 52 51
+leaf_count=65 47 46 52 51
+internal_value=0 0.0128689 -0.0150994 0.0141377
+internal_weight=0 214 168 116
+internal_count=261 214 168 116
+shrinkage=0.02
+
+
+Tree=6760
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 6
+split_gain=0.170221 0.58998 1.07364 0.687954
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00059373717400033204 -0.0011512639034014739 0.0024796072914471255 -0.0030231846780768117 0.0023783259915801168
+leaf_weight=76 47 40 43 55
+leaf_count=76 47 40 43 55
+internal_value=0 0.0126496 -0.0127534 0.0324288
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=6761
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.172543 0.486493 0.56689 0.410523
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00062291871832594688 -0.0010387684667686611 0.0017605736264262703 -0.0023974151871617704 0.0020483469914729558
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0141895 -0.0190697 0.0219139
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6762
+num_leaves=6
+num_cat=0
+split_feature=4 2 2 3 4
+split_gain=0.17355 0.63681 0.698678 1.26115 3.01177
+threshold=50.500000000000007 25.500000000000004 19.500000000000004 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0012422552350611876 0.0012778014033378005 -0.0025554211661201003 0.0025294108719969115 0.0024609525458161555 -0.0059987453585249829
+leaf_weight=42 55 40 43 42 39
+leaf_count=42 55 40 43 42 39
+internal_value=0 -0.0119423 0.0137576 -0.0216323 -0.0867452
+internal_weight=0 219 179 136 94
+internal_count=261 219 179 136 94
+shrinkage=0.02
+
+
+Tree=6763
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.170078 0.435975 0.763047 0.901777
+threshold=72.050000000000026 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00081226925793998655 0.001121618930812768 -0.0018668459931717365 0.0020297323855605507 -0.0031245306269557104
+leaf_weight=56 49 53 62 41
+leaf_count=56 49 53 62 41
+internal_value=0 -0.0129836 0.0135805 -0.0422275
+internal_weight=0 212 159 97
+internal_count=261 212 159 97
+shrinkage=0.02
+
+
+Tree=6764
+num_leaves=6
+num_cat=0
+split_feature=6 9 8 4 5
+split_gain=0.167391 0.562604 1.23749 0.343099 0.285245
+threshold=70.500000000000014 72.500000000000014 58.500000000000007 50.500000000000007 52.000000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0012162055046478473 -0.0011890972547261844 -0.0019648955819977195 0.0034561808226318451 -0.002213747909895709 0.00013828025676270277
+leaf_weight=42 44 39 49 44 43
+leaf_count=42 44 39 49 44 43
+internal_value=0 0.0120671 0.0364903 -0.0150455 -0.0521443
+internal_weight=0 217 178 129 87
+internal_count=261 217 178 129 87
+shrinkage=0.02
+
+
+Tree=6765
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.171861 0.566303 0.902838
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00090406822837027327 0.0013578555052337659 0.0021632381585366999 -0.0018782230466101294
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0162514 -0.0167465
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6766
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.169344 0.432861 0.723474 0.870192
+threshold=72.050000000000026 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00081093720521692155 0.001119511682885225 -0.001860788958949155 0.0019835310988098177 -0.0030578046874942528
+leaf_weight=56 49 53 62 41
+leaf_count=56 49 53 62 41
+internal_value=0 -0.0129554 0.013517 -0.0408544
+internal_weight=0 212 159 97
+internal_count=261 212 159 97
+shrinkage=0.02
+
+
+Tree=6767
+num_leaves=5
+num_cat=0
+split_feature=3 3 9 4
+split_gain=0.170791 0.676931 0.393075 0.940855
+threshold=71.500000000000014 65.500000000000014 41.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0020878149021730601 -0.00094810046782373776 0.0025932317929430277 0.0028463787935046792 -0.0010015486279388681
+leaf_weight=39 64 42 39 77
+leaf_count=39 64 42 39 77
+internal_value=0 0.015412 -0.0153325 0.0143098
+internal_weight=0 197 155 116
+internal_count=261 197 155 116
+shrinkage=0.02
+
+
+Tree=6768
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 8
+split_gain=0.169793 0.462586 2.80404 0.754726
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0038800758112405736 -0.0010311966066120653 0.00084520194192956935 -0.002507058871816592 -0.0028371390917852962
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0140941 0.0580004 -0.0394031
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6769
+num_leaves=5
+num_cat=0
+split_feature=2 9 3 9
+split_gain=0.177933 0.548154 0.751328 0.498503
+threshold=8.5000000000000018 71.500000000000014 56.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00091832162732460973 0.0013665536567214979 0.0021395721544613922 -0.0032640859968283303 -2.4322301098572997e-05
+leaf_weight=69 61 51 39 41
+leaf_count=69 61 51 39 41
+internal_value=0 0.0165035 -0.0159748 -0.0807586
+internal_weight=0 192 141 80
+internal_count=261 192 141 80
+shrinkage=0.02
+
+
+Tree=6770
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.16916 1.17357 0.512881 0.577085
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012822775920727104 -0.0012285101119387254 0.0032662513177569171 -0.0024773544047707215 -0.0013891340613324812
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.0117851 -0.023995 0.00586793
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=6771
+num_leaves=5
+num_cat=0
+split_feature=6 9 8 2
+split_gain=0.172236 0.552942 1.22118 0.362957
+threshold=70.500000000000014 72.500000000000014 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012690132682690995 -0.0012045558273795648 -0.0019435274751252887 0.003437301009644407 0.00092069051876489231
+leaf_weight=72 44 39 49 57
+leaf_count=72 44 39 49 57
+internal_value=0 0.0122128 0.0364335 -0.0147648
+internal_weight=0 217 178 129
+internal_count=261 217 178 129
+shrinkage=0.02
+
+
+Tree=6772
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.171359 0.809958 0.898514 1.74824
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0022488398003941141 0.00087660255535260579 -0.0029331110937686295 -0.0014802923700350927 0.0036019704039389989
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0167281 0.0168392 0.0642555
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=6773
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.164384 0.429044 0.7259 0.707152
+threshold=72.050000000000026 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013658500927400765 0.0011044381942280398 -0.0018509441012151951 0.0024870300582403603 -0.0018733110612270992
+leaf_weight=46 49 53 44 69
+leaf_count=46 49 53 44 69
+internal_value=0 -0.0128003 0.0135596 -0.0285326
+internal_weight=0 212 159 115
+internal_count=261 212 159 115
+shrinkage=0.02
+
+
+Tree=6774
+num_leaves=5
+num_cat=0
+split_feature=6 5 8 4
+split_gain=0.169812 0.560095 0.32515 0.460407
+threshold=70.500000000000014 65.500000000000014 56.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00084209876070012334 -0.0011969879571968043 0.0021578120870699049 -0.0016669229997401736 0.0017462864161611467
+leaf_weight=65 44 49 52 51
+leaf_count=65 44 49 52 51
+internal_value=0 0.0121331 -0.0155915 0.0144686
+internal_weight=0 217 168 116
+internal_count=261 217 168 116
+shrinkage=0.02
+
+
+Tree=6775
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.166443 0.544258 0.881311
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00089149844561560183 0.0013456377361274715 0.0021234703607257623 -0.0018524716794289639
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0160059 -0.0163609
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6776
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.168585 0.919084 1.47533 2.96519
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011031609657420496 0.0021894947465626196 -0.0067913677545447049 0.0010772487442765302 0.00058849120991924877
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0131054 -0.0494794 -0.137982
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6777
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.167204 0.660387 0.591164 0.574021
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00051305747593380748 0.0011130675076922113 -0.0025038349982727313 0.0019974377749261579 -0.0025365171291073297
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.012887 0.015491 -0.0271315
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6778
+num_leaves=5
+num_cat=0
+split_feature=7 5 9 2
+split_gain=0.165395 0.607715 0.30589 1.2613
+threshold=75.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0010512992143873919 -0.0011365428265949482 0.0023200239683920892 0.0016750011447637431 -0.0025619806589325346
+leaf_weight=49 47 46 47 72
+leaf_count=49 47 46 47 72
+internal_value=0 0.0124892 -0.0156519 -0.0440916
+internal_weight=0 214 168 119
+internal_count=261 214 168 119
+shrinkage=0.02
+
+
+Tree=6779
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.171938 0.525571 0.856883
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00090421669995804617 0.0013386740638030631 0.0020983305772456821 -0.001815848488813794
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0162562 -0.015565
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6780
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.165652 0.663711 0.562321 0.557042
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00052088799637483479 0.0011085751596614278 -0.0025081212375428082 0.0019597462968502944 -0.0024848582434446758
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.0128269 0.0156209 -0.0259758
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6781
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.170978 1.16453 0.493482 0.543922
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012426275742630931 -0.0012341821794416947 0.0032560861963421878 -0.0024365605875062398 -0.0013535383216051638
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.0118523 -0.0237911 0.00551767
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=6782
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 4
+split_gain=0.175441 0.5912 0.317098 0.450366
+threshold=72.500000000000014 65.500000000000014 56.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00082412261424827491 -0.0011668640021048765 0.0022993137575370616 -0.0016380677753546106 0.0017369417176569702
+leaf_weight=65 47 46 52 51
+leaf_count=65 47 46 52 51
+internal_value=0 0.0128264 -0.0149385 0.0147669
+internal_weight=0 214 168 116
+internal_count=261 214 168 116
+shrinkage=0.02
+
+
+Tree=6783
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 3
+split_gain=0.16915 0.5261 0.482693 1.11901 0.606866
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 57.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0014438237844551719 -0.0011946988358353173 0.0022319149055366264 0.00051003086398574945 0.0032315509489687332 -0.0028257510454731951
+leaf_weight=42 44 44 41 41 49
+leaf_count=42 44 44 41 41 49
+internal_value=0 0.0121219 -0.0129816 0.0428423 -0.064901
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=6784
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 2
+split_gain=0.167391 0.515978 1.22447 1.26766
+threshold=8.5000000000000018 72.500000000000014 65.100000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.0008935020400384616 0.0030066872104425706 0.002380606007860104 -0.0032455231408868197 -0.0012740630773548053
+leaf_weight=69 56 40 40 56
+leaf_count=69 56 40 40 56
+internal_value=0 0.0160595 -0.0108173 0.0429857
+internal_weight=0 192 152 112
+internal_count=261 192 152 112
+shrinkage=0.02
+
+
+Tree=6785
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.166853 0.479009 0.549901 0.422917
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012250987458845401 -0.0010232732197711955 0.0017454552419096426 -0.0023672650558164239 0.0014965294463770743
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0139797 -0.0190314 0.0213493
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6786
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 6
+split_gain=0.166284 0.587052 1.06962 0.700381
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00060786080094789167 -0.0011393784584894234 0.002471552295282591 -0.00301959235651022 0.0023902918303404653
+leaf_weight=76 47 40 43 55
+leaf_count=76 47 40 43 55
+internal_value=0 0.0125134 -0.0128283 0.0322703
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=6787
+num_leaves=6
+num_cat=0
+split_feature=4 2 2 3 4
+split_gain=0.165323 0.632726 0.684521 1.23066 2.91373
+threshold=50.500000000000007 25.500000000000004 19.500000000000004 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0012155332416118906 0.0012545587252592119 -0.0025431516161874136 0.002510570627590717 0.0024367984294154624 -0.0059032239144492073
+leaf_weight=42 55 40 43 42 39
+leaf_count=42 55 40 43 42 39
+internal_value=0 -0.0116876 0.013932 -0.0211047 -0.0854419
+internal_weight=0 219 179 136 94
+internal_count=261 219 179 136 94
+shrinkage=0.02
+
+
+Tree=6788
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.169732 0.694491 0.600809 1.31105
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016773481964155264 -0.00094561481075333762 0.0026208419517704936 -0.0016923201396890821 0.0033629216570057381
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0153618 -0.0157709 0.0428401
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6789
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.17058 0.85479 1.43243 2.86046
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.001109120076202676 0.002102609710259871 -0.006670526386214696 0.0010713038930677615 0.00057848086510499147
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0131675 -0.0482792 -0.135506
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6790
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.174566 0.409943 0.756491 0.848298
+threshold=72.050000000000026 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00074923026624456408 0.0011348822791017751 -0.0018232202409170476 0.0020039725895183028 -0.0030711306822047428
+leaf_weight=56 49 53 62 41
+leaf_count=56 49 53 62 41
+internal_value=0 -0.013131 0.0126562 -0.0429185
+internal_weight=0 212 159 97
+internal_count=261 212 159 97
+shrinkage=0.02
+
+
+Tree=6791
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.170021 0.755848 0.893327 1.74285
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0022625238078176632 0.00087386832098135833 -0.0028454711937922665 -0.0014996385130907025 0.0035749751521422981
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0166526 0.0157935 0.0630789
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=6792
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 4
+split_gain=0.172431 1.05969 1.879 1.26128
+threshold=75.500000000000014 6.5000000000000009 49.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.001358297401452129 0.0012751865801235254 -0.0010580589550238265 -0.0039101924413033409 0.0032515741680199306
+leaf_weight=48 40 53 63 57
+leaf_count=48 40 53 63 57
+internal_value=0 -0.0115589 -0.0812652 0.0584247
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=6793
+num_leaves=6
+num_cat=0
+split_feature=8 5 9 2 8
+split_gain=0.169526 0.597558 0.316204 1.26863 3.34863
+threshold=72.500000000000014 65.500000000000014 42.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0010804452388622329 -0.0011490053482177988 0.0023060886867527124 0.0047738051448815433 -0.003863179108463104 -0.0034269679434069584
+leaf_weight=49 47 46 39 39 41
+leaf_count=49 47 46 39 39 41
+internal_value=0 0.0126341 -0.0152764 -0.044162 0.0280798
+internal_weight=0 214 168 119 80
+internal_count=261 214 168 119 80
+shrinkage=0.02
+
+
+Tree=6794
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.173297 0.531425 0.857996
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00090735493032325113 0.0013374918465093903 0.0021090169433910645 -0.0018190184981133816
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0163165 -0.0156763
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6795
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 7
+split_gain=0.169828 1.18057 0.895447 0.346711
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011261152371016708 -0.0012304591082013471 0.0024922564490531245 -0.002919859924159079 0.0013235203567211113
+leaf_weight=40 42 66 51 62
+leaf_count=40 42 66 51 62
+internal_value=0 0.0118167 -0.0366139 0.0177464
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=6796
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.170569 0.546661 1.24226 0.457949
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00095355473617594378 -0.0011991163002023195 -0.0019323243877757746 0.003087030583547637 -0.0016037319611182316
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.01217 0.0362585 -0.023506
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6797
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.165687 0.74903 0.862763 1.70606
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0022180570210189572 0.00086370763640405751 -0.0028307518633790473 -0.0014856484372243925 0.0035356630516891695
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0164685 0.0158337 0.0623244
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=6798
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.172708 0.522158 0.842259
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00090617331780684196 0.0013273193489799597 0.0020932776874377345 -0.0018007677381492843
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0162816 -0.015439
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6799
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.168804 0.847748 1.62697 2.46376
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0011178036525144046 0.0035697344883830022 -0.002759030967078459 -0.0044331843944138624 0.0014383572455487048
+leaf_weight=49 47 44 47 74
+leaf_count=49 47 44 47 74
+internal_value=0 -0.0129424 0.0196039 -0.041848
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=6800
+num_leaves=5
+num_cat=0
+split_feature=4 1 7 4
+split_gain=0.172504 1.05105 1.89399 1.18648
+threshold=75.500000000000014 6.5000000000000009 53.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.001863883153768082 0.0012753576218025745 -0.00099742565419863962 -0.0035936583328451716 0.0031841137562947787
+leaf_weight=40 40 53 71 57
+leaf_count=40 40 53 71 57
+internal_value=0 -0.0115646 -0.0809919 0.0581375
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=6801
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 1
+split_gain=0.176421 0.510691 2.09293 0.977511
+threshold=8.5000000000000018 54.500000000000007 63.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=-0.00091472124611570275 0.0011843488869445933 0.0049783679024472038 -0.00085009425081694666 -0.0031456633754463189
+leaf_weight=69 45 39 68 40
+leaf_count=69 45 39 68 40
+internal_value=0 0.0164447 0.0634346 -0.0422406
+internal_weight=0 192 107 85
+internal_count=261 192 107 85
+shrinkage=0.02
+
+
+Tree=6802
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.170639 1.16792 1.11028 0.567017 1.18826
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0021564888467500666 -0.0012332055246798816 0.0033519544374148447 -0.0028429155178748269 0.0025204599363406596 -0.002697592536326985
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0118359 -0.0227997 0.029864 -0.0189663
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=6803
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 7
+split_gain=0.173617 0.57564 0.292317 0.466983
+threshold=72.500000000000014 65.500000000000014 56.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00084062708074609561 -0.0011614499535053076 0.0022719100531047509 -0.0015820165939195521 0.0017714711218411656
+leaf_weight=66 47 46 52 50
+leaf_count=66 47 46 52 50
+internal_value=0 0.0127642 -0.0146422 0.0139387
+internal_weight=0 214 168 116
+internal_count=261 214 168 116
+shrinkage=0.02
+
+
+Tree=6804
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.170368 0.50443 0.786957
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00090062014548779757 0.0012823535009843148 0.0020621995257028799 -0.0017436737972054547
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0161842 -0.015009
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=6805
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 3 7
+split_gain=0.173852 0.51788 0.412416 0.390395 0.28269
+threshold=67.500000000000014 60.500000000000007 58.500000000000007 49.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00097289351862289112 0.00050885037842509631 0.0024184300958373941 -0.0018469668009504592 0.0017316537741761256 -0.0018606714509539933
+leaf_weight=39 39 40 44 52 47
+leaf_count=39 39 40 44 52 47
+internal_value=0 0.0190972 -0.0108239 0.028196 -0.0388643
+internal_weight=0 175 135 91 86
+internal_count=261 175 135 91 86
+shrinkage=0.02
+
+
+Tree=6806
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.169235 0.799425 1.59316 2.40415
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0011191173931817209 0.0035182747606996119 -0.0026886934557955417 -0.0043958148084041141 0.0014047255259109315
+leaf_weight=49 47 44 47 74
+leaf_count=49 47 44 47 74
+internal_value=0 -0.0129553 0.0186655 -0.0421504
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=6807
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.170588 0.547333 0.411875 0.45964 0.270734
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010274760013511295 0.00048943788400537249 0.0024371197236924529 -0.00190012316070523 0.0018765805222872975 -0.0018324337188342029
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0189387 -0.0122997 0.0263851 -0.0385328
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=6808
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 7
+split_gain=0.168105 0.503431 0.968945 3.64675
+threshold=8.5000000000000018 74.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00089518339186151733 0.0021606446899973394 0.0022950294955286243 0.0016237176380638194 -0.0061616467973415225
+leaf_weight=69 46 42 65 39
+leaf_count=69 46 42 65 39
+internal_value=0 0.0160912 -0.0113078 -0.0825171
+internal_weight=0 192 150 85
+internal_count=261 192 150 85
+shrinkage=0.02
+
+
+Tree=6809
+num_leaves=5
+num_cat=0
+split_feature=4 1 7 4
+split_gain=0.17369 1.07516 1.79147 1.1392
+threshold=75.500000000000014 6.5000000000000009 53.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0017526595738870056 0.0012793779863304469 -0.00093931295624870086 -0.0035561473831372948 0.0031590711140154293
+leaf_weight=40 40 53 71 57
+leaf_count=40 40 53 71 57
+internal_value=0 -0.0115953 -0.0817981 0.0588893
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=6810
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 7
+split_gain=0.168266 0.731773 0.374475 0.317203
+threshold=68.65000000000002 58.500000000000007 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011013277764923709 -0.00087813823049214727 0.0026200594495206782 -0.0019414686769862442 0.0012477784649807609
+leaf_weight=40 71 44 44 62
+leaf_count=40 71 44 44 62
+internal_value=0 0.0164216 -0.0178822 0.01593
+internal_weight=0 190 146 102
+internal_count=261 190 146 102
+shrinkage=0.02
+
+
+Tree=6811
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 4
+split_gain=0.167702 0.527886 2.10872 1.5102
+threshold=8.5000000000000018 54.500000000000007 63.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=-0.00089415770704181542 0.0018945448849071748 0.0049999384316972133 -0.00085028176530440409 -0.0034653766815059711
+leaf_weight=69 41 39 68 44
+leaf_count=69 41 39 68 44
+internal_value=0 0.0160771 0.0638222 -0.0435584
+internal_weight=0 192 107 85
+internal_count=261 192 107 85
+shrinkage=0.02
+
+
+Tree=6812
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.173087 1.21869 1.0041 1.37032
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00025267143241783059 -0.0012410655879112953 0.0032376757659743315 0.0012891119054504749 -0.0044353773360086279
+leaf_weight=57 42 44 73 45
+leaf_count=57 42 44 73 45
+internal_value=0 0.0119134 -0.0256146 -0.0904685
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=6813
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.175221 0.766959 1.41465 2.60511
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011227486340173922 0.0019773521674058777 -0.0064470551909131847 0.0010918674905528493 0.00047223470309977472
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0133168 -0.0466262 -0.133322
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6814
+num_leaves=5
+num_cat=0
+split_feature=5 8 2 5
+split_gain=0.183136 0.545436 0.848802 0.533156
+threshold=53.500000000000007 62.500000000000007 10.500000000000002 48.45000000000001
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.00077095878277287503 0.0021545517623184143 -0.0027740984761504407 0.0009264106785720111 -0.0022244689925906857
+leaf_weight=49 52 39 72 49
+leaf_count=49 52 39 72 49
+internal_value=0 0.0216379 -0.0183747 -0.0359558
+internal_weight=0 163 111 98
+internal_count=261 163 111 98
+shrinkage=0.02
+
+
+Tree=6815
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.183512 0.657852 0.673136 0.529355
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00040450162240381163 0.0011609269743502468 -0.0025101757234657395 0.0020953515700999838 -0.002527064638336754
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.013417 0.0149069 -0.0305057
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6816
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.178758 0.987245 0.730006 0.871867
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015016705423268305 0.0012962961853636391 -0.0030631878827740476 0.0019182475077913176 -0.0022509089577104333
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0117316 0.0203074 -0.0345854
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=6817
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 9
+split_gain=0.187227 0.817373 1.49906 2.1633
+threshold=49.500000000000007 54.500000000000007 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0013428673673719588 -0.001708836938984443 0.0058614562394063152 -0.0010476641208667866 -0.00058355044011939108
+leaf_weight=39 63 45 75 39
+leaf_count=39 63 45 75 39
+internal_value=0 0.0118323 0.050647 0.143081
+internal_weight=0 222 159 84
+internal_count=261 222 159 84
+shrinkage=0.02
+
+
+Tree=6818
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.180322 0.749554 1.34136 2.51977
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011374632561542519 0.0019489960140266363 -0.0063362158793283871 0.0010433149886016953 0.00046947421261543589
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0134824 -0.0464227 -0.130876
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6819
+num_leaves=5
+num_cat=0
+split_feature=5 4 8 2
+split_gain=0.190458 0.7803 0.503216 0.822243
+threshold=53.500000000000007 52.500000000000007 62.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0007581378711733614 0.002096817411449424 -0.0029097819951576045 -0.0026986904948804887 0.00094504543094359118
+leaf_weight=58 52 40 39 72
+leaf_count=58 52 40 39 72
+internal_value=0 -0.0365912 0.0220313 -0.0164439
+internal_weight=0 98 163 111
+internal_count=261 98 163 111
+shrinkage=0.02
+
+
+Tree=6820
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 2
+split_gain=0.19559 0.62119 0.655677 0.50877
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0003929678319776474 0.0011950090219459734 -0.0024563764960148066 0.00204933125547254 -0.0024663023618292802
+leaf_weight=72 49 43 57 40
+leaf_count=72 49 43 57 40
+internal_value=0 -0.0138031 0.0137374 -0.0310982
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6821
+num_leaves=6
+num_cat=0
+split_feature=4 2 1 3 5
+split_gain=0.18874 0.912141 2.11336 1.03507 2.27456
+threshold=49.500000000000007 25.500000000000004 9.5000000000000018 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0013476820557447599 0.0011056891045134721 -0.0025191220378590127 0.0049252120059030983 0.0020702646190191641 -0.0052475948706898565
+leaf_weight=39 54 40 40 49 39
+leaf_count=39 54 40 40 49 39
+internal_value=0 0.0118794 0.0424293 -0.0147994 -0.0775969
+internal_weight=0 222 182 142 93
+internal_count=261 222 182 142 93
+shrinkage=0.02
+
+
+Tree=6822
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.196244 0.53186 0.768655 0.826579
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00066962996401080102 0.0010310840197849797 -0.0024201857674209619 0.0019676644758496744 -0.003101975442771352
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.0160486 0.0101468 -0.04587
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=6823
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.187669 0.510065 0.739873 0.746147
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013367264378684085 0.0010104856892234272 -0.0023718664791441513 0.0024358012489864608 -0.0019877525115342778
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0157246 0.00994364 -0.0325502
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=6824
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.186785 0.64065 0.841008 1.70644
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0022521278102230723 0.00091205724553917501 -0.0026652557150555413 -0.0015627055499566537 0.0034595659411780074
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0173488 0.0125704 0.0584953
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=6825
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.180419 0.500647 0.712355 0.784881
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00066758375181028365 0.00099266886103742858 -0.0023480240734108583 0.0019004744618281238 -0.0030098837077806311
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.0154487 0.00998867 -0.0439809
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=6826
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.17788 0.622365 0.809386 1.62737
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0022064553606917742 0.00089217516652432345 -0.0026254694048998941 -0.0015169437297785238 0.0033887628613612571
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0169726 0.0125265 0.0576041
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=6827
+num_leaves=5
+num_cat=0
+split_feature=1 2 6 9
+split_gain=0.183823 1.0529 2.82602 0.653076
+threshold=8.5000000000000018 20.500000000000004 64.500000000000014 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00075718910530243291 0.0012649438235196489 -0.0019492108635396905 0.0058921868003674084 -0.002147205589564701
+leaf_weight=75 39 52 39 56
+leaf_count=75 39 52 39 56
+internal_value=0 0.0211568 0.0756402 -0.0369057
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=6828
+num_leaves=6
+num_cat=0
+split_feature=4 2 6 3 5
+split_gain=0.175247 0.847885 2.21304 0.994266 2.47589
+threshold=49.500000000000007 25.500000000000004 49.500000000000007 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0013034760962674951 0.0049903181430286147 -0.0024301180509756948 0.0012509576026690709 0.0019678843583792465 -0.0053538784876722405
+leaf_weight=39 40 40 53 49 40
+leaf_count=39 40 40 53 49 40
+internal_value=0 0.0114851 0.040969 -0.017589 -0.0791563
+internal_weight=0 222 182 142 93
+internal_count=261 222 182 142 93
+shrinkage=0.02
+
+
+Tree=6829
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.173045 0.556914 1.74117 0.156391
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00090648633860072132 0.0035514993085695975 -0.0014649849601228748 -0 -0.0018971342080425435
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0163198 0.0498939 -0.0482593
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=6830
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 1
+split_gain=0.170502 0.499912 0.453731 1.4187
+threshold=53.500000000000007 48.45000000000001 71.500000000000014 8.5000000000000018
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.00074782585512238602 0.003318878777295644 -0.0021559630099639206 -0.00091403815533081466 -0.0015638701691370912
+leaf_weight=49 58 49 64 41
+leaf_count=49 58 49 64 41
+internal_value=0 -0.0348207 0.0209532 0.0644489
+internal_weight=0 98 163 99
+internal_count=261 98 163 99
+shrinkage=0.02
+
+
+Tree=6831
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.17351 0.957953 0.691021 0.853081
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015009481802544682 0.0012788751269921955 -0.00301885769287288 0.001871963657827592 -0.0022119583904655353
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0115852 0.0199816 -0.0334575
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=6832
+num_leaves=5
+num_cat=0
+split_feature=4 2 2 1
+split_gain=0.180692 0.419386 1.67783 0.809284
+threshold=53.500000000000007 11.500000000000002 17.500000000000004 6.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.00096230029766691892 -0.00091670761068767806 0.0041987916768875316 0.0012883559873657329 -0.0027753493708510945
+leaf_weight=65 72 44 41 39
+leaf_count=65 72 44 41 39
+internal_value=0 0.0159773 0.0521966 -0.0341702
+internal_weight=0 196 124 80
+internal_count=261 196 124 80
+shrinkage=0.02
+
+
+Tree=6833
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.173581 0.798687 1.45999 2.46357
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.001118099949278837 0.002023473417272879 -0.0063826084938546444 0.0011116878859241239 0.00034670565423807734
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0132568 -0.0472284 -0.135282
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6834
+num_leaves=5
+num_cat=0
+split_feature=4 2 2 1
+split_gain=0.183753 0.400323 1.65941 0.776823
+threshold=53.500000000000007 11.500000000000002 17.500000000000004 6.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.00096949697914844638 -0.00088687477352939414 0.0041683537370920702 0.0012451693191779683 -0.0027379078482281743
+leaf_weight=65 72 44 41 39
+leaf_count=65 72 44 41 39
+internal_value=0 0.0161043 0.0515307 -0.0343643
+internal_weight=0 196 124 80
+internal_count=261 196 124 80
+shrinkage=0.02
+
+
+Tree=6835
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.181286 0.522098 0.577862 0.511545
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00039384326759271562 0.001154525105130487 -0.0022717293084795636 0.0019087741125145914 -0.0024896621497384661
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.0133453 0.0119598 -0.0302012
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6836
+num_leaves=4
+num_cat=0
+split_feature=7 1 5
+split_gain=0.177525 1.57277 2.59157
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.0009449000125242035 -0.0020101622521542847 0.0051730514227153511 -0.00074873336869554969
+leaf_weight=66 73 51 71
+leaf_count=66 73 51 71
+internal_value=0 0.016018 0.086088
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=6837
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.172274 0.597856 0.788326 1.5959
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0021819381607361258 0.00087911889306447276 -0.0025769366928461357 -0.0015096301397199707 0.0033489625060173327
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0167468 0.0121792 0.0566844
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=6838
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.180239 1.63595 1.46738 0.639053
+threshold=8.5000000000000018 67.65000000000002 59.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00078706775876507781 -0.0021874013398168533 0.0031462676549981177 -0.0040393559262791433 0.001166037695887375
+leaf_weight=67 54 58 41 41
+leaf_count=67 54 58 41 41
+internal_value=0 0.0209538 -0.0519606 -0.036596
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6839
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.177904 0.789007 1.46823 2.39834
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0011446968670869909 0.0033844492926842248 -0.0026788036139449053 -0.0043531234314163041 0.0014406199623324281
+leaf_weight=49 47 44 47 74
+leaf_count=49 47 44 47 74
+internal_value=0 -0.0132371 0.0181803 -0.0402225
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=6840
+num_leaves=6
+num_cat=0
+split_feature=5 4 9 6 8
+split_gain=0.181977 0.771356 0.461675 0.32461 0.22335
+threshold=53.500000000000007 52.500000000000007 67.500000000000014 67.500000000000014 63.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -2
+right_child=2 -3 3 -5 -6
+leaf_value=0.00076449787127123815 0.0026191587138051152 -0.0028829226809262577 0.0005995983485974041 -0.0019681012559805782 0.0003847753372313209
+leaf_weight=58 41 40 43 40 39
+leaf_count=58 41 40 43 40 39
+internal_value=0 -0.0358541 0.0215751 -0.0314416 0.0770588
+internal_weight=0 98 163 83 80
+internal_count=261 98 163 83 80
+shrinkage=0.02
+
+
+Tree=6841
+num_leaves=5
+num_cat=0
+split_feature=4 9 8 6
+split_gain=0.184038 0.41081 0.449661 0.240579
+threshold=53.500000000000007 67.500000000000014 55.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.00097015629541824478 0.0028362804631667906 0.00029918047576789819 0.00014312129026294103 -0.0019288080950791264
+leaf_weight=65 41 43 72 40
+leaf_count=65 41 43 72 40
+internal_value=0 0.0161165 0.0564256 -0.038282
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=6842
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.181379 0.897986 0.658308 0.838497
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014833874195392042 0.0013048651246974556 -0.0029364729656116539 0.0018136104583873439 -0.0021982911427750689
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0118062 0.0187708 -0.0334199
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=6843
+num_leaves=5
+num_cat=0
+split_feature=5 3 5 7
+split_gain=0.18917 0.547209 1.04604 0.43782
+threshold=70.000000000000014 65.500000000000014 55.95000000000001 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00096660267026590051 0.0010140723357943689 0.0016517279013108595 -0.0036563249552245551 0.0016133756894758356
+leaf_weight=66 62 45 41 47
+leaf_count=66 62 45 41 47
+internal_value=0 -0.0157843 -0.0448131 0.00498724
+internal_weight=0 199 154 113
+internal_count=261 199 154 113
+shrinkage=0.02
+
+
+Tree=6844
+num_leaves=6
+num_cat=0
+split_feature=5 5 9 6 5
+split_gain=0.181343 0.478161 0.445237 0.297073 0.219985
+threshold=53.500000000000007 48.45000000000001 67.500000000000014 67.500000000000014 62.400000000000006
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -2
+right_child=2 -3 3 -5 -6
+leaf_value=0.00069761385454503774 0.00037324546268750921 -0.0021442514473341964 0.00056686432913225979 -0.0018956070733034671 0.0025921399294395776
+leaf_weight=49 39 49 43 40 41
+leaf_count=49 39 49 43 40 41
+internal_value=0 -0.0357839 0.0215551 -0.0305418 0.0760846
+internal_weight=0 98 163 83 80
+internal_count=261 98 163 83 80
+shrinkage=0.02
+
+
+Tree=6845
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 9
+split_gain=0.184038 0.399408 0.889595 0.458737
+threshold=72.050000000000026 55.500000000000007 64.200000000000003 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.0008339903862259907 0.0011627458917978784 0.00033715672674638 -0.0032626034913247805 0.0020079453607736038
+leaf_weight=43 49 71 46 52
+leaf_count=43 49 71 46 52
+internal_value=0 -0.0134184 -0.0536202 0.0356757
+internal_weight=0 212 117 95
+internal_count=261 212 117 95
+shrinkage=0.02
+
+
+Tree=6846
+num_leaves=5
+num_cat=0
+split_feature=5 2 8 9
+split_gain=0.18135 0.533097 1.25818 1.51475
+threshold=70.000000000000014 24.500000000000004 61.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015897893712711157 0.00099515668073447299 0.0017521093400807053 -0.0039896847494947721 0.0030898545850882486
+leaf_weight=74 62 41 39 45
+leaf_count=74 62 41 39 45
+internal_value=0 -0.0154754 -0.0425042 0.00869407
+internal_weight=0 199 158 119
+internal_count=261 199 158 119
+shrinkage=0.02
+
+
+Tree=6847
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.187846 0.394415 0.398942 0.232791
+threshold=53.500000000000007 67.500000000000014 53.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.00097879515259207653 -0.00036525452605816271 0.00030741993437337573 0.0021080336484957376 -0.0018870323679974943
+leaf_weight=65 45 43 68 40
+leaf_count=65 45 43 68 40
+internal_value=0 0.0162847 0.0558202 -0.0370608
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=6848
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.18507 0.771415 1.3981 2.42777
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0011657011303052365 0.0033012956483097679 -0.0026566784208611294 -0.0033025235726945605 0.0024239299538230657
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0134514 0.0176198 -0.0393842
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=6849
+num_leaves=6
+num_cat=0
+split_feature=5 4 9 6 5
+split_gain=0.194617 0.756821 0.435624 0.292288 0.223851
+threshold=53.500000000000007 52.500000000000007 67.500000000000014 67.500000000000014 62.400000000000006
+decision_type=2 2 2 2 2
+left_child=1 -1 4 -4 -2
+right_child=2 -3 3 -5 -6
+leaf_value=0.0007290125046639387 0.00036710096629479974 -0.0028844466110045752 0.00058308908804500354 -0.0018609601405751594 0.002603385483504419
+leaf_weight=58 39 40 43 40 41
+leaf_count=58 39 40 43 40 41
+internal_value=0 -0.0369359 0.022263 -0.0292856 0.0762231
+internal_weight=0 98 163 83 80
+internal_count=261 98 163 83 80
+shrinkage=0.02
+
+
+Tree=6850
+num_leaves=5
+num_cat=0
+split_feature=4 2 2 1
+split_gain=0.196203 0.390494 1.59521 0.805075
+threshold=53.500000000000007 11.500000000000002 17.500000000000004 6.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.00099820954048159103 -0.00086234685336204113 0.0041095705093177294 0.0013147026218069363 -0.002738931573639448
+leaf_weight=65 72 44 41 39
+leaf_count=65 72 44 41 39
+internal_value=0 0.0166125 0.0516215 -0.032606
+internal_weight=0 196 124 80
+internal_count=261 196 124 80
+shrinkage=0.02
+
+
+Tree=6851
+num_leaves=6
+num_cat=0
+split_feature=4 2 1 3 5
+split_gain=0.188536 0.775332 1.90296 0.914878 2.09918
+threshold=49.500000000000007 25.500000000000004 9.5000000000000018 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=-0.0013467730105396181 0.0010870036243598696 -0.0023081739074665621 0.0046727749962468448 0.0019428885320138126 -0.00501845099074594
+leaf_weight=39 54 40 40 49 39
+leaf_count=39 54 40 40 49 39
+internal_value=0 0.011886 0.0401162 -0.0142039 -0.0733301
+internal_weight=0 222 182 142 93
+internal_count=261 222 182 142 93
+shrinkage=0.02
+
+
+Tree=6852
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.192794 0.475394 0.576176 0.506216
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00036022478831080295 0.0011875125351364776 -0.002190431095599187 0.0018770043175802644 -0.0025084292297476783
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.0136992 0.0104803 -0.0316243
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6853
+num_leaves=5
+num_cat=0
+split_feature=5 2 4 9
+split_gain=0.187684 0.557841 1.2293 1.30846
+threshold=70.000000000000014 24.500000000000004 64.500000000000014 44.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0026772230294527595 0.0010107635852565835 0.0017931224968504784 -0.0035984170757232519 0.0019005566703180707
+leaf_weight=39 62 41 47 72
+leaf_count=39 62 41 47 72
+internal_value=0 -0.015713 -0.0433363 0.0142136
+internal_weight=0 199 158 111
+internal_count=261 199 158 111
+shrinkage=0.02
+
+
+Tree=6854
+num_leaves=5
+num_cat=0
+split_feature=7 2 5 2
+split_gain=0.190737 0.671214 0.549086 1.64538
+threshold=52.500000000000007 7.5000000000000009 70.65000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.00097551926677285131 -0.0018991666885829351 -0.0029851007153011816 0.0028847662281200194 0.0021276948347396679
+leaf_weight=66 43 41 44 67
+leaf_count=66 43 41 44 67
+internal_value=0 0.0165687 0.0484113 0.00893236
+internal_weight=0 195 152 108
+internal_count=261 195 152 108
+shrinkage=0.02
+
+
+Tree=6855
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.183779 0.782962 1.47544 2.29808
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011477317737085462 0.0019949553203243015 -0.0062666805847930284 0.0011226541550257592 0.00023364370629510686
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0135736 -0.0472181 -0.13573
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6856
+num_leaves=4
+num_cat=0
+split_feature=7 1 8
+split_gain=0.193544 1.46629 2.61955
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00098191668293705998 -0.0019173873798847528 0.0054016534727132446 -0.00063230975618752433
+leaf_weight=66 73 47 75
+leaf_count=66 73 47 75
+internal_value=0 0.0166824 0.084373
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=6857
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.207523 1.61894 1.33425 0.640643
+threshold=8.5000000000000018 67.65000000000002 59.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00073878296093985536 -0.0022365710409180733 0.0031603937633547297 -0.0038661965526801873 0.0011204747614385671
+leaf_weight=67 54 58 41 41
+leaf_count=67 54 58 41 41
+internal_value=0 0.0223669 -0.0501686 -0.0389784
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6858
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 9
+split_gain=0.198458 1.55405 1.33592 0.653708
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.003904816009158174 0.0012400563785509287 0.003097262295976279 0.0007258964100869302 -0.0021734581258801063
+leaf_weight=40 39 58 68 56
+leaf_count=40 39 58 68 56
+internal_value=0 0.0219196 -0.0491599 -0.0381912
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6859
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.191222 0.761414 1.3535 2.35961
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0011832396011622686 0.0032468182653258354 -0.0026453466338448063 -0.0032569764464474107 0.0023891342473584443
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0136426 0.0172299 -0.0388664
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=6860
+num_leaves=5
+num_cat=0
+split_feature=5 4 5 4
+split_gain=0.196817 0.754285 0.458788 0.484006
+threshold=53.500000000000007 52.500000000000007 68.65000000000002 65.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0007229903852526983 5.8585410981069037e-05 -0.002884513268320228 -0.00077850511016889492 0.0030520082147039575
+leaf_weight=58 51 40 71 41
+leaf_count=58 51 40 71 41
+internal_value=0 -0.0371155 0.022386 0.0701303
+internal_weight=0 98 163 92
+internal_count=261 98 163 92
+shrinkage=0.02
+
+
+Tree=6861
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.19565 0.4048 0.400068 0.241389
+threshold=53.500000000000007 67.500000000000014 53.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.00099680594246893484 -0.00035112254349678088 0.00031831787235079976 0.0021253481528754449 -0.0019134504384669634
+leaf_weight=65 45 43 68 40
+leaf_count=65 45 43 68 40
+internal_value=0 0.0165975 0.056623 -0.0374154
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=6862
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 9
+split_gain=0.190397 1.51845 1.29841 0.628148
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0038560002401846734 0.001215719321148152 0.0030589791500707729 0.00071006918999440218 -0.0021322630568528229
+leaf_weight=40 39 58 68 56
+leaf_count=40 39 58 68 56
+internal_value=0 0.0215148 -0.0487534 -0.0374765
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6863
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.190071 0.739286 1.34279 2.29452
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0011800667500821446 0.0032274537750216891 -0.0026107232870767787 -0.0032265272595790656 0.0023417051496317275
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0136025 0.0168266 -0.0390499
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=6864
+num_leaves=5
+num_cat=0
+split_feature=4 9 8 6
+split_gain=0.194959 0.414176 0.407623 0.244031
+threshold=53.500000000000007 67.500000000000014 55.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.00099519895746060481 0.002770797028205155 0.00031125211680408749 0.00019957484820356513 -0.0019316911350797173
+leaf_weight=65 41 43 72 40
+leaf_count=65 41 43 72 40
+internal_value=0 0.0165713 0.0570355 -0.0380385
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=6865
+num_leaves=5
+num_cat=0
+split_feature=5 4 3 1
+split_gain=0.197004 0.759722 0.455841 1.46972
+threshold=53.500000000000007 52.500000000000007 71.500000000000014 8.5000000000000018
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.000727950120128246 0.00338521973935774 -0.0028922428012950357 -0.00088793137092309021 -0.0015834595052203848
+leaf_weight=58 58 40 64 41
+leaf_count=58 58 40 64 41
+internal_value=0 -0.0371266 0.0224006 0.0659872
+internal_weight=0 98 163 99
+internal_count=261 98 163 99
+shrinkage=0.02
+
+
+Tree=6866
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.19096 0.404775 0.40429 0.229902
+threshold=53.500000000000007 67.500000000000014 53.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.00098592977452721491 -0.00036235111646332706 0.00029047970608350764 0.002126700752861475 -0.0018910715662989797
+leaf_weight=65 45 43 68 40
+leaf_count=65 45 43 68 40
+internal_value=0 0.0164148 0.05644 -0.0375974
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=6867
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.190949 0.757263 1.43402 2.25543
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011678337812905829 0.0019536114774376234 -0.0062030283787845829 0.0010998754702539219 0.00023709989183653857
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0138059 -0.0469094 -0.134188
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6868
+num_leaves=5
+num_cat=0
+split_feature=5 4 5 4
+split_gain=0.197861 0.740962 0.42941 0.480253
+threshold=53.500000000000007 52.500000000000007 68.65000000000002 65.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.00070851344012836379 3.5132179191744161e-05 -0.0028676852599875957 -0.00073882686707819 0.0030171399909503156
+leaf_weight=58 51 40 71 41
+leaf_count=58 51 40 71 41
+internal_value=0 -0.0372004 0.0224443 0.0687022
+internal_weight=0 98 163 92
+internal_count=261 98 163 92
+shrinkage=0.02
+
+
+Tree=6869
+num_leaves=4
+num_cat=0
+split_feature=4 2 2
+split_gain=0.197125 0.402051 1.17715
+threshold=53.500000000000007 20.500000000000004 11.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0010001215538854734 -0.00077785669324449984 -0.0010242335110139363 0.0030056172270770138
+leaf_weight=65 72 62 62
+leaf_count=65 72 62 62
+internal_value=0 0.0166584 0.0483697
+internal_weight=0 196 134
+internal_count=261 196 134
+shrinkage=0.02
+
+
+Tree=6870
+num_leaves=4
+num_cat=0
+split_feature=7 1 8
+split_gain=0.189542 1.37592 2.56714
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00097266491968819033 -0.0018508346858242559 0.0053198529601046467 -0.00065393902166866044
+leaf_weight=66 73 47 75
+leaf_count=66 73 47 75
+internal_value=0 0.0165258 0.0821309
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=6871
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 9
+split_gain=0.202553 1.51541 1.25891 0.599356
+threshold=8.5000000000000018 67.65000000000002 55.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00066515359749786426 0.0011496157715745921 0.0030684695461040343 -0.0038559811363020058 -0.0021226026373064111
+leaf_weight=69 39 58 39 56
+leaf_count=69 39 58 39 56
+internal_value=0 0.0221217 -0.0480758 -0.0385499
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6872
+num_leaves=6
+num_cat=0
+split_feature=1 4 7 6 9
+split_gain=0.193684 0.907903 0.710522 1.44667 0.574925
+threshold=8.5000000000000018 74.500000000000014 53.500000000000007 61.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=0.0017638966308393947 0.0011266648291870247 0.0029624661412293325 -0.0040855817881847219 0.0012203290717527995 -0.0020802037002240056
+leaf_weight=40 39 43 43 40 56
+leaf_count=40 39 43 43 40 56
+internal_value=0 0.0216792 -0.0222589 -0.0760006 -0.0377712
+internal_weight=0 166 123 83 95
+internal_count=261 166 123 83 95
+shrinkage=0.02
+
+
+Tree=6873
+num_leaves=4
+num_cat=0
+split_feature=7 1 8
+split_gain=0.191295 1.25139 2.5329
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00097670046910045905 -0.0017495786551290783 0.0052372234190424614 -0.00069704461996114206
+leaf_weight=66 73 47 75
+leaf_count=66 73 47 75
+internal_value=0 0.0165959 0.0792123
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=6874
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 2
+split_gain=0.206608 1.02303 2.48861 0.615992
+threshold=8.5000000000000018 20.500000000000004 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0011381388477956283 -0.0022075624006023704 -0.0018924102047789182 0.0048181865756901981 0.0010859798377147116
+leaf_weight=63 54 52 51 41
+leaf_count=63 54 52 51 41
+internal_value=0 0.0223233 0.0760421 -0.0388986
+internal_weight=0 166 114 95
+internal_count=261 166 114 95
+shrinkage=0.02
+
+
+Tree=6875
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 8
+split_gain=0.197514 1.40746 1.24648 0.573075
+threshold=8.5000000000000018 67.65000000000002 59.500000000000007 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00076839752192022338 0.00069309538915616228 0.002969481387456765 -0.0036849777588799024 -0.0024657232295244168
+leaf_weight=67 51 58 41 44
+leaf_count=67 51 58 41 44
+internal_value=0 0.0218679 -0.0458062 -0.038113
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6876
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 8
+split_gain=0.189302 0.507803 1.53476 0.760375
+threshold=6.5000000000000009 63.500000000000007 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011631980548189242 0.00062975731511788642 -0.0016236680696255774 0.0036088018599376064 -0.0030484705150403157
+leaf_weight=50 52 75 43 41
+leaf_count=50 52 75 43 41
+internal_value=0 -0.0137554 0.0231579 -0.0492152
+internal_weight=0 211 136 93
+internal_count=261 211 136 93
+shrinkage=0.02
+
+
+Tree=6877
+num_leaves=6
+num_cat=0
+split_feature=4 2 6 4 6
+split_gain=0.19315 0.760374 2.05563 0.662468 0.988607
+threshold=49.500000000000007 25.500000000000004 49.500000000000007 71.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0013615378015084678 0.0048209339913165812 -0.0022813716319201142 -0.0036057921090762906 0.0014589290233549704 0.00064031029898379763
+leaf_weight=39 40 40 43 53 46
+leaf_count=39 40 40 43 53 46
+internal_value=0 0.0120195 0.039984 -0.0164627 -0.0701709
+internal_weight=0 222 182 142 89
+internal_count=261 222 182 142 89
+shrinkage=0.02
+
+
+Tree=6878
+num_leaves=5
+num_cat=0
+split_feature=5 4 3 1
+split_gain=0.195723 0.734335 0.47374 1.51357
+threshold=53.500000000000007 52.500000000000007 71.500000000000014 8.5000000000000018
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.00070559548766103487 0.0034300413750085121 -0.0028549674229191102 -0.00091454020724461061 -0.0016113848395923178
+leaf_weight=58 58 40 64 41
+leaf_count=58 58 40 64 41
+internal_value=0 -0.0370269 0.0223243 0.066722
+internal_weight=0 98 163 99
+internal_count=261 98 163 99
+shrinkage=0.02
+
+
+Tree=6879
+num_leaves=4
+num_cat=0
+split_feature=7 1 8
+split_gain=0.192618 1.22276 2.50728
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00097996475430160647 -0.0017251153380408795 0.0052055532216949783 -0.00069884936753881273
+leaf_weight=66 73 47 75
+leaf_count=66 73 47 75
+internal_value=0 0.0166373 0.0785462
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=6880
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.194103 1.36224 1.23637 0.599804
+threshold=8.5000000000000018 67.65000000000002 59.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00077978660444868867 -0.0021677866233063203 0.0029255161669848812 -0.0036558488877057043 0.0010835781366191758
+leaf_weight=67 54 58 41 41
+leaf_count=67 54 58 41 41
+internal_value=0 0.0216894 -0.0448993 -0.0378193
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6881
+num_leaves=5
+num_cat=0
+split_feature=8 5 2 1
+split_gain=0.189969 0.726895 0.291916 1.1916
+threshold=72.500000000000014 65.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00059312916739715361 -0.0012088750794115202 0.0025245565929316069 0.0011980273069399328 -0.0033817173395284507
+leaf_weight=76 47 46 45 47
+leaf_count=76 47 46 45 47
+internal_value=0 0.0133235 -0.0173925 -0.0566864
+internal_weight=0 214 168 92
+internal_count=261 214 168 92
+shrinkage=0.02
+
+
+Tree=6882
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 2
+split_gain=0.184095 0.643328 0.359683 1.32852
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0011324978251308537 -0.0012403114508589786 0.0023003636948902497 0.0016688080866776988 -0.0026777636569261603
+leaf_weight=49 44 49 47 72
+leaf_count=49 44 49 47 72
+internal_value=0 0.0126261 -0.0170357 -0.047718
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=6883
+num_leaves=5
+num_cat=0
+split_feature=4 9 3 7
+split_gain=0.180645 0.742887 1.6703 1.20649
+threshold=49.500000000000007 54.500000000000007 64.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0013210452003402115 -0.0016235141221044632 0.0039739673523353069 0.0021725484618447012 -0.0021752725619223331
+leaf_weight=39 63 51 43 65
+leaf_count=39 63 51 43 65
+internal_value=0 0.011659 0.0487135 -0.0218254
+internal_weight=0 222 159 108
+internal_count=261 222 159 108
+shrinkage=0.02
+
+
+Tree=6884
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.17867 1.35369 1.25465 0.589038
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0037426985860882418 -0.0021277527888747291 0.0029020367457562031 0.00074716483094635494 0.0010953917532673073
+leaf_weight=40 54 58 68 41
+leaf_count=40 54 58 68 41
+internal_value=0 0.0208981 -0.0454846 -0.0364257
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6885
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 4
+split_gain=0.198271 0.612247 1.22913 0.605561
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 55.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.00082829249828638503 -0.0020165627111243863 -0.001223205389865174 0.0032887869145854145 0.0024076672854736552
+leaf_weight=48 63 63 40 47
+leaf_count=48 63 63 40 47
+internal_value=0 -0.0218433 0.0261153 0.0382418
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=6886
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 2
+split_gain=0.193922 0.605667 0.356413 1.31568
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0011494495130396677 -0.001269868895638035 0.0022473146925396218 0.0016820381209887414 -0.0026438772338359157
+leaf_weight=49 44 49 47 72
+leaf_count=49 44 49 47 72
+internal_value=0 0.0129241 -0.0158765 -0.046431
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=6887
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 3
+split_gain=0.188375 0.585089 1.19953 0.494137
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0023004220154476136 -0.0019722989178214659 -0.0012132367481090234 0.0032449681088904773 -0.00063579043645403536
+leaf_weight=45 63 63 40 50
+leaf_count=45 63 63 40 50
+internal_value=0 -0.0213422 0.0255686 0.0373651
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=6888
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.202502 0.611297 0.655451 0.876659 1.49086
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0025409101419078218 -0.0012951018971490136 0.0024024761248898122 0.0018550315819171811 -0.0033668071911385918 0.0027568551169005495
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0131797 -0.0138264 -0.050519 0.00801587
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=6889
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.193704 0.586317 0.628768 0.996136 1.38594
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024901767955955259 -0.0012692409572564532 0.002354502845728833 0.0018179898497223557 -0.0036844914411686865 0.0025152634691492743
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0129165 -0.0135458 -0.0495104 0.00851947
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=6890
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 5
+split_gain=0.192753 1.32846 0.873952 0.341681
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011140523059725309 -0.0013021542937704015 0.0026413508933034709 -0.0029375957110424388 0.0013000685380672842
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0125343 -0.0388045 0.0149049
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=6891
+num_leaves=5
+num_cat=0
+split_feature=6 5 4 5
+split_gain=0.192655 0.574845 0.276427 0.452315
+threshold=70.500000000000014 65.500000000000014 50.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0011421678951468353 -0.0012662155464687177 0.0021968414471546407 -0.0021405470824782643 0.0003102471332323436
+leaf_weight=42 44 49 57 69
+leaf_count=42 44 49 57 69
+internal_value=0 0.0128801 -0.0151964 -0.0396336
+internal_weight=0 217 168 126
+internal_count=261 217 168 126
+shrinkage=0.02
+
+
+Tree=6892
+num_leaves=5
+num_cat=0
+split_feature=8 5 2 1
+split_gain=0.187195 0.606669 0.274188 1.14628
+threshold=72.500000000000014 65.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00061621057220509511 -0.0012009065900736361 0.0023330783591706192 0.0012264359864072154 -0.0032670318297780649
+leaf_weight=76 47 46 45 47
+leaf_count=76 47 46 45 47
+internal_value=0 0.0132331 -0.0148833 -0.0530595
+internal_weight=0 214 168 92
+internal_count=261 214 168 92
+shrinkage=0.02
+
+
+Tree=6893
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 9
+split_gain=0.191489 1.26089 0.813987 0.399095
+threshold=77.500000000000014 66.500000000000014 54.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013946228612996972 -0.0012982523324428954 0.0025800116886362939 -0.0028082139694332415 -0.0012136415074089516
+leaf_weight=59 42 66 52 42
+leaf_count=59 42 66 52 42
+internal_value=0 0.0124983 -0.0375322 0.0150997
+internal_weight=0 219 153 101
+internal_count=261 219 153 101
+shrinkage=0.02
+
+
+Tree=6894
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.187478 0.596552 0.53845 1.21995
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00083603428157880686 -0.0019107842742711596 0.0023766172955389207 -0.0012641706234852712 0.0032315236877437123
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0372774 -0.0213034 0.0237489
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6895
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.202585 0.579635 1.36172 0.472361
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00095317605007901312 -0.0012954895251430783 -0.0019747020163467725 0.0032299787289333838 -0.0016423055897443581
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.013175 0.0379484 -0.0245936
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6896
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.193763 0.586927 0.625478 1.03343 1.33043
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024141819272495832 -0.0012696208320481992 0.0023553896643135155 0.0018122245576583478 -0.0037321940551854962 0.0024912316659947854
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.012908 -0.0135677 -0.0494414 0.00965298
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=6897
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.18531 0.573903 1.32455 0.464541
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00094575334298123035 -0.0012442687734038429 -0.0019745168083001503 0.0031837120429686035 -0.001628997207231469
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.01265 0.0373064 -0.0243849
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6898
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 3
+split_gain=0.177171 0.575386 0.617491 1.0288
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00048356035038146349 -0.0012194228673403241 0.0023251367018340204 0.0017940092558138001 -0.0031840534090698171
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0123935 -0.0138278 -0.0494792
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=6899
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.173881 0.776714 1.32354 2.29371
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011191904505546255 0.0019924837572177336 -0.0061624029087609779 0.0010233373023133883 0.00033220521710458108
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0132557 -0.0467702 -0.130668
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6900
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.169313 0.567658 0.535191 1.2431
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00083166060012530602 -0.0018874433996849589 0.0023047806462183967 -0.0012638802977377173 0.0032735213275886339
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0356096 -0.020348 0.0245741
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6901
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.181268 0.547593 1.34021 0.455183
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0009110081091091045 -0.0012318660571430718 -0.0019268743958136356 0.0031845356391028718 -0.0016384448566414394
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.0125296 0.0366371 -0.0254154
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6902
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 6
+split_gain=0.17329 0.551945 0.637787 1.51544
+threshold=70.500000000000014 24.500000000000004 46.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0020764840069149634 -0.0012072678545664464 0.0022814946588689249 0.0034758085779811 -0.0012146592287129282
+leaf_weight=55 44 44 45 73
+leaf_count=55 44 44 45 73
+internal_value=0 0.0122755 -0.0134201 0.0284152
+internal_weight=0 217 173 118
+internal_count=261 217 173 118
+shrinkage=0.02
+
+
+Tree=6903
+num_leaves=6
+num_cat=0
+split_feature=6 5 9 2 8
+split_gain=0.16563 0.545799 0.326885 1.27832 2.83715
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0011009356989888715 -0.0011831610893781206 0.002131967075200972 0.004436294994228083 -0.0038848652399452806 -0.0031158572905688993
+leaf_weight=49 44 49 39 39 41
+leaf_count=49 44 49 39 39 41
+internal_value=0 0.0120271 -0.015351 -0.0446896 0.0278243
+internal_weight=0 217 168 119 80
+internal_count=261 217 168 119 80
+shrinkage=0.02
+
+
+Tree=6904
+num_leaves=5
+num_cat=0
+split_feature=7 2 6 8
+split_gain=0.171959 0.765178 1.73824 0.548074
+threshold=58.500000000000007 9.5000000000000018 63.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0004067876562017316 -0.0018367656695607553 0.0045109417562989038 -0.00070682615862727009 -0.002574368942827406
+leaf_weight=73 42 43 64 39
+leaf_count=73 42 43 64 39
+internal_value=0 0.0235216 0.069207 -0.0312557
+internal_weight=0 149 107 112
+internal_count=261 149 107 112
+shrinkage=0.02
+
+
+Tree=6905
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.172427 0.617265 0.661665 0.525664
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00039865974140579992 0.0011288473306446569 -0.0024346878437880217 0.00207052467513287 -0.0025229735449356955
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.0130475 0.0144089 -0.0306248
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6906
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.167423 0.759808 1.26901 2.20668
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011003453698323971 0.0019727571776889641 -0.0060491259864270917 0.00099451039659845166 0.00032185885606522317
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0130356 -0.0461945 -0.128373
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6907
+num_leaves=6
+num_cat=0
+split_feature=5 4 9 5 8
+split_gain=0.177199 0.784616 0.435109 0.244806 0.114824
+threshold=53.500000000000007 52.500000000000007 67.500000000000014 62.400000000000006 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -2 -4
+right_child=2 -3 4 -5 -6
+leaf_value=0.00078579261983674714 0.00030116229991008776 -0.0028922402263287339 0.00023489376369387958 0.0026287939318026944 -0.0013645781182718029
+leaf_weight=58 39 40 39 41 44
+leaf_count=58 39 40 39 41 44
+internal_value=0 -0.035414 0.0213317 0.075266 -0.0301912
+internal_weight=0 98 163 80 83
+internal_count=261 98 163 80 83
+shrinkage=0.02
+
+
+Tree=6908
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 8
+split_gain=0.174182 1.36781 1.27092 0.604547
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0037723062822787217 0.00077374855290193115 0.0029100000352278131 0.00074612769565188079 -0.0024686182136785823
+leaf_weight=40 51 58 68 44
+leaf_count=40 51 58 68 44
+internal_value=0 0.0206588 -0.0460662 -0.0360138
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6909
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.16675 0.745245 1.21224 2.14738
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010986911713041325 0.0019525378666173366 -0.0059589309107195209 0.00095857795940760984 0.00032648711213239493
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.012996 -0.0458452 -0.126195
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6910
+num_leaves=5
+num_cat=0
+split_feature=7 2 6 8
+split_gain=0.177492 0.747233 1.67424 0.495856
+threshold=58.500000000000007 9.5000000000000018 63.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.00034917868074884668 -0.0018028902651182907 0.0044501781423143929 -0.00067147774591318665 -0.0024909513828918883
+leaf_weight=73 42 43 64 39
+leaf_count=73 42 43 64 39
+internal_value=0 0.0238814 0.0690425 -0.0316797
+internal_weight=0 149 107 112
+internal_count=261 149 107 112
+shrinkage=0.02
+
+
+Tree=6911
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 5
+split_gain=0.175724 0.741811 0.437965 0.678006
+threshold=53.500000000000007 52.500000000000007 63.500000000000007 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0007480637803840538 0.001633883373439286 -0.0028304773575824104 -0.0023630180912897155 0.0011209531846589657
+leaf_weight=58 71 40 43 49
+leaf_count=58 71 40 43 49
+internal_value=0 -0.0352693 0.0212639 -0.0249647
+internal_weight=0 98 163 92
+internal_count=261 98 163 92
+shrinkage=0.02
+
+
+Tree=6912
+num_leaves=6
+num_cat=0
+split_feature=4 2 6 3 5
+split_gain=0.175151 0.860306 1.99657 0.933068 2.29604
+threshold=49.500000000000007 25.500000000000004 49.500000000000007 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0013027701942793146 0.0047873881421862385 -0.0024487992206326677 0.0012469858691848805 0.001959822851430381 -0.0051153223931097716
+leaf_weight=39 40 40 53 49 40
+leaf_count=39 40 40 53 49 40
+internal_value=0 0.0115014 0.0411945 -0.0144383 -0.0741342
+internal_weight=0 222 182 142 93
+internal_count=261 222 182 142 93
+shrinkage=0.02
+
+
+Tree=6913
+num_leaves=5
+num_cat=0
+split_feature=5 4 2 4
+split_gain=0.182187 0.734673 0.500393 2.07427
+threshold=53.500000000000007 52.500000000000007 17.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0007296021256755587 0.0046524375824105076 -0.0028319726562899585 -0.00086272399423294925 -0.0013549437246947369
+leaf_weight=58 43 40 70 50
+leaf_count=58 43 40 70 50
+internal_value=0 -0.0358464 0.0216126 0.0707739
+internal_weight=0 98 163 93
+internal_count=261 98 163 93
+shrinkage=0.02
+
+
+Tree=6914
+num_leaves=4
+num_cat=0
+split_feature=7 1 8
+split_gain=0.176176 1.18429 2.3247
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00094129904399273419 -0.0017060653099019616 0.0050394379864212363 -0.00064730792851609719
+leaf_weight=66 73 47 75
+leaf_count=66 73 47 75
+internal_value=0 0.0159816 0.0769284
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=6915
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 8
+split_gain=0.192735 1.37243 1.22015 0.589402
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0036987198876239787 0.00072151420131363647 0.0029332806114687948 0.00072982212963668776 -0.0024807861399151502
+leaf_weight=40 51 58 68 44
+leaf_count=40 51 58 68 44
+internal_value=0 0.0216195 -0.0452155 -0.0376988
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6916
+num_leaves=5
+num_cat=0
+split_feature=1 5 9 8
+split_gain=0.18426 1.31729 1.20239 0.565365
+threshold=8.5000000000000018 67.65000000000002 60.500000000000007 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00070407976556164297 0.00070710336914589099 0.0028746859604450769 -0.0037162300474304802 -0.0024312491466939815
+leaf_weight=69 51 58 39 44
+leaf_count=69 51 58 39 44
+internal_value=0 0.0211871 -0.0443057 -0.0369377
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6917
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 2
+split_gain=0.177981 0.609745 0.307949 1.30714
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0010393278000431049 -0.0012216068358953669 0.0022440612242643084 0.0017026071568437765 -0.0026095938714080532
+leaf_weight=49 44 49 47 72
+leaf_count=49 44 49 47 72
+internal_value=0 0.0124347 -0.016461 -0.0449869
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=6918
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.17879 1.26313 1.20565 0.560217
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0036430166193544638 -0.0020944507310791511 0.0028189856069047339 0.00075975432076393057 0.0010511397128271191
+leaf_weight=40 54 58 68 41
+leaf_count=40 54 58 68 41
+internal_value=0 0.0209066 -0.0432401 -0.0364345
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6919
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 2
+split_gain=0.184792 0.567149 0.297124 1.2932
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0010409560214120015 -0.0012423543258402552 0.0021797129168988055 0.0017226887457444709 -0.0025669598596800391
+leaf_weight=49 44 49 47 72
+leaf_count=49 44 49 47 72
+internal_value=0 0.0126513 -0.0152419 -0.0432997
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=6920
+num_leaves=6
+num_cat=0
+split_feature=8 5 9 2 8
+split_gain=0.177548 0.595391 0.284558 1.25351 2.79468
+threshold=72.500000000000014 65.500000000000014 42.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0010201663992933084 -0.0011723806058015695 0.0023084236844801609 0.0044385848322986707 -0.0038111087567637061 -0.0030570301205456799
+leaf_weight=49 47 46 39 39 41
+leaf_count=49 47 46 39 39 41
+internal_value=0 0.0129331 -0.0149275 -0.0424275 0.0293888
+internal_weight=0 214 168 119 80
+internal_count=261 214 168 119 80
+shrinkage=0.02
+
+
+Tree=6921
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.175434 1.21167 1.20715 0.552591
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.003622170677647973 -0.0020792221063956418 0.0027669377888780429 0.00078344791289323176 0.001045589235277689
+leaf_weight=40 54 58 68 41
+leaf_count=40 54 58 68 41
+internal_value=0 0.0207337 -0.0421075 -0.0361214
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6922
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.185595 0.526501 0.610548 1.30315
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0017492703618529571 -0.0012447091319649187 0.0018416466352078043 -0.001737411422464504 0.0033031452269367974
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.01268 -0.0188502 0.0402118
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=6923
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 9
+split_gain=0.178122 0.542568 0.585544 1.2509
+threshold=72.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0017143188858518732 -0.0011741330513712048 0.0019220384593156867 -0.0017027224573874331 0.0032371920545830957
+leaf_weight=72 47 59 41 42
+leaf_count=72 47 59 41 42
+internal_value=0 0.0129494 -0.0184733 0.0393992
+internal_weight=0 214 155 83
+internal_count=261 214 155 83
+shrinkage=0.02
+
+
+Tree=6924
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.178231 0.789612 1.14507 2.15564
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011319662484433185 0.0020080558082140364 -0.0059475927502995341 0.00087985227539772142 0.00034993353441519582
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0133892 -0.0471724 -0.125297
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6925
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 4
+split_gain=0.172082 0.571619 1.19404 0.552418
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 55.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.00080581350629056151 -0.0019378943301132474 -0.0012026484962589703 0.0032454426701538338 0.0022894378683611114
+leaf_weight=48 63 63 40 47
+leaf_count=48 63 63 40 47
+internal_value=0 -0.0204821 0.0259017 0.0358832
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=6926
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.183501 0.520823 1.29261 0.470808
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00094665688792551592 -0.0012384006051701269 -0.0018730484190608403 0.0031314908176727518 -0.0016446693826262973
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.0126129 0.0361481 -0.0248035
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6927
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 3
+split_gain=0.175434 0.50701 0.696213 1.00766
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00045645112195454008 -0.0012136714603724003 0.0022015029946961303 0.0019493551385262021 -0.0031737972806551787
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0123572 -0.0122993 -0.0500817
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=6928
+num_leaves=5
+num_cat=0
+split_feature=1 5 9 8
+split_gain=0.168609 1.20285 1.17319 0.570921
+threshold=8.5000000000000018 67.65000000000002 60.500000000000007 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00072606649065873764 0.00074316282537974611 0.0027512038190547132 -0.003641266476392502 -0.0024104124440980429
+leaf_weight=69 51 58 39 44
+leaf_count=69 51 58 39 44
+internal_value=0 0.0203672 -0.042248 -0.0354862
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=6929
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 4
+split_gain=0.181623 0.510636 1.28981 0.40073
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010943352952263036 -0.001232660939586874 -0.001854027975450735 0.0031233628932564933 -0.0013923347430418534
+leaf_weight=42 44 39 60 76
+leaf_count=42 44 39 60 76
+internal_value=0 0.0125552 0.0358691 -0.0250175
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6930
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 6
+split_gain=0.173631 0.502977 0.56413 1.23356
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016916620921107344 -0.0012080469736307419 0.0017995666082458103 -0.0018302849974432718 0.0030844278759715074
+leaf_weight=72 44 62 39 44
+leaf_count=72 44 62 39 44
+internal_value=0 0.0123008 -0.0185389 0.0382939
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=6931
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.169278 0.783901 1.09101 2.10943
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011060762025649519 0.0020061084407548137 -0.0058658059866969238 0.00084528618060083181 0.00036440959565274821
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0130849 -0.0467499 -0.123042
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6932
+num_leaves=5
+num_cat=0
+split_feature=2 5 5 1
+split_gain=0.172226 1.2875 0.9922 0.871297
+threshold=17.500000000000004 67.65000000000002 59.350000000000009 5.5000000000000009
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.00075009629767206929 0.0010917331999940206 0.003191484342977662 -0.0027753272704553866 -0.0030004729181597285
+leaf_weight=61 60 48 49 43
+leaf_count=61 60 48 49 43
+internal_value=0 0.0230133 -0.032 -0.0396954
+internal_weight=0 152 109 104
+internal_count=261 152 109 104
+shrinkage=0.02
+
+
+Tree=6933
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.168818 0.496759 0.529615 1.22747
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016513306562224977 -0.0011927948490086126 0.001787390776887231 -0.0017353373524078217 0.0031591109138682559
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.012154 -0.0185006 0.0366158
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=6934
+num_leaves=5
+num_cat=0
+split_feature=2 5 5 2
+split_gain=0.172686 1.22907 0.95883 0.846412
+threshold=17.500000000000004 67.65000000000002 59.350000000000009 8.5000000000000018
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0027388842559193088 0.0010619614822777624 0.0031303010299098149 -0.00274065506365359 0.00091414355222598875
+leaf_weight=48 60 48 49 56
+leaf_count=48 60 48 49 56
+internal_value=0 0.0230392 -0.0320399 -0.0382445
+internal_weight=0 152 109 104
+internal_count=261 152 109 104
+shrinkage=0.02
+
+
+Tree=6935
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.173202 0.807979 0.49598 1.18575
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016013365107522179 -0.00095334077385634045 0.0028014622681110297 -0.0017177576359451209 0.0030941535724492005
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0155457 -0.0179872 0.0354055
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6936
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.17742 0.741759 1.08106 2.08232
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011297165867761862 0.0019401900341766451 -0.005824911863928221 0.00084962601477556426 0.00036544128097338045
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0133584 -0.0461323 -0.122083
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=6937
+num_leaves=5
+num_cat=0
+split_feature=2 1 7 8
+split_gain=0.184589 1.2377 1.90065 0.841614
+threshold=17.500000000000004 8.5000000000000018 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00053329884828400736 0.00096653232505771738 -0.0019672050229469231 0.0051284040466752813 -0.0025943331811179031
+leaf_weight=57 59 54 41 50
+leaf_count=57 59 54 41 50
+internal_value=0 0.0237461 0.0914593 -0.0330087
+internal_weight=0 152 98 109
+internal_count=261 152 98 109
+shrinkage=0.02
+
+
+Tree=6938
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 4
+split_gain=0.177529 0.581181 1.16463 0.531019
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 55.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.00076664226963908406 -0.0019559465230411426 -0.001179826489450513 0.003213951607758427 0.002269809069224723
+leaf_weight=48 63 63 40 47
+leaf_count=48 63 63 40 47
+internal_value=0 -0.0207714 0.0259879 0.0363876
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=6939
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.189408 0.541504 0.647702 0.545032
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.002341475781931108 -0.0012071124330204157 0.0019878436236196988 -0.0019383202040509223 -0.00073777746714968537
+leaf_weight=45 47 56 63 50
+leaf_count=45 47 56 63 50
+internal_value=0 0.013313 -0.0169735 0.0356526
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=6940
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 5
+split_gain=0.184007 1.25816 0.884836 0.336275
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001074427357430512 -0.0012750048473891776 0.0025731682841231467 -0.00292871223331163 0.0013211471368596689
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0122792 -0.0376982 0.0163418
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=6941
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.188609 0.524773 0.625173 0.527288
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00078583361176820022 -0.0012049611510809044 0.0019613509017536298 -0.0019026837863036321 0.0022405202702298803
+leaf_weight=48 47 56 63 47
+leaf_count=48 47 56 63 47
+internal_value=0 0.01328 -0.0165484 0.0351774
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=6942
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 1
+split_gain=0.184318 0.454269 0.639499 0.761138 0.584475
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 8.5000000000000018
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.00083678957569874009 -0.0012411167889677913 0.0021064707416544866 1.4250415105781889e-05 0.0030305652609736722 -0.0032762837471759375
+leaf_weight=42 44 44 51 41 39
+leaf_count=42 44 44 51 41 39
+internal_value=0 0.0126266 -0.0107514 0.0532452 -0.0702102
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=6943
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 5
+split_gain=0.179997 1.22698 0.86464 0.314823
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010336823215952092 -0.0012625657692498483 0.0025420528631564334 -0.0028945926842517716 0.001288412889533597
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0121501 -0.0372114 0.0162183
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=6944
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.18318 0.515475 1.26364 0.523832
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001034043986519857 -0.0012377419363135027 -0.0018629987395599977 0.0031019276817750474 -0.0016943048588639494
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.012587 0.0360063 -0.0242653
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6945
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.181282 0.754565 0.483493 1.1859
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015582305819842363 -0.00097351707984416158 0.0027257467730717735 -0.0017027014298380393 0.0031093867116839947
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0158452 -0.0165795 0.0361634
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6946
+num_leaves=5
+num_cat=0
+split_feature=2 1 4 5
+split_gain=0.176314 1.18502 1.80226 0.915085
+threshold=17.500000000000004 8.5000000000000018 69.500000000000014 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0041049206647476889 0.0010167496229083323 -0.0019256306179481007 -0.0014095279833450205 -0.002699652384956743
+leaf_weight=57 60 54 41 49
+leaf_count=57 60 54 41 49
+internal_value=0 0.0232326 0.0895169 -0.0323626
+internal_weight=0 152 98 109
+internal_count=261 152 98 109
+shrinkage=0.02
+
+
+Tree=6947
+num_leaves=5
+num_cat=0
+split_feature=2 5 5 2
+split_gain=0.168426 1.14087 0.878156 0.85946
+threshold=17.500000000000004 67.65000000000002 59.350000000000009 8.5000000000000018
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0027152032868416266 0.00099643844531283748 0.003028765588546211 -0.0026457365014043144 0.00096562547357734651
+leaf_weight=48 60 48 49 56
+leaf_count=48 60 48 49 56
+internal_value=0 0.0227578 -0.0317091 -0.0363108
+internal_weight=0 152 109 104
+internal_count=261 152 109 104
+shrinkage=0.02
+
+
+Tree=6948
+num_leaves=6
+num_cat=0
+split_feature=7 4 2 9 1
+split_gain=0.171336 0.628044 0.529017 1.03901 0.787811
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 60.500000000000007 8.5000000000000018
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0015426306211082906 -0.0011542808978527701 0.0025491128532420023 0.0022426463963452227 -0.0035587507941135183 -0.0016746885760882083
+leaf_weight=48 47 40 43 42 41
+leaf_count=48 47 40 43 42 41
+internal_value=0 0.0127042 -0.0134863 -0.0483483 0.0160648
+internal_weight=0 214 174 126 84
+internal_count=261 214 174 126 84
+shrinkage=0.02
+
+
+Tree=6949
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.169938 0.754755 0.468813 1.23469
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015494161186964915 -0.00094575604210782587 0.0027169697000134834 -0.0018991346870238424 0.0030182870821479986
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0153887 -0.0170406 0.0349204
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6950
+num_leaves=5
+num_cat=0
+split_feature=7 5 2 1
+split_gain=0.162673 0.479702 0.347801 1.01679
+threshold=75.500000000000014 65.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0007695589176463254 -0.0011279055402110228 0.0020953597699597056 0.0010486344040590721 -0.0031867791711334367
+leaf_weight=76 47 46 45 47
+leaf_count=76 47 46 45 47
+internal_value=0 0.0124104 -0.0126731 -0.0553599
+internal_weight=0 214 168 92
+internal_count=261 214 168 92
+shrinkage=0.02
+
+
+Tree=6951
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 5 8
+split_gain=0.166839 1.07695 1.06163 1.31076 0.127239
+threshold=77.500000000000014 24.500000000000004 17.500000000000004 59.350000000000009 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00018380703952326506 -0.0012205429733975473 0.003057340700606221 -0.0029577412755219835 0.0031780286276539295 -0.0019463837649439618
+leaf_weight=39 42 44 50 47 39
+leaf_count=39 42 44 50 47 39
+internal_value=0 0.0117328 -0.0235708 0.0258908 -0.0538149
+internal_weight=0 219 175 125 78
+internal_count=261 219 175 125 78
+shrinkage=0.02
+
+
+Tree=6952
+num_leaves=6
+num_cat=0
+split_feature=4 2 9 9 7
+split_gain=0.177862 0.61351 0.598174 0.908345 0.932864
+threshold=50.500000000000007 25.500000000000004 76.500000000000014 61.500000000000007 59.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0012563545051594656 0.0015155415848605834 -0.0025162566595182977 -0.0018843952548425506 0.0031182495734952539 -0.0026492791373062415
+leaf_weight=42 50 40 41 49 39
+leaf_count=42 50 40 41 49 39
+internal_value=0 -0.0120578 0.0131781 0.0454075 -0.0150579
+internal_weight=0 219 179 138 89
+internal_count=261 219 179 138 89
+shrinkage=0.02
+
+
+Tree=6953
+num_leaves=5
+num_cat=0
+split_feature=4 5 6 5
+split_gain=0.170041 0.627816 0.549685 0.734692
+threshold=50.500000000000007 53.500000000000007 63.500000000000007 72.050000000000026
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0012312682993428452 -0.0020710840145465744 0.0017666593890579211 -0.0025602151374612631 0.0010617168736914548
+leaf_weight=42 57 70 43 49
+leaf_count=42 57 70 43 49
+internal_value=0 -0.0118174 0.0202443 -0.0311557
+internal_weight=0 219 162 92
+internal_count=261 219 162 92
+shrinkage=0.02
+
+
+Tree=6954
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 4
+split_gain=0.167443 0.482028 1.18367 0.445662
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001206684231134727 -0.0011890610633238335 -0.0018058864827622287 0.0030016918600582932 -0.0014103020306892595
+leaf_weight=42 44 39 60 76
+leaf_count=42 44 39 60 76
+internal_value=0 0.0120789 0.0347603 -0.0235947
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=6955
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.164706 0.693981 0.824628 1.71291
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0021853193855654548 0.00086160297299185662 -0.0027385097483970606 -0.0015340420280551396 0.0034974752115378748
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.016416 0.0146992 0.0601816
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=6956
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 8
+split_gain=0.166724 0.578466 1.19018 0.527508
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 49.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0023787310466063059 -0.0019417325696689837 -0.0011894600803703064 0.0032514645075571932 -0.00066166491552669391
+leaf_weight=43 63 63 40 52
+leaf_count=43 63 63 40 52
+internal_value=0 -0.0202319 0.0264223 0.0353419
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=6957
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 2
+split_gain=0.174948 0.465832 1.15357 0.544445
+threshold=70.500000000000014 72.500000000000014 58.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00050090506918903065 -0.0012128264627571357 -0.0017678348868818334 0.0028084462873194504 -0.0024544116237221946
+leaf_weight=72 44 39 66 40
+leaf_count=72 44 39 66 40
+internal_value=0 0.0123086 0.0346229 -0.027415
+internal_weight=0 217 178 112
+internal_count=261 217 178 112
+shrinkage=0.02
+
+
+Tree=6958
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 4
+split_gain=0.166052 0.604639 1.00583 0.653099
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00082446316658158967 -0.0011385752021671228 0.0025034374412356516 -0.0029449176833998831 0.0020362365595174305
+leaf_weight=65 47 40 43 66
+leaf_count=65 47 40 43 66
+internal_value=0 0.0125103 -0.0131991 0.030551
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=6959
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.167922 0.681269 0.806803 1.63864
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0021676948409976582 0.0008688123649485287 -0.0027200386196752475 -0.0014927842329301435 0.0034295431243335428
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0165712 0.0142631 0.0592664
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=6960
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.169661 0.784123 1.4225 2.27006
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0011202547249931024 0.0033410045615054501 -0.0026663167248893167 -0.0032155387055776349 0.002323142720555909
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0129759 0.0183461 -0.0391478
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=6961
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.162139 0.752355 1.36539 2.20336
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010978820420147228 0.0032742839108496451 -0.0026130753159286325 -0.0041699756626755995 0.0013851602338692012
+leaf_weight=49 47 44 47 74
+leaf_count=49 47 44 47 74
+internal_value=0 -0.0127127 0.0179802 -0.0383588
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=6962
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.166363 0.602014 1.00314
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00089107812033456231 0.0013239611306553895 0.0024713524459149057 -0.0019774434766186007
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0160139 -0.0138782
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=6963
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 5 8
+split_gain=0.161249 1.16496 0.988171 1.3118 0.104063
+threshold=77.500000000000014 24.500000000000004 17.500000000000004 59.350000000000009 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00031991326949283355 -0.0012024782730134956 0.0031644974038468106 -0.0029034808117153043 0.0031131057896706133 -0.0019441491743015273
+leaf_weight=39 42 44 50 47 39
+leaf_count=39 42 44 50 47 39
+internal_value=0 0.0115395 -0.0251615 0.0225781 -0.0571647
+internal_weight=0 219 175 125 78
+internal_count=261 219 175 125 78
+shrinkage=0.02
+
+
+Tree=6964
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.166356 0.48046 0.640228 0.90331 1.43005
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024233234584657378 -0.0011859820225570434 0.0021450439491863963 0.0018675845726861253 -0.0033570986445833175 0.0027662458012334031
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.012025 -0.011997 -0.0482804 0.01113
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=6965
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.16648 0.648377 0.444963 0.524102 0.262194
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010222142574982595 0.00047872134035494674 0.0026087463768491616 -0.0018583087921476616 0.0021689365035784005 -0.001808560147283182
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0187255 -0.0152069 0.0291592 -0.0381232
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=6966
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.162617 0.757434 1.33027 2.1082
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010992795292121805 0.0032387706722095859 -0.0026211910975312116 -0.0030963027066480968 0.002242940973096678
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0127315 0.0180629 -0.0375537
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=6967
+num_leaves=5
+num_cat=0
+split_feature=2 2 7 7
+split_gain=0.16508 0.577375 1.00067 1.49736
+threshold=8.5000000000000018 13.500000000000002 52.500000000000007 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.00088803874837069848 0.002278880287228508 -0.0030309387351801593 0.0033410224619658448 -0.0014775305482605742
+leaf_weight=69 47 40 48 57
+leaf_count=69 47 40 48 57
+internal_value=0 0.0159571 -0.0155682 0.035919
+internal_weight=0 192 145 105
+internal_count=261 192 145 105
+shrinkage=0.02
+
+
+Tree=6968
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.163096 0.663843 0.431575 0.493789 0.250491
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010008250501513567 0.00045927087982078633 0.0026310825589540843 -0.0018469899424545533 0.0021000516373817237 -0.0017796742415602911
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0185558 -0.0157706 0.0279443 -0.0377748
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=6969
+num_leaves=5
+num_cat=0
+split_feature=5 6 5 9
+split_gain=0.166161 0.66042 0.576565 0.743504
+threshold=72.050000000000026 63.500000000000007 55.150000000000006 43.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015856078862102664 0.0011099187138490191 -0.0025032196100693111 0.0018735096018940851 -0.001898412697558185
+leaf_weight=40 49 43 62 67
+leaf_count=40 49 43 62 67
+internal_value=0 -0.0128533 0.0155254 -0.0294159
+internal_weight=0 212 169 107
+internal_count=261 212 169 107
+shrinkage=0.02
+
+
+Tree=6970
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.160028 0.594188 0.967614
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00087582042507381786 0.0012940732841223452 0.0024523066119199015 -0.0019494317970691736
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0157385 -0.0139637
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=6971
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 3 7
+split_gain=0.1619 0.611072 0.396262 0.386629 0.24777
+threshold=67.500000000000014 60.500000000000007 57.500000000000007 49.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0009219238583865237 0.00045560584635511206 0.0025760206232084016 -0.0017294144058655498 0.0018442146478627958 -0.0017719659851581041
+leaf_weight=39 39 40 50 46 47
+leaf_count=39 39 40 50 46 47
+internal_value=0 0.0184991 -0.0139366 0.0282963 -0.0376472
+internal_weight=0 175 135 85 86
+internal_count=261 175 135 85 86
+shrinkage=0.02
+
+
+Tree=6972
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.159107 0.645876 0.648203 0.53063
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0007365775416602494 0.0010887620697833866 -0.0024741296527943145 0.0020739176420555947 -0.0020645330397280389
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.0126037 0.015468 -0.0291136
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6973
+num_leaves=6
+num_cat=0
+split_feature=7 5 9 2 8
+split_gain=0.157358 0.540161 0.299411 1.31469 2.70744
+threshold=75.500000000000014 65.500000000000014 42.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0010637298848275767 -0.0011116014997468321 0.0022000717167122543 0.0044109805478705589 -0.0038832334469453677 -0.0029672906932196302
+leaf_weight=49 47 46 39 39 41
+leaf_count=49 47 46 39 39 41
+internal_value=0 0.0122173 -0.0143542 -0.042516 0.0310168
+internal_weight=0 214 168 119 80
+internal_count=261 214 168 119 80
+shrinkage=0.02
+
+
+Tree=6974
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.158732 0.579132 0.899327
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00087259130007937284 0.0012448035492798003 0.0024248856399584641 -0.001884470238631118
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0156854 -0.0136474
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=6975
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 5
+split_gain=0.165369 1.22465 0.854376 0.28956
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00099596997883258506 -0.0012160090037754603 0.0025303934972811639 -0.0028906570649529849 0.0012366596122033707
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0116727 -0.037643 0.0154726
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=6976
+num_leaves=5
+num_cat=0
+split_feature=8 5 9 2
+split_gain=0.161327 0.510468 0.285567 1.26975
+threshold=72.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0010511205781009014 -0.0011240285743262981 0.0021501750636312949 0.0017444448597572501 -0.0025068988906204359
+leaf_weight=49 47 46 47 72
+leaf_count=49 47 46 47 72
+internal_value=0 0.0123501 -0.0135011 -0.041052
+internal_weight=0 214 168 119
+internal_count=261 214 168 119
+shrinkage=0.02
+
+
+Tree=6977
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.163135 0.553612 0.861355
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00088326201794270733 0.0012296294614496718 0.0023832475044593014 -0.001834371711330243
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0158779 -0.0128174
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=6978
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 5 8
+split_gain=0.170803 1.23742 0.891834 1.28683 0.101313
+threshold=77.500000000000014 24.500000000000004 17.500000000000004 59.350000000000009 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0003761727179991549 -0.0012336934075407667 0.0032588593109965404 -0.0028019716564992962 0.0030250906282001072 -0.0019843311795103356
+leaf_weight=39 42 44 50 47 39
+leaf_count=39 42 44 50 47 39
+internal_value=0 0.0118431 -0.0259692 0.0194156 -0.0595779
+internal_weight=0 219 175 125 78
+internal_count=261 219 175 125 78
+shrinkage=0.02
+
+
+Tree=6979
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.168279 0.728308 0.572524 1.13593
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016618199889260341 -0.000942007962824198 0.0026737663218548329 -0.0016785794997381369 0.0030400386861805908
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0153018 -0.0165651 0.040684
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=6980
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 6
+split_gain=0.16412 0.56978 1.0089 0.656321
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00058844627119797647 -0.0011327474488810872 0.0024382713410677028 -0.002935719850834434 0.0023164023603585793
+leaf_weight=76 47 40 43 55
+leaf_count=76 47 40 43 55
+internal_value=0 0.0124401 -0.0125353 0.0312814
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=6981
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 3 7
+split_gain=0.171094 0.559557 0.391761 0.378344 0.2425
+threshold=67.500000000000014 60.500000000000007 57.500000000000007 49.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00087441191973514131 0.00042434651687806116 0.0024930505021302099 -0.0016854333806584311 0.0018628261852560682 -0.0017806490401009074
+leaf_weight=39 39 40 50 46 47
+leaf_count=39 39 40 50 46 47
+internal_value=0 0.0189536 -0.0121169 0.0298913 -0.0385941
+internal_weight=0 175 135 85 86
+internal_count=261 175 135 85 86
+shrinkage=0.02
+
+
+Tree=6982
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 8
+split_gain=0.165788 0.517755 3.03359 0.88099
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0040338153278148001 -0.0010204729953933913 0.0009111494175463897 -0.0026080478345213869 -0.0030605265426866496
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0139338 0.0602775 -0.0425564
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6983
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.161235 0.552559 0.816498
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00087894829142468186 0.0011897336437223225 0.0023794311424573415 -0.0017951738973461329
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0157812 -0.0128875
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=6984
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.165267 1.22892 0.882883 1.96226 0.821469
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0036074798192673786 -0.001215940000454377 0.0032449216449547441 -0.0029616334748712486 0.0034970728627880358 0.00045185055820787815
+leaf_weight=41 42 44 45 49 40
+leaf_count=41 42 44 45 49 40
+internal_value=0 0.0116563 -0.0260276 0.0159713 -0.0797172
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=6985
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.168063 0.674428 0.617461 0.543355
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00047197998915975495 0.0011154564539137988 -0.0025276358684752803 0.0020384268511549506 -0.0024974104322327169
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.0129246 0.015747 -0.027789
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6986
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 3 7
+split_gain=0.161007 0.570256 0.383488 0.366817 0.227841
+threshold=67.500000000000014 60.500000000000007 57.500000000000007 49.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00087738313957465286 0.00041064635800192479 0.0025024293216202426 -0.0016866796263252724 0.0018200475932144409 -0.0017315027723019611
+leaf_weight=39 39 40 50 46 47
+leaf_count=39 39 40 50 46 47
+internal_value=0 0.0184471 -0.0129125 0.0286648 -0.0375612
+internal_weight=0 175 135 85 86
+internal_count=261 175 135 85 86
+shrinkage=0.02
+
+
+Tree=6987
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.164641 0.653011 0.595342 0.517999
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00075663623262706983 0.0011053260344581494 -0.0024899641017031445 0.0020017689717461919 -0.002012369467760853
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.0128033 0.0154194 -0.0273498
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6988
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.15732 0.626421 0.570963 0.508708
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00045944455988114789 0.0010832510482567694 -0.0024402458246841436 0.0019617826525080801 -0.0024170273701065118
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.012544 0.0151113 -0.0267965
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6989
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.165148 0.520493 0.58073 0.388941
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00061371501050213521 -0.0010185781786716918 0.0018038916472471764 -0.0024484551884007186 0.0019896767335489023
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0139167 -0.02045 0.0210155
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=6990
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.158021 0.592976 0.549125 1.20475
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0023862155729382803 -0.0018942936759903395 -0.00082186520040118574 -0.0012138315565341888 0.0032539029057584616
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.0344988 -0.0197644 0.025724
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=6991
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.171674 0.526699 0.640273 1.01085 1.30523
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0023977565848263475 -0.001202787411491536 0.0022344616989389363 0.0018490492390726113 -0.0036978757007670639 0.0024616994910889164
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0121953 -0.012922 -0.0492042 0.00924852
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=6992
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.166952 0.593024 0.387467 0.450042 0.238803
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00093564420813193846 0.00024439806505529898 0.0025146652125720126 -0.0017299419935296943 0.0020297310648895567 -0.001940815011580924
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0187488 -0.0137355 0.0277759 -0.0381719
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=6993
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 3 6
+split_gain=0.159473 0.541764 0.363338 0.408655 0.228632
+threshold=67.500000000000014 60.500000000000007 50.500000000000007 58.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=0.0013599274782243947 0.00023951739299211941 0.0024487469754583199 -0.0021948904311275305 0.00050244369098861722 -0.0019020663715372782
+leaf_weight=41 46 40 51 43 40
+leaf_count=41 46 40 51 43 40
+internal_value=0 0.01837 -0.0122161 -0.0476522 -0.0374005
+internal_weight=0 175 135 94 86
+internal_count=261 175 135 94 86
+shrinkage=0.02
+
+
+Tree=6994
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 8
+split_gain=0.15652 0.494491 2.93626 0.859872
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0039613868449348746 -0.00099453734627632357 0.00090819124089357368 -0.0025737127692316408 -0.0030166397691371674
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0135897 0.0589233 -0.0416596
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6995
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.15794 0.606431 0.575907 0.48667
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00042555342651562052 0.0010851582055765279 -0.0024065508152524085 0.0019596474307659569 -0.0023899512260290314
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.012565 0.0146557 -0.0274294
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6996
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 4
+split_gain=0.155599 0.593041 0.913349 0.637989
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00085121243752439557 -0.0011061243447929221 0.0024753467075197605 -0.0028235847379260641 0.0019774302384762969
+leaf_weight=65 47 40 43 66
+leaf_count=65 47 40 43 66
+internal_value=0 0.0121539 -0.013314 0.0284048
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=6997
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.156645 0.57697 0.547216 0.482959
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00071998967976260957 0.0010811977535759526 -0.0023543572553853189 0.0019069874696192024 -0.0019570221245044568
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.0125194 0.0140481 -0.0270052
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=6998
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 8
+split_gain=0.159513 0.475944 2.79583 0.831521
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0038803867020877408 -0.0010029425592543246 0.00090224348048022847 -0.0024974239846512858 -0.0029587898998164569
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.013704 0.0582142 -0.0405343
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=6999
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.165561 0.58826 0.846764
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00088922053536682566 0.0012874601966327505 0.0021918754592984303 -0.0018484901430230402
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0159763 -0.0176394
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=7000
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.155821 0.815228 0.362642 0.29149
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00097743240621853871 -0.00091032016327549723 0.0027972473947954256 -0.0017576833945929455 0.0012618572041528762
+leaf_weight=42 64 42 53 60
+leaf_count=42 64 42 53 60
+internal_value=0 0.0147864 -0.018895 0.0165961
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=7001
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 7
+split_gain=0.159607 0.561234 0.800124 3.16487
+threshold=8.5000000000000018 74.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00087489060297084136 0.0019902614413857432 0.0023937039985094553 0.0014203994234315957 -0.0057653140063279118
+leaf_weight=69 46 42 65 39
+leaf_count=69 46 42 65 39
+internal_value=0 0.0157154 -0.0131719 -0.0780295
+internal_weight=0 192 150 85
+internal_count=261 192 150 85
+shrinkage=0.02
+
+
+Tree=7002
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 7
+split_gain=0.161873 1.23407 0.858105 0.281333
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001036013803124755 -0.001204599745700896 0.0025367484134481665 -0.0029012533989943752 0.0011843247244721817
+leaf_weight=40 42 66 51 62
+leaf_count=40 42 66 51 62
+internal_value=0 0.0115566 -0.0379464 0.0152826
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=7003
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 4
+split_gain=0.156068 0.553316 1.77117 1.42543
+threshold=8.5000000000000018 54.500000000000007 63.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=-0.00086623478983424414 0.0017784144575357264 0.004703310872527045 -0.00066185779969160196 -0.0034303398575233931
+leaf_weight=69 41 39 68 44
+leaf_count=69 41 39 68 44
+internal_value=0 0.0155595 0.0643998 -0.0454541
+internal_weight=0 192 107 85
+internal_count=261 192 107 85
+shrinkage=0.02
+
+
+Tree=7004
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.1572 0.348903 0.792419 0.731552
+threshold=72.050000000000026 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013161546360626122 0.00108278797500994 -0.0016965422897390981 0.0025392253195479363 -0.0019763890075233997
+leaf_weight=46 49 53 44 69
+leaf_count=46 49 53 44 69
+internal_value=0 -0.0125444 0.0113251 -0.032621
+internal_weight=0 212 159 115
+internal_count=261 212 159 115
+shrinkage=0.02
+
+
+Tree=7005
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 2
+split_gain=0.155558 0.55225 0.279409 1.21479
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00099001841065789859 -0.0011510933002079591 0.0021356699036767196 0.0016472804994783967 -0.0025120089087850828
+leaf_weight=49 44 49 47 72
+leaf_count=49 44 49 47 72
+internal_value=0 0.0116724 -0.0158633 -0.0431271
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=7006
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.15995 0.545147 0.833603
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00087563288715359667 0.0012945878625458182 0.0021195086519942724 -0.0018175628291101243
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.015735 -0.016658
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=7007
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.165368 1.24007 0.879447 1.23655
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00022032171709745969 -0.0012160811346756581 0.0032585794078822251 0.0011640014709473733 -0.004235771034836161
+leaf_weight=57 42 44 73 45
+leaf_count=57 42 44 73 45
+internal_value=0 0.011669 -0.0261835 -0.086966
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=7008
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 8
+split_gain=0.160245 1.19665 1.19194 0.702228
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00055828843681501948 0.0011061687597631788 -0.0034415013425668122 0.0026519384185256056 -0.0027178549176574869
+leaf_weight=64 48 39 64 46
+leaf_count=64 48 39 64 46
+internal_value=0 -0.0124822 0.0231136 -0.0402662
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=7009
+num_leaves=5
+num_cat=0
+split_feature=4 9 4 9
+split_gain=0.153909 0.806659 1.57462 1.90943
+threshold=49.500000000000007 54.500000000000007 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0012305062636256308 -0.0017165762771275978 0.0057015596110715104 -0.0011236826507581826 -0.00035522231275784499
+leaf_weight=39 63 45 75 39
+leaf_count=39 63 45 75 39
+internal_value=0 0.0108235 0.0493921 0.144101
+internal_weight=0 222 159 84
+internal_count=261 222 159 84
+shrinkage=0.02
+
+
+Tree=7010
+num_leaves=5
+num_cat=0
+split_feature=5 3 7 5
+split_gain=0.160175 0.536873 1.06558 0.286728
+threshold=70.000000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00097598893503721129 0.00094061644140775596 0.0016559358291280014 -0.0032199936150024882 0.0012461669921170499
+leaf_weight=42 62 45 52 60
+leaf_count=42 62 45 52 60
+internal_value=0 -0.0146769 -0.0434438 0.0161641
+internal_weight=0 199 154 102
+internal_count=261 199 154 102
+shrinkage=0.02
+
+
+Tree=7011
+num_leaves=6
+num_cat=0
+split_feature=2 2 8 2 3
+split_gain=0.153705 0.546833 1.77474 0.978234 1.4245
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 24.500000000000004 57.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 -2 3 4 -3
+right_child=1 2 -4 -5 -6
+leaf_value=0.001058937667764683 -0.0022424892448169882 0.00042498583283883144 0.004036627032429109 0.0016920948217595496 -0.0047425854896419491
+leaf_weight=50 45 44 39 41 42
+leaf_count=50 45 44 39 41 42
+internal_value=0 -0.0125681 0.0142151 -0.043164 -0.104561
+internal_weight=0 211 166 127 86
+internal_count=261 211 166 127 86
+shrinkage=0.02
+
+
+Tree=7012
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 2
+split_gain=0.162905 0.523332 0.281141 1.18326
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0010132423091838479 -0.0011747240076158114 0.0020920023985020321 0.0016325390993811178 -0.0024732753070619514
+leaf_weight=49 44 49 47 72
+leaf_count=49 44 49 47 72
+internal_value=0 0.0119245 -0.0149002 -0.0422463
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=7013
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.162277 0.454707 2.73218 0.8227
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0038326166851401101 -0.0010104566697706954 0.00091925354404927512 -0.0024726533716486775 -0.0029218749026354062
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0138179 0.0573662 -0.0392392
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7014
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.164337 0.539694 0.8247
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00088611128845590421 0.0012931673849714981 0.0021146958475538216 -0.0018027367425494805
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0159321 -0.0163025
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=7015
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.157543 0.754996 0.621214 1.1533
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0017352878201850597 -0.00091459673083533696 0.0027069785644103042 -0.0016709683848855318 0.0030828551289065237
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0148671 -0.017568 0.0419987
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7016
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.166386 1.17063 0.888737 1.19531
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00020331284709813944 -0.0012193414357798327 0.0031747866011285339 0.0011947900528528957 -0.0041787569438747271
+leaf_weight=57 42 44 73 45
+leaf_count=57 42 44 73 45
+internal_value=0 0.0117046 -0.0250843 -0.0861828
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=7017
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 7
+split_gain=0.159034 1.18973 0.836801 0.270384
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010081263617636826 -0.0011949952132335772 0.0024940211216611698 -0.0028590712330276912 0.0011712900327468469
+leaf_weight=40 42 66 51 62
+leaf_count=40 42 66 51 62
+internal_value=0 0.0114743 -0.037142 0.0154337
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=7018
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.155093 0.527243 0.534992 0.386785
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00065560161352991092 -0.00099047542580398234 0.001805823172182566 -0.0023811189891076129 0.0019414410927749673
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0135364 -0.0210466 0.0187926
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=7019
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 7
+split_gain=0.156486 1.14541 0.796083 0.253783
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00097879863875686372 -0.0011865900046388468 0.0024504249717403658 -0.0027919169267504934 0.0011372650022790573
+leaf_weight=40 42 66 51 62
+leaf_count=40 42 66 51 62
+internal_value=0 0.0113858 -0.0363277 0.0149748
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=7020
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.158291 0.507983 0.501989 0.371647
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011867942831721916 -0.00099960557216838535 0.0017809008248411999 -0.0023073273318104711 0.0013725958195541972
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0136531 -0.020311 0.0183154
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=7021
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 3
+split_gain=0.157484 0.505651 1.19295 0.432022
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00081963968400290167 -0.0011574415617419771 -0.0018606355143670449 0.0030141516739295732 -0.0016526793642562235
+leaf_weight=56 44 39 60 62
+leaf_count=56 44 39 60 62
+internal_value=0 0.0117336 0.03494 -0.0236405
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=7022
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.154326 0.705291 0.589002 1.19363
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016819332958103073 -0.00090658911438875429 0.0026254300944753288 -0.0016056668822612094 0.0032210893400539432
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0147159 -0.0166539 0.0413907
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7023
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 3
+split_gain=0.159396 0.59339 1.10745 0.569549
+threshold=55.500000000000007 64.500000000000014 72.050000000000026 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0023559611125547287 -0.001953164707991558 -0.0011441527750563349 0.0031233465370395803 -0.00078991654386105167
+leaf_weight=45 63 62 41 50
+leaf_count=45 63 62 41 50
+internal_value=0 -0.0198494 0.0273883 0.0346229
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=7024
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.163069 0.494925 1.14892 0.431192
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00093055553077529623 -0.001175657818789165 -0.0018355311606282434 0.0029704964282470199 -0.0015540179660321366
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.0119094 0.0348789 -0.0226221
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=7025
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 7 4
+split_gain=0.156481 0.562173 0.957886 0.697213 0.588159
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 55.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0013147456299977085 -0.0011092546460024233 0.0024186752577311592 -0.0028705673311048407 0.0026826172993719812 -0.0020275736178872071
+leaf_weight=41 47 40 43 44 46
+leaf_count=41 47 40 43 44 46
+internal_value=0 0.0121666 -0.0126461 0.0300638 -0.0221739
+internal_weight=0 214 174 131 87
+internal_count=261 214 174 131 87
+shrinkage=0.02
+
+
+Tree=7026
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 7
+split_gain=0.15655 0.547022 0.775373 3.09028
+threshold=8.5000000000000018 74.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00086764216858829454 0.0019721921148607054 0.0023652227267548565 0.0013989497114225377 -0.0056919594244740192
+leaf_weight=69 46 42 65 39
+leaf_count=69 46 42 65 39
+internal_value=0 0.0155695 -0.0129594 -0.0768344
+internal_weight=0 192 150 85
+internal_count=261 192 150 85
+shrinkage=0.02
+
+
+Tree=7027
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.155471 0.62633 0.596595 0.453608
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00066937638102034652 0.0010773815235283605 -0.0024389932864235979 0.0019984284103626918 -0.0019278733218897753
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.0124886 0.0151648 -0.0276489
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7028
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 4
+split_gain=0.152361 0.55188 0.900697 0.681122
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00088791171153221565 -0.0010960923619956152 0.0023966608659857255 -0.0027912100502584993 0.0020322034938199738
+leaf_weight=65 47 40 43 66
+leaf_count=65 47 40 43 66
+internal_value=0 0.0120307 -0.0125599 0.0288744
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=7029
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.154899 0.501482 0.510479 0.384185
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00065406855393591184 -0.00099024045811801627 0.0017688124601640402 -0.0023213166304681897 0.0019346534558029166
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0135132 -0.0202399 0.0187027
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=7030
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.154068 0.60663 0.575104 0.455121
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00067891941309499923 0.0010730195737538571 -0.0024044301511517859 0.0019610810966939336 -0.0019225755210636652
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.012441 0.0147843 -0.0272719
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7031
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 2
+split_gain=0.154208 0.501919 0.267651 1.17857
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00098800263611099871 -0.0011468219011176706 0.0020490564202610044 0.0016447030382346823 -0.0024531837413326557
+leaf_weight=49 44 49 47 72
+leaf_count=49 44 49 47 72
+internal_value=0 0.0116192 -0.0146675 -0.0413978
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=7032
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 1
+split_gain=0.160279 0.541352 1.01272 1.10363
+threshold=8.5000000000000018 72.500000000000014 65.100000000000009 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00087659116158596577 0.0026124510864598671 0.0024224941286327896 -0.0029950258881225535 -0.001396575942113266
+leaf_weight=69 60 40 40 52
+leaf_count=69 60 40 40 52
+internal_value=0 0.0157414 -0.011771 0.0372135
+internal_weight=0 192 152 112
+internal_count=261 192 152 112
+shrinkage=0.02
+
+
+Tree=7033
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.157775 0.721133 0.585337 1.17596
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016818509796621137 -0.00091554312086317472 0.0026535988265937601 -0.0015953223234564538 0.0031961198871552814
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0148594 -0.0168537 0.0410141
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7034
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.155464 1.14585 0.822604 1.88294 0.818917
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0035751646655535277 -0.0011834187137987088 0.0031367728547266015 -0.0028595118398197688 0.0034235448787144108 0.00047820880462440848
+leaf_weight=41 42 44 45 49 40
+leaf_count=41 42 44 45 49 40
+internal_value=0 0.0113394 -0.0250628 0.0155006 -0.0782473
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=7035
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 3
+split_gain=0.161233 0.60136 1.18493 0.582214
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0025650587468588177 -0.0019652782002558739 -0.0011622335025646409 0.0032688690842849104 -0.00065037134047837787
+leaf_weight=40 63 63 40 55
+leaf_count=40 63 63 40 55
+internal_value=0 -0.019952 0.0275936 0.0347985
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=7036
+num_leaves=6
+num_cat=0
+split_feature=2 2 8 9 7
+split_gain=0.15892 0.539454 1.71125 0.940906 1.02554
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 62.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 -2 3 4 -3
+right_child=1 2 -4 -5 -6
+leaf_value=0.0010744138271812911 -0.0022335072484802243 -0.0020218157770426452 0.0039621457419116721 -0.0034621358103907136 0.0023423658796042578
+leaf_weight=50 45 41 39 39 47
+leaf_count=50 45 41 39 39 47
+internal_value=0 -0.0127705 0.0138359 -0.0425145 0.014999
+internal_weight=0 211 166 127 88
+internal_count=261 211 166 127 88
+shrinkage=0.02
+
+
+Tree=7037
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 2
+split_gain=0.167741 0.498608 0.269988 1.16901
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0010038378301477249 -0.0011905777459109968 0.002052036483867186 0.0016431158136822552 -0.0024384122323366287
+leaf_weight=49 44 49 47 72
+leaf_count=49 44 49 47 72
+internal_value=0 0.0120599 -0.0141419 -0.0409822
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=7038
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.163492 0.470082 0.520789 0.379005
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011583132040692864 -0.0010142340131445494 0.0017295735673529763 -0.0023126440063492644 0.0014245577778259119
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0138431 -0.0188693 0.0204569
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=7039
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.164665 1.11041 0.866119 1.19045
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00023223764200918265 -0.0012140563291539368 0.0030980488103162472 0.0011910150913373545 -0.0041412274089493301
+leaf_weight=57 42 44 73 45
+leaf_count=57 42 44 73 45
+internal_value=0 0.0116326 -0.0242086 -0.0845456
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=7040
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.157381 1.07395 0.431047 0.512983
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011931624412497954 -0.0011898155446315509 0.0031294862497292437 -0.0022944776989593974 -0.0013308948609521995
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.0114037 -0.0228421 0.00460832
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=7041
+num_leaves=5
+num_cat=0
+split_feature=6 5 4 9
+split_gain=0.163981 0.471558 0.266426 0.634992
+threshold=70.500000000000014 65.500000000000014 50.500000000000007 57.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0011503361542037299 -0.0011785776517898121 0.002001790967159731 -0.0019244296076977258 0.001014633193129976
+leaf_weight=42 44 49 76 50
+leaf_count=42 44 49 76 50
+internal_value=0 0.0119394 -0.013564 -0.0375937
+internal_weight=0 217 168 126
+internal_count=261 217 168 126
+shrinkage=0.02
+
+
+Tree=7042
+num_leaves=5
+num_cat=0
+split_feature=5 3 9 1
+split_gain=0.159013 0.756745 0.360957 1.43237
+threshold=68.65000000000002 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0020284361776135174 -0.0008566766121442164 0.0028355256889310066 -0.0020071651310988327 0.0025433625189568536
+leaf_weight=39 71 39 56 56
+leaf_count=39 71 39 56 56
+internal_value=0 0.0159935 -0.0162793 0.0130564
+internal_weight=0 190 151 112
+internal_count=261 190 151 112
+shrinkage=0.02
+
+
+Tree=7043
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 3
+split_gain=0.162534 0.601658 1.06446 0.560955
+threshold=55.500000000000007 64.500000000000014 72.050000000000026 52.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0025342462850920068 -0.0019670632734849862 -0.001108458766220694 0.0030767168724713957 -0.00062363045719329257
+leaf_weight=40 63 62 41 55
+leaf_count=40 63 62 41 55
+internal_value=0 -0.0200229 0.0275341 0.0349237
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=7044
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 3
+split_gain=0.165591 0.4869 1.09423 0.390949
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00080500407348730284 -0.0011837402515625613 -0.0018176130444337744 0.0029147175910264199 -0.0015523353685008667
+leaf_weight=56 44 39 60 62
+leaf_count=56 44 39 60 62
+internal_value=0 0.0119906 0.0347813 -0.0213504
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=7045
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.160738 0.679272 0.551597 1.12677
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001623337458303803 -0.00092326881650347462 0.0025884110563960867 -0.0016742373361805988 0.0030256288609375945
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0149763 -0.0158209 0.0404039
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7046
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 5
+split_gain=0.157649 0.451347 2.82459 0.898975
+threshold=73.500000000000014 7.5000000000000009 57.500000000000007 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0011549388153262994 -0.00099813648430616933 0.00099497418126318592 0.0055096411254397125 -0.0030168251367977479
+leaf_weight=74 56 51 39 41
+leaf_count=74 56 51 39 41
+internal_value=0 0.0136119 0.0570069 -0.0392569
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7047
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.159964 1.0602 0.841877 1.89912 0.821271
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0034977613189369479 -0.0011986641663750703 0.0030305895790549019 -0.002856380513046596 0.0034760618060584321 0.00056406646150745704
+leaf_weight=42 42 44 45 49 39
+leaf_count=42 42 44 45 49 39
+internal_value=0 0.0114755 -0.0235561 0.0174743 -0.07667
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=7048
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 3
+split_gain=0.165181 0.597945 1.15378 0.561096
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0023548139537520755 -0.0019654344799345828 -0.0011469473850099564 0.0032264554595780666 -0.00076821463197820894
+leaf_weight=45 63 63 40 50
+leaf_count=45 63 63 40 50
+internal_value=0 -0.0201764 0.0272369 0.0351672
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=7049
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.16011 0.478301 1.04969 0.555197 1.17577
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0021653309411647941 -0.0011663140908022276 -0.0018038024645969024 0.0035654985159449606 -0.0014758662352256963 0.0029354769386396059
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0118031 0.0344012 -0.00708085 0.0338594
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=7050
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.162821 0.703246 1.25908 2.25215
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010857872597371744 0.0018922525595944117 -0.006051758268928481 0.0010137893018947075 0.00038436163487294518
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0129227 -0.0448619 -0.126727
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7051
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.15655 0.646669 0.782899 1.6175
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0021375704608952461 0.0008417624345562802 -0.0026505921381359547 -0.0014943360567497641 0.0033965286798434114
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0160795 0.0139787 0.0583302
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7052
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 3
+split_gain=0.158892 0.599752 1.11873 0.534557
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0023046560822885843 -0.0019608746017520618 -0.0011130299281068435 0.0031943954048770785 -0.00074600376821169008
+leaf_weight=45 63 63 40 50
+leaf_count=45 63 63 40 50
+internal_value=0 -0.0198325 0.0276514 0.0345632
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=7053
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.157292 0.698886 1.20354 2.13635
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010693174202403598 0.0018897772626728531 -0.0059190569466594936 0.00097756029348470609 0.00035042523105563108
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.012722 -0.0445656 -0.124635
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7054
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 4
+split_gain=0.15819 0.9516 1.60271 1.14731
+threshold=75.500000000000014 6.5000000000000009 17.500000000000004 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00059317456853933261 0.0012266883840131319 -0.0010200670311679852 -0.0042648859013237148 0.0030931533267582827
+leaf_weight=62 40 53 49 57
+leaf_count=62 40 53 49 57
+internal_value=0 -0.0111431 -0.0772754 0.0552336
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=7055
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 4
+split_gain=0.164233 0.542189 0.917358 0.678156
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00086484081581731872 -0.0011332473453250639 0.002386365093761232 -0.0028017964447792925 0.0020489141365435115
+leaf_weight=65 47 40 43 66
+leaf_count=65 47 40 43 66
+internal_value=0 0.0124363 -0.0119426 0.0298682
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=7056
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 4
+split_gain=0.156927 0.519986 0.880248 0.650585
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00084756255186481638 -0.0011106158403269369 0.0023387214348058556 -0.0027458515452596847 0.0020079791367807278
+leaf_weight=65 47 40 43 66
+leaf_count=65 47 40 43 66
+internal_value=0 0.0121841 -0.0117044 0.0292654
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=7057
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 5
+split_gain=0.160658 0.460676 0.278702 0.330355
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0010383308829030997 -0.0011679643597466512 0.001979939753080741 -0.0021316830994298212 6.9082554493194335e-05
+leaf_weight=49 44 49 48 71
+leaf_count=49 44 49 48 71
+internal_value=0 0.0118271 -0.0133901 -0.0406317
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=7058
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.153534 0.443833 1.03593 0.455918
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0009961726238179485 -0.0011446421980073401 -0.0017359283704540447 0.002828393737866604 -0.0015561213685684242
+leaf_weight=52 44 39 60 66
+leaf_count=52 44 39 60 66
+internal_value=0 0.0115946 0.0334024 -0.0212341
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=7059
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.161301 0.648144 0.786614 1.35473
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0021467646000716705 0.00085307798497104878 -0.0026573719271528527 -0.0010190697276371142 0.0034433117500620542
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0162913 0.0138001 0.0582541
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7060
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.156201 0.632122 1.23224 1.4958
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011849733101151349 -0.0031110288253417434 -0.0025365612885141003 0.0023493834253569875 0.0016709564980390355
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0114096 0.0141984 -0.0533546
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7061
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 9 5
+split_gain=0.154248 0.961089 0.656207 0.422089 0.825236
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 49.500000000000007 57.650000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0023100570525987373 0.0012130203208692478 -0.0030120920656747357 -0.001865860462334483 0.0026397862466348231 -0.0015150372466891965
+leaf_weight=53 40 41 49 39 39
+leaf_count=53 40 41 49 39 39
+internal_value=0 -0.0110204 0.0205978 -0.0187353 0.0276316
+internal_weight=0 221 180 127 78
+internal_count=261 221 180 127 78
+shrinkage=0.02
+
+
+Tree=7062
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 8
+split_gain=0.158776 0.555701 1.08747 0.245493
+threshold=8.5000000000000018 72.500000000000014 7.5000000000000009 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00087308613642504381 3.2742996561815829e-05 0.0024478079959106827 -0.0021958293396750089 0.002280636517731673
+leaf_weight=69 40 40 66 46
+leaf_count=69 40 40 66 46
+internal_value=0 0.0156678 -0.0121975 0.0622638
+internal_weight=0 192 152 86
+internal_count=261 192 152 86
+shrinkage=0.02
+
+
+Tree=7063
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 8
+split_gain=0.16048 0.567944 1.10293 0.531717
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 49.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0023729326841530622 -0.0019217523469734217 -0.0011278339795412684 0.0031497383837632061 -0.00067931630680330749
+leaf_weight=43 63 63 40 52
+leaf_count=43 63 63 40 52
+internal_value=0 -0.0199095 0.0263304 0.0347272
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=7064
+num_leaves=6
+num_cat=0
+split_feature=6 5 9 2 8
+split_gain=0.166636 0.444413 0.284739 1.2076 2.73642
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0010643066587626923 -0.0011870564361778494 0.0019541216950953941 0.0044153476654262783 -0.0037143488848853179 -0.0030021289890232472
+leaf_weight=49 44 49 39 39 41
+leaf_count=49 44 49 39 39 41
+internal_value=0 0.0120249 -0.0127577 -0.0402744 0.0302299
+internal_weight=0 217 168 119 80
+internal_count=261 217 168 119 80
+shrinkage=0.02
+
+
+Tree=7065
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 4
+split_gain=0.159256 0.440031 1.0475 0.447215
+threshold=70.500000000000014 72.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.000701157273385697 -0.0011633526549226767 -0.0017239828967273096 0.002688220085705015 -0.0018788449447416015
+leaf_weight=59 44 39 66 53
+leaf_count=59 44 39 66 53
+internal_value=0 0.0117846 0.033503 -0.0256505
+internal_weight=0 217 178 112
+internal_count=261 217 178 112
+shrinkage=0.02
+
+
+Tree=7066
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.156015 0.544666 0.852935
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00086634040966174772 0.0013094703017536675 0.0021149676704689179 -0.0018377537324077064
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0155452 -0.0168343
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=7067
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.156785 1.15012 1.06687 0.462094 1.19436
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0020512745509755166 -0.0011879240853757565 0.003319443714627608 -0.0028005280862361953 0.0023156836583045079 -0.0028112433625035135
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0113791 -0.0229948 0.0286417 -0.0155656
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=7068
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 8
+split_gain=0.158451 0.476339 2.78717 0.888485
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.003875425311576319 -0.0010003030007272901 0.00095749584678943463 -0.0024925570281089555 -0.0030310422795436259
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0136468 0.0581749 -0.0406134
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7069
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.156694 0.540593 0.81491
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00086804354636976723 0.0012759763027723383 0.0021090119627209729 -0.0018018515702964196
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0155734 -0.016688
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=7070
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.155332 1.11342 1.01908 0.45685 1.15545
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0020046191020563885 -0.0011830663449029783 0.003269628357390439 -0.0027385825412836657 0.0022931406923242326 -0.0027792292124528316
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0113305 -0.022497 0.0279854 -0.0159799
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=7071
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.165598 0.695617 0.550308 1.15086
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016250457176433387 -0.00093558754971382013 0.0026189932989017228 -0.0015864160341998218 0.0031544726204002218
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.015177 -0.0159807 0.0401797
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7072
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 5
+split_gain=0.162212 0.438941 2.73559 0.87308
+threshold=73.500000000000014 7.5000000000000009 57.500000000000007 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0011266026680199456 -0.0010108600721355852 0.00098716198855331545 0.0054327715569852039 -0.0029676677430303016
+leaf_weight=74 56 51 39 41
+leaf_count=74 56 51 39 41
+internal_value=0 0.0137863 0.0566069 -0.0383772
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7073
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.159525 1.08538 0.996678 0.429969 1.09824
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0019726831676885183 -0.0011971970156476252 0.0032343683182999828 -0.0027027292860783833 0.0022436301887127463 -0.0026933681824304291
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0114618 -0.0219418 0.0279911 -0.0147024
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=7074
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.168818 0.674449 0.515994 1.10677
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015733683528695208 -0.00094373369614159206 0.002587027246974159 -0.0015633479409447721 0.0030873561150208209
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0153047 -0.0153848 0.0390504
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7075
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 5
+split_gain=0.164509 0.423114 2.5998 0.850563
+threshold=73.500000000000014 7.5000000000000009 57.500000000000007 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0010832163011342132 -0.0010172768172380948 0.00098471011291727619 0.0053122970036206911 -0.0029199416594026962
+leaf_weight=74 56 51 39 41
+leaf_count=74 56 51 39 41
+internal_value=0 0.0138696 0.0559466 -0.0373807
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7076
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.163313 1.05866 0.97453 0.404689 1.0438
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0019407652939388864 -0.0012098218668504597 0.0032001732548246485 -0.0026674712290343039 0.0021951179260917986 -0.0026103764031633705
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.011579 -0.0214159 0.0279676 -0.0134944
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=7077
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.171666 0.654339 0.483689 1.07637
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015234900252182573 -0.00095088818738626893 0.0025559793980820945 -0.0016682005447288103 0.0029273264516852518
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0154166 -0.0148214 0.0379383
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7078
+num_leaves=5
+num_cat=0
+split_feature=5 9 3 2
+split_gain=0.167061 0.726542 0.526299 0.996514
+threshold=68.65000000000002 65.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0021848656477250652 -0.00087604066849476152 0.0027928766967513724 -0.0022450760728762614 -0.0016919411844261703
+leaf_weight=60 71 39 42 49
+leaf_count=60 71 39 42 49
+internal_value=0 0.0163331 -0.0153005 0.0217389
+internal_weight=0 190 151 109
+internal_count=261 190 151 109
+shrinkage=0.02
+
+
+Tree=7079
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 2 5
+split_gain=0.163278 0.381394 1.23838 2.67105 0.652422
+threshold=73.500000000000014 41.500000000000007 15.500000000000002 8.5000000000000018 57.650000000000013
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0014856687336906134 -0.0010139929090610094 0.0025425667741646074 0.0042543143440602034 -0.0046492155341262336 0.00058064095216362507
+leaf_weight=41 56 42 42 41 39
+leaf_count=41 56 42 42 41 39
+internal_value=0 0.0138174 0.0361087 -0.0500647 0.12487
+internal_weight=0 205 164 83 81
+internal_count=261 205 164 83 81
+shrinkage=0.02
+
+
+Tree=7080
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 3
+split_gain=0.157901 0.578182 1.10348 0.528469
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0022937672653853139 -0.0019324319831529623 -0.0011175995043298608 0.0031609515949529631 -0.00074003926893301492
+leaf_weight=45 63 63 40 50
+leaf_count=45 63 63 40 50
+internal_value=0 -0.0197827 0.0268615 0.0344621
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=7081
+num_leaves=5
+num_cat=0
+split_feature=5 9 3 2
+split_gain=0.164501 0.705539 0.482639 0.993185
+threshold=68.65000000000002 65.500000000000014 61.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0021583323571871299 -0.00087010007485300743 0.0027556321844897187 -0.0021593449799074309 -0.0017122855884238808
+leaf_weight=60 71 39 42 49
+leaf_count=60 71 39 42 49
+internal_value=0 0.0162172 -0.0149647 0.0205506
+internal_weight=0 190 151 109
+internal_count=261 190 151 109
+shrinkage=0.02
+
+
+Tree=7082
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.168156 0.502241 0.351724 0.461498 0.287101
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.001064624811383418 0.00033319641665571905 0.0023504765448211493 -0.0017584889053966265 0.0018454688032532942 -0.0020493284246408052
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0187823 -0.0111769 0.0246889 -0.0383213
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=7083
+num_leaves=6
+num_cat=0
+split_feature=9 5 6 2 7
+split_gain=0.160628 0.481625 0.34441 0.520751 0.275288
+threshold=67.500000000000014 62.400000000000006 49.500000000000007 14.500000000000002 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0022577093540134649 0.00051929889187228204 0.0023035474746715477 -0.0016181160730298352 -0.00091285581453674032 -0.0018211666127539805
+leaf_weight=40 39 41 48 46 47
+leaf_count=40 39 41 48 46 47
+internal_value=0 0.0184026 -0.0109539 0.0276584 -0.0375469
+internal_weight=0 175 134 86 86
+internal_count=261 175 134 86 86
+shrinkage=0.02
+
+
+Tree=7084
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.156346 0.51415 0.767996 0.665119
+threshold=72.050000000000026 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013388097314687619 0.0010797168523686612 -0.0019902865751238448 0.002601830572809577 -0.0018053016588641991
+leaf_weight=46 49 53 44 69
+leaf_count=46 49 53 44 69
+internal_value=0 -0.0125371 0.0162348 -0.0270328
+internal_weight=0 212 159 115
+internal_count=261 212 159 115
+shrinkage=0.02
+
+
+Tree=7085
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.159251 0.398658 2.78892 0.81705
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0038043297853121039 -0.0010027533567629971 0.00097563525760666319 -0.0025659425097876287 -0.002853079397174196
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0136667 0.0545692 -0.0361411
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7086
+num_leaves=5
+num_cat=0
+split_feature=2 2 3 9
+split_gain=0.166882 0.557237 0.44791 1.33606
+threshold=8.5000000000000018 13.500000000000002 66.500000000000014 49.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.00089291451208426136 0.0022465425806995763 -0.0022807894630794373 -0.0019419708394031758 0.0024815631616976167
+leaf_weight=69 47 41 47 57
+leaf_count=69 47 41 47 57
+internal_value=0 0.0160064 -0.0149782 0.0240394
+internal_weight=0 192 145 98
+internal_count=261 192 145 98
+shrinkage=0.02
+
+
+Tree=7087
+num_leaves=6
+num_cat=0
+split_feature=4 2 6 3 5
+split_gain=0.159785 0.883578 2.14762 0.887568 2.39974
+threshold=49.500000000000007 25.500000000000004 49.500000000000007 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0012518671811740662 0.0049303395003043185 -0.0024947982183084663 0.0012925657357326307 0.0018610706636904212 -0.0052108886852462542
+leaf_weight=39 40 40 53 49 40
+leaf_count=39 40 40 53 49 40
+internal_value=0 0.0109675 0.0410495 -0.0166401 -0.0748919
+internal_weight=0 222 182 142 93
+internal_count=261 222 182 142 93
+shrinkage=0.02
+
+
+Tree=7088
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.165906 0.629112 0.504366 0.401942
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00039583391753009173 0.0011086048866353212 -0.002451315202183947 0.0018601668628289401 -0.0021730498588539799
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.0128721 0.0148407 -0.0246174
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7089
+num_leaves=5
+num_cat=0
+split_feature=2 2 7 7
+split_gain=0.166061 0.524606 0.911709 1.5729
+threshold=8.5000000000000018 13.500000000000002 52.500000000000007 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.00089092065495106779 0.0021906237572982402 -0.0028809354286747795 0.0033884261885476952 -0.0015489373043563336
+leaf_weight=69 47 40 48 57
+leaf_count=69 47 40 48 57
+internal_value=0 0.0159727 -0.0141157 0.0350641
+internal_weight=0 192 145 105
+internal_count=261 192 145 105
+shrinkage=0.02
+
+
+Tree=7090
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.161634 0.591414 0.466402 0.402842
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00041267754460337132 0.0010958053221133131 -0.0023836925779933136 0.0017891585554804215 -0.0021591439012877615
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.0127226 0.0141669 -0.0238259
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7091
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.166379 0.645381 0.786018 1.53588
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0021518793316115934 0.000864757556389163 -0.0026572285397090294 -0.0014346535893431296 0.0033324663797977944
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0165271 0.0135011 0.0579396
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7092
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.159036 0.619005 0.754099 1.47443
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0021089169410568004 0.00084747906593884742 -0.0026041788423716611 -0.0014060003542128688 0.0032658942489799058
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0162019 0.0132203 0.0567747
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7093
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.157039 0.802595 1.39011 2.3722
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010818005293844574 0.0033228354097767599 -0.0026855998324445446 -0.004284044792596667 0.0014784875935398973
+leaf_weight=49 47 44 47 74
+leaf_count=49 47 44 47 74
+internal_value=0 -0.0125635 0.0191193 -0.0377213
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=7094
+num_leaves=5
+num_cat=0
+split_feature=4 9 3 7
+split_gain=0.157948 0.711717 1.55564 1.07749
+threshold=49.500000000000007 54.500000000000007 64.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0012453991790271825 -0.0016000351707880897 0.0038403690190424496 0.0020498234522793833 -0.0020627941954993309
+leaf_weight=39 63 51 43 65
+leaf_count=39 63 51 43 65
+internal_value=0 0.010914 0.047208 -0.0208847
+internal_weight=0 222 159 108
+internal_count=261 222 159 108
+shrinkage=0.02
+
+
+Tree=7095
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.170241 0.566581 0.44801 0.383911
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00038977186942828156 0.0011214673946704013 -0.0023459231661468751 0.0017434505281461732 -0.0021235270443507588
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.0130206 0.013312 -0.0239518
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7096
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.166332 0.584544 0.720805 0.715895
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013587411229616137 0.00095607143794523256 -0.0024963266701937942 0.0024580192818497216 -0.0018997368467204459
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0149496 0.0124811 -0.029468
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7097
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.158937 0.560673 0.691463 0.686835
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013316076318586835 0.00093697167172564655 -0.0024464874577808252 0.0024089367106465598 -0.0018617806521294103
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0146468 0.0122323 -0.028872
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7098
+num_leaves=5
+num_cat=0
+split_feature=2 9 2 9
+split_gain=0.164167 0.556627 0.780062 2.11102
+threshold=8.5000000000000018 74.500000000000014 14.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00088622187677540561 0.0021150326540152579 0.0023890868597005351 0.0017581981137775519 -0.0038312375660680877
+leaf_weight=69 41 42 52 57
+leaf_count=69 41 42 52 57
+internal_value=0 0.0158989 -0.0128723 -0.0578983
+internal_weight=0 192 150 109
+internal_count=261 192 150 109
+shrinkage=0.02
+
+
+Tree=7099
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 7
+split_gain=0.15691 0.533761 0.752036 3.243
+threshold=8.5000000000000018 74.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00086851526617537855 0.0020835942900022976 0.002341384522520344 0.0013814639493156659 -0.0057669120080748098
+leaf_weight=69 46 42 65 39
+leaf_count=69 46 42 65 39
+internal_value=0 0.0155859 -0.0126042 -0.075539
+internal_weight=0 192 150 85
+internal_count=261 192 150 85
+shrinkage=0.02
+
+
+Tree=7100
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 9
+split_gain=0.160183 1.18517 0.883766 0.396321
+threshold=77.500000000000014 66.500000000000014 54.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014442328883444413 -0.0011992032513897296 0.0024900982821557862 -0.0028826941208370542 -0.0011547096069377083
+leaf_weight=59 42 66 52 42
+leaf_count=59 42 66 52 42
+internal_value=0 0.011492 -0.037032 0.0177759
+internal_weight=0 219 153 101
+internal_count=261 219 153 101
+shrinkage=0.02
+
+
+Tree=7101
+num_leaves=5
+num_cat=0
+split_feature=7 2 5 2
+split_gain=0.154027 0.687393 0.503205 1.28954
+threshold=52.500000000000007 7.5000000000000009 70.65000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.00088758685600293899 -0.0019567383616463834 -0.0026175788446756534 0.0027821524644117113 0.0019158925407164692
+leaf_weight=66 43 41 44 67
+leaf_count=66 43 41 44 67
+internal_value=0 0.0150017 0.0472165 0.00934346
+internal_weight=0 195 152 108
+internal_count=261 195 152 108
+shrinkage=0.02
+
+
+Tree=7102
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.158456 0.577252 0.366588 0.452921 0.280738
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010881547605747675 0.00053598367095390243 0.0024781311427644202 -0.0018399811892947327 0.0017962370064949977 -0.0018262663782703439
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0183045 -0.013756 0.0228191 -0.0373077
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=7103
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.156072 0.747625 0.371547 0.353457
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010664278244374341 -0.00091128446516425797 0.0026937869156458218 -0.0017459177752156166 0.0013859093989987768
+leaf_weight=42 64 42 53 60
+leaf_count=42 64 42 53 60
+internal_value=0 0.0147812 -0.0174982 0.0184123
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=7104
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.154399 0.465209 0.721204 1.02739 1.36046
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024671530298532715 -0.0011476149373999089 0.0021077078457271696 0.0019928105718777216 -0.0037447033406814286 0.0024926984380207614
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0116173 -0.0120331 -0.0504667 0.00845503
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=7105
+num_leaves=6
+num_cat=0
+split_feature=9 5 6 3 6
+split_gain=0.15958 0.568774 0.349286 0.48426 0.280227
+threshold=67.500000000000014 62.400000000000006 49.500000000000007 51.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00090751580536585453 0.00033860125816874941 0.0024641929350980216 -0.0016773370346036998 0.0021542815460598259 -0.0020171070668222545
+leaf_weight=46 46 41 48 40 40
+leaf_count=46 46 41 48 40 40
+internal_value=0 0.0183605 -0.0134694 0.0253938 -0.0374266
+internal_weight=0 175 134 86 86
+internal_count=261 175 134 86 86
+shrinkage=0.02
+
+
+Tree=7106
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 2
+split_gain=0.152268 0.53555 0.456939 0.414328
+threshold=69.500000000000014 63.500000000000007 58.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00043951377684057417 0.0010809649289001515 -0.0022463833118571441 0.0017638541728816895 -0.0021521838422514181
+leaf_weight=72 48 44 57 40
+leaf_count=72 48 44 57 40
+internal_value=0 -0.0122254 0.0136337 -0.023986
+internal_weight=0 213 169 112
+internal_count=261 213 169 112
+shrinkage=0.02
+
+
+Tree=7107
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.152396 0.545682 0.354133 0.476364 0.274621
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010016902750975621 0.00034350720228757103 0.0024153456225399846 -0.0016586216588491138 0.0020462460543623873 -0.0019901133855441755
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0179929 -0.0132013 0.0265609 -0.0366669
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=7108
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=0.153823 0.542584 0.475989 0.763306
+threshold=72.050000000000026 63.500000000000007 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0022854547111051822 0.0010722564252228948 -0.0022911418360120213 0.0016746698220681138 0.0011459584227833839
+leaf_weight=53 49 43 63 53
+leaf_count=53 49 43 63 53
+internal_value=0 -0.0124325 0.013352 -0.0281291
+internal_weight=0 212 169 106
+internal_count=261 212 169 106
+shrinkage=0.02
+
+
+Tree=7109
+num_leaves=5
+num_cat=0
+split_feature=6 5 8 6
+split_gain=0.149286 0.52229 0.310987 0.442045
+threshold=70.500000000000014 65.500000000000014 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00060867160715310674 -0.0011305152319349722 0.002080868446612239 -0.0016339562052908433 0.0020579950241045421
+leaf_weight=77 44 49 52 39
+leaf_count=77 44 49 52 39
+internal_value=0 0.0114534 -0.0153462 0.0140844
+internal_weight=0 217 168 116
+internal_count=261 217 168 116
+shrinkage=0.02
+
+
+Tree=7110
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.151656 0.381368 0.696121 0.647869
+threshold=72.050000000000026 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012816538161508995 0.0010655665660623574 -0.0017550415979933104 0.0024224118506635211 -0.0018222077349444902
+leaf_weight=46 49 53 44 69
+leaf_count=46 49 53 44 69
+internal_value=0 -0.012354 0.0125547 -0.0286843
+internal_weight=0 212 159 115
+internal_count=261 212 159 115
+shrinkage=0.02
+
+
+Tree=7111
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.150684 0.578063 1.35743 1.44887
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011664455580065306 -0.0031632172687821526 -0.0024350832095999565 0.0024320126861277244 0.0015434763847888874
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.011221 0.0132937 -0.0575705
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7112
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.157819 0.528604 0.361031 0.454787 0.268683
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00094472868704076102 0.00032106523642396107 0.0023898170779939692 -0.0016561373882413228 0.0020356625158686578 -0.0019885176560038012
+leaf_weight=42 46 41 49 43 40
+leaf_count=42 46 41 49 43 40
+internal_value=0 0.0182825 -0.0124321 0.0277015 -0.0372304
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=7113
+num_leaves=5
+num_cat=0
+split_feature=2 9 2 9
+split_gain=0.152504 0.525871 0.77069 2.03305
+threshold=8.5000000000000018 74.500000000000014 14.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00085746931821750782 0.0021067601929246173 0.0023231567161625714 0.0017150725449759326 -0.0037709934405678316
+leaf_weight=69 41 42 52 57
+leaf_count=69 41 42 52 57
+internal_value=0 0.0153988 -0.0125882 -0.0573516
+internal_weight=0 192 150 109
+internal_count=261 192 150 109
+shrinkage=0.02
+
+
+Tree=7114
+num_leaves=6
+num_cat=0
+split_feature=9 5 6 2 6
+split_gain=0.15477 0.520141 0.353774 0.472589 0.261558
+threshold=67.500000000000014 62.400000000000006 49.500000000000007 14.500000000000002 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0021622645735577036 0.00031411995462360051 0.0023710889125613363 -0.001663559906716304 -0.00086342995987555347 -0.0019665908450709336
+leaf_weight=40 46 41 48 46 40
+leaf_count=40 46 41 48 46 40
+internal_value=0 0.018129 -0.0123456 0.0267595 -0.0369059
+internal_weight=0 175 134 86 86
+internal_count=261 175 134 86 86
+shrinkage=0.02
+
+
+Tree=7115
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.151422 0.522823 1.55047 0.137249
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00085469405622960043 0.0033700614237484735 -0.0014304286114183249 0 -0.0017746489974947858
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0153544 0.0479278 -0.0447355
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=7116
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 6
+split_gain=0.150711 1.16532 0.823942 1.03275
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00077394396385950331 -0.0011671772056409972 0.0031579881099405432 0.0011242126458008018 -0.0033547951170050105
+leaf_weight=41 42 44 73 61
+leaf_count=41 42 44 73 61
+internal_value=0 0.0111899 -0.025517 -0.0843987
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=7117
+num_leaves=5
+num_cat=0
+split_feature=4 1 7 4
+split_gain=0.156972 0.959844 1.68849 1.1514
+threshold=75.500000000000014 6.5000000000000009 53.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.001740493660842447 0.0012227082218475582 -0.001017164833828265 -0.0034151321906919843 0.0031032293017764991
+leaf_weight=40 40 53 71 57
+leaf_count=40 40 53 71 57
+internal_value=0 -0.0110941 -0.077506 0.0555648
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=7118
+num_leaves=5
+num_cat=0
+split_feature=7 5 8 7
+split_gain=0.15429 0.552373 0.287405 0.45572
+threshold=75.500000000000014 65.500000000000014 56.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00083436142212867895 -0.0011020281716519564 0.00221907978000482 -0.0015740817198603171 0.0017473545938950469
+leaf_weight=66 47 46 52 50
+leaf_count=66 47 46 52 50
+internal_value=0 0.0121069 -0.0147554 0.0135969
+internal_weight=0 214 168 116
+internal_count=261 214 168 116
+shrinkage=0.02
+
+
+Tree=7119
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.153202 0.932307 0.679282 0.840759
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014982971609233842 0.0012096292552119157 -0.0029699401619488349 0.0018635874611034303 -0.0021883396058908671
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0109745 0.0201735 -0.0328194
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=7120
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 3 6
+split_gain=0.150397 0.507669 0.321712 0.377787 0.249264
+threshold=67.500000000000014 62.400000000000006 50.500000000000007 58.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=0.0012672891051832534 0.00029986849796598633 0.0023432831044959881 -0.0021086044924084587 0.00050602391556999816 -0.0019301139362321877
+leaf_weight=41 46 41 51 42 40
+leaf_count=41 46 41 51 42 40
+internal_value=0 0.0179038 -0.0122139 -0.0459858 -0.0364382
+internal_weight=0 175 134 93 86
+internal_count=261 175 134 93 86
+shrinkage=0.02
+
+
+Tree=7121
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.153027 0.563868 0.461674 0.404093
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00067801394871452923 0.0010702286298391117 -0.0023284256674690092 0.0017763157160693216 -0.0017798893446524264
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.0123826 0.0138895 -0.0239174
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7122
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.151315 0.599641 0.775696 1.42184
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0021431604119230155 0.00082975370438043996 -0.0025616017737053287 -0.001349828139986134 0.0032388173234240477
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0158112 0.0131583 0.0573135
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7123
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 7
+split_gain=0.148675 0.484647 0.328568 0.233931
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00065116953133627841 0.00045158532465514175 0.0022977847562586271 -0.0014037225287794471 -0.001717458397406465
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0178187 -0.0116281 -0.036248
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=7124
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.150713 0.550824 0.43284 0.389753
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00041579046335203375 0.0010630967346554694 -0.0023033565724805251 0.0017265924178448996 -0.0021159338510216489
+leaf_weight=73 49 43 57 39
+leaf_count=73 49 43 57 39
+internal_value=0 -0.012297 0.0136774 -0.0229712
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7125
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.152044 0.585957 0.752907 1.39341
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.00211549016419033 0.00083156163991738154 -0.0025372880367914492 -0.001088451658906583 0.0034366930246529531
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0158426 0.0128023 0.0563244
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7126
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.151544 0.764254 1.31319 2.16731
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010524807568317357 0.001990259493094163 -0.0060368794985236401 0.0010364632584691541 0.00027722236803621021
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0124823 -0.0457363 -0.129313
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7127
+num_leaves=5
+num_cat=0
+split_feature=4 1 7 4
+split_gain=0.155679 0.899648 1.62371 1.15233
+threshold=75.500000000000014 6.5000000000000009 53.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0017198816454258826 0.0012186449737152554 -0.0010586426933426765 -0.0033369407032182558 0.0030636481349478051
+leaf_weight=40 40 53 71 57
+leaf_count=40 40 53 71 57
+internal_value=0 -0.0110328 -0.0753762 0.0535388
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=7128
+num_leaves=6
+num_cat=0
+split_feature=8 5 9 2 8
+split_gain=0.15237 0.549806 0.29861 1.18085 2.77139
+threshold=72.500000000000014 65.500000000000014 42.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0010542216070720614 -0.0010955367033297226 0.0022137169626288544 0.0043721607516252516 -0.0037340434887600214 -0.0030925989442348247
+leaf_weight=49 47 46 39 39 41
+leaf_count=49 47 46 39 39 41
+internal_value=0 0.0120603 -0.0147412 -0.0428663 0.0268561
+internal_weight=0 214 168 119 80
+internal_count=261 214 168 119 80
+shrinkage=0.02
+
+
+Tree=7129
+num_leaves=6
+num_cat=0
+split_feature=4 2 6 3 5
+split_gain=0.162089 0.806367 2.00779 0.909704 2.31338
+threshold=49.500000000000007 25.500000000000004 49.500000000000007 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0012588409608454542 0.0047718793593694783 -0.0023735370240791321 0.0012422271788299971 0.0019021063996886975 -0.0051438459373186855
+leaf_weight=39 40 40 53 49 40
+leaf_count=39 40 40 53 49 40
+internal_value=0 0.0110886 0.0398629 -0.0159261 -0.0748839
+internal_weight=0 222 182 142 93
+internal_count=261 222 182 142 93
+shrinkage=0.02
+
+
+Tree=7130
+num_leaves=5
+num_cat=0
+split_feature=9 6 7 8
+split_gain=0.161656 0.452129 0.652306 0.517074
+threshold=70.500000000000014 62.500000000000007 58.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00050949540751501728 0.000854625262871056 -0.0022852273073141797 0.0023287262392279258 -0.0023521283615844601
+leaf_weight=64 72 39 42 44
+leaf_count=64 72 39 42 44
+internal_value=0 -0.0162716 0.00898067 -0.0324859
+internal_weight=0 189 150 108
+internal_count=261 189 150 108
+shrinkage=0.02
+
+
+Tree=7131
+num_leaves=4
+num_cat=0
+split_feature=7 1 5
+split_gain=0.161569 1.20148 2.19898
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.0009058693347015846 -0.0017329721598369375 0.0047164624369212139 -0.00074171454456598267
+leaf_weight=66 73 51 71
+leaf_count=66 73 51 71
+internal_value=0 0.0153606 0.0767412
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7132
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 9
+split_gain=0.163095 1.37262 1.35461 0.5804
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0038778812752300763 0.0011913413284591985 0.0029020512385917081 0.00078501329467355095 -0.0020308839122475586
+leaf_weight=40 39 58 68 56
+leaf_count=40 39 58 68 56
+internal_value=0 0.0200431 -0.0467988 -0.0349879
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7133
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 8
+split_gain=0.155793 1.31748 1.30034 0.624954
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0038004591387199413 0.00083299591702585803 0.0028440801711409479 0.00076932928454723595 -0.0024624852193694874
+leaf_weight=40 51 58 68 44
+leaf_count=40 51 58 68 44
+internal_value=0 0.0196422 -0.0458574 -0.0342803
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7134
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 9
+split_gain=0.163993 0.501815 0.277008 0.315446
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 57.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0010160501410306679 -0.0011779360311870433 0.0020559152430111309 -0.0019370864552093385 0.00017707604260112
+leaf_weight=49 44 49 57 62
+leaf_count=49 44 49 57 62
+internal_value=0 0.0119738 -0.0143098 -0.0414707
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=7135
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 4
+split_gain=0.15795 0.545202 0.840694 0.632302
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00085585191761163124 -0.0011130624613343771 0.0023885307532052077 -0.0026997045570967613 0.0019605871057779218
+leaf_weight=65 47 40 43 66
+leaf_count=65 47 40 43 66
+internal_value=0 0.0122572 -0.0121878 0.0278652
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=7136
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 5
+split_gain=0.153172 1.15752 0.882701 0.318328
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010187757518899563 -0.0011750087416672157 0.0024601767470955006 -0.0029055623117843809 0.00131519158132187
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0112979 -0.0366641 0.0173134
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=7137
+num_leaves=5
+num_cat=0
+split_feature=6 5 8 7
+split_gain=0.157804 0.482354 0.265542 0.471712
+threshold=70.500000000000014 65.500000000000014 56.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00085897366635121365 -0.0011580363799512914 0.0020176115287845529 -0.0015131372397660706 0.0017659387197803064
+leaf_weight=66 44 49 52 50
+leaf_count=66 44 49 52 50
+internal_value=0 0.0117666 -0.0140182 0.0132972
+internal_weight=0 217 168 116
+internal_count=261 217 168 116
+shrinkage=0.02
+
+
+Tree=7138
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.153977 0.509016 2.70458 0.793496
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0038611217145410872 -0.00098712253896378354 0.0008232813811544945 -0.0024122371742804479 -0.0029498893796802584
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0135027 0.0594707 -0.0425258
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7139
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.150518 0.527876 0.733646
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00085219216593547282 0.0011193290639553181 0.0023254127041947002 -0.0017137379731421631
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0153262 -0.0127128
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=7140
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 2 3
+split_gain=0.154783 1.16276 0.766539 1.16438 1.02392
+threshold=77.500000000000014 24.500000000000004 13.500000000000002 7.5000000000000009 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0013623656948836044 -0.0011806699675748036 0.0031578016960167117 0.00038493022807028273 0.0031279766767885724 -0.0041396485202126023
+leaf_weight=50 42 44 39 44 42
+leaf_count=50 42 44 39 44 42
+internal_value=0 0.0113399 -0.0253269 0.0365878 -0.0976414
+internal_weight=0 219 175 94 81
+internal_count=261 219 175 94 81
+shrinkage=0.02
+
+
+Tree=7141
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.156254 0.722624 1.31867 2.06702
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.001066863052866905 0.0019264322693516068 -0.0059457188037704998 0.0010549762516229278 0.00022134720848259866
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0126508 -0.0450137 -0.128764
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7142
+num_leaves=5
+num_cat=0
+split_feature=7 9 9 6
+split_gain=0.159458 0.379497 0.967639 0.255771
+threshold=52.500000000000007 67.500000000000014 54.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.00090065636801903712 -0.0010614594959620081 0.00033356299832065426 0.0027718424904609584 -0.0019238115757302151
+leaf_weight=66 47 46 62 40
+leaf_count=66 47 46 62 40
+internal_value=0 0.0152677 0.0555998 -0.0353897
+internal_weight=0 195 109 86
+internal_count=261 195 109 86
+shrinkage=0.02
+
+
+Tree=7143
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.153418 0.560522 0.772501 1.39491
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0021590068727352389 0.00083494104603151699 -0.002491363203389003 -0.001348628269142797 0.0031969601383756165
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0159024 0.0121291 0.0561986
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7144
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 8
+split_gain=0.1576 1.30027 1.29167 0.579159
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0037806637307370066 0.0007738961727273237 0.0028301334407726483 0.00077413113339279698 -0.0024018923075717945
+leaf_weight=40 51 58 68 44
+leaf_count=40 51 58 68 44
+internal_value=0 0.0197356 -0.0453392 -0.0344633
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7145
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 6
+split_gain=0.152011 0.540149 0.809479 0.64943
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00066764260000086841 -0.0010945239878711313 0.002374644872607184 -0.0026568908154590795 0.0022230140340047887
+leaf_weight=76 47 40 43 55
+leaf_count=76 47 40 43 55
+internal_value=0 0.0120413 -0.0122935 0.0270214
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=7146
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.159329 0.720339 1.26502 1.9981
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010761450239705878 0.0019208721561728979 -0.0058568554231211347 0.0010140068949249467 0.00020723244467866827
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0127599 -0.045073 -0.127128
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7147
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 9
+split_gain=0.156695 1.28031 1.24148 0.547791
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0037160869753060273 0.00083003023538962451 0.0028108216595178594 0.00075052955533870785 -0.0022529363731289965
+leaf_weight=40 48 58 68 47
+leaf_count=40 48 58 68 47
+internal_value=0 0.0196933 -0.0448853 -0.0343674
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7148
+num_leaves=5
+num_cat=0
+split_feature=8 3 7 5
+split_gain=0.154698 0.536826 0.330784 0.299737
+threshold=72.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010301169550118493 -0.0011028807431567062 0.0018974994338540553 -0.0017034251570128801 0.0012392347874946238
+leaf_weight=42 47 59 53 60
+leaf_count=42 47 59 53 60
+internal_value=0 0.0121428 -0.0191194 0.0148446
+internal_weight=0 214 155 102
+internal_count=261 214 155 102
+shrinkage=0.02
+
+
+Tree=7149
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.160093 0.693974 1.21229 1.93188
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.001078585180630102 0.0018812577399774527 -0.005756885504555994 0.00098529064588906748 0.00020663745064286053
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0127795 -0.0445145 -0.12487
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7150
+num_leaves=5
+num_cat=0
+split_feature=7 2 2 7
+split_gain=0.159087 0.664744 0.505206 0.641901
+threshold=52.500000000000007 7.5000000000000009 20.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0008995606720140813 -0.0019149910511731384 0.00024670029429876557 -0.00050582847104471262 0.003661009980311112
+leaf_weight=66 43 48 60 44
+leaf_count=66 43 48 60 44
+internal_value=0 0.0152601 0.0469568 0.0944931
+internal_weight=0 195 152 92
+internal_count=261 195 152 92
+shrinkage=0.02
+
+
+Tree=7151
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.164033 0.678102 1.18619 1.87203
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010904226294529517 0.0018546042713313978 -0.0056849913083766215 0.00096962075842517404 0.00018607280663301227
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0129134 -0.044295 -0.123795
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7152
+num_leaves=4
+num_cat=0
+split_feature=7 1 8
+split_gain=0.161412 1.07268 2.31665
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00090528084821937056 -0.0016220133079783575 0.004963585726231407 -0.00071366491615752401
+leaf_weight=66 73 47 75
+leaf_count=66 73 47 75
+internal_value=0 0.0153639 0.0734256
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7153
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 8
+split_gain=0.17963 1.24657 1.1961 0.569652
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0036232409450904909 0.00072074627943974497 0.0028040810325988884 0.00076236083488448946 -0.0024292163004951193
+leaf_weight=40 51 58 68 44
+leaf_count=40 51 58 68 44
+internal_value=0 0.020938 -0.0427914 -0.0365242
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7154
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 8
+split_gain=0.171676 1.19642 1.14809 0.546395
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0035509028638840198 0.00070635091740253589 0.0027480670948630249 0.00074712936735387868 -0.0023807093255274253
+leaf_weight=40 51 58 68 44
+leaf_count=40 51 58 68 44
+internal_value=0 0.0205193 -0.04193 -0.0357865
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7155
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 8
+split_gain=0.170322 0.511635 1.47777 0.767169
+threshold=6.5000000000000009 63.500000000000007 54.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011090255253848758 0.0011611571649541752 -0.0016160263306350489 0.0035658925871354177 -0.0025439003911848592
+leaf_weight=50 40 75 43 53
+leaf_count=50 40 75 43 53
+internal_value=0 -0.0131258 0.0239236 -0.0471028
+internal_weight=0 211 136 93
+internal_count=261 211 136 93
+shrinkage=0.02
+
+
+Tree=7156
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.165255 1.16935 1.16489 0.542481
+threshold=8.5000000000000018 67.65000000000002 59.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00079775951799397962 -0.0020483991650467287 0.0027151296970629991 -0.0035099444708337688 0.0010487602360316197
+leaf_weight=67 54 58 41 41
+leaf_count=67 54 58 41 41
+internal_value=0 0.0201782 -0.0415692 -0.0351764
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7157
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.175403 0.516683 0.49903 1.09267
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016229715479057906 -0.0012136259293283008 0.0018208345871965476 -0.001636661211373831 0.0029854518066031763
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0123536 -0.0188906 0.0346577
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=7158
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.168978 0.683568 1.10496 1.83278
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011051406867136993 0.0018595862205407466 -0.0056028364280795171 0.00089998209416524897 0.00020695347491584353
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0130775 -0.0445808 -0.121357
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7159
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 6
+split_gain=0.163524 0.510151 0.476085 1.09402
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015988365749851649 -0.0011760454171973072 0.001803762960662267 -0.0017815202389924092 0.0028516701759868988
+leaf_weight=72 44 62 39 44
+leaf_count=72 44 62 39 44
+internal_value=0 0.0119778 -0.0190749 0.0332666
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=7160
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 8
+split_gain=0.161301 1.15604 1.13894 0.555127
+threshold=8.5000000000000018 67.65000000000002 55.500000000000007 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00071949309915783134 0.00073728759542752422 0.0026979326450754944 -0.0035846283478843054 -0.0023737979170914704
+leaf_weight=69 51 58 39 44
+leaf_count=69 51 58 39 44
+internal_value=0 0.0199653 -0.0414343 -0.0347954
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7161
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 6
+split_gain=0.170334 0.537986 0.462399 1.07042
+threshold=72.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001572560087121342 -0.001150857100434584 0.001910112422039732 -0.0017605179037573637 0.0028232737292988061
+leaf_weight=72 47 59 39 44
+leaf_count=72 47 59 39 44
+internal_value=0 0.0126907 -0.0186033 0.0330072
+internal_weight=0 214 155 83
+internal_count=261 214 155 83
+shrinkage=0.02
+
+
+Tree=7162
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.168667 0.663874 1.04663 1.78455
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011042893220975011 0.0018298693876368651 -0.0055118667030307697 0.00086178710684924639 0.00022169662397319965
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0130638 -0.044125 -0.118885
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7163
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 5
+split_gain=0.162101 1.17378 0.774865 0.278379
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010028355171767158 -0.0012044674956815553 0.0024817196672986138 -0.002771971281176564 0.0011893796249517134
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.011608 -0.0366851 0.0139398
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=7164
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.166477 0.480303 0.443202 1.05833
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015381797773506897 -0.0011854987356677358 0.0017609902351148775 -0.0016438906927714826 0.0029065208197603439
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0120723 -0.0180866 0.0324803
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=7165
+num_leaves=5
+num_cat=0
+split_feature=2 5 8 8
+split_gain=0.166446 1.40042 0.688968 0.654303
+threshold=20.500000000000004 67.65000000000002 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0010903947446062685 0.0010050542497955952 0.0030737320374368809 -0.0026599148935737009 -0.0019609342861364241
+leaf_weight=46 43 54 41 77
+leaf_count=46 43 54 41 77
+internal_value=0 0.0184396 -0.0387505 -0.0406658
+internal_weight=0 177 84 123
+internal_count=261 177 84 123
+shrinkage=0.02
+
+
+Tree=7166
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.169918 0.504351 0.587978 0.597414
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0009106370136808253 -0.0011496053641139258 0.0019172751402177764 -0.0018574651324920993 0.0023049875308126556
+leaf_weight=48 47 56 63 47
+leaf_count=48 47 56 63 47
+internal_value=0 0.0126764 -0.0165841 0.0336181
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=7167
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 9
+split_gain=0.167364 1.11724 0.724855 0.394543
+threshold=77.500000000000014 66.500000000000014 54.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013739057393047397 -0.00122193525172283 0.0024309741524663445 -0.002651899856650626 -0.0012202954217915526
+leaf_weight=59 42 66 52 42
+leaf_count=59 42 66 52 42
+internal_value=0 0.0117654 -0.0353647 0.0143558
+internal_weight=0 219 153 101
+internal_count=261 219 153 101
+shrinkage=0.02
+
+
+Tree=7168
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.171562 0.754829 0.42554 1.06647
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014932371866807244 -0.00094955193151247314 0.0027186283875112439 -0.0017637527639264184 0.0028117506211107484
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0154664 -0.0169645 0.0326255
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7169
+num_leaves=5
+num_cat=0
+split_feature=5 4 2 9
+split_gain=0.173486 0.764627 0.722202 1.23611
+threshold=68.65000000000002 65.500000000000014 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013319476436081759 -0.00088988905436834646 0.0027456540696009454 -0.0021644671497039669 0.0033606949119867418
+leaf_weight=51 71 42 56 41
+leaf_count=51 71 42 56 41
+internal_value=0 0.0166647 -0.0173433 0.0375807
+internal_weight=0 190 148 92
+internal_count=261 190 148 92
+shrinkage=0.02
+
+
+Tree=7170
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 7
+split_gain=0.166831 0.499252 1.00149 0.250534
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00069928319866674135 0.00045219911843545911 -0.0010344712070940972 0.0031441724259796649 -0.0017868136246859813
+leaf_weight=55 39 65 55 47
+leaf_count=55 39 65 55 47
+internal_value=0 0.0187716 0.0607977 -0.0381305
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7171
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.168877 0.710892 0.420946 1.02056
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014709355572035167 -0.00094306008667288709 0.002646974457296363 -0.0015888210451527468 0.0028808715576113392
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0153482 -0.0161427 0.0331921
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7172
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 3
+split_gain=0.166357 0.539606 1.12036 0.529934
+threshold=55.500000000000007 64.500000000000014 69.500000000000014 54.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=0.0023129125803027948 -0.0018904004600510385 -0.0011693602222704142 0.0031415576713695647 -0.00072478434354787062
+leaf_weight=45 63 63 40 50
+leaf_count=45 63 63 40 50
+internal_value=0 -0.0202014 0.0249009 0.0353177
+internal_weight=0 166 103 95
+internal_count=261 166 103 95
+shrinkage=0.02
+
+
+Tree=7173
+num_leaves=5
+num_cat=0
+split_feature=5 3 7 5
+split_gain=0.175562 0.765545 0.325433 0.264453
+threshold=68.65000000000002 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00090824164954902487 -0.0008948965663143028 0.0028645994562854966 -0.0016959261229792801 0.0012310731384685516
+leaf_weight=42 71 39 49 60
+leaf_count=42 71 39 49 60
+internal_value=0 0.0167416 -0.015714 0.0171161
+internal_weight=0 190 151 102
+internal_count=261 190 151 102
+shrinkage=0.02
+
+
+Tree=7174
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.170957 0.517066 3.047 0.787485
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0040436160885483439 -0.0010342040314103738 0.00082139290625600394 -0.0026128220410611843 -0.0029377919788165542
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0141447 0.060458 -0.0423083
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7175
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 8
+split_gain=0.163379 0.495685 2.92579 0.755626
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0039628308411932076 -0.0010135456509868242 0.00080498751412638725 -0.0025606417673304195 -0.0028791363360979334
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0138577 0.0592427 -0.0414551
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7176
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.162709 0.70923 0.4601 1.0106
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015253764120503938 -0.00092785053197029933 0.0026389801928506547 -0.0015392759839983963 0.0029086140450599331
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0150798 -0.0163754 0.0351194
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7177
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 6
+split_gain=0.161464 0.485551 0.347891 0.247752
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00068829935527402609 0.00027352089918252311 0.0023126128466134529 -0.0014230724987504156 -0.0019497594461384217
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0184784 -0.0109938 -0.0376006
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=7178
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.155032 1.0064 0.869263 1.92372 0.831445
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0035427030972503301 -0.0011815996457795392 0.0029573548270044126 -0.0028789420051296456 0.0035240995068279968 0.00054143236764565589
+leaf_weight=41 42 44 45 49 40
+leaf_count=41 42 44 45 49 40
+internal_value=0 0.0113436 -0.0227994 0.0188837 -0.0758626
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=7179
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 2
+split_gain=0.152673 0.652503 1.18327 1.01111
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011735375118930012 0.0011023916520629272 -0.0025695896058501168 0.0023193973287954704 -0.0028127831803858336
+leaf_weight=42 49 40 71 59
+leaf_count=42 49 40 71 59
+internal_value=0 -0.0112705 0.014738 -0.0514744
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7180
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 5
+split_gain=0.153227 0.55916 0.550917 1.05947
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00085184388158721634 -0.00189111556103552 0.0022620467054937608 -0.0011338571892981948 0.0030418792079806708
+leaf_weight=48 63 47 62 41
+leaf_count=48 63 47 62 41
+internal_value=0 0.0340414 -0.0194861 0.0260752
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7181
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 3 6
+split_gain=0.157144 0.483959 0.346956 0.41325 0.246549
+threshold=67.500000000000014 62.400000000000006 50.500000000000007 58.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=0.0013436281113604835 0.00028029682461211961 0.0023052214370872202 -0.0021640367267041706 0.00056561656893078889 -0.0019380725899003288
+leaf_weight=41 46 41 51 42 40
+leaf_count=41 46 41 51 42 40
+internal_value=0 0.0182602 -0.0111655 -0.0461598 -0.0371473
+internal_weight=0 175 134 93 86
+internal_count=261 175 134 93 86
+shrinkage=0.02
+
+
+Tree=7182
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.15385 0.681255 0.451282 1.01771
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015093612582818868 -0.00090494095630256526 0.0025864904615979368 -0.0016630915574689395 0.0028079502603378537
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0147164 -0.0161251 0.0348919
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7183
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 3 6
+split_gain=0.155336 0.45503 0.341826 0.387497 0.231677
+threshold=67.500000000000014 62.400000000000006 50.500000000000007 58.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=0.0013482098628605605 0.00025466628639512242 0.0022468952789253234 -0.0021063124832981883 0.00054052154355358558 -0.0019002900286367297
+leaf_weight=41 46 41 51 42 40
+leaf_count=41 46 41 51 42 40
+internal_value=0 0.0181703 -0.0103896 -0.0451432 -0.0369537
+internal_weight=0 175 134 93 86
+internal_count=261 175 134 93 86
+shrinkage=0.02
+
+
+Tree=7184
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.15229 0.504722 2.83739 0.777702
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0039204241848585526 -0.00098228924820209246 0.00081012053961900432 -0.0025042755204338729 -0.0029261221554713556
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0134389 0.0592206 -0.0423607
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7185
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 4
+split_gain=0.148229 1.07718 1.03162 0.67485
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00072163556182931396 0.0010688139894244476 -0.0032722211755585235 0.002474710168812639 -0.0024572457507068875
+leaf_weight=59 48 39 64 51
+leaf_count=59 48 39 64 51
+internal_value=0 -0.0120513 0.0217413 -0.0372783
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=7186
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.154008 0.647345 0.734507 1.33104
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0020600193849013336 0.00083634017399003471 -0.0026488119828516421 -0.0012729121106266619 0.0031684634536479944
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0159304 0.0141434 0.0571431
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7187
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.154647 0.830135 1.32662 2.32032
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010753043215484222 0.0032689818732293263 -0.0027234798619941653 -0.004206543537444412 0.0014932627139850171
+leaf_weight=49 47 44 47 74
+leaf_count=49 47 44 47 74
+internal_value=0 -0.0124367 0.019776 -0.0357628
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=7188
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.149861 1.17559 1.14996 0.569261
+threshold=8.5000000000000018 67.65000000000002 59.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00076655733015705411 0.0011994119167388904 0.0027037423225422827 -0.0035136926480386853 -0.001992909833058032
+leaf_weight=67 39 58 41 56
+leaf_count=67 39 58 41 56
+internal_value=0 0.0193027 -0.0426087 -0.0337022
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7189
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.155604 0.430631 0.672178 1.02592 1.38712
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024486847619617073 -0.0011508655494671979 0.0020411488434774467 0.0019363826464262304 -0.0036984876419138904 0.0025585529745083876
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0116929 -0.0110909 -0.0482399 0.0106437
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=7190
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 6
+split_gain=0.154349 0.487926 0.9684 0.237294
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00040251259514819228 0.00026814679960276104 -0.0010319044643308007 0.0034295544930049854 -0.0019110384247946061
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0181255 0.0596941 -0.0368431
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7191
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.147898 0.807227 1.28616 2.20664
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010543600714131385 0.0032216229770805063 -0.0026850568632474149 -0.0041077861201238904 0.0014517498100248124
+leaf_weight=49 47 44 47 74
+leaf_count=49 47 44 47 74
+internal_value=0 -0.012192 0.019581 -0.0351129
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=7192
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 6
+split_gain=0.15187 0.473315 0.959507 0.226659
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00069596572111279382 0.00025201923111811464 -0.0010141868084847735 0.0030675569760056924 -0.0018812210248359755
+leaf_weight=55 46 65 55 40
+leaf_count=55 46 65 55 40
+internal_value=0 0.0179958 0.0589641 -0.0365807
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7193
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 3
+split_gain=0.146407 1.06924 1.05723 0.582281
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00080735284476988621 0.0010630150665964025 -0.0032599336788008697 0.0026602423203900901 -0.0020685676120771072
+leaf_weight=56 48 39 58 60
+leaf_count=56 48 39 58 60
+internal_value=0 -0.0119857 0.0216837 -0.0336825
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=7194
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.153746 0.62651 0.721884 1.34056
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0020496178463209232 0.00083571703428697434 -0.0026118967678499918 -0.0012979740840673971 0.0031591822342664643
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.015918 0.0136784 0.0563198
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7195
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.156035 0.771317 1.26542 2.19135
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010795744486488683 0.0031792380803072557 -0.0026373352323145662 -0.0041072262328142621 0.0014331197026481799
+leaf_weight=49 47 44 47 74
+leaf_count=49 47 44 47 74
+internal_value=0 -0.0124856 0.0185847 -0.0356719
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=7196
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=0.156378 0.601905 1.70401 0.0209471
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00086663900136050166 0.0035354253801480441 -0.0015484888324221058 -0.00045233796600513632 -0.001404207522587792
+leaf_weight=69 61 52 40 39
+leaf_count=69 61 52 40 39
+internal_value=0 0.0155909 0.0504465 -0.0466596
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=7197
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.151594 0.724665 1.22517 2.09699
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010657324481452583 0.0031193418071126643 -0.0025628894453118898 -0.0040325650030168126 0.0013881339439580328
+leaf_weight=49 47 44 47 74
+leaf_count=49 47 44 47 74
+internal_value=0 -0.0123339 0.0178002 -0.0355967
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=7198
+num_leaves=6
+num_cat=0
+split_feature=4 2 6 4 6
+split_gain=0.156361 0.741194 1.8599 0.588924 0.672224
+threshold=49.500000000000007 25.500000000000004 49.500000000000007 71.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0012391416219332226 0.0045974280653762675 -0.0022726361087976859 -0.0031427612049634425 0.0013850358510974303 0.0003714181191043531
+leaf_weight=39 40 40 43 53 46
+leaf_count=39 40 40 43 53 46
+internal_value=0 0.0108999 0.0385224 -0.0151839 -0.0659299
+internal_weight=0 222 182 142 89
+internal_count=261 222 182 142 89
+shrinkage=0.02
+
+
+Tree=7199
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.159451 0.57111 1.6086 0.141707
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.000874293311703338 0.0034497023792182525 -0.0014990652922776283 3.124210866235362e-06 -0.0017857363325477927
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0157194 0.0497041 -0.0446645
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=7200
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.156219 1.17586 0.834539 1.84006 0.855907
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0035508422463218477 -0.0011856409172023422 0.0031747816619701009 -0.002884667043162736 0.0033855194547571382 0.00059421460563519556
+leaf_weight=42 42 44 45 49 39
+leaf_count=42 42 44 45 49 39
+internal_value=0 0.01138 -0.0254905 0.0153608 -0.0773208
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=7201
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.156338 0.545461 0.50887 1.14369
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00082741511414892736 -0.0018383504334788174 0.0022491950332953819 -0.0012010329516655635 0.0031539337318795026
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0343409 -0.0196651 0.0241724
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7202
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 6
+split_gain=0.157272 0.490253 0.336708 0.242839
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00066713860157333136 0.00027264706389374088 0.0023173422110408714 -0.001411736294747795 -0.0019300545502983039
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0182621 -0.0113487 -0.0371654
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=7203
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.151194 0.488119 0.615307 0.961037 1.36181
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024626434131985696 -0.0011365571151806001 0.0021498065398904997 0.001813655330334387 -0.0036127571081578172 0.0024995883031424105
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0115334 -0.0126743 -0.0482678 0.0087442
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=7204
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 7
+split_gain=0.157115 0.484986 0.491567 1.54837 0.223217
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0015404204099528319 0.00040791714377558258 0.0023708716163801237 0.001620950660811543 -0.0036160108549011878 -0.0017140491845749836
+leaf_weight=47 39 39 42 47 47
+leaf_count=47 39 39 42 47 47
+internal_value=0 0.0182571 -0.0102538 -0.0515032 -0.0371459
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=7205
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 6
+split_gain=0.150083 0.475462 0.322237 0.213936
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00065007853695264045 0.00022952422939543352 0.002281585004401085 -0.0013860973470465993 -0.0018473698367070224
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0178973 -0.0112774 -0.0363948
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=7206
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 4
+split_gain=0.152109 1.05529 1.10387 0.681812
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00067921039440394947 0.0010811022186734361 -0.0032445565328699934 0.0025340668907799257 -0.0025151993762916936
+leaf_weight=59 48 39 64 51
+leaf_count=59 48 39 64 51
+internal_value=0 -0.0121879 0.0212637 -0.0397612
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=7207
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.16032 1.14757 1.84437 1.33118
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00074810782567100262 0.00093152037354350681 0.00078437478774117232 -0.0047233064754268334 0.0039506569621800703
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0148196 -0.0925196 0.0609381
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=7208
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 3
+split_gain=0.155776 1.02289 1.0656 0.569059
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00076530584065229992 0.0010926687091570375 -0.003201469503474687 0.0026478644008939888 -0.0020784999826832778
+leaf_weight=56 48 39 58 60
+leaf_count=56 48 39 58 60
+internal_value=0 -0.0123116 0.0206287 -0.0349551
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=7209
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 5
+split_gain=0.149438 0.620794 0.585509 0.422508
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00087153907910077417 0.0010593662504353493 -0.0024246351409981139 0.0019857272129249338 -0.0016548654340196945
+leaf_weight=49 49 43 57 63
+leaf_count=49 49 43 57 63
+internal_value=0 -0.0122388 0.0152953 -0.0271286
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7210
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 5
+split_gain=0.164841 1.10974 1.80411 1.35106
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00075057687610261675 0.00094329092291893892 0.00077745795874346337 -0.0046703255938697272 0.0039994776269975654
+leaf_weight=59 63 51 47 41
+leaf_count=59 63 51 47 41
+internal_value=0 -0.0149961 -0.0914283 0.0595193
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=7211
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.158518 0.600331 0.716519 1.36141
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0020575810350442368 0.00084736211549744488 -0.0025690388190172686 -0.001335980794745004 0.0031554076339493226
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0161228 0.0128625 0.0553524
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7212
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.154582 0.992397 1.01812 1.13101
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0022228981201505476 0.0010890345268892304 -0.0031570426348548181 0.001665306817971502 -0.00267261174585114
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0122655 0.0201866 -0.0451913
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=7213
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 5
+split_gain=0.16182 1.06571 1.72972 1.30394
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00074368443821254307 0.00093558040409287915 0.00075600247059126103 -0.0045792894817561084 0.0039239202446860067
+leaf_weight=59 63 51 47 41
+leaf_count=59 63 51 47 41
+internal_value=0 -0.0148715 -0.0898022 0.0581723
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=7214
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 8
+split_gain=0.157784 0.960787 1.00813 0.625447
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00051265425134676391 0.0010990806149610592 -0.0031133630592781224 0.0024084754219121417 -0.0025839172873912053
+leaf_weight=64 48 39 64 46
+leaf_count=64 48 39 64 46
+internal_value=0 -0.0123723 0.0195656 -0.0387914
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=7215
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.166321 0.586846 0.686317 1.3237
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0020228396563985742 0.00086574467561443299 -0.0025513386508983389 -0.0013330932758824421 0.0030965643772393075
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0164683 0.0121968 0.0538124
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7216
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.15898 0.562789 0.658342 1.29851
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0019824531920568469 0.00084844661033238716 -0.0025004032257651626 -0.0010843977876391579 0.0032861482190935896
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0161442 0.0119421 0.05273
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7217
+num_leaves=5
+num_cat=0
+split_feature=9 7 3 5
+split_gain=0.169213 0.583963 0.909983 0.819914
+threshold=42.500000000000007 55.500000000000007 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0011194876598587876 -0.0020630476796542623 0.0027610310645612693 -0.0025756514333575716 0.00092065500960039669
+leaf_weight=49 55 46 49 62
+leaf_count=49 55 46 49 62
+internal_value=0 -0.0129329 0.0184499 -0.0308104
+internal_weight=0 212 157 111
+internal_count=261 212 157 111
+shrinkage=0.02
+
+
+Tree=7218
+num_leaves=5
+num_cat=0
+split_feature=9 7 3 5
+split_gain=0.161711 0.560097 0.873164 0.786746
+threshold=42.500000000000007 55.500000000000007 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0010971296077739545 -0.0020218393747768017 0.0027058942776091682 -0.0025242116954917815 0.00090226249457538762
+leaf_weight=49 55 46 49 62
+leaf_count=49 55 46 49 62
+internal_value=0 -0.0126708 0.0180814 -0.030188
+internal_weight=0 212 157 111
+internal_count=261 212 157 111
+shrinkage=0.02
+
+
+Tree=7219
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 8 8
+split_gain=0.154041 0.919659 0.672166 0.405889 0.398144
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 49.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.002319824636004976 0.0012131739809592228 -0.0029515341366182024 0.0011300152850715153 -0.0026923763031416171 0.00016269853269801731
+leaf_weight=53 40 41 46 41 40
+leaf_count=53 40 41 46 41 40
+internal_value=0 -0.0109701 0.019969 -0.0198303 -0.0636836
+internal_weight=0 221 180 127 81
+internal_count=261 221 180 127 81
+shrinkage=0.02
+
+
+Tree=7220
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.15596 0.535936 0.663128 1.25764
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0020006984869440744 0.0008414070655357761 -0.0024467672569339224 -0.0010582352618982347 0.0032438619631880512
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0160001 0.0114255 0.0523578
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7221
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.161683 0.562469 0.617095 1.26692
+threshold=42.500000000000007 50.850000000000001 67.500000000000014 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0010971312977059301 -0.002191441708663062 0.0016871998427415388 -0.0031569938660508928 0.0016177639247866912
+leaf_weight=49 48 74 46 44
+leaf_count=49 48 74 46 44
+internal_value=0 -0.0126655 0.0154882 -0.0407171
+internal_weight=0 212 164 90
+internal_count=261 212 164 90
+shrinkage=0.02
+
+
+Tree=7222
+num_leaves=5
+num_cat=0
+split_feature=4 1 7 4
+split_gain=0.158088 0.894267 1.65422 1.17488
+threshold=75.500000000000014 6.5000000000000009 53.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0017524237714713429 0.0012272710474926186 -0.001084184152652747 -0.0033512908757881931 0.0030777386084802107
+leaf_weight=40 40 53 71 57
+leaf_count=40 40 53 71 57
+internal_value=0 -0.0110933 -0.0752483 0.0532883
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=7223
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.158165 0.530027 0.498387 0.950483
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00080219802971513157 -0.0018253550970159318 0.0022318856219007426 -0.001719334088604784 0.0021881696225990932
+leaf_weight=48 63 47 45 58
+leaf_count=48 63 47 45 58
+internal_value=0 0.0345499 -0.0197352 0.0236619
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7224
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 1
+split_gain=0.159594 0.45952 0.5579 0.844444 0.533723
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 8.5000000000000018
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0010375521713320989 -0.0011635561384444933 0.0021011085658149708 1.0247042682368345e-05 0.0030326954535332684 -0.0031384269325460718
+leaf_weight=42 44 44 51 41 39
+leaf_count=42 44 44 51 41 39
+internal_value=0 0.0118404 -0.0116693 0.0482141 -0.0673338
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=7225
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 5
+split_gain=0.151928 0.517438 0.792234 0.598682
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00061848184697901019 -0.0010939188501954914 0.0023312188082218678 -0.0026214337030640608 0.0021600687546026085
+leaf_weight=76 47 40 43 55
+leaf_count=76 47 40 43 55
+internal_value=0 0.0120554 -0.0117763 0.0271256
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=7226
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 3 7
+split_gain=0.158823 0.508997 0.451202 0.423073 0.245495
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 53.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.00050374681128723359 0.00045734251814789255 0.0024202388029956503 0.0015356868646449195 -0.002243957448845888 -0.0017607471099927061
+leaf_weight=42 39 39 42 52 47
+leaf_count=42 39 39 42 52 47
+internal_value=0 0.0183683 -0.0108194 -0.0504147 -0.037301
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=7227
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 9
+split_gain=0.15272 0.586477 1.03956 0.438636
+threshold=8.5000000000000018 72.500000000000014 7.5000000000000009 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00085720596548892057 0.0026203931026483624 0.0024997747440884946 -0.0021723806301383601 -0.00028462654381232444
+leaf_weight=69 44 40 66 42
+leaf_count=69 44 40 66 42
+internal_value=0 0.0154483 -0.0131593 0.0596645
+internal_weight=0 192 152 86
+internal_count=261 192 152 86
+shrinkage=0.02
+
+
+Tree=7228
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.1527 0.530585 0.571628 0.656498
+threshold=42.500000000000007 50.850000000000001 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.001069687787835895 -0.0021313368799236575 0.002064910868101576 -0.0022462952914936991 0.0008737835895185485
+leaf_weight=49 48 52 50 62
+leaf_count=49 48 52 50 62
+internal_value=0 -0.0123473 0.0150191 -0.0256252
+internal_weight=0 212 164 112
+internal_count=261 212 164 112
+shrinkage=0.02
+
+
+Tree=7229
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 6
+split_gain=0.154618 0.485859 0.43715 1.5622 0.260313
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.001594260703397957 0.00031278603931188275 0.0023706134128576657 0.0015180940444009844 -0.0035851726121448632 -0.001962839358274497
+leaf_weight=47 46 39 42 47 40
+leaf_count=47 46 39 42 47 40
+internal_value=0 0.0181567 -0.0103792 -0.0493846 -0.0368543
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=7230
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.149831 0.524917 0.492439 1.0923
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022741345986839619 -0.0018077549709747537 -0.00074993575818052495 -0.0011689951225574184 0.0030886024382827228
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.0337362 -0.019264 0.0238827
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7231
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 6
+split_gain=0.163039 0.458064 0.462607 0.9864
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015512461035893732 -0.0011745908844895663 0.0017245561001629998 -0.0016427293552563932 0.0027603000628317947
+leaf_weight=72 44 62 39 44
+leaf_count=72 44 62 39 44
+internal_value=0 0.0119569 -0.017519 0.0341068
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=7232
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 2 6
+split_gain=0.156446 0.461994 0.448189 0.953427 0.25739
+threshold=67.500000000000014 66.500000000000014 41.500000000000007 16.500000000000004 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=-0.0020122864249640937 0.00030329840597786561 0.0023245096072413473 -0.0014854249298661183 0.0025358440030828523 -0.0019602501718129842
+leaf_weight=40 46 39 47 49 40
+leaf_count=40 46 39 47 49 40
+internal_value=0 0.0182502 -0.00959705 0.0279561 -0.0370479
+internal_weight=0 175 136 96 86
+internal_count=261 175 136 96 86
+shrinkage=0.02
+
+
+Tree=7233
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.154091 0.669225 1.1358 1.99905
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010607170187857948 0.0018483578383191005 -0.0057466280483414126 0.00094146974645311873 0.00031942005257411086
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0125518 -0.0437348 -0.121558
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7234
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.150566 0.544306 0.660369 1.27137
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0019868921092659093 0.00082853070519574063 -0.0024576967881216796 -0.001307026076714436 0.0030353732313573197
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0157468 0.0118869 0.0527356
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7235
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.158591 0.788772 1.27408 2.09718
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010878703171254079 0.0031941995805986928 -0.0026648291933115903 -0.0030508208560299137 0.0022747486728816151
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0125516 0.0188619 -0.035578
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=7236
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.154833 1.17432 1.02576 0.411773
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00056921085021875782 -0.0011802799827218876 0.0033510506282520319 -0.0027631147563002907 0.0017867043714788089
+leaf_weight=65 42 40 55 59
+leaf_count=65 42 40 55 59
+internal_value=0 0.0113694 -0.0233603 0.0272838
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=7237
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.148098 0.751771 1.2383 2.04275
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010554269802820569 0.0031478902752963707 -0.0026015419910875525 -0.0030125330819578554 0.0022440805772696039
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0121772 0.0185046 -0.0351738
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=7238
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.154979 1.15005 0.975222 0.471105 1.11722
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0019211469704007661 -0.0011807883927558306 0.0033192427497657426 -0.0026997736324181581 0.0022873869478093325 -0.0027838078963807141
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0113734 -0.0229996 0.0263987 -0.0182311
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=7239
+num_leaves=4
+num_cat=0
+split_feature=7 1 5
+split_gain=0.15671 1.1264 2.17629
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00089336798104735398 -0.0016729376990507678 0.0046581935308346997 -0.00077211061200999824
+leaf_weight=66 73 51 71
+leaf_count=66 73 51 71
+internal_value=0 0.0151685 0.0746375
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7240
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.1522 0.57999 1.66198 0.108499
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00085597540399557747 0.0034887681986611394 -0.0015186735863463078 -8.5853861670131588e-05 -0.001721605319675734
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0154222 0.0496609 -0.0462495
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=7241
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.152601 0.747057 0.447441 1.00821
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015337715354279374 -0.00090151046397664802 0.0026907333018515449 -0.0015750486441981567 0.0028679796835858772
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0146722 -0.0175954 0.0332061
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7242
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.152477 1.11089 0.955563 0.432728 1.08429
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0019235278382305865 -0.0011727020334136268 0.0032650781016948368 -0.002667937400967792 0.0022169899378022364 -0.0027130152035568728
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0112725 -0.022517 0.0263888 -0.0164419
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=7243
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.157607 0.720155 0.421912 0.978144
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014854967333216172 -0.00091455009348012553 0.0026524592325532343 -0.0015545119133662038 0.0028230043095989238
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0148803 -0.0168117 0.0325749
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7244
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.153557 0.472619 2.76768 0.751457
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0038595129885449293 -0.00098590225225807151 0.00092924264555094467 -0.0024863209456950502 -0.0027268254495218876
+leaf_weight=65 56 48 48 44
+leaf_count=65 56 48 48 44
+internal_value=0 0.0134877 0.0578496 -0.0405683
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7245
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.147599 0.704208 0.429144 0.964695
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014965620964033622 -0.00088853374693385152 0.0026183832912489557 -0.001641693833251423 0.0027136708704392494
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0144488 -0.0168978 0.0328942
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7246
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.150337 1.07051 0.491608 0.530206
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012435626564468874 -0.0011655863065609944 0.0031207330305356639 -0.0024172479297402479 -0.0013206754559759806
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.0111932 -0.0229986 0.00625747
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=7247
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.153359 0.440559 2.68746 0.730647
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0037908032442157832 -0.00098553388237166534 0.00094115523968239898 -0.0024630312848892759 -0.0026653795738879695
+leaf_weight=65 56 48 48 44
+leaf_count=65 56 48 48 44
+internal_value=0 0.0134705 0.0563676 -0.0387868
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7248
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.146528 0.5756 0.834488
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00084232429208848012 0.0011808026458357999 0.0024077814603403712 -0.0018359021915269952
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0151378 -0.0141084
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=7249
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 2 5
+split_gain=0.150811 1.1039 0.842641 1.15098 0.316488
+threshold=77.500000000000014 24.500000000000004 13.500000000000002 7.5000000000000009 57.650000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.0012754701998435214 -0.001167334605133219 0.0030812427240521278 -0.00073666823974323297 0.0031888042108688549 -0.0033474222778328124
+leaf_weight=50 42 44 42 44 39
+leaf_count=50 42 44 42 44 39
+internal_value=0 0.0112025 -0.0245352 0.0403252 -0.100269
+internal_weight=0 219 175 94 81
+internal_count=261 219 175 94 81
+shrinkage=0.02
+
+
+Tree=7250
+num_leaves=5
+num_cat=0
+split_feature=7 5 9 5
+split_gain=0.147889 0.47044 0.263447 0.324167
+threshold=75.500000000000014 65.500000000000014 42.500000000000007 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0010127633205129678 -0.0010816859283757762 0.0020676005045803104 -0.0020977154475798942 8.3616491408728522e-05
+leaf_weight=49 47 46 48 71
+leaf_count=49 47 46 48 71
+internal_value=0 0.0118784 -0.0129703 -0.0395123
+internal_weight=0 214 168 119
+internal_count=261 214 168 119
+shrinkage=0.02
+
+
+Tree=7251
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.151402 0.661356 1.20339 2.01441
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010518644835531342 0.0018376226242401508 -0.005799110581415504 0.00099897881693154496 0.00028986784929244168
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.012486 -0.0434915 -0.123559
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7252
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 8 8
+split_gain=0.152378 0.926661 0.661128 0.39476 0.397635
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 49.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0023074037782863325 0.0012069696108391078 -0.0029610397059870431 0.0011192419573855499 -0.0026707968438719493 0.00018277358812251413
+leaf_weight=53 40 41 46 41 40
+leaf_count=53 40 41 46 41 40
+internal_value=0 -0.0109373 0.0201176 -0.0193604 -0.0626409
+internal_weight=0 221 180 127 81
+internal_count=261 221 180 127 81
+shrinkage=0.02
+
+
+Tree=7253
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 3
+split_gain=0.153229 0.935419 1.00129 0.668642
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0021902959548172462 0.0010846315910185303 -0.0030731711401440834 0.00074413283174328871 -0.002548217956725868
+leaf_weight=73 48 39 50 51
+leaf_count=73 48 39 50 51
+internal_value=0 -0.0122266 0.0192929 -0.045552
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=7254
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 9
+split_gain=0.157091 1.02734 1.47564 1.34107
+threshold=72.500000000000014 6.5000000000000009 53.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00083322388453103383 0.00092316137054122643 0.0010131952814223292 -0.0039512625639703163 0.0038832406059088154
+leaf_weight=58 63 43 55 42
+leaf_count=58 63 43 55 42
+internal_value=0 -0.0146855 -0.0882827 0.0570514
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=7255
+num_leaves=5
+num_cat=0
+split_feature=7 9 9 6
+split_gain=0.157511 0.36444 0.937589 0.258504
+threshold=52.500000000000007 67.500000000000014 54.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.00089573217025589109 -0.0010448990095844434 0.00035668749728532989 0.002729502892329034 -0.0019122351217751852
+leaf_weight=66 47 46 62 40
+leaf_count=66 47 46 62 40
+internal_value=0 0.0151859 0.0547524 -0.0345014
+internal_weight=0 195 109 86
+internal_count=261 195 109 86
+shrinkage=0.02
+
+
+Tree=7256
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 4
+split_gain=0.158724 0.571112 0.519039 0.417937
+threshold=69.500000000000014 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00066014288418059306 0.0011017394035478033 -0.0023132596310504526 0.0018704053457217352 -0.0018373311927185145
+leaf_weight=59 48 44 57 53
+leaf_count=59 48 44 57 53
+internal_value=0 -0.012417 0.0142638 -0.0257484
+internal_weight=0 213 169 112
+internal_count=261 213 169 112
+shrinkage=0.02
+
+
+Tree=7257
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.157359 0.532114 0.699487 1.29061
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0020629611835236974 0.00084445092337578442 -0.002440993894851739 -0.0013142569061046544 0.0030604105843508606
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0160783 0.0112518 0.0532543
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7258
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 3
+split_gain=0.152669 0.907715 0.965011 0.65233
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0021491682248026139 0.0010828994333260467 -0.0030314551134044809 0.00073876593911483522 -0.0025142848260032531
+leaf_weight=73 48 39 50 51
+leaf_count=73 48 39 50 51
+internal_value=0 -0.0122058 0.0188502 -0.0448276
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=7259
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.163011 0.589444 0.798881
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0008827029331489499 0.0011580273906931242 0.0024469525046294164 -0.0017951277718494748
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0158855 -0.0137005
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=7260
+num_leaves=4
+num_cat=0
+split_feature=7 1 5
+split_gain=0.154148 1.14342 2.15245
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00088724453131333787 -0.0016901909433834465 0.0046471337428152714 -0.0007535137263873224
+leaf_weight=66 73 51 71
+leaf_count=66 73 51 71
+internal_value=0 0.0150394 0.0749475
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7261
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.158277 0.571487 0.771035
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00087132751786348124 0.0011379622753003361 0.0024111223915764066 -0.0017645126155233343
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0156729 -0.0134704
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=7262
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.151226 0.564343 1.478 0.127191
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00085391855509974639 0.0033381450543217019 -0.0014958378773333588 2.78430499779101e-05 -0.0016784616377802451
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0153601 0.0491513 -0.0413356
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=7263
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 8 8
+split_gain=0.146991 0.914067 0.603806 0.379378 0.391427
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 49.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0022247559772792095 0.0011879684232195802 -0.0029393124977312212 0.0011245468500148507 -0.0026110159249267411 0.00022163676155165365
+leaf_weight=53 40 41 46 41 40
+leaf_count=53 40 41 46 41 40
+internal_value=0 -0.0107648 0.0200817 -0.0176854 -0.0601662
+internal_weight=0 221 180 127 81
+internal_count=261 221 180 127 81
+shrinkage=0.02
+
+
+Tree=7264
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 2
+split_gain=0.152513 0.555508 0.949018 0.95877
+threshold=8.5000000000000018 72.500000000000014 65.100000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00085707095540241249 0.0025725500179587229 0.0024425365046756298 -0.0029219604511904486 -0.0011592140690153969
+leaf_weight=69 56 40 40 56
+leaf_count=69 56 40 40 56
+internal_value=0 0.0154202 -0.0124407 0.0349985
+internal_weight=0 192 152 112
+internal_count=261 192 152 112
+shrinkage=0.02
+
+
+Tree=7265
+num_leaves=6
+num_cat=0
+split_feature=4 2 6 3 5
+split_gain=0.153658 0.702741 1.8673 0.834958 2.26822
+threshold=49.500000000000007 25.500000000000004 49.500000000000007 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0012295220108449628 0.0045893797165353261 -0.0022103436373216954 0.0012608117297564115 0.0018076678020346303 -0.0050632240125848558
+leaf_weight=39 40 40 53 49 40
+leaf_count=39 40 40 53 49 40
+internal_value=0 0.0108205 0.03774 -0.016073 -0.0726185
+internal_weight=0 222 182 142 93
+internal_count=261 222 182 142 93
+shrinkage=0.02
+
+
+Tree=7266
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.159635 0.507587 0.693871 1.32423
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.002068690864082462 0.00084969015043284181 -0.0023955655350445908 -0.0011126676862499645 0.0033004696873611418
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0161893 0.0105206 0.0523617
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7267
+num_leaves=4
+num_cat=0
+split_feature=7 1 8
+split_gain=0.154984 1.13288 2.2126
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00088957901630763205 -0.0016806099637353799 0.0049102690287879357 -0.000638723900029045
+leaf_weight=66 73 47 75
+leaf_count=66 73 47 75
+internal_value=0 0.0150652 0.074702
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7268
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.158017 0.558276 0.725549 0.681553
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013048439172594051 0.00093504956402322686 -0.0024408050237136581 0.0024602529471467512 -0.0018763845130980268
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0145847 0.0122385 -0.0298461
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7269
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.156045 0.801276 0.787299 1.76725
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.002069373398253172 0.00092019911931063637 -0.0027753052883875578 -0.001167542371363693 0.003791018216600813
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0146536 0.018552 0.0610098
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=7270
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.155564 0.542418 0.704499 0.669731
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012952568135397124 0.00092858236373690416 -0.0024091284256265782 0.0024233555114131305 -0.0018590199248143869
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.014484 0.0119656 -0.0295168
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7271
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.151409 0.474767 0.68145 1.22477
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0020584224021312808 0.00082988759708752739 -0.0023227356439291867 -0.0012882245112815396 0.002975019508656794
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0158201 0.0100377 0.0515163
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7272
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 4
+split_gain=0.14789 0.4934 0.472737 0.42807
+threshold=69.500000000000014 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00067991024571585536 0.0010675355534134918 -0.0021654539687856137 0.0017717776133819032 -0.001846489136263276
+leaf_weight=59 48 44 57 53
+leaf_count=59 48 44 57 53
+internal_value=0 -0.0120493 0.0128008 -0.0254443
+internal_weight=0 213 169 112
+internal_count=261 213 169 112
+shrinkage=0.02
+
+
+Tree=7273
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.145802 0.458416 0.653625 1.1716
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0020165163763508939 0.00081619182575467706 -0.0022841246428393878 -0.0012579360388819034 0.0029130971850959125
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0155598 0.00986309 0.0505155
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7274
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.154738 1.238 1.26141 0.541382
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0037196308726945484 -0.0020275584866406627 0.0027686645651779224 0.00078234786342047419 0.0010667628839445109
+leaf_weight=40 54 58 68 41
+leaf_count=40 54 58 68 41
+internal_value=0 0.0195656 -0.0439489 -0.0341949
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7275
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.159143 0.692682 1.24258 1.86922
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010754482957305892 0.0018797086546903144 -0.0057226263636703176 0.0010092846270979635 0.0001438620374682343
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0127601 -0.0444665 -0.125803
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7276
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 9
+split_gain=0.154396 1.20703 1.21057 0.533084
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0036471024102810051 0.001131478127369589 0.0027390850077084754 0.00076452504521129386 -0.0019607479437197066
+leaf_weight=40 39 58 68 56
+leaf_count=40 39 58 68 56
+internal_value=0 0.0195582 -0.0431656 -0.0341497
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7277
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 2
+split_gain=0.164919 0.499939 0.290282 1.34258
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0010465017389274553 -0.0011810084345634491 0.0020531343314542363 0.0017972908623790397 -0.0025726143509641644
+leaf_weight=49 44 49 47 72
+leaf_count=49 44 49 47 72
+internal_value=0 0.0119983 -0.0142375 -0.0419962
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=7278
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 5
+split_gain=0.163081 1.15433 0.858724 0.350002
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010887742744918557 -0.0012082001036252195 0.0024634600139672846 -0.0028688825907038692 0.0013525184071637518
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0116146 -0.0362817 0.0169693
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=7279
+num_leaves=5
+num_cat=0
+split_feature=7 5 9 2
+split_gain=0.165847 0.52331 0.276786 1.28354
+threshold=75.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0010289063342166136 -0.0011376770676790541 0.0021763856827950747 0.0017632266606827666 -0.0025108811842745188
+leaf_weight=49 47 46 47 72
+leaf_count=49 47 46 47 72
+internal_value=0 0.012517 -0.0136478 -0.0408013
+internal_weight=0 214 168 119
+internal_count=261 214 168 119
+shrinkage=0.02
+
+
+Tree=7280
+num_leaves=5
+num_cat=0
+split_feature=7 5 2 1
+split_gain=0.158521 0.50176 0.244748 1.22609
+threshold=75.500000000000014 65.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00059938819109570801 -0.0011149572146554295 0.0021329243755118044 0.0013734525574372459 -0.0032722066070260025
+leaf_weight=76 47 46 45 47
+leaf_count=76 47 46 45 47
+internal_value=0 0.0122712 -0.0133652 -0.0495934
+internal_weight=0 214 168 92
+internal_count=261 214 168 92
+shrinkage=0.02
+
+
+Tree=7281
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.161766 1.11031 0.773552 1.79149 0.759321
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.003464819669346174 -0.001203804363541762 0.0030967805358100052 -0.0027739310805486002 0.0033397686081236776 0.00044120716861218389
+leaf_weight=41 42 44 45 49 40
+leaf_count=41 42 44 45 49 40
+internal_value=0 0.0115752 -0.0242645 0.0150924 -0.0763667
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=7282
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 9
+split_gain=0.154579 1.11742 0.808075 0.402679
+threshold=77.500000000000014 66.500000000000014 54.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001430218839415322 -0.001179767898369128 0.0024227553728330205 -0.0027662434348658038 -0.0011888304599282971
+leaf_weight=59 42 66 52 42
+leaf_count=59 42 66 52 42
+internal_value=0 0.0113439 -0.0357906 0.0166562
+internal_weight=0 219 153 101
+internal_count=261 219 153 101
+shrinkage=0.02
+
+
+Tree=7283
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 8
+split_gain=0.152456 0.495306 2.56321 0.706696
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0037778889989777799 -0.00098272726978872139 0.0007442618771987768 -0.0023303254262213107 -0.0028211922265474949
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.013447 0.0588169 -0.0418469
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7284
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.150135 0.728512 0.316144 0.330733
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010716197005155848 -0.00089519047148238495 0.002659345581651173 -0.0016396966186849236 0.0013052892474578863
+leaf_weight=42 64 42 53 60
+leaf_count=42 64 42 53 60
+internal_value=0 0.0145597 -0.0173125 0.015933
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=7285
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.146376 1.08763 0.901279 0.427114 1.0904
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0019101228800697226 -0.0011519205185294946 0.0032295224826205601 -0.0026025210409536814 0.0021817520033414954 -0.0027390893889181569
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.011064 -0.0223742 0.025143 -0.017422
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=7286
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.155052 0.702087 0.520553 0.989327
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001601605057526151 -0.0009080953608348848 0.0026212631654554844 -0.001455459579125152 0.0029456637474939151
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0147656 -0.0165343 0.0381295
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7287
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.154577 0.477924 2.50206 0.693374
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0037330206127618899 -0.00098894008929788571 0.00075001263124778905 -0.0023023931061551019 -0.0027826492851593249
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0135201 0.0581196 -0.0408278
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7288
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.150474 0.568485 1.43995 0.124501
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00085219776438824504 0.0033095807690598561 -0.0015030792850621124 4.4805846130082085e-05 -0.0016460389608858022
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0153185 0.0492289 -0.040095
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=7289
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 9
+split_gain=0.150103 0.441261 2.41714 0.677295
+threshold=73.500000000000014 7.5000000000000009 57.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0009982406032444319 -0.00097631924427063769 0.00087501473311007039 0.0051698805077994518 -0.0026004222590186332
+leaf_weight=74 56 48 39 44
+leaf_count=74 56 48 39 44
+internal_value=0 0.0133391 0.0562694 -0.0389588
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7290
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 6
+split_gain=0.15094 1.11188 0.781779 0.944933
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00071506605274287744 -0.0011678497662042987 0.003091371056095648 0.0010998050821403383 -0.003236980914815819
+leaf_weight=41 42 44 73 61
+leaf_count=41 42 44 73 61
+internal_value=0 0.011203 -0.0246621 -0.0820587
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=7291
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.148714 0.899947 0.634677 0.829766
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015112799853051872 0.0011939441663147297 -0.0029198895107808705 0.0018085244133729606 -0.0021518870516672099
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.010827 0.0197838 -0.0314812
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=7292
+num_leaves=4
+num_cat=0
+split_feature=7 1 8
+split_gain=0.1548 1.07376 2.20598
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00088916257598928056 -0.001629178752704376 0.004874170313652392 -0.00066670179328358543
+leaf_weight=66 73 47 75
+leaf_count=66 73 47 75
+internal_value=0 0.0150545 0.0731457
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7293
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 8
+split_gain=0.154991 0.550267 0.500957 0.368173
+threshold=69.500000000000014 63.500000000000007 58.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00050113288027197895 0.0010898345986597002 -0.0022742785900300368 0.0018363544821676531 -0.0018704345472046954
+leaf_weight=64 48 44 57 48
+leaf_count=64 48 44 57 48
+internal_value=0 -0.0123037 0.0138985 -0.0254324
+internal_weight=0 213 169 112
+internal_count=261 213 169 112
+shrinkage=0.02
+
+
+Tree=7294
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 3
+split_gain=0.151134 0.568275 0.687079 0.444481
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00072973760868407238 0.0009168001139197101 -0.0024536494635341174 0.0024126928599074986 -0.0018056293557657693
+leaf_weight=56 62 40 44 59
+leaf_count=56 62 40 44 59
+internal_value=0 -0.0142996 0.012757 -0.0282185
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7295
+num_leaves=4
+num_cat=0
+split_feature=7 1 5
+split_gain=0.151383 1.02815 1.99552
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00088042136583383105 -0.0015913352084352362 0.0044680061896696516 -0.0007336882803580196
+leaf_weight=66 73 51 71
+leaf_count=66 73 51 71
+internal_value=0 0.0149072 0.0717776
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7296
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.158132 1.17172 1.29303 0.515801
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0037168152672351373 -0.0020032226374613639 0.0027089735540664502 0.00084077187465889363 0.0010193603293526222
+leaf_weight=40 54 58 68 41
+leaf_count=40 54 58 68 41
+internal_value=0 0.0197533 -0.0420567 -0.0345267
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7297
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 8
+split_gain=0.151028 1.12453 1.24119 0.501562
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0036426089236585761 0.00068762557174399902 0.002654859411750077 0.00082397377725668174 -0.0022745299530842148
+leaf_weight=40 51 58 68 44
+leaf_count=40 51 58 68 44
+internal_value=0 0.0193582 -0.0412101 -0.0338285
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7298
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 2
+split_gain=0.161678 0.453696 0.260438 1.26489
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0010023357448156142 -0.0011708167258549472 0.001968335916781853 0.0017697155196397757 -0.0024737709908705741
+leaf_weight=49 44 49 47 72
+leaf_count=49 44 49 47 72
+internal_value=0 0.0118825 -0.0131491 -0.0395499
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=7299
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.155773 1.04978 0.452991 0.639193
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013363012202800412 -0.0011840364722159121 0.0030966076122551259 -0.002331785739324434 -0.0014707574433979295
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.0113706 -0.0224926 0.00562618
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=7300
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.163368 0.456959 0.673246 1.07637 1.40799
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024489741976254907 -0.001176246426490691 0.0020980568336999576 0.0019296588397888957 -0.0037725786448653958 0.0025951401021665562
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0119378 -0.0115082 -0.0486847 0.0116132
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=7301
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.156117 0.438086 0.645858 0.964378 1.45996
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00240007583704532 -0.0011527588963508605 0.0020561622988854457 0.0018911268380505442 -0.0034237531108454317 0.0028424337434611786
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0116992 -0.0112741 -0.0477129 0.0136487
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=7302
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 7
+split_gain=0.162439 0.516183 0.918665 0.260479
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00033057043197766395 0.00048342795430896896 -0.0010622519168579693 0.0034031650960924106 -0.001796945913714387
+leaf_weight=64 39 65 46 47
+leaf_count=64 39 65 46 47
+internal_value=0 0.0185307 0.0612357 -0.0376988
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7303
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 7
+split_gain=0.15511 0.494941 0.884463 0.249448
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00038431860526940548 0.00047377652712480965 -0.0010410297206420219 0.0032608910913970337 -0.0017610602516270198
+leaf_weight=62 39 65 48 47
+leaf_count=62 39 65 48 47
+internal_value=0 0.0181518 0.0600056 -0.0369366
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7304
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.155957 0.460588 2.48359 0.666301
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0037089013864647071 -0.00099300401426475693 0.00073988544233675817 -0.0023043957781817728 -0.0027249796243190823
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0135654 0.057383 -0.0398224
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7305
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.147593 0.67945 1.18252 1.97893
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010400477258273888 0.0018679866850661319 -0.0057616170806452796 0.00097744942528240459 0.00027383810415668695
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0123498 -0.0437626 -0.123143
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7306
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 4
+split_gain=0.14856 0.899934 0.939348 0.540103
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00068789959397839876 0.0010697359189512032 -0.0030170388301605151 0.0024786245469943739 -0.0020838571193236193
+leaf_weight=59 48 39 58 57
+leaf_count=59 48 39 58 57
+internal_value=0 -0.0120696 0.0188551 -0.0333814
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=7307
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.146129 0.452828 2.40694 0.646409
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0036548743743363009 -0.00096470577567576597 0.00071839622305591255 -0.0022655567140881278 -0.0026956672819173915
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0131894 0.056654 -0.0397646
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7308
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.15503 1.06428 1.65142 1.21995
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00071599854461416358 0.00091753079596536562 0.00070404813069990986 -0.0045100696347867555 0.0037848372442020441
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0146118 -0.0894939 0.0583842
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=7309
+num_leaves=5
+num_cat=0
+split_feature=7 3 6 9
+split_gain=0.158862 0.52059 0.399882 0.493753
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00083947137611531961 0.0012478949480847627 -0.0023570264124156328 0.0019882981005249381 -0.0015760705298548915
+leaf_weight=75 39 39 42 66
+leaf_count=75 39 39 42 66
+internal_value=0 -0.010977 0.0116174 -0.0142879
+internal_weight=0 222 183 141
+internal_count=261 222 183 141
+shrinkage=0.02
+
+
+Tree=7310
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.155113 0.579683 0.700444 0.762586
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00071250696705904407 0.0009275722242945804 -0.0024776793509863069 0.0019438236022275945 -0.0029140237613783167
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.0144563 0.0128637 -0.0406556
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=7311
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.148168 0.555995 0.674706 0.622686
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012597069479986002 0.00090904127395304761 -0.0024282124064749304 0.0023907512060525279 -0.001784993995240478
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0141641 0.0126063 -0.0280068
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7312
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.143821 0.445591 0.464396 0.389751
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00066677913652673745 -0.00095781569613138148 0.0016781690152513457 -0.0022070682320915235 0.0019398383626266699
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0131057 -0.0187738 0.0184251
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=7313
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.147367 0.5759 1.39592 0.130155
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00084421659932910442 0.0032758557775982161 -0.0015171341120979254 9.0970528348498488e-05 -0.0016339800341902213
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0151872 0.04931 -0.0386489
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=7314
+num_leaves=5
+num_cat=0
+split_feature=9 3 5 2
+split_gain=0.14434 1.10179 0.700843 0.382482
+threshold=77.500000000000014 66.500000000000014 55.95000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00096120395887402705 -0.0011448604839698758 0.0024006888278948484 -0.0030216890277486507 0.0014392935020232692
+leaf_weight=63 42 66 40 50
+leaf_count=63 42 66 40 50
+internal_value=0 0.0109957 -0.0358126 0.00470606
+internal_weight=0 219 153 113
+internal_count=261 219 153 113
+shrinkage=0.02
+
+
+Tree=7315
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 5
+split_gain=0.149914 0.428284 0.438438 0.366861
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010851774106321523 -0.00097567166430822172 0.0016562073073428827 -0.0021407469387962372 0.0014286378604913713
+leaf_weight=42 56 64 41 58
+leaf_count=42 56 64 41 58
+internal_value=0 0.013337 -0.0179389 0.018241
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=7316
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.149701 0.728447 0.538102 1.00516
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016380751884742834 -0.0008942552497667142 0.0026586687377124271 -0.0015821385278340526 0.0028611735648272504
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0145308 -0.01734 0.0382074
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7317
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.14799 0.435962 0.660942 1.05133 1.33127
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0023828656511349832 -0.0011259465644844866 0.0020464175713354425 0.0019105306499353849 -0.0037336418648982921 0.0025238541730208579
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0114212 -0.0114988 -0.0483454 0.0112549
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=7318
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 2
+split_gain=0.150005 0.578818 0.502004 0.915106
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 10.500000000000002
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0011643322124202376 -0.0019878597082597939 0.0020684070439634665 -0.0028676124848091666 0.00097170579014959832
+leaf_weight=42 57 51 39 72
+leaf_count=42 57 51 39 72
+internal_value=0 -0.0111883 0.0196294 -0.0185499
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=7319
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.155039 0.657738 1.15468 1.98274
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010630457917206392 0.0018294857935571166 -0.0057418653850904097 0.00096029571374024519 0.00029947876812441075
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0126138 -0.0435369 -0.121994
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7320
+num_leaves=6
+num_cat=0
+split_feature=7 3 2 9 2
+split_gain=0.150362 0.494211 0.418988 0.77164 1.13957
+threshold=76.500000000000014 70.500000000000014 10.500000000000002 45.500000000000007 22.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0018253942071165372 0.0012179710460282788 -0.0022988990345115946 0.0019730892644310521 0.00049903644248498703 -0.0040129295283261547
+leaf_weight=50 39 39 40 54 39
+leaf_count=50 39 39 40 54 39
+internal_value=0 -0.0107086 0.0113227 -0.0184642 -0.0693039
+internal_weight=0 222 183 133 93
+internal_count=261 222 183 133 93
+shrinkage=0.02
+
+
+Tree=7321
+num_leaves=5
+num_cat=0
+split_feature=4 1 7 4
+split_gain=0.146255 0.878605 1.55091 1.11309
+threshold=75.500000000000014 6.5000000000000009 53.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0016680613326734814 0.0011855338163169983 -0.0010313661570869779 -0.003275239574929339 0.0030211630774051902
+leaf_weight=40 40 53 71 57
+leaf_count=40 40 53 71 57
+internal_value=0 -0.0107316 -0.0743369 0.0530949
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=7322
+num_leaves=5
+num_cat=0
+split_feature=6 3 7 5
+split_gain=0.149961 0.457775 0.313902 0.312787
+threshold=70.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010505863997951552 -0.0011321131701449946 0.0017152042384090604 -0.0016482005684596347 0.0012646944855857812
+leaf_weight=42 44 62 53 60
+leaf_count=42 44 62 53 60
+internal_value=0 0.0115089 -0.017959 0.015172
+internal_weight=0 217 155 102
+internal_count=261 217 155 102
+shrinkage=0.02
+
+
+Tree=7323
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 7 4
+split_gain=0.143307 0.504562 0.758859 0.581104 0.562636
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 55.500000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0012905110392310423 -0.0010663933236178052 0.0022997033159825641 -0.0025725175155573666 0.0024314746577804094 -0.0019808578298437071
+leaf_weight=41 47 40 43 44 46
+leaf_count=41 47 40 43 44 46
+internal_value=0 0.0117366 -0.0118056 0.026283 -0.0215096
+internal_weight=0 214 174 131 87
+internal_count=261 214 174 131 87
+shrinkage=0.02
+
+
+Tree=7324
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.144011 0.483844 0.712666 1.2484
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0020963103504349889 0.00081203126614370349 -0.0023339702637109544 -0.0012801094458849338 0.0030233516246799784
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0154625 0.0106345 0.0530197
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7325
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 9
+split_gain=0.146025 1.09652 0.741601 0.367063
+threshold=77.500000000000014 66.500000000000014 54.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013430491099406846 -0.0011506310272682923 0.00239676954340011 -0.0026791743073624613 -0.0011633740238347699
+leaf_weight=59 42 66 52 42
+leaf_count=59 42 66 52 42
+internal_value=0 0.011056 -0.0356418 0.0146387
+internal_weight=0 219 153 101
+internal_count=261 219 153 101
+shrinkage=0.02
+
+
+Tree=7326
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 9
+split_gain=0.14461 0.455071 2.34285 0.636814
+threshold=73.500000000000014 7.5000000000000009 57.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0009568694956923556 -0.0009602429735717957 0.00080593976491896756 0.0051163022030199278 -0.0025664638192989886
+leaf_weight=74 56 48 39 44
+leaf_count=74 56 48 39 44
+internal_value=0 0.0131311 0.0566988 -0.0399492
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7327
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.146628 1.05871 0.873629 0.435498 1.10411
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0019105108698955306 -0.0011528456702895706 0.0031901190207728669 -0.0025610246027535527 0.0021919832621075238 -0.0027672371803777068
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0110698 -0.0219263 0.0248685 -0.0180992
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=7328
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.147488 0.441968 2.3427 0.623703
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0036123704826005586 -0.00096865237891323236 0.00070555106030066985 -0.0022290794418077346 -0.002649699648693004
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0132429 0.0562064 -0.0390956
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7329
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.146015 0.566639 0.751865
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00084097741114276883 0.0011119700611155832 0.0023914687313530826 -0.0017550078708797275
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0151169 -0.0139065
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=7330
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.14713 1.05809 0.769103 1.20988
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00032164077291309842 -0.0011546393174307063 0.0030200609128938284 0.0011021078958040847 -0.0040874194018402253
+leaf_weight=57 42 44 73 45
+leaf_count=57 42 44 73 45
+internal_value=0 0.0110835 -0.0239141 -0.0808582
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=7331
+num_leaves=6
+num_cat=0
+split_feature=4 2 6 3 5
+split_gain=0.148136 0.762447 1.79651 0.799578 2.2277
+threshold=49.500000000000007 25.500000000000004 49.500000000000007 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0012098914510702762 0.0045347984885973089 -0.0023124179316557701 0.0012987327842989141 0.0018017844427912206 -0.0049692281641276186
+leaf_weight=39 40 40 53 49 40
+leaf_count=39 40 40 53 49 40
+internal_value=0 0.0106433 0.0386471 -0.0141408 -0.0695139
+internal_weight=0 222 182 142 93
+internal_count=261 222 182 142 93
+shrinkage=0.02
+
+
+Tree=7332
+num_leaves=5
+num_cat=0
+split_feature=9 6 5 3
+split_gain=0.153447 0.396927 0.346992 0.378203
+threshold=70.500000000000014 62.500000000000007 55.650000000000013 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00068850719590694777 0.00083485251055588194 -0.002159877125567599 0.0017190012382137987 -0.0017470915675956908
+leaf_weight=56 72 39 43 51
+leaf_count=56 72 39 43 51
+internal_value=0 -0.0159117 0.00780236 -0.0232649
+internal_weight=0 189 150 107
+internal_count=261 189 150 107
+shrinkage=0.02
+
+
+Tree=7333
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.151407 0.536336 0.523138 0.410757
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010520265100686318 0.0010652752296852195 -0.0022775580095170905 0.0018576311731956794 -0.0015018960038197099
+leaf_weight=42 49 43 57 70
+leaf_count=42 49 43 57 70
+internal_value=0 -0.0123211 0.0133187 -0.0268489
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7334
+num_leaves=4
+num_cat=0
+split_feature=7 1 8
+split_gain=0.149911 1.03214 2.13979
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00087647348055955743 -0.0015960684999878634 0.0047967850680130418 -0.00066099418282302422
+leaf_weight=66 73 47 75
+leaf_count=66 73 47 75
+internal_value=0 0.0148509 0.0718292
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7335
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.150111 0.458264 0.729762 1.29818
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0021427732978284821 0.00082678707200990937 -0.0022877360252596271 -0.0010879814943166814 0.0032820345009676255
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0157577 0.00966068 0.0525377
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7336
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 4
+split_gain=0.150791 0.49718 0.442755 0.775392
+threshold=76.500000000000014 70.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014602219228100162 0.0012193414951823147 -0.0023053398106694374 0.0014098423974429248 -0.002060188710009105
+leaf_weight=43 39 39 77 63
+leaf_count=43 39 39 77 63
+internal_value=0 -0.0107303 0.0113651 -0.0312267
+internal_weight=0 222 183 106
+internal_count=261 222 183 106
+shrinkage=0.02
+
+
+Tree=7337
+num_leaves=4
+num_cat=0
+split_feature=7 1 8
+split_gain=0.150893 0.984663 2.0673
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00087912683450311444 -0.0015519854008735443 0.0047147360770773781 -0.00065055201497299625
+leaf_weight=66 73 47 75
+leaf_count=66 73 47 75
+internal_value=0 0.0148875 0.0705684
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7338
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.1566 1.13026 1.29976 0.467979
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0037041328469208123 -0.0019403323128237972 0.0026667334215815927 0.00086526943401073577 0.00094353096275280829
+leaf_weight=40 54 58 68 41
+leaf_count=40 54 58 68 41
+internal_value=0 0.0196699 -0.0410501 -0.0343762
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7339
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 8
+split_gain=0.149557 1.08471 1.24764 0.45697
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0036301796073951653 0.00063030997087326634 0.002613463102103265 0.00084798188698664801 -0.0022017477363151894
+leaf_weight=40 51 58 68 44
+leaf_count=40 51 58 68 44
+internal_value=0 0.0192764 -0.0402235 -0.033681
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7340
+num_leaves=5
+num_cat=0
+split_feature=6 3 7 5
+split_gain=0.159545 0.479091 0.331733 0.341222
+threshold=70.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010970399569297648 -0.0011638907214154563 0.0017540195747785029 -0.0016891179806165875 0.0013153334884014865
+leaf_weight=42 44 62 53 60
+leaf_count=42 44 62 53 60
+internal_value=0 0.0118142 -0.0183085 0.0157047
+internal_weight=0 217 155 102
+internal_count=261 217 155 102
+shrinkage=0.02
+
+
+Tree=7341
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.155922 0.69036 1.15067 1.8703
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010657287030870479 0.0018785263349664219 -0.0056601198311752891 0.00094184084146702778 0.00020835130582213873
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0126453 -0.0443005 -0.122622
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7342
+num_leaves=6
+num_cat=0
+split_feature=2 2 8 2 3
+split_gain=0.148908 0.471079 1.61711 0.848923 1.20702
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 24.500000000000004 57.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 -2 3 4 -3
+right_child=1 2 -4 -5 -6
+leaf_value=0.0010444439106271346 -0.0021009756021312369 0.0003266152533944945 0.0038346423149597077 0.0015380405082968513 -0.0044344806331465527
+leaf_weight=50 45 44 39 41 42
+leaf_count=50 45 44 39 41 42
+internal_value=0 -0.0123819 0.0125315 -0.0422591 -0.0995496
+internal_weight=0 211 166 127 86
+internal_count=261 211 166 127 86
+shrinkage=0.02
+
+
+Tree=7343
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.160119 0.475488 0.490519 1.00663
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001598356839057988 -0.0011655169057283429 0.0017491409605312255 -0.0015385547942827296 0.0029007697915107134
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0118447 -0.0181681 0.0349386
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=7344
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 5
+split_gain=0.154003 1.09266 0.757072 0.325541
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010848924201685827 -0.001177926723835784 0.0023982666652304012 -0.0027213756940545511 0.001274605129569625
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0113199 -0.0352964 0.0147566
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=7345
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 6
+split_gain=0.159159 0.440971 0.47225 1.01253
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015555063263460556 -0.0011625422787539185 0.0016947787858945498 -0.0016547696308037616 0.0028050462329823169
+leaf_weight=72 44 62 39 44
+leaf_count=72 44 62 39 44
+internal_value=0 0.0118064 -0.0171338 0.0350106
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=7346
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.157449 0.718485 0.452723 0.97176
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015244264614735891 -0.00091432647082145867 0.0026494911817790835 -0.0016217332148539738 0.0027490342929976201
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0148646 -0.0167913 0.0343017
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7347
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 3 7
+split_gain=0.158503 0.481681 0.337162 0.351949 0.269084
+threshold=67.500000000000014 62.400000000000006 50.500000000000007 58.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=0.0013252180006372281 0.00051085056087261027 0.0023022211298241299 -0.0020606979762174994 0.00046690838337511294 -0.0018047274654208413
+leaf_weight=41 39 41 51 42 47
+leaf_count=41 39 41 51 42 47
+internal_value=0 0.0183304 -0.0110279 -0.0455555 -0.0372892
+internal_weight=0 175 134 93 86
+internal_count=261 175 134 93 86
+shrinkage=0.02
+
+
+Tree=7348
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 6
+split_gain=0.151416 0.511743 0.85923 0.272739
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00029482663845297738 0.00034265305354482884 -0.0010675579519687354 0.0033182686007744789 -0.0019834696942726991
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0179691 0.0604993 -0.0365351
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7349
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.152875 0.679887 0.32656 0.310542
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00099649401934605352 -0.00090245342466748228 0.0025833791995561401 -0.001636297554872749 0.0013102666185543978
+leaf_weight=42 64 42 53 60
+leaf_count=42 64 42 53 60
+internal_value=0 0.0146724 -0.0161389 0.0176277
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=7350
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 5
+split_gain=0.151426 0.467104 2.19464 0.637839
+threshold=73.500000000000014 7.5000000000000009 57.500000000000007 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.000873669930415001 -0.00098000576816311877 0.00069668102520002826 0.0050055125701265754 -0.0026951413864865336
+leaf_weight=74 56 51 39 41
+leaf_count=74 56 51 39 41
+internal_value=0 0.0133961 0.0575098 -0.0403551
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7351
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.151766 0.701313 1.04928 1.87043
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010530617369466468 0.0018979650624879117 -0.0055929301290521607 0.00085859891364160619 0.00027608116600055669
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0124952 -0.0443927 -0.119245
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7352
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.146967 0.901046 1.01118 1.17161
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0021919389786301982 0.0010648120027434585 -0.0030174380912709364 0.0016898050889035399 -0.0027240501977013375
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0120054 0.0189382 -0.0462221
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=7353
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.141468 0.528372 0.56829 0.544098
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0022498245097222337 -0.0010604248339769718 0.0019349037637010243 -0.001865974464572627 -0.00082780641270940923
+leaf_weight=45 47 56 63 50
+leaf_count=45 47 56 63 50
+internal_value=0 0.0116678 -0.0182627 0.0311094
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=7354
+num_leaves=5
+num_cat=0
+split_feature=7 6 7 4
+split_gain=0.145966 0.46139 0.540499 0.426972
+threshold=76.500000000000014 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011092238752638498 0.001202153442444202 -0.0018752503800531421 0.0019224602846709112 -0.0014928566068474671
+leaf_weight=42 39 53 57 70
+leaf_count=42 39 53 57 70
+internal_value=0 -0.0105697 0.0153118 -0.0254927
+internal_weight=0 222 169 112
+internal_count=261 222 169 112
+shrinkage=0.02
+
+
+Tree=7355
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.141621 0.411701 0.66824 0.74606
+threshold=72.050000000000026 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00074109396115755986 0.0010345209046928028 -0.0018031430552464906 0.0019260514755746064 -0.0028471772919497641
+leaf_weight=56 49 53 62 41
+leaf_count=56 49 53 62 41
+internal_value=0 -0.0119591 0.0138837 -0.0384158
+internal_weight=0 212 159 97
+internal_count=261 212 159 97
+shrinkage=0.02
+
+
+Tree=7356
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 1
+split_gain=0.144901 0.423215 0.266286 1.20625
+threshold=70.500000000000014 65.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00064417163399087946 -0.0011151984840502998 0.0019008270422285582 0.0013353370749318257 -0.0032729553436812559
+leaf_weight=76 44 49 45 47
+leaf_count=76 44 49 45 47
+internal_value=0 0.0113331 -0.0128733 -0.0505454
+internal_weight=0 217 168 92
+internal_count=261 217 168 92
+shrinkage=0.02
+
+
+Tree=7357
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 6
+split_gain=0.145633 0.471281 0.880468 0.259139
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00040983030790097286 0.00032964556325742106 -0.0010178456298030247 0.0032274892644126325 -0.001941453729197662
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0176718 0.0585569 -0.0359052
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7358
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.145826 0.885431 0.941201 1.08782
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0021250271047941554 0.0010612675134074746 -0.0029928854637997883 0.0016366367316722058 -0.0026190083266912018
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0119593 0.0187191 -0.0441808
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=7359
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 5
+split_gain=0.147361 1.01795 1.64112 1.18994
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00067977827949856505 0.00089751144443182774 0.00073541738736272342 -0.0044627437446941509 0.0037817769755056252
+leaf_weight=59 63 51 47 41
+leaf_count=59 63 51 47 41
+internal_value=0 -0.0142729 -0.0875413 0.0571415
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=7360
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.148914 0.8572 0.900191 1.03916
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0020755390004924407 0.0010712128946457281 -0.0029517222321915268 0.0015958058211470799 -0.0025651441105435688
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0120647 0.0181281 -0.0434097
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=7361
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.155323 0.571612 0.800408
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00086380789507586604 0.0011615753915889325 0.0024090255649562458 -0.0017943509553809067
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0155561 -0.0135905
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=7362
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.148389 0.5482 0.767971
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00084654921679001784 0.0011383649856103477 0.0023609254959220697 -0.0017584983149419265
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0152456 -0.0133137
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=7363
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 2
+split_gain=0.149559 0.412311 0.441709 0.372143
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00069855173373151332 -0.00097427328852848594 0.0016313337341511479 -0.0021357459900934734 0.0018245196179859815
+leaf_weight=57 56 64 41 43
+leaf_count=57 56 64 41 43
+internal_value=0 0.0133418 -0.017367 0.0189446
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=7364
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.150283 1.03085 0.783101 1.18189
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00030056450341699084 -0.0011651411538512854 0.0029869116390673842 0.0011275495688501194 -0.0040577910001721755
+leaf_weight=57 42 44 73 45
+leaf_count=57 42 44 73 45
+internal_value=0 0.0112046 -0.0233453 -0.0807933
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=7365
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.143568 1.05483 0.445114 0.531056
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012178036405045003 -0.0011418772357247463 0.0030956820449750894 -0.0023252876919640049 -0.0013486615148760328
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.0109843 -0.0229595 0.00492052
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=7366
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 2
+split_gain=0.147011 0.424082 0.23838 1.20925
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00095777190761651672 -0.0011222552371344275 0.0019039523831411319 0.0017410749575629315 -0.0024094655073530987
+leaf_weight=49 44 49 47 72
+leaf_count=49 44 49 47 72
+internal_value=0 0.0114081 -0.012822 -0.0381699
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=7367
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.144109 0.530775 0.763777
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00083574553944879189 0.0011395934342843049 0.0023252515953511447 -0.0017495757323031194
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0150493 -0.0130649
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=7368
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.14871 1.0197 0.762023 1.1479
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00029091900292557471 -0.001159702931329987 0.0029712335228081433 0.0011090897322027339 -0.0040051606212192347
+leaf_weight=57 42 44 73 45
+leaf_count=57 42 44 73 45
+internal_value=0 0.0111548 -0.0232103 -0.079901
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=7369
+num_leaves=5
+num_cat=0
+split_feature=4 1 7 4
+split_gain=0.142766 0.892658 1.51993 1.0647
+threshold=75.500000000000014 6.5000000000000009 53.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0016291333599253608 0.0011731922540219608 -0.00097342003934999311 -0.003264961660965026 0.0029912236236024074
+leaf_weight=40 40 53 71 57
+leaf_count=40 40 53 71 57
+internal_value=0 -0.0106102 -0.0747103 0.0537157
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=7370
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.153705 0.541486 0.556424 0.51956
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0022058269484016143 -0.0010995929065671522 0.0019640219249316285 -0.0018489811149020761 -0.00080391383371073159
+leaf_weight=45 47 56 63 50
+leaf_count=45 47 56 63 50
+internal_value=0 0.0121157 -0.0181725 0.0306956
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=7371
+num_leaves=5
+num_cat=0
+split_feature=9 3 8 9
+split_gain=0.148832 1.02676 0.681415 0.34509
+threshold=77.500000000000014 66.500000000000014 54.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013040431094327029 -0.0011600797674223508 0.0023298579974056865 -0.0025680691303711423 -0.0011300936156393713
+leaf_weight=59 42 66 52 42
+leaf_count=59 42 66 52 42
+internal_value=0 0.0111611 -0.0340474 0.0141915
+internal_weight=0 219 153 101
+internal_count=261 219 153 101
+shrinkage=0.02
+
+
+Tree=7372
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 4
+split_gain=0.152011 0.477386 0.800063 0.643939
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00086130934824532449 -0.001094359922350808 0.0022517062741486782 -0.0026148493912841646 0.001980166287154785
+leaf_weight=65 47 40 43 66
+leaf_count=65 47 40 43 66
+internal_value=0 0.0120494 -0.0108684 0.0282232
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=7373
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.147652 0.668289 0.5339 0.983006
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016084268771445883 -0.00088852601144733207 0.0025600790738570657 -0.0014260464774624752 0.0029610488599373036
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0144585 -0.0160946 0.0392462
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7374
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 3
+split_gain=0.146612 0.394331 0.399419 0.364659
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00064777999476345013 -0.00096595548267391711 0.0016001713461854148 -0.0020414621870767933 0.001877642198783488
+leaf_weight=60 56 64 41 40
+leaf_count=60 56 64 41 40
+internal_value=0 0.0132162 -0.0168419 0.0177501
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=7375
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.147917 0.462466 0.3112 0.4274 0.26526
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010452241654035624 0.00033615442006221062 0.0022539480271814281 -0.0016690267603442208 0.0017599481922413586 -0.001959883118690265
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0177851 -0.0110006 0.022833 -0.03616
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=7376
+num_leaves=5
+num_cat=0
+split_feature=8 5 2 1
+split_gain=0.141326 0.419458 0.224021 1.06541
+threshold=72.500000000000014 65.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00059494167636818941 -0.0010600112578988911 0.0019655402807350246 0.0012738380865641278 -0.0030614176172852545
+leaf_weight=76 47 46 45 47
+leaf_count=76 47 46 45 47
+internal_value=0 0.0116599 -0.0118498 -0.0466433
+internal_weight=0 214 168 92
+internal_count=261 214 168 92
+shrinkage=0.02
+
+
+Tree=7377
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 3 7
+split_gain=0.14485 0.441092 0.313243 0.366909 0.249576
+threshold=67.500000000000014 62.400000000000006 50.500000000000007 58.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=0.0012826839512445818 0.0004964628909474479 0.0022082159045057805 -0.0020501561078606042 0.00052867428626531313 -0.0017392600051518937
+leaf_weight=41 39 41 51 42 47
+leaf_count=41 39 41 51 42 47
+internal_value=0 0.0176247 -0.0105096 -0.0438703 -0.0358256
+internal_weight=0 175 134 93 86
+internal_count=261 175 134 93 86
+shrinkage=0.02
+
+
+Tree=7378
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.146577 0.653853 0.547179 0.409185
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00066444765609271724 0.0010503827383130978 -0.0024780853687748155 0.0019478521192263906 -0.0018080055095369091
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.0121349 0.0161063 -0.0249406
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7379
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.143161 0.526354 0.757878
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00083332162190229251 0.0011357068607156591 0.0023162508999434281 -0.0017425650408366843
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0150061 -0.012994
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=7380
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.14656 1.01391 0.780074 1.81463 0.763317
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0034566445084479652 -0.001152284117532876 0.002962151275204238 -0.0027618538233031447 0.0033838783850464829 0.00045957298551915971
+leaf_weight=41 42 44 45 49 40
+leaf_count=41 42 44 45 49 40
+internal_value=0 0.0110839 -0.0231848 0.0163364 -0.0757057
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=7381
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.146197 0.619205 0.508642 0.405416
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010946145742274475 0.0010492278952838594 -0.0024195543341537572 0.0018772570142629834 -0.0014439432039076447
+leaf_weight=42 49 43 57 70
+leaf_count=42 49 43 57 70
+internal_value=0 -0.0121191 0.0153807 -0.0242378
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7382
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.142481 0.392201 2.43741 0.645478
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0036107301617687312 -0.00095369459623020761 0.00088864186672105942 -0.0023470744238912574 -0.0025067241207045823
+leaf_weight=65 56 48 48 44
+leaf_count=65 56 48 48 44
+internal_value=0 0.0130619 0.053651 -0.0363606
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7383
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.144017 0.583315 0.492411 0.386267
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00064485347672567893 0.0010423045188024569 -0.0023559941956870704 0.0018388638330128391 -0.0017605072467682477
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.0120402 0.0146701 -0.0243324
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7384
+num_leaves=6
+num_cat=0
+split_feature=4 2 6 3 5
+split_gain=0.144852 0.786368 1.79572 0.799238 2.18106
+threshold=49.500000000000007 25.500000000000004 49.500000000000007 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0011976663221750291 0.0045406705817885914 -0.0023525722928406561 0.0012777113284412381 0.0018083320561411522 -0.0049247601496658633
+leaf_weight=39 40 40 53 49 40
+leaf_count=39 40 40 53 49 40
+internal_value=0 0.0105563 0.038983 -0.0137933 -0.069156
+internal_weight=0 222 182 142 93
+internal_count=261 222 182 142 93
+shrinkage=0.02
+
+
+Tree=7385
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.152216 0.502674 0.671044 1.30809
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0020272818126671329 0.00083222818491246193 -0.0023789211363172422 -0.0011085149662282477 0.003278019278773059
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0158379 0.0107466 0.0519161
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7386
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.145431 0.481952 0.643675 1.28313
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0019868070718681006 0.00081559978488564451 -0.0023314277297217189 -0.001355193860044683 0.0030072232671559548
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0155262 0.0105211 0.0508719
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7387
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 3
+split_gain=0.145779 0.858628 0.90202 0.5159
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00073741056525985756 0.0010611070678589721 -0.002951807911961409 0.0024255031669573016 -0.0019748041501592155
+leaf_weight=56 48 39 58 60
+leaf_count=56 48 39 58 60
+internal_value=0 -0.0119581 0.0182596 -0.0329456
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=7388
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.148391 0.471542 0.613495 1.25448
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0019444158119187858 0.00082283945832997501 -0.002313120953332502 -0.0011121978359212206 0.0031849210815022254
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0156658 0.010107 0.0495356
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7389
+num_leaves=5
+num_cat=0
+split_feature=4 1 7 4
+split_gain=0.144119 0.892786 1.49445 1.04087
+threshold=75.500000000000014 6.5000000000000009 53.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0016018621356879382 0.0011778497315119531 -0.00095165189689041781 -0.0032514210804129046 0.0029690526990604755
+leaf_weight=40 40 53 71 57
+leaf_count=40 40 53 71 57
+internal_value=0 -0.0106645 -0.074769 0.0536657
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=7390
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 2
+split_gain=0.147428 0.445306 0.275631 1.19065
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.001031612700300448 -0.0011236850841937487 0.0019437778279692427 0.001675440505833947 -0.0024432226541602404
+leaf_weight=49 44 49 47 72
+leaf_count=49 44 49 47 72
+internal_value=0 0.0114208 -0.0133869 -0.0404888
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=7391
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.143183 0.530484 0.725553
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00083341239450359999 0.0011040994241897492 0.0023238437056952313 -0.0017136371282541233
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0150054 -0.0131014
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=7392
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.149593 1.03106 0.739173 1.09758
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00026290799228535533 -0.0011627641915106168 0.002986745606251577 0.0010825924412796661 -0.0039392078106647221
+leaf_weight=57 42 44 73 45
+leaf_count=57 42 44 73 45
+internal_value=0 0.0111825 -0.0233709 -0.0792279
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=7393
+num_leaves=5
+num_cat=0
+split_feature=7 2 2 7
+split_gain=0.144813 0.690798 0.499077 0.642799
+threshold=52.500000000000007 7.5000000000000009 20.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.00086299237837603085 -0.0019694987082664061 0.00023955125917335892 -0.00049780877607524029 0.0036560751879150324
+leaf_weight=66 43 48 60 44
+leaf_count=66 43 48 60 44
+internal_value=0 0.014638 0.0469307 0.0941884
+internal_weight=0 195 152 92
+internal_count=261 195 152 92
+shrinkage=0.02
+
+
+Tree=7394
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.15001 1.02349 0.871343 0.41936 1.07272
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0019063156581786401 -0.0011642067067967987 0.0031437741465808922 -0.0025449288078633328 0.0021738379247290009 -0.00270581109270301
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0111955 -0.021254 0.0254817 -0.0167072
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=7395
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.15391 0.672084 0.516231 0.940517
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015840805631347516 -0.00090490580995908603 0.0025716933172035871 -0.0014998489895195249 0.0028006228095878677
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0147285 -0.0159091 0.0385364
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7396
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.148989 0.642326 1.15625 1.81056
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010448147462755709 0.0018103288969949943 -0.0055857926792327326 0.00097328323519061571 0.0001888889075565517
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0123788 -0.0429504 -0.121462
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7397
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.142625 0.530869 0.596261 0.693237
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00083489136539265844 -0.0010639786073830771 0.0019398374266860019 -0.0025110722628650089 0.0023752318258752946
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.0117214 -0.0182775 0.0178013
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=7398
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 9 5
+split_gain=0.145386 0.870913 0.597036 0.385306 0.669201
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 49.500000000000007 57.650000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.00220173481338685 0.001182540841670235 -0.0028743396016957553 -0.0017906715958818584 0.0024100531251313958 -0.0013409125043633713
+leaf_weight=53 40 41 49 39 39
+leaf_count=53 40 41 49 39 39
+internal_value=0 -0.010698 0.0194228 -0.0181384 0.0262401
+internal_weight=0 221 180 127 78
+internal_count=261 221 180 127 78
+shrinkage=0.02
+
+
+Tree=7399
+num_leaves=5
+num_cat=0
+split_feature=6 9 7 8
+split_gain=0.141153 0.856437 0.87863 0.607702
+threshold=69.500000000000014 71.500000000000014 58.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00054776297561534776 0.0010463256599850036 -0.0029449558263777587 0.0022539667618410517 -0.0025062260323448506
+leaf_weight=64 48 39 64 46
+leaf_count=64 48 39 64 46
+internal_value=0 -0.0117836 0.0183963 -0.0361437
+internal_weight=0 213 174 110
+internal_count=261 213 174 110
+shrinkage=0.02
+
+
+Tree=7400
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.146246 0.431909 0.443364 0.481526
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00078402186736133497 0.00081770160483705262 -0.002086583866888037 0.0017604040015297018 -0.0021312899233920891
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.0155596 0.0111389 -0.0301825
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=7401
+num_leaves=4
+num_cat=0
+split_feature=7 1 8
+split_gain=0.144092 0.960518 2.07478
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00086103875314628238 -0.0015351325230280647 0.0047017360865651923 -0.0006732691587629404
+leaf_weight=66 73 47 75
+leaf_count=66 73 47 75
+internal_value=0 0.0146092 0.0696192
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7402
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.142337 0.445039 0.605296 1.14291
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0019389737828997028 0.00080796208042939347 -0.0022527475886586564 -0.0012635380064795921 0.0028570105278573343
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.015379 0.00968235 0.0488577
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7403
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 8
+split_gain=0.150722 1.14102 1.21387 0.547414
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0036206446789969282 0.00074788052367678534 0.0026710817206536141 0.00079711502744917915 -0.0023423822777312387
+leaf_weight=40 51 58 68 44
+leaf_count=40 51 58 68 44
+internal_value=0 0.0193563 -0.0416488 -0.0337828
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7404
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.14614 0.656936 1.10157 1.71558
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010360089665238245 0.0018351248198074338 -0.0054703137505402559 0.0009253970155770569 0.00015199740035434214
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.012272 -0.0431776 -0.119842
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7405
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 9
+split_gain=0.150094 1.11265 1.16903 0.533442
+threshold=8.5000000000000018 67.65000000000002 55.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00074991661248925777 0.001140920091596808 0.0026425368720269437 -0.0036099508432573695 -0.0019524039842609587
+leaf_weight=69 39 58 39 56
+leaf_count=69 39 58 39 56
+internal_value=0 0.0193316 -0.0409198 -0.0337097
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7406
+num_leaves=6
+num_cat=0
+split_feature=7 4 2 9 1
+split_gain=0.155267 0.518709 0.432786 0.776174 0.776337
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 58.500000000000007 8.5000000000000018
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0014116023269169836 -0.0011044875153923886 0.0023360024693454325 0.0023815852156495814 -0.0029635524002595399 -0.0016037003525800591
+leaf_weight=48 47 40 39 46 41
+leaf_count=48 47 40 39 46 41
+internal_value=0 0.012172 -0.011688 -0.0433673 0.0164759
+internal_weight=0 214 174 126 80
+internal_count=261 214 174 126 80
+shrinkage=0.02
+
+
+Tree=7407
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 4
+split_gain=0.148337 0.497394 0.787137 0.609883
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00084192686033666617 -0.0010824302828486669 0.0022893640293551705 -0.0026074542497880005 0.0019256154584807062
+leaf_weight=65 47 40 43 66
+leaf_count=65 47 40 43 66
+internal_value=0 0.011929 -0.0114499 0.0273294
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=7408
+num_leaves=4
+num_cat=0
+split_feature=7 1 8
+split_gain=0.144057 0.888191 2.01389
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00086096047186826248 -0.0014662573075137878 0.0046120897431851755 -0.0006842135398611338
+leaf_weight=66 73 47 75
+leaf_count=66 73 47 75
+internal_value=0 0.014607 0.0675543
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7409
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 8
+split_gain=0.15251 1.09029 1.11492 0.526759
+threshold=8.5000000000000018 67.65000000000002 55.500000000000007 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00072819115202731033 0.0007179795857719509 0.0026227370111856479 -0.0035311534485153017 -0.002315210677668138
+leaf_weight=69 51 58 39 44
+leaf_count=69 51 58 39 44
+internal_value=0 0.0194606 -0.0401897 -0.0339561
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7410
+num_leaves=5
+num_cat=0
+split_feature=6 3 7 7
+split_gain=0.151239 0.436727 0.306587 0.288269
+threshold=70.500000000000014 65.500000000000014 57.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010468851122470578 -0.0011363178656597325 0.0016830427740600461 -0.0016199672327711911 0.0011988996985993062
+leaf_weight=40 44 62 53 62
+leaf_count=40 44 62 53 62
+internal_value=0 0.0115543 -0.0172518 0.0155124
+internal_weight=0 217 155 102
+internal_count=261 217 155 102
+shrinkage=0.02
+
+
+Tree=7411
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.146103 1.05446 1.20099 0.510519
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0035648966533214873 -0.001972750413212777 0.0025791453128122146 0.00082996375290713895 0.0010350803469063041
+leaf_weight=40 54 58 68 41
+leaf_count=40 54 58 68 41
+internal_value=0 0.0190947 -0.0395807 -0.0333206
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7412
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.156846 0.416589 0.486504 0.932996
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015586642022600648 -0.0011547997992190748 0.0016543866557373562 -0.0014252409902416009 0.0028512077944165943
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0117406 -0.0164175 0.0364847
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=7413
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 4
+split_gain=0.153344 1.01156 0.84093 0.393954 1.04434
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 51.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.002060007680124537 -0.0011756170336675099 0.0031291530692044833 -0.0025026008188562166 0.0021147459744698706 -0.0024959176665659377
+leaf_weight=39 42 40 55 42 43
+leaf_count=39 42 40 55 42 43
+internal_value=0 0.0113022 -0.0209598 0.0249668 -0.0159709
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=7414
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 9
+split_gain=0.15758 0.670982 1.25666 0.813803
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.001321464396004669 -0.00091445155615030348 0.0011279541972594584 0.003082241650014801 -0.0027965252871588507
+leaf_weight=43 64 39 67 48
+leaf_count=43 64 39 67 48
+internal_value=0 0.0148807 0.067689 -0.0514298
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=7415
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.152301 0.452407 2.51055 0.664508
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0037126916595202949 -0.00098231123186633259 0.00074453704390293324 -0.002332997851481377 -0.0027158406926334876
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0134397 0.0568841 -0.0394896
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7416
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.147014 0.683683 0.484258 0.92305
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015570084572632337 -0.00088696575265267876 0.002584653843892904 -0.0015236030099091092 0.0027378394177962461
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0144244 -0.0164713 0.0363124
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7417
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.146793 1.00232 0.799225 0.361638 1.03492
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0018904569264769639 -0.0011533814439842699 0.0031116573860260326 -0.0024531073858263014 0.002026271939716856 -0.0026412722335243748
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0110769 -0.0210397 0.0237531 -0.0155381
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=7418
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.154606 0.437162 2.44243 0.656304
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0036654064026281226 -0.00098898783573305761 0.0007542860155495875 -0.0022982661865321471 -0.0026853799589734778
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.013523 0.0562618 -0.0385398
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7419
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.147843 0.675318 0.48346 0.921731
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015517547382996786 -0.00088928719634512614 0.0025715540726351459 -0.0014123404369262528 0.0028386828672412683
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.014454 -0.016256 0.0364864
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7420
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.147525 0.416061 2.37803 0.64089
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0036065020712084794 -0.00096884714508941097 0.00075547567208919227 -0.0022786483924354664 -0.0026447715971275117
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0132398 0.0549838 -0.0376011
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7421
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.141891 0.467845 0.62795 1.16896
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0019650687804268516 0.00080641265972503876 -0.0022999121265884922 -0.0012623652907481611 0.0029040653424888519
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0153798 0.0102953 0.0501683
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7422
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.143621 1.0078 0.38788 0.558449
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012240292294504612 -0.0011426172092546328 0.0030315731319532219 -0.0021920391701711539 -0.0014056907107589088
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.0109584 -0.02223 0.00385896
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=7423
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.144139 0.414129 0.733115 1.08977 1.36959
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024278978386768572 -0.0011131050568712198 0.0019996075134361743 0.0020299796032099489 -0.0038122090553883432 0.0025480101611724832
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0112826 -0.0110766 -0.0498186 0.0108478
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=7424
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 5
+split_gain=0.14139 0.996945 0.785527 0.338334
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010593044681335986 -0.0011348610707309203 0.0022940738105604323 -0.002725758989373835 0.0013429583782996516
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0108804 -0.0336767 0.0172953
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=7425
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.146473 0.397219 2.30474 0.62772
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0035486953819477752 -0.00096605742952499205 0.0007615610005362103 -0.0022457547750248837 -0.0026046923602950928
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0131853 0.0540197 -0.0365384
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7426
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.139952 0.977262 1.60965 1.22377
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00076649845737033074 0.0008767717716639821 0.00074635057678562513 -0.004402328392224427 0.0037416035186969556
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0139857 -0.0858068 0.0560101
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=7427
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 4
+split_gain=0.145931 0.513654 0.404716 0.781318
+threshold=76.500000000000014 70.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015141343274691114 0.0012016021929221719 -0.0023355869176536074 0.0013700887269472296 -0.0020197894801159038
+leaf_weight=43 39 39 77 63
+leaf_count=43 39 39 77 63
+internal_value=0 -0.0105897 0.0118584 -0.0289311
+internal_weight=0 222 183 106
+internal_count=261 222 183 106
+shrinkage=0.02
+
+
+Tree=7428
+num_leaves=4
+num_cat=0
+split_feature=7 1 5
+split_gain=0.146633 0.93391 1.97978
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.000868358295092302 -0.0015085040990314715 0.0043997250031369856 -0.00078182310088200464
+leaf_weight=66 73 51 71
+leaf_count=66 73 51 71
+internal_value=0 0.0146879 0.0689481
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7429
+num_leaves=6
+num_cat=0
+split_feature=7 3 2 9 2
+split_gain=0.143637 0.491369 0.394557 0.807031 1.08226
+threshold=76.500000000000014 70.500000000000014 10.500000000000002 45.500000000000007 22.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0017828452016913489 0.0011932215388241649 -0.0022893618489275938 0.0020447502910927225 0.00044855931494402232 -0.0039499750180350627
+leaf_weight=50 39 39 40 54 39
+leaf_count=50 39 39 40 54 39
+internal_value=0 -0.0105185 0.0114514 -0.0174866 -0.0694488
+internal_weight=0 222 183 133 93
+internal_count=261 222 183 133 93
+shrinkage=0.02
+
+
+Tree=7430
+num_leaves=4
+num_cat=0
+split_feature=7 1 8
+split_gain=0.143584 0.888806 2.01536
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00086036487536475829 -0.0014679267473923653 0.0046125648755897556 -0.00068566348294022718
+leaf_weight=66 73 47 75
+leaf_count=66 73 47 75
+internal_value=0 0.0145536 0.0675189
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7431
+num_leaves=5
+num_cat=0
+split_feature=2 9 9 2
+split_gain=0.144712 0.539293 0.574003 1.40241
+threshold=8.5000000000000018 71.500000000000014 45.500000000000007 20.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00083796675848653681 0.0016396330633836715 0.0020963816289299971 0.00089536958701133898 -0.0039298839850854181
+leaf_weight=69 42 51 56 43
+leaf_count=69 42 51 56 43
+internal_value=0 0.0150427 -0.017182 -0.0596834
+internal_weight=0 192 141 99
+internal_count=261 192 141 99
+shrinkage=0.02
+
+
+Tree=7432
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 4
+split_gain=0.141421 0.806561 0.892738 0.503966
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.000641275916544338 0.0010465913823768356 -0.0028675563394306319 0.0023995654493062248 -0.0020391270554335162
+leaf_weight=59 48 39 58 57
+leaf_count=59 48 39 58 57
+internal_value=0 -0.0118237 0.0174786 -0.0334681
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=7433
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 9
+split_gain=0.140056 1.02347 1.33116 1.17557
+threshold=72.500000000000014 6.5000000000000009 53.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00069697360445756347 0.00087723216958330988 0.00089140299303724847 -0.0038261730021090052 0.0037223999704151731
+leaf_weight=58 63 43 55 42
+leaf_count=58 63 43 55 42
+internal_value=0 -0.0139815 -0.087445 0.0576237
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=7434
+num_leaves=5
+num_cat=0
+split_feature=6 6 7 8
+split_gain=0.142204 0.546706 0.486085 0.378014
+threshold=69.500000000000014 63.500000000000007 58.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00053302885069384941 0.0010492598557883895 -0.0022588421880103357 0.001821443158836191 -0.0018687866901890115
+leaf_weight=64 48 44 57 48
+leaf_count=64 48 44 57 48
+internal_value=0 -0.0118456 0.0142747 -0.0244853
+internal_weight=0 213 169 112
+internal_count=261 213 169 112
+shrinkage=0.02
+
+
+Tree=7435
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.143777 0.76477 1.61062 1.16158
+threshold=49.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.001194201838430127 -0.0025556117508383812 -0.0023190659608869502 0.0030848714971127979 0.0016524456591157973
+leaf_weight=39 63 40 73 46
+leaf_count=39 63 40 73 46
+internal_value=0 0.0104995 0.0385449 -0.0386239
+internal_weight=0 222 182 109
+internal_count=261 222 182 109
+shrinkage=0.02
+
+
+Tree=7436
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.145378 1.04592 0.699158 1.74512 0.72076
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0033750551568518233 -0.001148679759260422 0.0030029614846912513 -0.0026542939322735902 0.0032724238790318126 0.00043464900123392616
+leaf_weight=42 42 44 45 49 39
+leaf_count=42 42 44 45 49 39
+internal_value=0 0.0110199 -0.0237785 0.0136738 -0.0766047
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=7437
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 6
+split_gain=0.140996 0.509916 0.914352 0.289853
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00015876522157469664 0.00039656788301566223 -0.0010764955937981478 0.003682133720480697 -0.001997557067799693
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0174016 0.0598608 -0.0354201
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7438
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.141366 0.548682 0.635863 0.616102
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012756505953352181 0.00089013591603186463 -0.0024091389647721948 0.0023321624962088471 -0.0017535894129285599
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0138913 0.0127074 -0.0267451
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7439
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.140394 0.589047 1.34955 0.136583
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00082670288617003071 0.0032388496892784475 -0.0015438876646320997 0.0001401766378738583 -0.0016226925310244844
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0148544 0.049351 -0.0371472
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=7440
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 5
+split_gain=0.14228 0.416034 2.15197 0.617143
+threshold=73.500000000000014 7.5000000000000009 57.500000000000007 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00090886897780529264 -0.00095368938334850959 0.00072356506152140875 0.0049135518730800418 -0.0026147161323295072
+leaf_weight=74 56 51 39 41
+leaf_count=74 56 51 39 41
+internal_value=0 0.0130245 0.0547681 -0.0378158
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7441
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.143105 1.02909 0.408245 0.569878
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012409704576380697 -0.0011408588474398134 0.0030601555833715656 -0.002242418247358277 -0.0014145643913505727
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.0109389 -0.0225936 0.00414613
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=7442
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 3
+split_gain=0.144971 0.457362 0.713451 1.08717
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0005062332308538325 -0.0011159630603657198 0.0020863674281134149 0.0019787508100169789 -0.0032623009861877795
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0113091 -0.012148 -0.0503807
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=7443
+num_leaves=5
+num_cat=0
+split_feature=9 6 9 6
+split_gain=0.144457 0.47841 0.329965 0.278623
+threshold=67.500000000000014 60.500000000000007 51.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00066570070220212108 0.00036830847042616571 0.0023121995080400948 -0.00138350441676016 -0.0019815196865569456
+leaf_weight=76 46 40 59 40
+leaf_count=76 46 40 59 40
+internal_value=0 0.0175833 -0.0112104 -0.0358031
+internal_weight=0 175 135 86
+internal_count=261 175 135 86
+shrinkage=0.02
+
+
+Tree=7444
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.140589 0.565247 0.441575 0.388673
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001095205300602914 0.0010308729337168876 -0.0023220520101735012 0.0017542116391756958 -0.0013930417889277504
+leaf_weight=42 49 43 57 70
+leaf_count=42 49 43 57 70
+internal_value=0 -0.0119378 0.0143662 -0.0226355
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7445
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 5
+split_gain=0.140297 0.396403 0.471735 0.378723
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010659721586521204 -0.0009477543879771415 0.0015982002510152968 -0.0021893710822469274 0.0014857223139832347
+leaf_weight=42 56 64 41 58
+leaf_count=42 56 64 41 58
+internal_value=0 0.0129492 -0.0171854 0.020301
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=7446
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 5 6
+split_gain=0.139317 0.454544 0.323738 0.44067 0.273709
+threshold=67.500000000000014 60.500000000000007 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.001044688338136231 0.00037060420099012707 0.0022592254541953785 -0.0016695713425456246 0.001801677866236654 -0.0019597971553156316
+leaf_weight=42 46 40 44 49 40
+leaf_count=42 46 40 44 49 40
+internal_value=0 0.0173095 -0.0107795 0.0239696 -0.0352361
+internal_weight=0 175 135 91 86
+internal_count=261 175 135 91 86
+shrinkage=0.02
+
+
+Tree=7447
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 4
+split_gain=0.139483 0.55858 0.436258 0.745166
+threshold=72.050000000000026 63.500000000000007 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015347448649416398 0.0010273199117132668 -0.0023093327273756769 0.001635144875339534 -0.0019188989922628741
+leaf_weight=43 49 43 63 63
+leaf_count=43 49 43 63 63
+internal_value=0 -0.0118965 0.014256 -0.0255131
+internal_weight=0 212 169 106
+internal_count=261 212 169 106
+shrinkage=0.02
+
+
+Tree=7448
+num_leaves=5
+num_cat=0
+split_feature=7 5 9 2
+split_gain=0.139979 0.484743 0.244186 1.16233
+threshold=75.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00095551020773068835 -0.0010557934378448099 0.0020885744346748445 0.0016711383962393163 -0.0023990865942673302
+leaf_weight=49 47 46 47 72
+leaf_count=49 47 46 47 72
+internal_value=0 0.0116004 -0.0136118 -0.0392381
+internal_weight=0 214 168 119
+internal_count=261 214 168 119
+shrinkage=0.02
+
+
+Tree=7449
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.142426 0.538726 1.2988 0.13829
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0008318202366044661 0.003169781692058888 -0.0014638801107073279 0.00015063725398543063 -0.0016221088950833923
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0149534 0.0479996 -0.036874
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=7450
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.139933 0.671618 0.549712 0.897976
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016351524002429301 -0.00086815977786843987 0.0025585464755259585 -0.0013223398161364031 0.0028740260484582999
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0141052 -0.0165227 0.0396062
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7451
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 7
+split_gain=0.144238 0.426587 0.339367 0.24644
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00069543192918500904 0.00049028510293113565 0.0021778116189260857 -0.0013914790488324066 -0.0017322761012549509
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0175761 -0.0101073 -0.0357748
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=7452
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.141614 0.827785 0.83442 1.05613
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0020078680055875923 0.0010474134044536117 -0.0029010577072702409 0.0016553484847837625 -0.0025391961364762366
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.0118209 0.0178579 -0.0414289
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=7453
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.142475 0.927085 1.61256 1.09507
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00070320774786480943 0.00088403057630095754 0.00078334847938204459 -0.0043701293160385056 0.0035646944801739967
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0140771 -0.0840708 0.0541278
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=7454
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.14608 0.551573 0.435489 0.378901
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00056615228886088551 0.00104856526430158 -0.0023013774196772776 0.0017345091120904729 -0.0018387206820358426
+leaf_weight=64 49 43 57 48
+leaf_count=64 49 43 57 48
+internal_value=0 -0.0121294 0.0138625 -0.0228937
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7455
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 7
+split_gain=0.141508 0.528905 0.689269 2.80191
+threshold=8.5000000000000018 74.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00082933853849481709 0.0018721201105699485 0.0023191972778207311 0.0013024138905988489 -0.0054277158584440958
+leaf_weight=69 46 42 65 39
+leaf_count=69 46 42 65 39
+internal_value=0 0.0149176 -0.0131486 -0.0734761
+internal_weight=0 192 150 85
+internal_count=261 192 150 85
+shrinkage=0.02
+
+
+Tree=7456
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.142602 0.529974 0.436853 0.362196
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00053573428244863897 0.0010376376676442837 -0.0022594603338774656 0.0017294027737128207 -0.0018179099596238619
+leaf_weight=64 49 43 57 48
+leaf_count=64 49 43 57 48
+internal_value=0 -0.0119961 0.0134958 -0.0233169
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7457
+num_leaves=6
+num_cat=0
+split_feature=9 5 2 5 6
+split_gain=0.141236 1.03332 0.418007 1.5965 0.676799
+threshold=77.500000000000014 67.65000000000002 15.500000000000002 52.800000000000004 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=0.0011194901844672172 -0.0011338494272846379 0.0030650790109752273 -0.001461695039214336 -0.0042939556761424956 0.0020967464312384269
+leaf_weight=46 42 42 39 42 50
+leaf_count=46 42 42 39 42 50
+internal_value=0 0.0108987 -0.0227018 -0.0728238 0.0264262
+internal_weight=0 219 177 88 89
+internal_count=261 219 177 88 89
+shrinkage=0.02
+
+
+Tree=7458
+num_leaves=5
+num_cat=0
+split_feature=7 5 9 2
+split_gain=0.144071 0.493216 0.239459 1.14451
+threshold=75.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00094338714286900597 -0.0010689056286873626 0.0021073183051826174 0.0016560703844610788 -0.0023833100937500208
+leaf_weight=49 47 46 47 72
+leaf_count=49 47 46 47 72
+internal_value=0 0.011763 -0.0136615 -0.0390585
+internal_weight=0 214 168 119
+internal_count=261 214 168 119
+shrinkage=0.02
+
+
+Tree=7459
+num_leaves=6
+num_cat=0
+split_feature=4 2 6 3 5
+split_gain=0.140363 0.73738 1.79956 0.800151 2.08906
+threshold=49.500000000000007 25.500000000000004 49.500000000000007 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.001181342359436788 0.0045243031567458597 -0.0022762949649074412 0.0011990632355179472 0.0017878284956253981 -0.0048719749039832514
+leaf_weight=39 40 40 53 49 40
+leaf_count=39 40 40 53 49 40
+internal_value=0 0.0104068 0.0379612 -0.0148719 -0.070262
+internal_weight=0 222 182 142 93
+internal_count=261 222 182 142 93
+shrinkage=0.02
+
+
+Tree=7460
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 8
+split_gain=0.144167 0.514659 0.940255 0.248374
+threshold=8.5000000000000018 72.500000000000014 7.5000000000000009 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00083598042097073738 -2.8493704717296718e-05 0.0023579915313016219 -0.0020537374495323262 0.0021912688824212911
+leaf_weight=69 40 40 66 46
+leaf_count=69 40 40 66 46
+internal_value=0 0.0150477 -0.0117973 0.0575171
+internal_weight=0 192 152 86
+internal_count=261 192 152 86
+shrinkage=0.02
+
+
+Tree=7461
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 2
+split_gain=0.140845 0.393203 0.438591 0.39632
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00072735455035327797 -0.00094906909720494155 0.0015937858942296666 -0.0021230310182778077 0.0018725705538433725
+leaf_weight=57 56 64 41 43
+leaf_count=57 56 64 41 43
+internal_value=0 0.0129864 -0.017031 0.0191573
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=7462
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.139319 0.460395 0.695418 0.966299 1.46353
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024512257676864708 -0.0010962485028876722 0.0020888167409729682 0.0019461624362529853 -0.003474825168046205 0.0027979271364423027
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0111352 -0.0123972 -0.0501585 0.0112592
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=7463
+num_leaves=5
+num_cat=0
+split_feature=9 6 9 6
+split_gain=0.146527 0.460957 0.31864 0.251238
+threshold=67.500000000000014 60.500000000000007 51.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00066396757981867149 0.00031233428883428347 0.0022800988944385427 -0.0013518706995338601 -0.0019260285915595385
+leaf_weight=76 46 40 59 40
+leaf_count=76 46 40 59 40
+internal_value=0 0.0177119 -0.0105675 -0.0360095
+internal_weight=0 175 135 86
+internal_count=261 175 135 86
+shrinkage=0.02
+
+
+Tree=7464
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.144471 0.53681 0.436775 0.400222
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011053221512498214 0.0010436194923761203 -0.0022733045142253809 0.0017311080937233493 -0.0014178562735088953
+leaf_weight=42 49 43 57 70
+leaf_count=42 49 43 57 70
+internal_value=0 -0.0120633 0.0135879 -0.0232213
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7465
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.140744 0.69711 0.33444 0.325033
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001036347157249038 -0.00087001741565072039 0.0026011644447249361 -0.0016689028328525743 0.0013207826522894145
+leaf_weight=42 64 42 53 60
+leaf_count=42 64 42 53 60
+internal_value=0 0.0141581 -0.0170337 0.0171158
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=7466
+num_leaves=5
+num_cat=0
+split_feature=9 6 9 6
+split_gain=0.139852 0.44295 0.305287 0.246515
+threshold=67.500000000000014 60.500000000000007 51.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00065006739193402446 0.00031786661904805753 0.002236623175243264 -0.0013255702395799985 -0.0019009470645108661
+leaf_weight=76 46 40 59 40
+leaf_count=76 46 40 59 40
+internal_value=0 0.0173561 -0.0103838 -0.0352776
+internal_weight=0 175 135 86
+internal_count=261 175 135 86
+shrinkage=0.02
+
+
+Tree=7467
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 3
+split_gain=0.142984 0.81744 0.839162 0.534979
+threshold=69.500000000000014 71.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00078572211374844467 0.0010521615368674644 -0.0028854297921881516 0.0023417612308527574 -0.0019747996168027844
+leaf_weight=56 48 39 58 60
+leaf_count=56 48 39 58 60
+internal_value=0 -0.0118549 0.017641 -0.0317786
+internal_weight=0 213 174 116
+internal_count=261 213 174 116
+shrinkage=0.02
+
+
+Tree=7468
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.146777 0.482751 0.658177 1.27323
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0020116077806398044 0.00081892249727110204 -0.0023342744102556137 -0.0010930039762749016 0.0032354915948436202
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0155887 0.0104795 0.0512666
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7469
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.140206 0.462817 0.631317 1.22217
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0019714459530694962 0.00080256008565946922 -0.002287672620952236 -0.0010711709434534961 0.0031708656893555641
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0152819 0.0102593 0.0502354
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7470
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.14166 0.56624 0.635141 0.576971
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012274986201469102 0.00089129459114683151 -0.0024416995880414578 0.002339283327329232 -0.001706853531343091
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0138866 0.0131234 -0.0263064
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7471
+num_leaves=5
+num_cat=0
+split_feature=8 5 7 5
+split_gain=0.1365 0.486837 0.238292 0.315275
+threshold=72.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001009629040510206 -0.0010439404631866526 0.002090207492131744 -0.0012524037573960758 0.0013137015098538755
+leaf_weight=42 47 46 66 60
+leaf_count=42 47 46 66 60
+internal_value=0 0.0114889 -0.0137762 0.0174581
+internal_weight=0 214 168 102
+internal_count=261 214 168 102
+shrinkage=0.02
+
+
+Tree=7472
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.140027 0.537006 0.421393 0.374916
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00057040980784331505 0.0010293799615669133 -0.002270448846975612 0.0017096573669500605 -0.0018224757318316168
+leaf_weight=64 49 43 57 48
+leaf_count=64 49 43 57 48
+internal_value=0 -0.0119013 0.0137546 -0.0224236
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7473
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 4
+split_gain=0.138487 0.598597 0.751674 0.412988
+threshold=50.500000000000007 64.500000000000014 77.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011245144962102691 -0.00023944154850493821 0.0024371624903361112 -0.0011115340121658902 -0.0027399400118279672
+leaf_weight=42 74 58 42 45
+leaf_count=42 74 58 42 45
+internal_value=0 -0.0107867 0.046949 -0.0596391
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7474
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 7
+split_gain=0.141241 0.436969 0.314972 0.239441
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00065468808393903406 0.00048094233802617708 0.002196005457816752 -0.0013598672669192938 -0.0017120271160745914
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0174286 -0.0105786 -0.0354332
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=7475
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.137188 0.449995 0.629796 1.20018
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0019729512381024094 0.00079493580015684549 -0.0022583230581617979 -0.0012957166251080085 0.0029252536687395317
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.0151387 0.0100577 0.0499879
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7476
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 7
+split_gain=0.140465 0.430994 0.448666 1.50009 0.228102
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0015497779972821202 0.00045588194881524154 0.0022432606329934992 0.0015566538645843159 -0.0035267779878782879 -0.0016881313518604605
+leaf_weight=47 39 39 42 47 47
+leaf_count=47 39 39 42 47 47
+internal_value=0 0.017386 -0.0095425 -0.0490366 -0.0353486
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=7477
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.143864 0.559622 0.627386 0.561044
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001203599360259826 0.00089743902146653014 -0.0024312302681434059 0.0023221144203915737 -0.0016912049734680462
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0139764 0.0128792 -0.0263152
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7478
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.137653 0.411863 0.408644 0.485337
+threshold=70.500000000000014 64.200000000000003 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00081727952366330019 0.00079621866876777652 -0.0020387298029337932 0.0016977872447256053 -0.00210944736522292
+leaf_weight=49 72 44 51 45
+leaf_count=49 72 44 51 45
+internal_value=0 -0.0151557 0.0109385 -0.0287918
+internal_weight=0 189 145 94
+internal_count=261 189 145 94
+shrinkage=0.02
+
+
+Tree=7479
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.139173 0.528669 0.591303 0.495515
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00069242207958068118 0.00088461375503469364 -0.0023688722675373826 0.0022533471980061368 -0.0019910929094057793
+leaf_weight=63 62 40 44 52
+leaf_count=63 62 40 44 52
+internal_value=0 -0.0137692 0.012353 -0.0257257
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7480
+num_leaves=5
+num_cat=0
+split_feature=7 5 8 7
+split_gain=0.139054 0.507669 0.244435 0.438524
+threshold=75.500000000000014 65.500000000000014 56.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00084444933233886123 -0.0010522343285756933 0.0021300936594608679 -0.0014701265704501309 0.0016903966120052699
+leaf_weight=66 47 46 52 50
+leaf_count=66 47 46 52 50
+internal_value=0 0.0115918 -0.0141917 0.0120812
+internal_weight=0 214 168 116
+internal_count=261 214 168 116
+shrinkage=0.02
+
+
+Tree=7481
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 5 6
+split_gain=0.141221 0.437542 0.306007 0.442318 0.242037
+threshold=67.500000000000014 60.500000000000007 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0010529480514317815 0.0003061854356096498 0.0022271657741617201 -0.001618908616807798 0.0017985910149293056 -0.001893668317693649
+leaf_weight=42 46 40 44 49 40
+leaf_count=42 46 40 44 49 40
+internal_value=0 0.0174378 -0.0101377 0.0236957 -0.0354208
+internal_weight=0 175 135 91 86
+internal_count=261 175 135 91 86
+shrinkage=0.02
+
+
+Tree=7482
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 3
+split_gain=0.140853 0.809508 0.860148 0.632273
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0020270160364683765 0.0010453482777258451 -0.0028712298093868517 0.00075875585578457901 -0.0024455577796841173
+leaf_weight=73 48 39 50 51
+leaf_count=73 48 39 50 51
+internal_value=0 -0.0117728 0.0175821 -0.0425961
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=7483
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.143962 0.767041 0.725998 1.6708
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0019779807909307916 0.00088845963341622374 -0.0027124559241744383 -0.001138129982125527 0.0036846183407310928
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0141217 0.01838 0.0592009
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=7484
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 4
+split_gain=0.143266 0.887282 1.47407 1.06206
+threshold=75.500000000000014 6.5000000000000009 49.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0011540856313278899 0.0011749005697003797 -0.00097515769388483863 -0.0035177663890773384 0.0029846840040976602
+leaf_weight=48 40 53 63 57
+leaf_count=48 40 53 63 57
+internal_value=0 -0.0106311 -0.0745425 0.0535043
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=7485
+num_leaves=6
+num_cat=0
+split_feature=6 5 9 2 8
+split_gain=0.142683 0.456443 0.246958 1.21108 2.56393
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.00095733136527767146 -0.0011075371265790077 0.0019610570901361433 0.0043098245899421597 -0.0037050804903905714 -0.0028715343900716068
+leaf_weight=49 44 49 39 39 41
+leaf_count=49 44 49 39 39 41
+internal_value=0 0.0112634 -0.0138425 -0.0396013 0.0310047
+internal_weight=0 217 168 119 80
+internal_count=261 217 168 119 80
+shrinkage=0.02
+
+
+Tree=7486
+num_leaves=4
+num_cat=0
+split_feature=7 1 8
+split_gain=0.147039 0.926071 2.01196
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.0008688163349555195 -0.0015000993924133101 0.0046348258554745518 -0.00065884033678787065
+leaf_weight=66 73 47 75
+leaf_count=66 73 47 75
+internal_value=0 0.0147357 0.0687729
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7487
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.143561 0.843953 0.568929 0.776092
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014800504001520449 0.0011758921644412165 -0.0028327247112198473 0.0017204255302083688 -0.0020655130759303694
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0106442 0.0190142 -0.0295931
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=7488
+num_leaves=4
+num_cat=0
+split_feature=7 1 8
+split_gain=0.147673 0.892428 1.92856
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00087053162392679371 -0.001467291809464506 0.0045483936311485965 -0.00063530057327271282
+leaf_weight=66 73 47 75
+leaf_count=66 73 47 75
+internal_value=0 0.0147603 0.0678303
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7489
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.145714 0.524631 0.589873 0.476054
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00066231082448570751 0.00090241595769016876 -0.0023669028719494338 0.0022433074265346522 -0.001969791195810196
+leaf_weight=63 62 40 44 52
+leaf_count=63 62 40 44 52
+internal_value=0 -0.014059 0.0119656 -0.026069
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7490
+num_leaves=4
+num_cat=0
+split_feature=7 1 8
+split_gain=0.144892 0.847047 1.86067
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00086334500385698413 -0.0014252732527742181 0.0044631765431751994 -0.00062931498504437708
+leaf_weight=66 73 47 75
+leaf_count=66 73 47 75
+internal_value=0 0.0146343 0.0663714
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7491
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.147154 0.604992 1.36352 0.120162
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00084370827491918223 0.0032656096908490633 -0.001561463505561965 9.7745147535860136e-05 -0.0015684333496448371
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.015176 0.0501187 -0.0368207
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=7492
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.143491 0.423714 0.621487 1.18693
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0019797104412640066 0.00081055868866209758 -0.0022089511937182183 -0.0010720155485517862 0.0031094243641600324
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0154472 0.00902634 0.0487048
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=7493
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.143608 0.513531 0.549632 0.703767
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00075134227662582295 0.00089646590505991454 -0.0023439522992725649 0.0017355849100173298 -0.0027365482375950952
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.0139792 0.0117764 -0.0357795
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=7494
+num_leaves=5
+num_cat=0
+split_feature=4 1 7 4
+split_gain=0.139992 0.760239 1.38171 1.01778
+threshold=75.500000000000014 6.5000000000000009 53.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0015830623666217329 0.0011627816788002472 -0.0010245071304075817 -0.0030859625571192078 0.0028537725182930648
+leaf_weight=40 40 53 71 57
+leaf_count=40 40 53 71 57
+internal_value=0 -0.0105378 -0.0698146 0.0489208
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=7495
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 7
+split_gain=0.14575 0.521416 0.576486 0.747959
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010969645142170515 -0.0010744756270245127 0.0019270524429896522 -0.0024692861733961379 0.0021418583424544636
+leaf_weight=65 47 56 40 53
+leaf_count=65 47 56 40 53
+internal_value=0 0.0118173 -0.017921 0.0175696
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=7496
+num_leaves=5
+num_cat=0
+split_feature=9 1 5 6
+split_gain=0.140863 0.48567 0.861235 0.249656
+threshold=67.500000000000014 9.5000000000000018 58.20000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0003289854061367249 0.00032158973659743496 -0.0010433103906516566 0.0032884867023898999 -0.0019103617572356019
+leaf_weight=64 46 65 46 40
+leaf_count=64 46 65 46 40
+internal_value=0 0.0174028 0.0588818 -0.0353971
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7497
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.138177 0.574524 1.31987 0.114229
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00082087703481741579 0.0032041368328141022 -0.0015236922556547644 8.154484593779772e-05 -0.0015482858250288108
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0147561 0.0488409 -0.0367104
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=7498
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.141361 0.628603 1.18716 1.8203
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010206271082145002 0.0017941769883765089 -0.0056030524837604812 0.0010090008429241067 0.00018700469028733985
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0121129 -0.0423681 -0.121906
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7499
+num_leaves=5
+num_cat=0
+split_feature=9 9 2 3
+split_gain=0.139563 0.406675 0.925322 0.54522
+threshold=70.500000000000014 55.500000000000007 14.500000000000002 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0022634628958651303 0.00080080414601564577 0.00086038507563418107 -0.0031459241802818121 -0.0008171160452756811
+leaf_weight=45 72 44 50 50
+leaf_count=45 72 44 50 50
+internal_value=0 -0.0152584 -0.0631441 0.0317141
+internal_weight=0 189 94 95
+internal_count=261 189 94 95
+shrinkage=0.02
+
+
+Tree=7500
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.141992 0.819428 0.542072 0.762135
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014767097168852234 0.0011701472777810988 -0.0027943593278864686 0.0016819617154172927 -0.0020376714591662194
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0105976 0.0186339 -0.0288453
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=7501
+num_leaves=4
+num_cat=0
+split_feature=7 1 5
+split_gain=0.143101 0.816751 1.76211
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00085866794614869815 -0.0013965055276744913 0.0041593605342946779 -0.00073163723751045048
+leaf_weight=66 73 51 71
+leaf_count=66 73 51 71
+internal_value=0 0.0145533 0.065381
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7502
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 8
+split_gain=0.150563 1.06986 1.29506 0.494296
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0036732504525207243 0.00067906370211049077 0.0025997053060840365 0.00088815273756723116 -0.0022622897239777677
+leaf_weight=40 51 58 68 44
+leaf_count=40 51 58 68 44
+internal_value=0 0.0193395 -0.0397569 -0.0337748
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7503
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 9
+split_gain=0.143762 1.02671 1.24313 0.475495
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0035999138410441854 0.00075475274487347228 0.0025477739343323764 0.00087040798900865418 -0.0021245406087173737
+leaf_weight=40 48 58 68 47
+leaf_count=40 48 58 68 47
+internal_value=0 0.0189527 -0.0389562 -0.033092
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7504
+num_leaves=6
+num_cat=0
+split_feature=7 5 9 2 8
+split_gain=0.152755 0.476535 0.242782 1.21094 2.48615
+threshold=75.500000000000014 65.500000000000014 42.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.00096587252441967533 -0.001096860678783009 0.0020827142586994254 0.0042759302130342298 -0.0036829263081720244 -0.0027962983963638727
+leaf_weight=49 47 46 39 39 41
+leaf_count=49 47 46 39 39 41
+internal_value=0 0.0120686 -0.0129351 -0.0384964 0.0321073
+internal_weight=0 214 168 119 80
+internal_count=261 214 168 119 80
+shrinkage=0.02
+
+
+Tree=7505
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.146102 0.491877 0.549517 0.523876
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00085500567426100222 -0.0010755337677565203 0.0018806339160142064 -0.0018182337896720305 0.0021626222008272978
+leaf_weight=48 47 56 63 47
+leaf_count=48 47 56 63 47
+internal_value=0 0.0118339 -0.0170752 0.0315002
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=7506
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 6
+split_gain=0.151542 0.49403 0.885669 0.237855
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00013894480117534444 0.00027518568184879303 -0.0010433235445274668 0.0036422591132216969 -0.0019064923343677486
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0179754 0.059793 -0.0365489
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7507
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 7
+split_gain=0.14465 0.473667 0.849961 0.216486
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00013616857667319532 0.00041850616369279171 -0.0010224795520113272 0.0035695448372105917 -0.0016739822086164445
+leaf_weight=71 39 65 39 47
+leaf_count=71 39 65 39 47
+internal_value=0 0.0176078 0.0585921 -0.03581
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7508
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.143665 0.448397 2.24144 0.626633
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.003561382178375757 -0.00095756209734312371 0.00069854446544744323 -0.0021532703910370939 -0.0026642703620337327
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0130893 0.0563507 -0.0396149
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7509
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=0.140775 0.549372 1.27788 0.0237547
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00082762833845948501 0.0031568387562150709 -0.001482248938378982 -0.00022872305091908369 -0.0012004661748468463
+leaf_weight=69 61 52 40 39
+leaf_count=69 61 52 40 39
+internal_value=0 0.0148749 0.0482334 -0.03596
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=7510
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.139565 0.414113 2.1235 0.606156
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.003461453118173322 -0.00094574702323939428 0.00071060777970996178 -0.0021020608789798795 -0.0025986294480666995
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0129116 0.0545638 -0.0378163
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7511
+num_leaves=6
+num_cat=0
+split_feature=4 2 6 3 5
+split_gain=0.142578 0.68907 1.68513 0.786946 2.05225
+threshold=49.500000000000007 25.500000000000004 49.500000000000007 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0011900690107172274 0.0043870574879265505 -0.0021947039301210372 0.0012020295268738586 0.0017879900336872905 -0.0048157960945512104
+leaf_weight=39 40 40 53 49 40
+leaf_count=39 40 40 53 49 40
+internal_value=0 0.0104487 0.0371145 -0.0140215 -0.0689681
+internal_weight=0 222 182 142 93
+internal_count=261 222 182 142 93
+shrinkage=0.02
+
+
+Tree=7512
+num_leaves=5
+num_cat=0
+split_feature=5 3 7 5
+split_gain=0.147106 0.508601 0.944927 0.315937
+threshold=70.000000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010806228762033406 0.00090570872419983256 0.0016163643705942744 -0.0030600599954035317 0.0012459453395148453
+leaf_weight=42 62 45 52 60
+leaf_count=42 62 45 52 60
+internal_value=0 -0.0141422 -0.0421741 0.0140012
+internal_weight=0 199 154 102
+internal_count=261 199 154 102
+shrinkage=0.02
+
+
+Tree=7513
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.149288 0.549163 0.639248
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00084943585562709451 0.0010176008303635345 0.0023628480184494753 -0.0016317512178381868
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0152547 -0.013329
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=7514
+num_leaves=6
+num_cat=0
+split_feature=2 4 3 8 4
+split_gain=0.145077 1.48286 1.1815 0.812056 0.548368
+threshold=10.500000000000002 69.500000000000014 60.500000000000007 62.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=3 2 4 -1 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0010851858289427578 -0.0010270489895995685 0.003283737266768423 -0.0036215217027288013 -0.0028758176087966994 0.0022370710108353909
+leaf_weight=46 44 50 41 39 41
+leaf_count=46 44 50 41 39 41
+internal_value=0 0.0174633 -0.0405019 -0.0361841 0.0269275
+internal_weight=0 176 126 85 85
+internal_count=261 176 126 85 85
+shrinkage=0.02
+
+
+Tree=7515
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 2
+split_gain=0.151521 0.423733 0.372688 0.419945
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00082762476951745508 -0.0009805133404611839 0.0016501507563078965 -0.0020038031975167033 0.0018461263276652168
+leaf_weight=57 56 64 41 43
+leaf_count=57 56 64 41 43
+internal_value=0 0.0133879 -0.0177274 0.015729
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=7516
+num_leaves=5
+num_cat=0
+split_feature=4 4 2 9
+split_gain=0.144716 0.384043 0.49194 1.2045
+threshold=73.500000000000014 65.500000000000014 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014453861652485936 -0.00096092784895879051 0.0017115337568658631 -0.0017907913749137623 0.0031579672535099945
+leaf_weight=51 56 56 56 42
+leaf_count=51 56 56 56 42
+internal_value=0 0.0131165 -0.013876 0.0312882
+internal_weight=0 205 149 93
+internal_count=261 205 149 93
+shrinkage=0.02
+
+
+Tree=7517
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.142348 1.1145 0.728129 1.05108
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00019934343246229687 -0.0011383160441540074 0.0030888184775888501 0.001038535611401411 -0.0039137868363338327
+leaf_weight=57 42 44 73 45
+leaf_count=57 42 44 73 45
+internal_value=0 0.010908 -0.0249992 -0.0804437
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=7518
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 8
+split_gain=0.14094 0.531224 0.502746 0.372556
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00049878694978764304 0.0010318788258684903 -0.0022609772276291581 0.0018323819349458387 -0.0018861072828994364
+leaf_weight=64 49 43 57 48
+leaf_count=64 49 43 57 48
+internal_value=0 -0.0119569 0.0135642 -0.0258356
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7519
+num_leaves=5
+num_cat=0
+split_feature=7 2 5 2
+split_gain=0.139549 0.683525 0.401464 1.26836
+threshold=52.500000000000007 7.5000000000000009 70.65000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.0008496836950545488 -0.0019631853281053889 -0.0025323207628880798 0.0025802997279416036 0.0019638917496614247
+leaf_weight=66 43 41 44 67
+leaf_count=66 43 41 44 67
+internal_value=0 0.0143731 0.0465015 0.0124529
+internal_weight=0 195 152 108
+internal_count=261 195 152 108
+shrinkage=0.02
+
+
+Tree=7520
+num_leaves=5
+num_cat=0
+split_feature=2 2 9 3
+split_gain=0.14476 0.519173 1.45051 0.618824
+threshold=6.5000000000000009 11.500000000000002 71.500000000000014 56.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.001031136593348208 -0.0021869708332170109 0.00071191269588785123 0.0034124234313999469 -0.0021831980636319399
+leaf_weight=50 45 56 44 66
+leaf_count=50 45 56 44 66
+internal_value=0 -0.0122491 0.0138672 -0.0424047
+internal_weight=0 211 166 122
+internal_count=261 211 166 122
+shrinkage=0.02
+
+
+Tree=7521
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.148103 1.04813 0.69951 1.02082
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00022022086532307692 -0.0011581717776889496 0.0030075733315276538 0.0010341801469786413 -0.0038343808891399228
+leaf_weight=57 42 44 73 45
+leaf_count=57 42 44 73 45
+internal_value=0 0.0111069 -0.0237277 -0.078107
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=7522
+num_leaves=4
+num_cat=0
+split_feature=7 1 8
+split_gain=0.142335 0.796008 1.89021
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00085699509740759907 -0.0013764119460267213 0.0044543600038077034 -0.0006782332403341909
+leaf_weight=66 73 47 75
+leaf_count=66 73 47 75
+internal_value=0 0.0145018 0.0646972
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7523
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.139572 0.596748 1.17813 1.75772
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010147905477702272 0.0017445596787223753 -0.0055266450226143298 0.0010182048239243623 0.00016374403656161399
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0120538 -0.0415603 -0.120802
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7524
+num_leaves=5
+num_cat=0
+split_feature=5 4 2 2
+split_gain=0.145518 0.640308 0.446967 1.33062
+threshold=53.500000000000007 52.500000000000007 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.00070304832827804717 -0.0012823804538037737 -0.0026281803975772883 0.003737462906897495 -0.00066453756254410395
+leaf_weight=58 47 40 46 70
+leaf_count=58 47 40 46 70
+internal_value=0 -0.0324692 0.019519 0.0537696
+internal_weight=0 98 163 116
+internal_count=261 98 163 116
+shrinkage=0.02
+
+
+Tree=7525
+num_leaves=4
+num_cat=0
+split_feature=7 1 8
+split_gain=0.144426 0.757683 1.80965
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00086248628018175549 -0.0013347760888625388 0.0043651010763728756 -0.00065792517185973409
+leaf_weight=66 73 47 75
+leaf_count=66 73 47 75
+internal_value=0 0.0145955 0.0636007
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7526
+num_leaves=5
+num_cat=0
+split_feature=4 3 9 4
+split_gain=0.1435 0.788344 0.5318 0.750778
+threshold=75.500000000000014 69.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014579942009414132 0.0011751862800356335 -0.0027474799083188877 0.0016576299115582524 -0.0020306726238507773
+leaf_weight=43 40 41 76 61
+leaf_count=43 40 41 76 61
+internal_value=0 -0.0106664 0.0180148 -0.0290273
+internal_weight=0 221 180 104
+internal_count=261 221 180 104
+shrinkage=0.02
+
+
+Tree=7527
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.151454 1.01534 1.23644 0.470401
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.003577666611914805 -0.0019334885101563524 0.0025444189136402317 0.00088086832505728137 0.00095767382101505263
+leaf_weight=40 54 58 68 41
+leaf_count=40 54 58 68 41
+internal_value=0 0.0193768 -0.0382143 -0.0338761
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7528
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.149513 0.603368 1.12536 1.70434
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010460639855855473 0.0017479264421846902 -0.0054546200015284877 0.00096639740775932698 0.00014939456241949697
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0124165 -0.0420794 -0.119556
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7529
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 9
+split_gain=0.150983 0.990368 1.18686 0.462361
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0035079135214535705 0.00072106347923247063 0.002517973388947286 0.00086164747988300323 -0.0021194478875769663
+leaf_weight=40 48 58 68 47
+leaf_count=40 48 58 68 47
+internal_value=0 0.019362 -0.0375265 -0.0338177
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7530
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.146968 0.387754 0.434158 0.2233
+threshold=53.500000000000007 67.500000000000014 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=-0.00087777662445767169 1.2790808134504131e-05 0.00026118533528817064 0.0026046075432399414 -0.0018907590212297167
+leaf_weight=65 67 43 46 40
+leaf_count=65 67 43 46 40
+internal_value=0 0.014571 0.0537951 -0.0383493
+internal_weight=0 196 113 83
+internal_count=261 196 113 83
+shrinkage=0.02
+
+
+Tree=7531
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.151554 0.58664 1.07784 1.65435
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010526353530310481 0.0017196602227535567 -0.0053706599796148561 0.00093508912820830026 0.00015130368418819523
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0124764 -0.0417404 -0.117593
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7532
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 8
+split_gain=0.151755 0.976022 1.13666 0.447018
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0034407048051958824 0.00061248494917244176 0.0025039564385889563 0.00083686873253281115 -0.0021896605902662724
+leaf_weight=40 51 58 68 44
+leaf_count=40 51 58 68 44
+internal_value=0 0.0194199 -0.0370609 -0.0338796
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7533
+num_leaves=5
+num_cat=0
+split_feature=2 1 6 6
+split_gain=0.152262 0.566571 1.03526 1.48533
+threshold=6.5000000000000009 3.5000000000000004 54.500000000000007 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0010550216964697299 0.0016864011890059428 -0.003390198344648182 0.003212177104130476 -0.0015125276864099016
+leaf_weight=50 48 46 42 75
+leaf_count=50 48 46 42 75
+internal_value=0 -0.0124912 -0.0412693 0.00887966
+internal_weight=0 211 163 117
+internal_count=261 211 163 117
+shrinkage=0.02
+
+
+Tree=7534
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.145428 0.543392 1.03792 1.62592
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.001033950799807165 0.0016527225125820492 -0.0052913825630040911 0.00092841198030460764 0.00018356035213002253
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0122376 -0.0404446 -0.11491
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7535
+num_leaves=4
+num_cat=0
+split_feature=4 2 2
+split_gain=0.151711 0.470508 1.23504
+threshold=53.500000000000007 20.500000000000004 11.500000000000002
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00088965170262906722 -0.0008074620776720976 -0.0011681526457128345 0.0030666114731036239
+leaf_weight=65 72 62 62
+leaf_count=65 72 62 62
+internal_value=0 0.0148017 0.0489859
+internal_weight=0 196 134
+internal_count=261 196 134
+shrinkage=0.02
+
+
+Tree=7536
+num_leaves=4
+num_cat=0
+split_feature=7 1 8
+split_gain=0.146791 0.708309 1.73812
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00086804812675672096 -0.0012793636427045408 0.0042752535324935481 -0.00064848876291638102
+leaf_weight=66 73 47 75
+leaf_count=66 73 47 75
+internal_value=0 0.0147309 0.0621587
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=7537
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 8
+split_gain=0.153181 0.975181 1.07697 0.458007
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0033680333593167178 0.00062494845021044136 0.0025046798492927283 0.00079743437901351607 -0.0022101277696564272
+leaf_weight=40 51 58 68 44
+leaf_count=40 51 58 68 44
+internal_value=0 0.0195011 -0.0369556 -0.0340193
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7538
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 8
+split_gain=0.149502 0.423109 1.4292 0.731867
+threshold=6.5000000000000009 63.500000000000007 54.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0010465562119797269 0.0010860129844258782 -0.0014836527042530565 0.0034654858609432684 -0.0025343795333268933
+leaf_weight=50 40 75 43 53
+leaf_count=50 40 75 43 53
+internal_value=0 -0.0123898 0.0214138 -0.048449
+internal_weight=0 211 136 93
+internal_count=261 211 136 93
+shrinkage=0.02
+
+
+Tree=7539
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.147304 0.953218 0.965935 0.443486
+threshold=8.5000000000000018 67.65000000000002 59.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00075220423598251816 0.00070090310710468927 0.002474698389646045 -0.0031768853443220986 -0.0020832549677878799
+leaf_weight=67 48 58 41 47
+leaf_count=67 48 58 41 47
+internal_value=0 0.0191731 -0.0366542 -0.0334314
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7540
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 9
+split_gain=0.152451 0.541693 0.509387 0.908965
+threshold=72.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016439702342283353 -0.001095567516316166 0.0019033493823320585 -0.0014323752331913664 0.0027899434730421203
+leaf_weight=72 47 59 41 42
+leaf_count=72 47 59 41 42
+internal_value=0 0.0120744 -0.0193254 0.034757
+internal_weight=0 214 155 83
+internal_count=261 214 155 83
+shrinkage=0.02
+
+
+Tree=7541
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 6
+split_gain=0.14966 0.489713 0.488393 0.930644
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0016111228108588015 -0.0011309688728846252 0.0017639464759319631 -0.0015780524669597909 0.0027009482762563085
+leaf_weight=72 44 62 39 44
+leaf_count=72 44 62 39 44
+internal_value=0 0.0115057 -0.018939 0.0340534
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=7542
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.15031 0.557693 0.999278 1.59385
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010490145196642303 0.0016730552384777479 -0.0052453151490285512 0.0008854429759070293 0.0001758414390356446
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0124208 -0.0409814 -0.114072
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7543
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 8
+split_gain=0.143545 0.942788 1.02031 0.458523
+threshold=8.5000000000000018 67.65000000000002 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0032914704790965024 0.00064514043981463609 0.0024592397166587655 0.00076475347495558903 -0.0021916896452404949
+leaf_weight=40 51 58 68 44
+leaf_count=40 51 58 68 44
+internal_value=0 0.0189606 -0.0365654 -0.0330496
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=7544
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 6
+split_gain=0.150828 0.487985 0.454609 0.906767
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015675527459459925 -0.0011347147854163799 0.0017622709883590318 -0.0015835468172416803 0.0026415159990653882
+leaf_weight=72 44 62 39 44
+leaf_count=72 44 62 39 44
+internal_value=0 0.0115523 -0.0188402 0.0323477
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=7545
+num_leaves=5
+num_cat=0
+split_feature=2 1 6 6
+split_gain=0.15504 0.546904 0.966968 1.41708
+threshold=6.5000000000000009 3.5000000000000004 54.500000000000007 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.001063617610017149 0.0016516501761063087 -0.003297947493943988 0.0031174036079102524 -0.0014990731834198135
+leaf_weight=50 48 46 42 75
+leaf_count=50 48 46 42 75
+internal_value=0 -0.0125854 -0.040879 0.00760816
+internal_weight=0 211 163 117
+internal_count=261 211 163 117
+shrinkage=0.02
+
+
+Tree=7546
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 5
+split_gain=0.144762 1.05996 0.770893 0.303238
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010219658914415973 -0.0011458304372824425 0.0023604541139197062 -0.0027311236743815426 0.0012596109223203054
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0110347 -0.0348885 0.0156122
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=7547
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.145849 0.522335 0.957969 1.57714
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010353081417293255 0.0016165235435885801 -0.0051791532718840757 0.00087145069423743898 0.00021398867518236713
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0122509 -0.0399284 -0.111526
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7548
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 5
+split_gain=0.14146 0.40818 0.247462 0.303799
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00098451989584258707 -0.0011030737233048316 0.0018702515493907582 -0.0020350344104927542 8.0458374068390502e-05
+leaf_weight=49 44 49 48 71
+leaf_count=49 44 49 48 71
+internal_value=0 0.0112355 -0.012553 -0.0383413
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=7549
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.142203 0.58386 0.940512 1.42179
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011381167876116872 -0.0029015845878988108 -0.002439150722478434 0.0020841746016512851 0.0017628164770858315
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0108876 0.0137471 -0.0453819
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7550
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.142243 1.73403 1.30613
+threshold=7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=-0.0014040827211338181 0.0017982278909743994 -0.0032538256738839284 0.002341108202523865
+leaf_weight=77 58 52 74
+leaf_count=77 58 52 74
+internal_value=0 -0.0291649 0.0213124
+internal_weight=0 110 151
+internal_count=261 110 151
+shrinkage=0.02
+
+
+Tree=7551
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 9
+split_gain=0.147302 0.490218 0.44875 0.855908
+threshold=72.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015436963797177989 -0.0010788566982110443 0.0018220258839283373 -0.0014083527236458504 0.0026915872180606399
+leaf_weight=72 47 59 41 42
+leaf_count=72 47 59 41 42
+internal_value=0 0.0119043 -0.0180113 0.0328603
+internal_weight=0 214 155 83
+internal_count=261 214 155 83
+shrinkage=0.02
+
+
+Tree=7552
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 7
+split_gain=0.14903 0.474581 0.904439 0.204405
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00064350511972757448 0.00037962099811382114 -0.0010184758387715546 0.0030122046557391909 -0.0016579088955541465
+leaf_weight=55 39 65 55 47
+leaf_count=55 39 65 55 47
+internal_value=0 0.0178706 0.0588917 -0.036253
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7553
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 4
+split_gain=0.150189 0.55882 0.80154 0.39655
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011656662506532409 -0.00023305466176044994 -0.00057545684797703886 0.0031142874800239623 -0.002685869287857333
+leaf_weight=42 74 60 40 45
+leaf_count=42 74 60 40 45
+internal_value=0 -0.0111591 0.0446796 -0.0584171
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7554
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 6
+split_gain=0.151119 0.435095 0.429974 0.847668
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015035494456546589 -0.001135746634193145 0.0016805376318681446 -0.0015048538536283408 0.0025828420302008779
+leaf_weight=72 44 62 39 44
+leaf_count=72 44 62 39 44
+internal_value=0 0.0115588 -0.0171953 0.0326419
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=7555
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 5
+split_gain=0.155983 0.567456 0.54054 1.00707
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0023472090104162124 -0.0018800829510898962 -0.00079311230724529757 -0.0011040146053269498 0.0029689810561646154
+leaf_weight=45 63 50 62 41
+leaf_count=45 63 50 62 41
+internal_value=0 0.0343313 -0.0196203 0.0255214
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7556
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 6
+split_gain=0.159956 0.459813 0.87648 0.230733
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00061679317965489331 0.00024335397785440143 -0.00098651934708797093 0.0029829458638265345 -0.00190736195676369
+leaf_weight=55 46 65 55 40
+leaf_count=55 46 65 55 40
+internal_value=0 0.0184244 0.058828 -0.0374211
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7557
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 4
+split_gain=0.153875 0.47603 0.793831 0.550274
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00075719462583118905 -0.001100278195363335 0.0022502494439211218 -0.0026038105967137828 0.0018755202574323596
+leaf_weight=65 47 40 43 66
+leaf_count=65 47 40 43 66
+internal_value=0 0.0121143 -0.0107719 0.0281701
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=7558
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.156678 0.56296 0.937047 1.37255
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.001187330778658971 -0.0028838005387564107 -0.0024102964032639402 0.002062302321023674 0.0016999675451557731
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0113874 0.0128128 -0.0462108
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7559
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 6
+split_gain=0.158288 0.461548 0.841195 0.217135
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00058116757709533653 0.0002189374872446319 -0.00099078637371602602 0.0029466572231815198 -0.0018719960197653887
+leaf_weight=55 46 65 55 40
+leaf_count=55 46 65 55 40
+internal_value=0 0.0183347 0.0588114 -0.0372513
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7560
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.155425 0.562799 0.529964 1.04991
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0023393196340990036 -0.0018655793634849475 -0.0007884851202222909 -0.0011125066745521263 0.0030628646102842916
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.0342662 -0.0195998 0.0251107
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7561
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.163535 0.407132 0.417607 0.846116
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014616691780037403 -0.0011765894592011194 0.0016431517323587989 -0.0013888327793712769 0.0026879886460751969
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0119529 -0.0158955 0.0332517
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=7562
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.162188 0.672335 0.400246 0.811927
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014324642460009124 -0.00092638863403822838 0.0025787912791943308 -0.0013611035071093873 0.0026343183701497967
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.015065 -0.0155776 0.0325781
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7563
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.168202 0.550022 0.51586 1.04137
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0023452806474100812 -0.0018606941358013387 -0.00074763977256201211 -0.0011319445015956203 0.0030268895478804334
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.0354831 -0.0203102 0.0238167
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7564
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 7
+split_gain=0.170493 0.4415 0.806937 0.216631
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00055055254883962733 0.00036419766697396642 -0.00094994663963197696 0.0029060569834975427 -0.0017280325872239119
+leaf_weight=55 39 65 55 47
+leaf_count=55 39 65 55 47
+internal_value=0 0.0189366 0.0585617 -0.0385206
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7565
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 4
+split_gain=0.16496 0.434212 0.797372 0.542054
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00071855368208588411 -0.0011351882825111517 0.0021708917016098855 -0.0025820117521817426 0.0018947888233485917
+leaf_weight=65 47 40 43 66
+leaf_count=65 47 40 43 66
+internal_value=0 0.0124755 -0.00941427 0.0296149
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=7566
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.16356 0.543908 0.929429 1.33167
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0012098645115510738 -0.002862929670379918 -0.0023790623812506495 0.0020423491608833185 0.0016528255012616538
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0116254 0.0121722 -0.0466163
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7567
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 6
+split_gain=0.168125 0.443666 0.775043 0.216309
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00051727106236969906 0.0001964345707962201 -0.00095551572363369668 0.0028716593744838349 -0.0018904637424672723
+leaf_weight=55 46 65 55 40
+leaf_count=55 46 65 55 40
+internal_value=0 0.0188155 0.0585337 -0.0382835
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7568
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 8
+split_gain=0.167099 0.649758 1.29352 0.621348
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0013689272584177818 -0.00093902317906795446 0.00056950913813809617 0.003098198385295169 -0.0028629005927009597
+leaf_weight=43 64 47 67 40
+leaf_count=43 64 47 67 40
+internal_value=0 0.0152552 0.0672465 -0.0500228
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=7569
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 4 3
+split_gain=0.162441 0.549367 0.515024 1.91155 0.63189
+threshold=55.500000000000007 54.500000000000007 14.500000000000002 69.500000000000014 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -2 -4
+right_child=2 -3 4 -5 -6
+leaf_value=0.0023332233878734085 0.0036807486237077996 -0.00075802680747057128 0.00017085427781848126 -0.0023771341126534607 -0.0033777516701734957
+leaf_weight=45 43 50 42 41 40
+leaf_count=45 43 50 42 41 40
+internal_value=0 0.0349237 -0.0200089 0.0357446 -0.0775915
+internal_weight=0 95 166 84 82
+internal_count=261 95 166 84 82
+shrinkage=0.02
+
+
+Tree=7570
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.155143 0.526909 0.516447 1.0638
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022866311763246492 -0.0018474621834525485 -0.00074288740626156672 -0.0011342892307325647 0.0030682259380058782
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.034218 -0.0196048 0.0245485
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7571
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.157685 0.400801 0.396591 0.811025
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014339815013796049 -0.0011580862575900617 0.0016284957981366973 -0.001370732275012174 0.0026226137727959464
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0117407 -0.0158992 0.0320437
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=7572
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 6
+split_gain=0.159264 0.427306 0.757458 0.204512
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00052167014924588476 0.00018972650839859634 -0.00094090054931775474 0.002829540610551531 -0.0018440432486939913
+leaf_weight=55 46 65 55 40
+leaf_count=55 46 65 55 40
+internal_value=0 0.0183555 0.05737 -0.0373824
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7573
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 5
+split_gain=0.160061 0.520589 0.512941 1.02225
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0023551212331106692 -0.0018482913009424265 -0.00066604311392498214 -0.0011440614736347129 0.0029592046463086073
+leaf_weight=43 63 52 62 41
+leaf_count=43 63 52 62 41
+internal_value=0 0.0346872 -0.0198859 0.0241208
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7574
+num_leaves=5
+num_cat=0
+split_feature=8 2 7 1
+split_gain=0.160357 0.440489 0.723903 1.30398
+threshold=72.500000000000014 7.5000000000000009 52.500000000000007 5.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0020441035615226129 -0.0011213055224537165 -0.0022487746176477839 -0.0014703353157256569 0.0027601667248760764
+leaf_weight=45 47 51 59 59
+leaf_count=45 47 51 59 59
+internal_value=0 0.0123028 -0.0114315 0.0319261
+internal_weight=0 214 169 118
+internal_count=261 214 169 118
+shrinkage=0.02
+
+
+Tree=7575
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 6
+split_gain=0.159902 0.424541 0.729758 0.206554
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00049329627511590928 0.00019257958589470616 -0.00093632407226521474 0.0027973437389358542 -0.001850512327325591
+leaf_weight=55 46 65 55 40
+leaf_count=55 46 65 55 40
+internal_value=0 0.0183804 0.0572744 -0.0374567
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7576
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 8
+split_gain=0.157584 0.624598 1.12312 0.603678
+threshold=71.500000000000014 8.5000000000000018 55.650000000000013 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00056694073227631656 -0.00091521313991638935 0.0005641525489954222 0.0035100029050335159 -0.0028205185934495891
+leaf_weight=59 64 47 51 40
+leaf_count=59 64 47 51 40
+internal_value=0 0.0148432 0.065852 -0.0491923
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=7577
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 4
+split_gain=0.157309 0.500336 0.796816 0.45788
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011886572476546386 -0.00012488240097736531 -0.00063533999339621724 0.0030442713005809914 -0.00274959087062694
+leaf_weight=42 74 60 40 45
+leaf_count=42 74 60 40 45
+internal_value=0 -0.0114473 0.0414805 -0.0562585
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7578
+num_leaves=5
+num_cat=0
+split_feature=5 4 2 9
+split_gain=0.163883 0.681558 0.579208 1.02857
+threshold=68.65000000000002 65.500000000000014 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012353822462872002 -0.00086852878336331446 0.0026050594097323447 -0.0019524441253103546 0.0030517602357255998
+leaf_weight=51 71 42 56 41
+leaf_count=51 71 42 56 41
+internal_value=0 0.0161956 -0.0159481 0.0333685
+internal_weight=0 190 148 92
+internal_count=261 190 148 92
+shrinkage=0.02
+
+
+Tree=7579
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.167768 0.517928 0.49783 1.03238
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022970652854678001 -0.0018362390615585887 -0.00070710365896527823 -0.0011404247856261103 0.0030008325897787525
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.0354076 -0.0203212 0.0230507
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7580
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.169557 0.400427 0.607248 1.06041 1.35124
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00233523080063909 -0.0011965830474314247 0.0019876941140983713 0.001856403739808881 -0.003684148691577438 0.002607151144863241
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0121049 -0.00989351 -0.0452689 0.0145901
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=7581
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 3
+split_gain=0.162061 0.383791 0.594292 0.589821 0.503215
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 57.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.00063679229300748087 -0.0011726890844851901 0.0019480034942451941 0.00030791611415439491 0.0027779782767536169 -0.0027367942834765307
+leaf_weight=42 44 44 41 41 49
+leaf_count=42 44 44 41 41 49
+internal_value=0 0.011863 -0.00969165 0.0520656 -0.0670858
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=7582
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 6
+split_gain=0.171718 0.423536 0.728641 0.203308
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00048125883325899233 0.00016108070792307275 -0.00092308810381217367 0.0028068287772082018 -0.0018667103581098896
+leaf_weight=55 46 65 55 40
+leaf_count=55 46 65 55 40
+internal_value=0 0.0189649 0.0578128 -0.0386767
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7583
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 6
+split_gain=0.164019 0.405962 0.716327 0.194541
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-6.9350746565224414e-05 0.00015786377783838054 -0.00090464607451356692 0.0033386168929662187 -0.0018294413862663937
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0185771 0.0566508 -0.0378953
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7584
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.160862 0.408317 2.51128 0.655107
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0036773362454866811 -0.0010073482163219885 0.00079065790597954112 -0.0023693741854053166 -0.0026463081805062228
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.013723 0.0550935 -0.0366596
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7585
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.153684 0.391254 2.41124 0.628473
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0036038686121427949 -0.00098722644513019454 0.00077486651492767746 -0.0023220556365748019 -0.0025934720063314027
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0134444 0.0539854 -0.0359191
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7586
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.146791 0.374868 2.31517 0.602891
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0035318687408864824 -0.00096750650034670279 0.00075939046127445568 -0.0022756819887966729 -0.0025416911424062595
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0131715 0.0528994 -0.0351934
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7587
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.145039 0.670523 0.461877 0.804871
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015263896413892819 -0.00088271570053118466 0.0025603784328547515 -0.0013976905662933517 0.0025871337070597906
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0142882 -0.0163151 0.0352758
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7588
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.146104 0.998135 0.76967 1.64326
+threshold=77.500000000000014 24.500000000000004 64.200000000000003 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014605099741632466 -0.001151988654726612 0.0029395988854909933 -0.0025844563554807982 0.0032600624031828163
+leaf_weight=76 42 44 50 49
+leaf_count=76 42 44 50 49
+internal_value=0 0.0110044 -0.0230004 0.0192173
+internal_weight=0 219 175 125
+internal_count=261 219 175 125
+shrinkage=0.02
+
+
+Tree=7589
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.149793 0.514962 0.507098 1.09355
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00079944253160027523 -0.0018295136860651392 0.0021927852313534226 -0.0011591246785557325 0.00310080166882876
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0336516 -0.0193425 0.0244218
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7590
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 7
+split_gain=0.149339 0.380275 0.736223 0.174812
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00012442603445227547 0.00030026490422261774 -0.0008808495269423351 0.0033298667686382827 -0.001596286871933699
+leaf_weight=71 39 65 39 47
+leaf_count=71 39 65 39 47
+internal_value=0 0.0178038 0.0547174 -0.0363692
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7591
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.147144 0.520748 1.06754 1.31821
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011535691677999804 -0.0029362745889867205 -0.002324884155905095 0.0021683250756996402 0.0015563734287498362
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0111397 0.0121602 -0.0507784
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7592
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 6
+split_gain=0.150695 0.336893 0.322265 0.186751
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00073933969232590048 0.00016856144663307917 0.0019899418585443253 -0.0012979626098228484 -0.0017823164881629364
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0178774 -0.0068364 -0.036512
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=7593
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 6
+split_gain=0.14389 0.38092 0.711649 0.178635
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00033456127295387292 0.0001651953302755619 -0.00088755196940244882 0.0029428979691675204 -0.0017467326082015889
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0175204 0.0544648 -0.0357738
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7594
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.149773 0.520795 0.50449 1.08553
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0023348725374873675 -0.0018258698905527413 -0.00068708917688036777 -0.0011552639086574992 0.0030892853136517207
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0336522 -0.019339 0.0243161
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7595
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.149883 0.646143 0.44468 0.80031
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014897751829669498 -0.00089562093874807945 0.0025239575916552789 -0.0012962943515058905 0.0026705867493941778
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0144942 -0.0155592 0.0350986
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7596
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.152603 0.505572 0.486316 1.05272
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022493129522302663 -0.001803973940717488 -0.00072028913016040236 -0.0011492667524036259 0.0030318338885282322
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.0339285 -0.0195024 0.0233828
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7597
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.159927 0.389368 0.601431 1.0324 1.33678
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0023345149020302003 -0.0011661590521152203 0.0019580389406774652 0.0018460959604545491 -0.003645311578143305 0.0025818110491273704
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0117751 -0.00992958 -0.0451413 0.0139306
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=7598
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 2 6
+split_gain=0.159156 0.331159 0.431782 0.884314 0.187155
+threshold=67.500000000000014 66.500000000000014 41.500000000000007 16.500000000000004 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=-0.0018970926841179391 0.00015142566111850099 0.0020385258923048006 -0.0013402226381755721 0.0025347523981280548 -0.0018010640194923587
+leaf_weight=40 46 39 47 49 40
+leaf_count=40 46 39 47 49 40
+internal_value=0 0.018314 -0.00540916 0.0314854 -0.037407
+internal_weight=0 175 136 96 86
+internal_count=261 175 136 96 86
+shrinkage=0.02
+
+
+Tree=7599
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 2
+split_gain=0.149112 0.519956 1.03563 1.00769
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011604015219939812 0.0011299336653803284 -0.0023245814730468344 0.0021383274541686855 -0.0027789352121267079
+leaf_weight=42 49 40 71 59
+leaf_count=42 49 40 71 59
+internal_value=0 -0.0112021 0.0120805 -0.0499241
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7600
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 6
+split_gain=0.151077 0.380455 0.692273 0.179954
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00030822786743060505 0.00015253720461791783 -0.00087919264010465601 0.0029252321597646718 -0.0017655360477060521
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0179 0.0548216 -0.0365503
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7601
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.153754 0.516379 0.483436 1.06269
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00079353722497830159 -0.0018011971932322152 0.0022025862129119037 -0.001160541654474217 0.0030400041167445097
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0340435 -0.0195652 0.0231967
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7602
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.158354 0.383297 0.583718 0.96652 1.39045
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0022708879514292523 -0.0011610172047538229 0.0019442240790374593 0.0018189207073753318 -0.0033630209892732185 0.002846459493172907
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0117252 -0.00981634 -0.0445255 0.016909
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=7603
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 4
+split_gain=0.157434 0.470021 0.78723 0.434431
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011886553845667403 -0.00012349617051518171 -0.00065868598397369094 0.0029994533008133235 -0.0026833264778085286
+leaf_weight=42 74 60 40 45
+leaf_count=42 74 60 40 45
+internal_value=0 -0.0114721 0.0398825 -0.0549613
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7604
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 6
+split_gain=0.164939 0.387289 0.409524 0.789967
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014382043668197267 -0.0011822536992788693 0.0016098959104189343 -0.0014152882045450985 0.0025335877452621336
+leaf_weight=72 44 62 39 44
+leaf_count=72 44 62 39 44
+internal_value=0 0.0119396 -0.0152484 0.0334416
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=7605
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 6
+split_gain=0.166993 0.369845 0.690614 0.181948
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00030025480151541363 0.00012344592184779287 -0.0008462925135530561 0.0029293636837867633 -0.0018037015138673224
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0187095 0.0551366 -0.0382172
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7606
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.159746 0.508907 1.00749 1.24585
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011962644232688055 -0.0028617985920168236 -0.0023099252457389041 0.0021011141796344881 0.0015074784946669357
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0115522 0.0114882 -0.0496818
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7607
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 7
+split_gain=0.16767 0.374244 0.673244 0.165841
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-5.8773014087985303e-05 0.0002370976347553477 -0.00085248517462491668 0.0032476051199427035 -0.0016138913861525547
+leaf_weight=71 39 65 39 47
+leaf_count=71 39 65 39 47
+internal_value=0 0.0187456 0.055377 -0.0382842
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7608
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 4 3
+split_gain=0.161948 0.505233 0.4553 1.86666 0.599822
+threshold=55.500000000000007 54.500000000000007 14.500000000000002 69.500000000000014 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -2 -4
+right_child=2 -3 4 -5 -6
+leaf_value=0.0022667967207235535 0.0035815256731621427 -0.00070164865842235996 0.00019341098119413764 -0.0024058309662565573 -0.0032666508473004076
+leaf_weight=45 43 50 42 41 40
+leaf_count=45 43 50 42 41 40
+internal_value=0 0.0348338 -0.0200244 0.032502 -0.0743011
+internal_weight=0 95 166 84 82
+internal_count=261 95 166 84 82
+shrinkage=0.02
+
+
+Tree=7609
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.154669 0.512369 0.456384 1.07484
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00078622521092099604 -0.0017638881053744244 0.0021986053393655506 -0.0011943348761649711 0.0030299373318020289
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0341299 -0.0196199 0.0219671
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7610
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 3
+split_gain=0.157586 0.382525 0.552682 1.01949
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00059409899026855394 -0.0011585808801142462 0.0019420178654612748 0.0017660912980236973 -0.0030578917047444933
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0116965 -0.00982422 -0.0436342
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=7611
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 6
+split_gain=0.162633 0.371482 0.694562 0.166291
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00049967671314124853 9.6550564691408192e-05 -0.00085322077261131999 0.0027127055103368198 -0.0017533893886575206
+leaf_weight=55 46 65 55 40
+leaf_count=55 46 65 55 40
+internal_value=0 0.0184933 0.0549975 -0.0377659
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7612
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 3
+split_gain=0.155295 0.35597 0.666321 0.142365
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-8.2645154724153661e-05 -0.0016933140109834507 -0.00083617460907229246 0.0032073393867605936 3.5297754389833992e-05
+leaf_weight=71 39 65 39 47
+leaf_count=71 39 65 39 47
+internal_value=0 0.0181148 0.0538917 -0.0370026
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7613
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.152562 0.513805 0.450344 1.05906
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0023294489611210946 -0.0017528428762810949 -0.00067276610461814356 -0.0011854509843667827 0.0030082596304828995
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0339216 -0.019503 0.0218175
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7614
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.165223 0.373786 0.403126 0.800282
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014205179269723696 -0.0011832363069368538 0.0015870912952835633 -0.0013275373970356363 0.0026395606990289966
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0119451 -0.0147844 0.0335406
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=7615
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 3
+split_gain=0.157882 0.362687 0.547976 0.656659 0.497707
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 57.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.00076691223261955374 -0.0011596094389364296 0.0018995136972867581 0.00035164249772017729 0.0028316811328680806 -0.0026773864406176
+leaf_weight=42 44 44 41 41 49
+leaf_count=42 44 44 41 41 49
+internal_value=0 0.011703 -0.00927493 0.0500982 -0.0644706
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=7616
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 6
+split_gain=0.154036 0.35339 0.656575 0.165636
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00029469634429525404 0.00011299940408738132 -0.00083342133615173404 0.0028563935846423168 -0.0017339721008938151
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0180454 0.0536999 -0.0368737
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7617
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.156551 0.504678 0.452487 1.06432
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00077188795963691677 -0.0017604672497624791 0.0021911546574647904 -0.0011920943765986527 0.0030118529858183382
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0343079 -0.0197306 0.0216841
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7618
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.161216 0.361334 0.388206 0.77303
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013946741010538333 -0.0011704616905584178 0.0015629366726350607 -0.00130525054804217 0.0025952821147136903
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0118105 -0.0144894 0.0329703
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=7619
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.160068 0.509652 0.997087 1.21887
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011972207469953787 -0.0028355682050694936 -0.0023117051870263005 0.0020916366196809246 0.0014867932441463847
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0115681 0.0114887 -0.0493695
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7620
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.163162 0.50162 0.425979 1.04251
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022636211500322314 -0.00172883939440388 -0.000694519989929062 -0.0012067189590572196 0.0029549095947188513
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.0349462 -0.0200947 0.0201297
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7621
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 3
+split_gain=0.173214 0.354533 0.532396 0.618232 0.480786
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 57.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.00071737544919692447 -0.0012085319021160922 0.001891483688707579 0.00035396339257964544 0.0027769613441597785 -0.0026249903806095966
+leaf_weight=42 44 44 41 41 49
+leaf_count=42 44 44 41 41 49
+internal_value=0 0.012198 -0.0085518 0.0499999 -0.0629905
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=7622
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 6
+split_gain=0.165576 0.358104 0.381042 0.788162
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013798393903136569 -0.0011843996220282046 0.0015601679206912367 -0.001425695876148249 0.0025188800320451914
+leaf_weight=72 44 62 39 44
+leaf_count=72 44 62 39 44
+internal_value=0 0.0119546 -0.0142323 0.0328067
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=7623
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 6
+split_gain=0.168089 0.365393 0.639798 0.168597
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00025179889609469141 9.0484410970723879e-05 -0.00083825934037682986 0.0028595161042791325 -0.0017708408239032372
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0187589 0.0549776 -0.0383345
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7624
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.161583 0.595523 0.38762 0.308773
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00088954512328299085 -0.00092614960610931673 0.0024469420256454872 -0.0017029109981598234 0.0014096177703373362
+leaf_weight=42 64 42 53 60
+leaf_count=42 64 42 53 60
+internal_value=0 0.0149749 -0.0139037 0.0227553
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=7625
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 6
+split_gain=0.160523 0.347085 0.635397 0.160311
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00045688893794147554 8.654664893819991e-05 -0.00081663155181993811 0.0026190262622840395 -0.0017330558821540361
+leaf_weight=55 46 65 55 40
+leaf_count=55 46 65 55 40
+internal_value=0 0.0183728 0.0537244 -0.0375603
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7626
+num_leaves=6
+num_cat=0
+split_feature=9 8 2 4 3
+split_gain=0.161062 0.501454 0.457716 1.89671 0.574059
+threshold=55.500000000000007 49.500000000000007 14.500000000000002 69.500000000000014 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -2 -4
+right_child=2 -3 4 -5 -6
+leaf_value=0.0023264417376101972 0.00360816369055041 -0.00064048843235435656 0.00015561548374471061 -0.0024267316789037268 -0.0032310869502164431
+leaf_weight=43 43 52 42 41 40
+leaf_count=43 43 52 42 41 40
+internal_value=0 0.0347374 -0.0199871 0.0326738 -0.0744017
+internal_weight=0 95 166 84 82
+internal_count=261 95 166 84 82
+shrinkage=0.02
+
+
+Tree=7627
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.153819 0.499965 0.446681 1.08389
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00077072963227049242 -0.0017491239754432013 0.0021789664858233937 -0.001208991760617488 0.0030327988790995702
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0340354 -0.0195833 0.0215742
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7628
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 4
+split_gain=0.153413 0.445459 0.784711 0.4634
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011747958524396592 -6.9208250799625864e-05 -0.00068036012851360424 0.0029722491020510132 -0.0027082910210089245
+leaf_weight=42 74 60 40 45
+leaf_count=42 74 60 40 45
+internal_value=0 -0.0113571 0.0386873 -0.0537452
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7629
+num_leaves=5
+num_cat=0
+split_feature=6 3 7 5
+split_gain=0.163647 0.350912 0.365899 0.301932
+threshold=70.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00089845442732241305 -0.0011784167533995264 0.0015461213568164587 -0.0016673953092315001 0.001376842603035332
+leaf_weight=42 44 62 53 60
+leaf_count=42 44 62 53 60
+internal_value=0 0.0118828 -0.0140516 0.0216072
+internal_weight=0 217 155 102
+internal_count=261 217 155 102
+shrinkage=0.02
+
+
+Tree=7630
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 4
+split_gain=0.157212 0.408656 0.800891 0.518034
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0006822130933635262 -0.0011124360866548656 0.0021095316297608715 -0.0025811401324224272 0.0018743713682062675
+leaf_weight=65 47 40 43 66
+leaf_count=65 47 40 43 66
+internal_value=0 0.0121473 -0.00911174 0.0300023
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=7631
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 2
+split_gain=0.153391 0.492603 0.964857 0.9376
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011746118601127335 0.0010828393030876003 -0.0022738531974892916 0.0020585353810676165 -0.0026900650914709568
+leaf_weight=42 49 40 71 59
+leaf_count=42 49 40 71 59
+internal_value=0 -0.0113618 0.0113176 -0.0485645
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7632
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 2
+split_gain=0.158795 0.554004 0.92849 0.960702
+threshold=8.5000000000000018 72.500000000000014 65.100000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00087398960696679229 0.0025691068544518784 0.0024438243692344284 -0.0028886991175040805 -0.0011663875456840273
+leaf_weight=69 56 40 40 56
+leaf_count=69 56 40 40 56
+internal_value=0 0.0156256 -0.0121982 0.034733
+internal_weight=0 192 152 112
+internal_count=261 192 152 112
+shrinkage=0.02
+
+
+Tree=7633
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.158015 0.593702 0.403709 0.786062
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014060063131874144 -0.0009171507025315756 0.0024406846288776694 -0.0012938420927695819 0.0026384610609849419
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0148198 -0.0140159 0.0343457
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7634
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.153054 0.364767 0.536139 1.01549 1.27531
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0022375190111387647 -0.0011440156932750309 0.0019006183411691879 0.0017438524425881831 -0.003577117594361824 0.0025657850858548689
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0115305 -0.00950527 -0.0428268 0.0157682
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=7635
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 6
+split_gain=0.157724 0.356102 0.665039 0.156696
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00014954576040305493 8.3661830060415256e-05 -0.00083418419224812516 0.0030870129359345457 -0.0017174184169143343
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0182243 0.054007 -0.0372735
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7636
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.159955 0.477354 0.938808 1.19878
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011966827148379015 -0.0027995916655692565 -0.0022473648978136472 0.0020231354082286554 0.0014875975898736879
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0115727 0.0107632 -0.0483192
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7637
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 7
+split_gain=0.158389 0.360216 0.635516 0.15146
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00044670867540019381 0.00021557498792873373 -0.00084002769623591237 0.0026293999026609821 -0.0015615097903916605
+leaf_weight=55 39 65 55 47
+leaf_count=55 39 65 55 47
+internal_value=0 0.0182613 0.0542386 -0.0373404
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7638
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.157139 0.512704 0.42394 1.06836
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022684322347497105 -0.0017193944674337867 -0.00072125965198500074 -0.0012216748259648556 0.0029903086772249438
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.0343561 -0.0197723 0.0203603
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7639
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 4
+split_gain=0.158869 0.390729 0.769265 0.48891
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00065180377136164226 -0.0011176123011509831 0.0020712059621713335 -0.0025243563255516149 0.0018343584327667444
+leaf_weight=65 47 40 43 66
+leaf_count=65 47 40 43 66
+internal_value=0 0.0122045 -0.00860023 0.0297487
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=7640
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 5
+split_gain=0.157382 0.408643 2.02005 0.651987
+threshold=73.500000000000014 7.5000000000000009 57.500000000000007 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00084318195343564785 -0.0009982467055937303 0.00078339498314298193 0.0047992811227869983 -0.0026455513470097997
+leaf_weight=74 56 51 39 41
+leaf_count=74 56 51 39 41
+internal_value=0 0.0135584 0.0549454 -0.0368441
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7641
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 6
+split_gain=0.157208 0.351295 0.627566 0.153005
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00026373708130023862 7.5736723327574616e-05 -0.00082704729861298603 0.0028186283017417046 -0.0017061348537985811
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0181942 0.0537482 -0.037223
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7642
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.156117 0.454395 0.950001 1.16111
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011837671342586321 -0.0027860644376660119 -0.0021979058519961503 0.0020255377335153891 0.0014340417621087583
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0114529 0.0103564 -0.0490722
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7643
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 7
+split_gain=0.157754 0.355437 0.602528 0.146412
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00041252110118936966 0.00020219685355812075 -0.00083309867002089423 0.0025847286262333157 -0.001548102951009283
+leaf_weight=55 39 65 55 47
+leaf_count=55 39 65 55 47
+internal_value=0 0.0182252 0.0539763 -0.0372774
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7644
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 8
+split_gain=0.158462 0.573635 1.11938 0.557452
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0012507917174114991 -0.00091834887497060783 0.00055698238691504604 0.0029089128122675684 -0.0026995837572420032
+leaf_weight=43 64 47 67 40
+leaf_count=43 64 47 67 40
+internal_value=0 0.0148359 0.0637909 -0.0466034
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=7645
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.154535 0.492435 0.411386 1.07593
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.002299536874572722 -0.0016977587745623732 -0.00064162697607985102 -0.0012361144350904547 0.0029905816767618549
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0340967 -0.0196323 0.0199238
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7646
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 3 9
+split_gain=0.157955 0.368879 0.527464 0.487026 0.407401
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 57.500000000000007 57.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00039174133147555656 -0.0011601713347765008 0.0019126643858205874 0.00035084332997763505 -0.0026466488388154621 0.0024654486985881342
+leaf_weight=43 44 44 41 49 40
+leaf_count=43 44 44 41 49 40
+internal_value=0 0.0116892 -0.00945967 -0.0636516 0.0488252
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=7647
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.154331 0.271513 0.307722 0.403162 0.148802
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00087108803923180477 7.1529407795686012e-05 0.001835948076740448 -0.0015278153181325152 0.0018550971352643483 -0.001688310420956432
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0180449 -0.00425899 0.0294185 -0.0369207
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=7648
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.151452 0.581234 0.379233 0.784877
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013727359052536079 -0.00090016582779864254 0.0024132314371841661 -0.0014188786540185211 0.0025176236409096319
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0145399 -0.0139992 0.0329337
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7649
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.155809 0.455032 0.952794 1.13197
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011827510890015406 -0.0027648732543414161 -0.0021990074985248059 0.0020286652706621132 0.0014026793751510645
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0114418 0.0103823 -0.0491322
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7650
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 2 3
+split_gain=0.159435 0.263082 0.442519 0.813431 0.151228
+threshold=67.500000000000014 66.500000000000014 41.500000000000007 16.500000000000004 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=-0.0018694793821005921 -0.0017280867745389956 0.001867384682966066 -0.0012026698767366444 0.0025164201603004783 4.7730600122233373e-05
+leaf_weight=40 39 39 47 49 47
+leaf_count=40 39 39 47 49 47
+internal_value=0 0.0183126 -0.00295398 0.0343869 -0.0374519
+internal_weight=0 175 136 96 86
+internal_count=261 175 136 96 86
+shrinkage=0.02
+
+
+Tree=7651
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.15821 0.490686 0.40588 1.0591
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022374822154710584 -0.0016933517881825776 -0.00068943076572281078 -0.0012325600627883595 0.0029615748614362863
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.0344607 -0.0198311 0.0194687
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7652
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 1
+split_gain=0.165025 0.352538 0.529147 0.600397 0.50761
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 8.5000000000000018
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.00070077680240823335 -0.001182845395750704 0.0018817060708573596 6.3453583433036587e-05 0.0027441722151714722 -0.0030102684559161806
+leaf_weight=42 44 44 51 41 39
+leaf_count=42 44 44 51 41 39
+internal_value=0 0.0119265 -0.00876788 0.0496097 -0.0630458
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=7653
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 2 5
+split_gain=0.158252 0.373558 0.773692 0.491421 1.48756
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 18.500000000000004 50.050000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0011916858343813221 -0.0011156500189299793 0.0020322084128633535 -0.0025224864884384108 -0.00094882442575624267 0.0042853306277058903
+leaf_weight=39 47 40 43 51 41
+leaf_count=39 47 40 43 51 41
+internal_value=0 0.0121853 -0.00817504 0.0302826 0.0803293
+internal_weight=0 214 174 131 80
+internal_count=261 214 174 131 80
+shrinkage=0.02
+
+
+Tree=7654
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.158161 0.402546 2.34023 0.612408
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0035806048205870912 -0.0010004512376489327 0.00074535281463964406 -0.0022579157879738443 -0.0025807115110510425
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0135874 0.0546794 -0.0364531
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7655
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 1
+split_gain=0.162578 0.565442 0.940571 0.994549
+threshold=8.5000000000000018 72.500000000000014 65.100000000000009 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00088331325079712324 0.0024737062778392729 0.0024680971224646572 -0.002907860879359815 -0.0013355585478857196
+leaf_weight=69 60 40 40 52
+leaf_count=69 60 40 40 52
+internal_value=0 0.0157837 -0.0123183 0.0349126
+internal_weight=0 192 152 112
+internal_count=261 192 152 112
+shrinkage=0.02
+
+
+Tree=7656
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.158456 0.599125 0.388542 0.775265
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013880353018928867 -0.00091842094105157443 0.0024503656586360727 -0.0013980184776538286 0.0025147535691060173
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0148312 -0.0141327 0.0333481
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7657
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.155532 0.43872 0.973224 1.11408
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011817382421634077 -0.0027709637341211536 -0.0021647832463261847 0.0020401510037298324 0.0013638679310275128
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0114369 0.0100054 -0.0501343
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7658
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.158751 0.2611 0.305366 0.38653 0.148194
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00083138938886070295 6.0674452020932046e-05 0.0018138370102909554 -0.001510009030773215 0.0018402572215781669 -0.0016957547651552218
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0182736 -0.0036217 0.0299357 -0.0373845
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=7659
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 2
+split_gain=0.155801 0.556771 0.930941 0.912166
+threshold=8.5000000000000018 72.500000000000014 65.100000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00086673404884973521 0.0025193196219387638 0.0024462551550880644 -0.002896163641210875 -0.0011223239277175388
+leaf_weight=69 56 40 40 56
+leaf_count=69 56 40 40 56
+internal_value=0 0.0154896 -0.0124021 0.0345898
+internal_weight=0 192 152 112
+internal_count=261 192 152 112
+shrinkage=0.02
+
+
+Tree=7660
+num_leaves=5
+num_cat=0
+split_feature=8 2 7 1
+split_gain=0.153412 0.396159 0.661754 1.38822
+threshold=72.500000000000014 7.5000000000000009 52.500000000000007 5.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0019495919200674193 -0.0011005245378018945 -0.0021449060647926945 -0.001556142832764125 0.00280723050622664
+leaf_weight=45 47 51 59 59
+leaf_count=45 47 51 59 59
+internal_value=0 0.0120123 -0.0105396 0.030957
+internal_weight=0 214 169 118
+internal_count=261 214 169 118
+shrinkage=0.02
+
+
+Tree=7661
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.157855 0.575763 0.398624 0.762119
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013909736508484175 -0.00091685063031081849 0.0024088629636057259 -0.0012614712521110919 0.0026117669410495761
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0148074 -0.0136 0.03447
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7662
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 4
+split_gain=0.156692 0.411817 0.808702 0.461428
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011856646644890607 -4.2542401548820555e-05 -0.00074155341890264276 0.0029656346376203437 -0.0026759445542002204
+leaf_weight=42 74 60 40 45
+leaf_count=42 74 60 40 45
+internal_value=0 -0.0114731 0.0367182 -0.0523037
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7663
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 6
+split_gain=0.161654 0.349202 0.592433 0.149948
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00022404765120562057 5.8820997592242079e-05 -0.00081917159409315645 0.0027729671039632697 -0.0017067815649381504
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0184173 0.0538702 -0.0376907
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7664
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 4
+split_gain=0.161202 0.494642 0.407475 1.09453
+threshold=55.500000000000007 54.500000000000007 69.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0022489793259102462 -0.0014161277764276692 -0.00068924812456793425 -0.0015337663489394268 0.0030169838952239475
+leaf_weight=45 52 50 74 40
+leaf_count=45 52 50 74 40
+internal_value=0 0.034738 -0.0200076 0.0251726
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=7665
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 8
+split_gain=0.15398 0.499982 0.399059 1.01396
+threshold=55.500000000000007 55.500000000000007 70.500000000000014 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.00077074253245403891 0.0005576590977192195 0.0021790017332269911 0.00074864452930930529 -0.003658971016360789
+leaf_weight=48 53 47 72 41
+leaf_count=48 53 47 72 41
+internal_value=0 0.034036 -0.0196074 -0.063718
+internal_weight=0 95 166 94
+internal_count=261 95 166 94
+shrinkage=0.02
+
+
+Tree=7666
+num_leaves=5
+num_cat=0
+split_feature=2 2 7 7
+split_gain=0.151005 0.522843 0.685337 1.20424
+threshold=8.5000000000000018 13.500000000000002 52.500000000000007 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.00085493170461693334 0.0021736715400652038 -0.0025565495795149859 0.0029161776254770784 -0.0014121184180831247
+leaf_weight=69 47 40 48 57
+leaf_count=69 47 40 48 57
+internal_value=0 0.0152717 -0.0147687 0.0279771
+internal_weight=0 192 145 105
+internal_count=261 192 145 105
+shrinkage=0.02
+
+
+Tree=7667
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 4
+split_gain=0.15309 0.344469 0.597141 0.151764
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00024247354079852342 -0.0015704797179522474 -0.00082034883391789366 0.0027662342335367761 0.00020504937122550607
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0179764 0.0532037 -0.0367931
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7668
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 4
+split_gain=0.154083 0.417 0.801254 0.442035
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011768150961481252 -6.5857399704164382e-05 -0.00072738522888519844 0.0029629846035110286 -0.0026461994393400324
+leaf_weight=42 74 60 40 45
+leaf_count=42 74 60 40 45
+internal_value=0 -0.0113912 0.0370904 -0.0524659
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7669
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 1
+split_gain=0.157641 0.385395 0.517133 0.608818 0.486779
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 8.5000000000000018
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.00074863946675857564 -0.0011592507155433328 0.0019476471318615443 2.547607100100953e-05 0.0027201213818093357 -0.0029862735493121502
+leaf_weight=42 44 44 51 41 39
+leaf_count=42 44 44 51 41 39
+internal_value=0 0.0116737 -0.00992446 0.0478031 -0.063602
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=7670
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.153984 0.993016 0.908037 1.58443 0.722948
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0031695787788202506 -0.0011795482390108828 0.0029373368794161471 -0.0029289101992262846 0.0032569848799052004 0.00064768505410706264
+leaf_weight=42 42 44 45 49 39
+leaf_count=42 42 44 45 49 39
+internal_value=0 0.0112347 -0.0226837 0.0199051 -0.0661398
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=7671
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 2
+split_gain=0.158603 0.505578 0.399518 0.986112
+threshold=55.500000000000007 49.500000000000007 70.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0023279547451930229 0.00091108105087702254 -0.00065079862505500869 0.00074415328066144266 -0.0032225482228087628
+leaf_weight=43 44 52 72 50
+leaf_count=43 44 52 72 50
+internal_value=0 0.0344893 -0.0198623 -0.0639958
+internal_weight=0 95 166 94
+internal_count=261 95 166 94
+shrinkage=0.02
+
+
+Tree=7672
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 1
+split_gain=0.147121 0.568543 0.888761 0.9513
+threshold=8.5000000000000018 72.500000000000014 65.100000000000009 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00084511859528801296 0.0023944349387520778 0.0024602116079499425 -0.0028502676199906878 -0.0013328294890705766
+leaf_weight=69 60 40 40 52
+leaf_count=69 60 40 40 52
+internal_value=0 0.0150996 -0.0130785 0.0328515
+internal_weight=0 192 152 112
+internal_count=261 192 152 112
+shrinkage=0.02
+
+
+Tree=7673
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 2
+split_gain=0.148813 0.441839 0.952009 0.907687
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00115893412421258 0.001037744751330279 -0.0021669394186913356 0.0020263319232635933 -0.002675437683675363
+leaf_weight=42 49 40 71 59
+leaf_count=42 49 40 71 59
+internal_value=0 -0.0112142 0.010302 -0.0491885
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7674
+num_leaves=5
+num_cat=0
+split_feature=2 9 2 9
+split_gain=0.151741 0.543378 0.743501 1.99966
+threshold=8.5000000000000018 74.500000000000014 14.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0008566499722492373 0.0020548959902553683 0.0023534714424017916 0.0016963399366611753 -0.0037448661727887888
+leaf_weight=69 41 42 52 57
+leaf_count=69 41 42 52 57
+internal_value=0 0.0153106 -0.013126 -0.0571152
+internal_weight=0 192 150 109
+internal_count=261 192 150 109
+shrinkage=0.02
+
+
+Tree=7675
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 1
+split_gain=0.147779 0.375681 0.465589 0.595497 0.480683
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 8.5000000000000018
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.00078870475051350333 -0.0011263578071165766 0.0019207190283256537 6.93287076153166e-05 0.0026434980834636312 -0.0029246316465356328
+leaf_weight=42 44 44 51 41 39
+leaf_count=42 44 44 51 41 39
+internal_value=0 0.0113579 -0.00997778 0.0448945 -0.0610218
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=7676
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 4 8
+split_gain=0.158165 0.973582 1.02865 0.318931 0.682563
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0021516100799515636 -0.0011933278407709371 0.003076869451943139 -0.0027048437160698369 -0.0019815152337480293 0.0016533473053651653
+leaf_weight=39 42 40 55 41 44
+leaf_count=39 42 40 55 41 44
+internal_value=0 0.0113845 -0.0202742 0.0304447 -0.00453616
+internal_weight=0 219 179 124 85
+internal_count=261 219 179 124 85
+shrinkage=0.02
+
+
+Tree=7677
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.152407 0.604378 0.411588 0.782158
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014259879143638024 -0.00090247226567057763 0.0024546976674047934 -0.001289655684641106 0.0026330865247009951
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0145902 -0.0144977 0.0343131
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7678
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.146681 0.380591 2.22898 0.61493
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0034910811242262895 -0.00096755711698948816 0.00076608570151443889 -0.0022080706640696711 -0.0025668080274078254
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0131487 0.0531629 -0.0355679
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7679
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 1
+split_gain=0.152608 0.55181 0.841211 0.923787
+threshold=8.5000000000000018 72.500000000000014 65.100000000000009 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00085872939402035012 0.0023584502226940821 0.0024343370635639796 -0.0027685474622799427 -0.0013155854601124689
+leaf_weight=69 60 40 40 52
+leaf_count=69 60 40 40 52
+internal_value=0 0.0153532 -0.0124173 0.0322877
+internal_weight=0 192 152 112
+internal_count=261 192 152 112
+shrinkage=0.02
+
+
+Tree=7680
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.150403 0.610964 0.373786 0.278917
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00085607031373108311 -0.00089732882765166679 0.0024642696197423397 -0.0016952073301706517 0.0013360310673455698
+leaf_weight=42 64 42 53 60
+leaf_count=42 64 42 53 60
+internal_value=0 0.0144993 -0.0147431 0.0212798
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=7681
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.149352 0.98592 0.847641 1.56156 0.722936
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0032318989511298996 -0.0011635808921183321 0.0029249888100448531 -0.0028474527420213648 0.0032078290154498104 0.00058286484739028933
+leaf_weight=41 42 44 45 49 40
+leaf_count=41 42 44 45 49 40
+internal_value=0 0.0110921 -0.0227067 0.0184629 -0.066966
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=7682
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 6
+split_gain=0.142945 0.326225 0.668931 0.14394
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00019759284280129987 8.4229775512195175e-05 -0.00080083121191947828 0.0030485838294314368 -0.001650128264899619
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0174484 0.0517869 -0.035692
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7683
+num_leaves=5
+num_cat=0
+split_feature=3 1 8 5
+split_gain=0.145089 1.7531 1.65623 0.323956
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014 56.95000000000001
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00096033551517773683 -0.0039447246337443445 0.0040552704594248139 -0.0006628837233077548 -0.0012798935880588371
+leaf_weight=56 39 50 75 41
+leaf_count=56 39 50 75 41
+internal_value=0 -0.0132152 0.0609597 -0.129565
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=7684
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 5
+split_gain=0.143493 0.983668 1.6129 1.02157
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00056945589226132143 0.00088543047447750447 0.0007401482536528054 -0.0044136360325022113 0.0035690071169374948
+leaf_weight=59 63 51 47 41
+leaf_count=59 63 51 47 41
+internal_value=0 -0.0141892 -0.0862397 0.0560315
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=7685
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.147254 0.613732 0.391043 0.420658
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00078423751324833968 0.0010509241982878457 -0.0024125963700591434 0.0016870424683548971 -0.0017223322968800145
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.0122389 0.0151417 -0.0197552
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7686
+num_leaves=5
+num_cat=0
+split_feature=5 6 5 3
+split_gain=0.140622 0.588694 0.375219 0.496203
+threshold=72.050000000000026 63.500000000000007 55.650000000000013 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00092967931731979922 0.0010299355923728639 -0.0023644228267578776 0.0016191236120564332 -0.0018049092163919674
+leaf_weight=56 49 43 59 54
+leaf_count=56 49 43 59 54
+internal_value=0 -0.0119909 0.0148392 -0.0202891
+internal_weight=0 212 169 110
+internal_count=261 212 169 110
+shrinkage=0.02
+
+
+Tree=7687
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.147432 0.558066 0.70812
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00084563528070129518 0.0010763146817119606 0.0023763521612469758 -0.0017081504999144398
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0151273 -0.0136813
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=7688
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 5
+split_gain=0.143137 0.36195 1.96987 0.575929
+threshold=73.500000000000014 7.5000000000000009 57.500000000000007 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00087622264196181635 -0.00095710380491522394 0.00073998588147358539 0.0046965561701032043 -0.0024886678220554081
+leaf_weight=74 56 51 39 41
+leaf_count=74 56 51 39 41
+internal_value=0 0.0130136 0.0520884 -0.034549
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7689
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.153258 0.976059 0.789688 1.51275 0.690319
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0031403511907132299 -0.0011767026556056726 0.0029144605756170139 -0.0027600477245395137 0.0031417573988133979 0.00059145662648494148
+leaf_weight=42 42 44 45 49 39
+leaf_count=42 42 44 45 49 39
+internal_value=0 0.0112303 -0.0224012 0.0173598 -0.0667364
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=7690
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.14681 0.506186 0.415523 1.0891
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022386850701326382 -0.0016949915587730778 -0.00073278259464383533 -0.0012330193301851517 0.0030189328186821991
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.0333476 -0.019179 0.0205696
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7691
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 4 8
+split_gain=0.150405 0.964221 1.00319 0.314918 0.633535
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0021281379783187095 -0.0011669946960805571 0.0030584908944875605 -0.0026787192367567912 -0.0019248232571260756 0.0015807382347658597
+leaf_weight=39 42 40 55 41 44
+leaf_count=39 42 40 55 41 44
+internal_value=0 0.0111365 -0.0203719 0.0297239 -0.00504841
+internal_weight=0 219 179 124 85
+internal_count=261 219 179 124 85
+shrinkage=0.02
+
+
+Tree=7692
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.15059 0.624346 0.401673 0.75525
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014236042682152278 -0.00089763007438255411 0.0024875535837737463 -0.0012782411774725179 0.0025781298939484883
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0145169 -0.0150366 0.0332037
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7693
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 4 2
+split_gain=0.146745 0.936137 0.978589 0.305455 0.566851
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 51.500000000000007 17.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0021008143441464122 -0.0011544102953141677 0.0030153487640216161 -0.0026445926038847012 0.0014593684490144399 -0.0018661408093814873
+leaf_weight=39 42 40 55 45 40
+leaf_count=39 42 40 55 45 40
+internal_value=0 0.0110156 -0.0200373 0.0294496 -0.00482105
+internal_weight=0 219 179 124 85
+internal_count=261 219 179 124 85
+shrinkage=0.02
+
+
+Tree=7694
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.154469 0.608526 0.395083 0.302774
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00088241036530625717 -0.00090776878771179834 0.002463682654962592 -0.0017277967212649757 0.0013956336308700462
+leaf_weight=42 64 42 53 60
+leaf_count=42 64 42 53 60
+internal_value=0 0.0146815 -0.0145036 0.0224908
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=7695
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.149459 0.356241 0.522672 0.392559
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011129049970147432 -0.0009755063230752817 0.0015382075248353286 -0.0022465171225029739 0.0015127658706865395
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0132618 -0.0153686 0.0240349
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=7696
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.144169 0.947704 0.797508 1.52653 0.68671
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0031358198740433023 -0.0011455187880145645 0.0028698818151999049 -0.0027675805061837377 0.0031617473095916599 0.00058642744834935053
+leaf_weight=42 42 44 45 49 39
+leaf_count=42 42 44 45 49 39
+internal_value=0 0.010927 -0.0222197 0.0177346 -0.06674
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=7697
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.14283 0.497994 0.430435 1.04899
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022853787613213959 -0.001712753976891191 -0.00067202716499183558 -0.0011846298481651811 0.00298948084278716
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0329435 -0.0189527 0.0214776
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7698
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.144447 0.596926 0.387146 0.784744
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013967408013439749 -0.00088143036316016817 0.0024349459037379525 -0.0014227668950174482 0.0025134461253479086
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0142475 -0.0146653 0.0327315
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7699
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 6
+split_gain=0.144993 0.345499 0.626416 0.159216
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0001373638137594901 0.00011718083099452592 -0.00083036321574721597 0.0030062685736074479 -0.0016974332301670815
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.017562 0.0528406 -0.0359113
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7700
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.145676 0.462204 1.01296 1.15392
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011482643012850873 -0.0028079482426034749 -0.0022070861331298518 0.0020941271652094471 0.0013990742774182554
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.011102 0.0108884 -0.050446
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7701
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 5
+split_gain=0.145963 0.493413 0.409443 1.02909
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022177350921802255 -0.0016849104275881762 -0.00071728374719000733 -0.0012253458699262793 0.0028919640834354156
+leaf_weight=45 63 50 62 41
+leaf_count=45 63 50 62 41
+internal_value=0 0.0332591 -0.019134 0.0203336
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7702
+num_leaves=5
+num_cat=0
+split_feature=6 5 7 5
+split_gain=0.152693 0.376176 0.286201 0.29154
+threshold=70.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00085449132725635383 -0.0011426802286897248 0.0018133202583791161 -0.0012908580374641934 0.001383276480157502
+leaf_weight=42 44 49 66 60
+leaf_count=42 44 49 66 60
+internal_value=0 0.0115257 -0.0113471 0.0227025
+internal_weight=0 217 168 102
+internal_count=261 217 168 102
+shrinkage=0.02
+
+
+Tree=7703
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 6
+split_gain=0.150797 0.351315 0.606249 0.1619
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-3.9440471743445395e-05 0.00011095917409895196 -0.00083363125542991999 0.0031024403531807049 -0.0017171661235579891
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0178685 0.0534248 -0.0365371
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7704
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.147108 0.557274 0.378449 0.278076
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00082682576302340694 -0.00088860140802038998 0.0023669136162747222 -0.0016807930937957488 0.0013617834540597808
+leaf_weight=42 64 42 53 60
+leaf_count=42 64 42 53 60
+internal_value=0 0.0143589 -0.0136009 0.0226402
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=7705
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.146187 0.363237 2.18254 0.588548
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0034479779983347283 -0.00096621684696832956 -0.0021528768161282932 -0.0021919986482811168 0.0011099417194531788
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0131244 0.0522643 -0.0345184
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7706
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.139592 0.347959 2.0955 0.564539
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0033790925659487763 -0.00094691634980756715 -0.0021098783235856179 -0.0021482224804753197 0.0010877808228240329
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0128581 0.0512127 -0.0338201
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7707
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.143962 0.944486 0.795949 1.52407 0.684047
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0031757351938233288 -0.0011449913357877946 0.0028651409462687716 -0.0027645922447747974 0.0031595254840531611 0.0005371953208219806
+leaf_weight=41 42 44 45 49 40
+leaf_count=41 42 44 45 49 40
+internal_value=0 0.0109103 -0.0221809 0.017735 -0.066672
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=7708
+num_leaves=6
+num_cat=0
+split_feature=7 3 2 9 2
+split_gain=0.140459 0.462913 0.401247 0.772772 1.1248
+threshold=76.500000000000014 70.500000000000014 10.500000000000002 45.500000000000007 22.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0017839384802758682 0.0011805642705333486 -0.0022296563991506843 0.0019781402188523141 0.00048951749969084336 -0.0039935183509162151
+leaf_weight=50 39 39 40 54 39
+leaf_count=50 39 39 40 54 39
+internal_value=0 -0.0104664 0.0108776 -0.0182966 -0.069173
+internal_weight=0 222 183 133 93
+internal_count=261 222 183 133 93
+shrinkage=0.02
+
+
+Tree=7709
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 8
+split_gain=0.142648 0.56108 0.832511 0.182094
+threshold=8.5000000000000018 72.500000000000014 7.5000000000000009 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00083357699548730429 0 0.0024426015480397078 -0.0019747230319008264 0.0019469202764518579
+leaf_weight=69 40 40 66 46
+leaf_count=69 40 40 66 46
+internal_value=0 0.0149041 -0.0130935 0.0521944
+internal_weight=0 192 152 86
+internal_count=261 192 152 86
+shrinkage=0.02
+
+
+Tree=7710
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 1
+split_gain=0.139127 0.940489 0.966396 0.352225 4.43597
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0021073972119807858 -0.001127787373157757 0.0030165814734588159 -0.0026374026393747511 -0.0048666965182111426 0.0044489768985862977
+leaf_weight=42 42 40 55 41 41
+leaf_count=42 42 40 55 41 41
+internal_value=0 0.010758 -0.0203661 0.0288154 -0.00996451
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=7711
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.143572 0.568492 0.400989 0.764791
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014024880367591078 -0.0008790297179469942 0.0023841130894296436 -0.0012705643401402526 0.0026093615333846101
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0142122 -0.0140206 0.0341843
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7712
+num_leaves=5
+num_cat=0
+split_feature=3 1 8 4
+split_gain=0.142132 1.74728 1.65828 0.359246
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00095185147580114813 -0.0039347891229070363 0.0040570999988186786 -0.00066395487502838592 -0.0011409185869876216
+leaf_weight=56 41 50 75 39
+leaf_count=56 41 50 75 39
+internal_value=0 -0.0130886 0.0609642 -0.129248
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=7713
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.141203 0.983728 1.54562 0.959044
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0033111957403940085 0.00087936284307899004 0.00069058730664355006 -0.0043554894190217528 -0.00065506562972125065
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0140818 -0.0861347 0.0561413
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=7714
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 7
+split_gain=0.141293 0.543454 0.865053 0.137671
+threshold=8.5000000000000018 72.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00083001506566759726 0.0018753065518179346 0.0024086663605180918 -0.0019996086973203589 0.0001355840289922971
+leaf_weight=69 46 40 66 40
+leaf_count=69 46 40 66 40
+internal_value=0 0.014846 -0.0127198 0.0538098
+internal_weight=0 192 152 86
+internal_count=261 192 152 86
+shrinkage=0.02
+
+
+Tree=7715
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.139019 0.942479 0.548619 0.490452
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012674117671207139 -0.0011272720079793764 0.0029368518199041106 -0.0024908004459859917 -0.0012017415042897862
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.0107611 -0.0213488 0.00951442
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=7716
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.144757 0.337229 0.505542 0.373507
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010768275084567553 -0.00096182453237966955 0.0015020054793216445 -0.0022046381763393698 0.0014872311089820433
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0130791 -0.0148121 0.02396
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=7717
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 4
+split_gain=0.142365 0.454769 0.752674 0.432735
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011368569505733239 -0.00010207584585209392 -0.00063330989437054049 0.0029454226088636917 -0.0026568869880741757
+leaf_weight=42 74 60 40 45
+leaf_count=42 74 60 40 45
+internal_value=0 -0.0109843 0.0395624 -0.0537947
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7718
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.146145 0.549886 0.400968 0.740676
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013912233378233156 -0.00088592632979373213 0.0023528516114764012 -0.0012286929951289985 0.0025908423378436674
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0143232 -0.0134556 0.0347504
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7719
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 1
+split_gain=0.147678 0.357841 0.269949 0.982972
+threshold=70.500000000000014 65.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00068815542400408258 -0.0011259661131714487 0.0017729143482988422 0.0011425649035339321 -0.0030238963920953092
+leaf_weight=76 44 49 45 47
+leaf_count=76 44 49 45 47
+internal_value=0 0.011357 -0.010975 -0.0488973
+internal_weight=0 217 168 92
+internal_count=261 217 168 92
+shrinkage=0.02
+
+
+Tree=7720
+num_leaves=5
+num_cat=0
+split_feature=4 5 8 5
+split_gain=0.14359 0.378331 0.415758 0.527459
+threshold=50.500000000000007 53.500000000000007 62.500000000000007 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0011411617391319719 -0.0016594229598105507 0.001813261244706452 -0.0019992534598988138 0.00082327085511588768
+leaf_weight=42 57 51 49 62
+leaf_count=42 57 51 49 62
+internal_value=0 -0.0110245 0.0140681 -0.020799
+internal_weight=0 219 162 111
+internal_count=261 219 162 111
+shrinkage=0.02
+
+
+Tree=7721
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.151533 0.489626 0.424881 0.983021
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022896255991811509 -0.0017142661514898592 -0.00064348282169787469 -0.0011486437364370788 0.0028945214917364044
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0338214 -0.0194437 0.0207328
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7722
+num_leaves=5
+num_cat=0
+split_feature=6 5 7 5
+split_gain=0.159613 0.356758 0.262485 0.283255
+threshold=70.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00084772927275258232 -0.0011651705441789778 0.0017787507663792009 -0.0012327787375258881 0.0013600631823491311
+leaf_weight=42 44 49 66 60
+leaf_count=42 44 49 66 60
+internal_value=0 0.0117632 -0.0105357 0.0221588
+internal_weight=0 217 168 102
+internal_count=261 217 168 102
+shrinkage=0.02
+
+
+Tree=7723
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.152492 0.349816 0.533654 0.990425 1.37708
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0021996226370873009 -0.0011419040158083306 0.0018677223868717107 0.0017477891893919184 -0.0033493964981252257 0.0028929832345751748
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0115246 -0.00909395 -0.0423425 0.0198418
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=7724
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 1
+split_gain=0.145672 0.338967 0.264381 0.940963
+threshold=70.500000000000014 65.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0006895477981437001 -0.0011191024226019218 0.0017325666662824112 0.0011147965516275966 -0.0029632756128568465
+leaf_weight=76 44 49 45 47
+leaf_count=76 44 49 45 47
+internal_value=0 0.0112944 -0.0104669 -0.0480273
+internal_weight=0 217 168 92
+internal_count=261 217 168 92
+shrinkage=0.02
+
+
+Tree=7725
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.16175 0.298852 0.302194 0.414366 0.164592
+threshold=67.500000000000014 62.400000000000006 57.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00079217185260338832 0.00024591952264842886 0.0019116531767446338 -0.0013935683313882447 0.0020568435685330709 -0.001598965579634744
+leaf_weight=42 39 41 49 43 47
+leaf_count=42 39 41 49 43 47
+internal_value=0 0.0184471 -0.00489327 0.0320099 -0.0376759
+internal_weight=0 175 134 85 86
+internal_count=261 175 134 85 86
+shrinkage=0.02
+
+
+Tree=7726
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 2
+split_gain=0.146432 0.446205 1.04779 0.84745
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011511794352491763 0.00091691089357891513 -0.0021740854384448721 0.0021178452965158845 -0.0026727809071217935
+leaf_weight=42 49 40 71 59
+leaf_count=42 49 40 71 59
+internal_value=0 -0.0111126 0.0105062 -0.0518591
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7727
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 7
+split_gain=0.153476 0.298221 0.632094 0.160073
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00018062297542119354 0.00025089772904898647 -0.00074134361007456529 0.0029772071011713347 -0.0015712297051378894
+leaf_weight=68 39 65 42 47
+leaf_count=68 39 65 42 47
+internal_value=0 0.0180262 0.0509476 -0.0368045
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7728
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 4
+split_gain=0.146503 0.269945 0.290873 0.338904 0.158343
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00077884367243649145 -0.0015718947994313118 0.0018242961170103302 -0.0014968444170685028 0.0017309277814882994 0.00023816440731383692
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0176573 -0.00458657 0.0282039 -0.0360602
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=7729
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 1
+split_gain=0.146378 0.528825 0.882176 0.856461
+threshold=8.5000000000000018 72.500000000000014 65.100000000000009 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00084276630449729977 0.0023234750987567781 0.0023859074715518402 -0.0028216639384608748 -0.0012165191149743661
+leaf_weight=69 60 40 40 52
+leaf_count=69 60 40 40 52
+internal_value=0 0.0150899 -0.0121119 0.0336517
+internal_weight=0 192 152 112
+internal_count=261 192 152 112
+shrinkage=0.02
+
+
+Tree=7730
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 4
+split_gain=0.146334 0.44468 0.749805 0.422458
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.001150854546014447 -0.0001063869708669448 -0.00064402941689428565 0.002928141036442994 -0.0026322413737787913
+leaf_weight=42 74 60 40 45
+leaf_count=42 74 60 40 45
+internal_value=0 -0.0111086 0.0388947 -0.0534623
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7731
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 4
+split_gain=0.151339 0.386953 0.746852 0.477804
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00065205541137214882 -0.0010935258292989769 0.0020579475935688929 -0.0024936824032981905 0.0018068342491594192
+leaf_weight=65 47 40 43 66
+leaf_count=65 47 40 43 66
+internal_value=0 0.0119604 -0.0087478 0.0290487
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=7732
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.150328 0.543966 0.326268 0.23406
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00076773363477916818 -0.00089687225021176553 0.0023457832224640508 -0.0015759044657779858 0.001252391365536124
+leaf_weight=42 64 42 53 60
+leaf_count=42 64 42 53 60
+internal_value=0 0.0145092 -0.0131233 0.0206391
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=7733
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.147642 0.329618 0.455914 0.341968
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010422782832959256 -0.00097019738642442708 0.0014909993675852112 -0.0021040847560103745 0.001416752838368148
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0131938 -0.0143955 0.0224839
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=7734
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 4
+split_gain=0.150853 0.436736 0.731809 0.394295
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011662289882063272 -0.00013288771235477723 -0.00063898480328462555 0.0028911224465016745 -0.002577808400248645
+leaf_weight=42 74 60 40 45
+leaf_count=42 74 60 40 45
+internal_value=0 -0.0112661 0.0383049 -0.0532564
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7735
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.156146 0.357412 0.527178 0.967627 1.18906
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0021666566063792739 -0.0011539854999569937 0.001886812589880031 0.0017345387654453821 -0.0035017979054277684 0.0024739447686784799
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0116435 -0.00918785 -0.0422422 0.0149724
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=7736
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 1 7
+split_gain=0.156802 0.283559 0.434766 0.94722 0.170721
+threshold=67.500000000000014 66.500000000000014 41.500000000000007 4.5000000000000009 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=-0.0018720128286619688 0.00027305095777628758 0.0019183420221885515 -0.0013741620802400674 0.0026334147511036061 -0.0016028908690323314
+leaf_weight=40 39 39 47 49 47
+leaf_count=40 39 39 47 49 47
+internal_value=0 0.0181864 -0.00384791 0.0331737 -0.0371674
+internal_weight=0 175 136 96 86
+internal_count=261 175 136 96 86
+shrinkage=0.02
+
+
+Tree=7737
+num_leaves=6
+num_cat=0
+split_feature=4 2 2 3 4
+split_gain=0.152365 0.433018 0.533777 1.02261 2.27796
+threshold=50.500000000000007 25.500000000000004 19.500000000000004 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0011713911230614557 0.001025109922732202 -0.0021502980421033917 0.0021792931483666251 0.0021885185579463597 -0.0053084195723520208
+leaf_weight=42 55 40 43 42 39
+leaf_count=42 55 40 43 42 39
+internal_value=0 -0.0113152 0.00999218 -0.0210466 -0.0798061
+internal_weight=0 219 179 136 94
+internal_count=261 219 179 136 94
+shrinkage=0.02
+
+
+Tree=7738
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.147121 0.552756 0.395002 0.71385
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013836362380268208 -0.0008883356687076308 0.0023590717376312732 -0.0012015010934982504 0.0025499037387204165
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0143747 -0.0134745 0.0343859
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7739
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 5
+split_gain=0.152578 0.48505 0.410695 0.998926
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0023902246172302585 -0.0016941199348319517 -0.00055331454143693875 -0.0012077985486681573 0.002849836566891147
+leaf_weight=40 63 55 62 41
+leaf_count=40 63 55 62 41
+internal_value=0 0.0339251 -0.0195018 0.0200227
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7740
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 2 7
+split_gain=0.154402 0.275443 0.419795 0.785522 0.170375
+threshold=67.500000000000014 66.500000000000014 41.500000000000007 16.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=-0.0018386981199886663 0.00027730553487941744 0.001895018853981354 -0.0012036558068277275 0.0024527102532079705 -0.0015970001427489579
+leaf_weight=40 39 39 47 49 47
+leaf_count=40 39 39 47 49 47
+internal_value=0 0.0180671 -0.00366658 0.0327357 -0.0369098
+internal_weight=0 175 136 96 86
+internal_count=261 175 136 96 86
+shrinkage=0.02
+
+
+Tree=7741
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 5
+split_gain=0.149204 0.473867 0.406511 0.971242
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022599019377641787 -0.0016839834417842431 -0.00062731226014385805 -0.0011857264215135337 0.0028163199259876653
+leaf_weight=43 63 52 62 41
+leaf_count=43 63 52 62 41
+internal_value=0 0.0335909 -0.0193113 0.0200195
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7742
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 9
+split_gain=0.162008 0.341384 0.284096 0.939992
+threshold=70.500000000000014 65.500000000000014 13.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00072998150256580548 -0.0011729022079458684 0.0017484888553753 0.00076361948708839197 -0.0033591676585610821
+leaf_weight=76 44 49 53 39
+leaf_count=76 44 49 53 39
+internal_value=0 0.011842 -0.00999218 -0.048831
+internal_weight=0 217 168 92
+internal_count=261 217 168 92
+shrinkage=0.02
+
+
+Tree=7743
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.154828 0.337189 0.509158 0.937503 1.16452
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0021374401312727869 -0.0011494815656596202 0.001841189542648769 0.0017133852721126219 -0.0034394045600141744 0.0024557479306519191
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0116088 -0.00865053 -0.0411605 0.0151691
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=7744
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 3 7
+split_gain=0.158005 0.285246 0.288785 0.382168 0.164429
+threshold=67.500000000000014 62.400000000000006 50.500000000000007 58.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=0.0013462588066946771 0.00025336855668255153 0.0018745630726649985 -0.001931018034305875 0.00070036485454717096 -0.0015908371165018059
+leaf_weight=41 39 41 51 42 47
+leaf_count=41 39 41 51 42 47
+internal_value=0 0.0182574 -0.00457294 -0.0367211 -0.0372845
+internal_weight=0 175 134 93 86
+internal_count=261 175 134 93 86
+shrinkage=0.02
+
+
+Tree=7745
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 6
+split_gain=0.150938 0.280387 0.636445 0.158506
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00013712487132535534 0.00010299012883252375 -0.00071234191308579221 0.0030807320063059858 -0.0017077264517716764
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0178976 0.0498859 -0.0365306
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7746
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.145772 0.428137 1.03624 1.12276
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.001149010113789119 -0.0028132914243179266 -0.002135334992932357 0.0020995526356470309 0.0013371358915034617
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0110848 0.0101067 -0.0519197
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7747
+num_leaves=5
+num_cat=0
+split_feature=9 4 8 7
+split_gain=0.151509 0.263876 0.364747 0.152864
+threshold=67.500000000000014 53.500000000000007 55.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.00072103037030604288 0.00023477551743048735 0.0025033802225086443 6.5464915908522632e-05 -0.0015499923197939969
+leaf_weight=62 39 41 72 47
+leaf_count=62 39 41 72 47
+internal_value=0 0.0179293 0.0479048 -0.0365897
+internal_weight=0 175 113 86
+internal_count=261 175 113 86
+shrinkage=0.02
+
+
+Tree=7748
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 4
+split_gain=0.144671 0.285822 0.607101 0.151982
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00011191536326590884 -0.0015523296718176155 -0.00072863129824193851 0.0030327726209105695 0.00022471336301556544
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0175714 0.0498486 -0.0358496
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7749
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 9 9
+split_gain=0.146826 2.90591 2.32986 1.01032 1.68587
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0010501285849944962 -0.005114146437405767 0.0048107283703762976 -0.0028526806040240216 0.003724808566379292 -0.0021071352740825518
+leaf_weight=49 40 45 47 41 39
+leaf_count=49 40 45 47 41 39
+internal_value=0 -0.0121959 0.0442831 -0.0250348 0.0436194
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=7750
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.147528 0.348761 2.09496 0.581019
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0033865467945478184 -0.00096951842818303563 0.0008646565707974308 -0.0021400221051899736 -0.0023619165174647854
+leaf_weight=65 56 48 48 44
+leaf_count=65 56 48 48 44
+internal_value=0 0.0132067 0.0516015 -0.033521
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7751
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.141245 0.355969 0.49522 0.931896 1.27284
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0021247558976851878 -0.0011037689519085418 0.0018739937474080055 0.0016684494697238844 -0.0032632618788945474 0.0027741363641218663
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0111564 -0.00963553 -0.0417142 0.0186289
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=7752
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 4
+split_gain=0.144808 0.299052 0.602417 0.152976
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-9.3817033918829483e-05 -0.0015551163700906734 -0.00075186756261028565 0.0030389028602254217 0.00022713250536141562
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0175754 0.0505416 -0.0358679
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7753
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.148853 0.54108 0.380664 0.821383
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001356879376382591 -0.00089275361530788617 0.0023394921147854501 -0.0014460614065219901 0.0025788254504344999
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0144576 -0.0131035 0.0339179
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7754
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 4
+split_gain=0.155793 0.409743 0.770833 0.365533
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011832657900563833 -0.00014313140894352096 -0.00070827412748170092 0.0029129298403580231 -0.0025022997034807436
+leaf_weight=42 74 60 40 45
+leaf_count=42 74 60 40 45
+internal_value=0 -0.0114131 0.0366619 -0.052146
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7755
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 2
+split_gain=0.149681 2.83188 2.23687 0.655685 1.8387
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 9.5000000000000018 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0010589394158286476 -0.0050543738858849149 0.0047156587189519277 -0.0025296537233860388 0.0033884304756476597 -0.0025600169318102228
+leaf_weight=49 40 45 43 44 40
+leaf_count=49 40 45 43 44 40
+internal_value=0 -0.0123068 0.0434506 -0.0244762 0.0273274
+internal_weight=0 212 172 127 84
+internal_count=261 212 172 127 84
+shrinkage=0.02
+
+
+Tree=7756
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 4
+split_gain=0.148753 0.311274 0.57658 0.149322
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00025708111046554002 -0.0015547119783868701 -0.00076886636624234395 0.0027010748486571436 0.00020812576745911257
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0177796 0.051369 -0.0362995
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7757
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.153141 0.345108 2.02739 0.563179
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0033490515135392381 -0.00098580011273102265 0.00085042266667645556 -0.0020883455039595825 -0.0023277813062961067
+leaf_weight=65 56 48 48 44
+leaf_count=65 56 48 48 44
+internal_value=0 0.0134175 0.0516211 -0.0330757
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7758
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.147757 0.533553 0.382227 0.80535
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013563805482780223 -0.00089001021780386468 0.0023246003699778717 -0.0014210513416255317 0.0025651385542491355
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0144027 -0.0129713 0.034143
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7759
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 2 2
+split_gain=0.148884 2.73101 1.71819 0.866668 1.6466
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 10.500000000000002 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0010563313288548485 -0.0049681457860052724 0.0042251704704319801 -0.0025247781198698927 0.0038217501498857345 -0.0019403688576316964
+leaf_weight=49 40 45 47 40 40
+leaf_count=49 40 45 47 40 40
+internal_value=0 -0.0122836 0.0424752 -0.0170986 0.0465761
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=7760
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 4
+split_gain=0.147468 0.402273 0.760978 0.352381
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011547518921261137 -0.0001459946968913706 -0.00070229857827614124 0.0028962169999281369 -0.0024648634578585495
+leaf_weight=42 74 60 40 45
+leaf_count=42 74 60 40 45
+internal_value=0 -0.0111473 0.0365066 -0.0515265
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7761
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 5
+split_gain=0.148531 0.351633 1.95259 0.527872
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0033094510719562549 -0.00097270225913039454 0.00069794024626569596 -0.0020274784476563123 -0.0023973635365151999
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0132319 0.0517755 -0.0336787
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7762
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 3
+split_gain=0.14705 0.381525 0.492815 0.929661
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00055846804034907923 -0.0011237307124487364 0.0019328659322321591 0.0016536789785606509 -0.0029318245356522938
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.011342 -0.0101523 -0.042155
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=7763
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 4
+split_gain=0.145369 0.316951 0.600794 0.154134
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-7.3728956889129995e-05 -0.0015593522523809004 -0.00078226435591186353 0.0030547068040939068 0.00022891938403743386
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0175945 0.0514706 -0.0359397
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7764
+num_leaves=5
+num_cat=0
+split_feature=4 4 2 9
+split_gain=0.146465 0.347746 0.547212 1.06395
+threshold=73.500000000000014 65.500000000000014 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012482710081419413 -0.00096673122537907843 0.0016455747627767625 -0.0018446971719779919 0.0030817219220404674
+leaf_weight=51 56 56 56 42
+leaf_count=51 56 56 56 42
+internal_value=0 0.0131502 -0.0125892 0.0349731
+internal_weight=0 205 149 93
+internal_count=261 205 149 93
+shrinkage=0.02
+
+
+Tree=7765
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 4
+split_gain=0.142802 0.29988 0.574759 0.153678
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-7.026797874166406e-05 -0.0015527801691437842 -0.00075576505555486619 0.0029916261059108342 0.00023321952372380318
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0174534 0.0504628 -0.0356637
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7766
+num_leaves=5
+num_cat=0
+split_feature=4 4 2 9
+split_gain=0.149079 0.328025 0.523831 1.02332
+threshold=73.500000000000014 65.500000000000014 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012149567472881037 -0.00097435606079814224 0.0016099657615690239 -0.0017955340411954541 0.0030329304162810475
+leaf_weight=51 56 56 56 42
+leaf_count=51 56 56 56 42
+internal_value=0 0.0132498 -0.0117824 0.0347843
+internal_weight=0 205 149 93
+internal_count=261 205 149 93
+shrinkage=0.02
+
+
+Tree=7767
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.152796 0.488843 0.388728 0.869596
+threshold=55.500000000000007 55.500000000000007 70.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.00075685918070755658 0.00079748828353756328 0.002160976721028854 0.00073614269180735854 -0.0030883322270084503
+leaf_weight=48 44 47 72 50
+leaf_count=48 44 47 72 50
+internal_value=0 0.0339408 -0.01952 -0.0630847
+internal_weight=0 95 166 94
+internal_count=261 95 166 94
+shrinkage=0.02
+
+
+Tree=7768
+num_leaves=5
+num_cat=0
+split_feature=3 1 8 4
+split_gain=0.149126 1.6645 1.6985 0.383966
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00097232171145802797 -0.0039272612010384815 0.0040504179425598598 -0.00072722014676433635 -0.0010472079679572067
+leaf_weight=56 41 50 75 39
+leaf_count=56 41 50 75 39
+internal_value=0 -0.0133601 0.0589318 -0.126768
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=7769
+num_leaves=6
+num_cat=0
+split_feature=2 6 7 3 5
+split_gain=0.148507 0.784177 0.98445 0.841893 2.0017
+threshold=25.500000000000004 46.500000000000007 57.500000000000007 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0025776728633277735 0.0011264290601616953 0.0031711296309905961 0.0013464361864171121 0.0016445085593972399 -0.0049210002356435949
+leaf_weight=46 44 40 42 49 40
+leaf_count=46 44 40 42 49 40
+internal_value=0 -0.0115009 0.0198817 -0.0222186 -0.0851346
+internal_weight=0 217 171 131 82
+internal_count=261 217 171 131 82
+shrinkage=0.02
+
+
+Tree=7770
+num_leaves=5
+num_cat=0
+split_feature=5 9 3 7
+split_gain=0.153635 1.05145 1.18747 0.840183
+threshold=48.45000000000001 54.500000000000007 64.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0010711585763072819 -0.0025668492092104154 0.0033328300077304007 0.0016525596607885589 -0.0019867057305740215
+leaf_weight=49 58 46 43 65
+leaf_count=49 58 46 43 65
+internal_value=0 -0.0124517 0.0309743 -0.0265102
+internal_weight=0 212 154 108
+internal_count=261 212 154 108
+shrinkage=0.02
+
+
+Tree=7771
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 2
+split_gain=0.146747 2.62117 2.04911 0.630336 1.67418
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 9.5000000000000018 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0010497660281575817 -0.0048712608754441483 0.0045122763636849103 -0.0024731390317631672 0.0032582583930153191 -0.0024205146535174909
+leaf_weight=49 40 45 43 44 40
+leaf_count=49 40 45 43 44 40
+internal_value=0 -0.0121988 0.0414516 -0.0235762 0.0272401
+internal_weight=0 212 172 127 84
+internal_count=261 212 172 127 84
+shrinkage=0.02
+
+
+Tree=7772
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 8
+split_gain=0.148881 0.497604 0.391352 0.892284
+threshold=55.500000000000007 54.500000000000007 70.500000000000014 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0022301893782292973 0.00046010813967659807 -0.00071677876835410316 0.00074452370694660529 -0.0034995327563468836
+leaf_weight=45 53 50 72 41
+leaf_count=45 53 50 72 41
+internal_value=0 0.0335676 -0.0192841 -0.0629892
+internal_weight=0 95 166 94
+internal_count=261 95 166 94
+shrinkage=0.02
+
+
+Tree=7773
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.147418 0.679872 1.96352 1.85776
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0044333965234602491 0.0011231006540244795 0.0034643619046150378 0.001395722450908829 -0.0014744808519045935
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.011448 -0.077135 0.0375106
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=7774
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.155518 0.503206 0.389481 1.05933
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022517516428122424 -0.0016645588520137599 -0.00071105824173722939 -0.0012445762001695054 0.0029500991488324159
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.0342294 -0.019651 0.018878
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7775
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.148521 0.482571 0.37326 1.01669
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022067863292643307 -0.0016313047099380678 -0.00069685679228929129 -0.0012197123687883856 0.0028912002620240058
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.0335375 -0.0192579 0.0184938
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7776
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 4
+split_gain=0.149276 0.282233 0.292984 0.15248
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00073953121739930741 -0.0015634601033895734 0.0018582739494140035 -0.0012090033972778603 0.00021599796873273059
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0178125 -0.00490441 -0.0363504
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=7777
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.147489 0.56497 0.411174 0.790068
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014104214402033783 -0.00088902757960250024 0.0023816430510606398 -0.0013831647670710288 0.0025656638214491866
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0144048 -0.0137423 0.0350479
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7778
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 3
+split_gain=0.145597 0.387731 0.463483 0.65372 0.498276
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 57.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.00087747945081657777 -0.00111850587911067 0.0019453493667086397 0.0004165965502903442 0.002714365375631187 -0.0026147826980106306
+leaf_weight=42 44 44 41 41 49
+leaf_count=42 44 44 41 41 49
+internal_value=0 0.0113091 -0.0103526 0.0443984 -0.0612844
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=7779
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 4
+split_gain=0.144959 0.363757 0.558518 0.152646
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0 -0.0015545854301056222 -0.00085925139185652065 0.0030292742481797985 0.0002259284156737912
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0175861 0.0537329 -0.0358817
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7780
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 9
+split_gain=0.142609 0.554437 1.0243 0.633985
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0011711809894626617 -0.00087599984695633452 0.00098332350764214786 0.0028106070147191028 -0.0024910521495483608
+leaf_weight=43 64 39 67 48
+leaf_count=43 64 39 67 48
+internal_value=0 0.0141925 0.0623533 -0.0462423
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=7781
+num_leaves=5
+num_cat=0
+split_feature=4 9 5 4
+split_gain=0.143452 0.39657 0.744309 0.34122
+threshold=50.500000000000007 64.500000000000014 72.050000000000026 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011410400044019812 -0.00015078199706721181 -0.00072019749634637633 0.0028256285801577055 -0.0024349243155677913
+leaf_weight=42 74 59 41 45
+leaf_count=42 74 59 41 45
+internal_value=0 -0.011002 0.0363278 -0.0511088
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7782
+num_leaves=5
+num_cat=0
+split_feature=6 5 7 5
+split_gain=0.150493 0.365167 0.270072 0.263854
+threshold=70.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00080733450784675363 -0.0011349704787929718 0.001790117674746532 -0.0012571376952746822 0.0013282712808321334
+leaf_weight=42 44 49 66 60
+leaf_count=42 44 49 66 60
+internal_value=0 0.0114725 -0.011077 0.0220558
+internal_weight=0 217 168 102
+internal_count=261 217 168 102
+shrinkage=0.02
+
+
+Tree=7783
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 7
+split_gain=0.145123 0.344872 0.560444 0.14654
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00020992595494148791 0.00023028214797968753 -0.00082880498755815422 0.0027074124060471609 -0.001521251892711748
+leaf_weight=62 39 65 48 47
+leaf_count=62 39 65 48 47
+internal_value=0 0.0175886 0.0528369 -0.0359058
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7784
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 3
+split_gain=0.140616 0.366736 0.489538 0.945038
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00057571655864373824 -0.0011017159390995933 0.0018969390242243667 0.00165155945321668 -0.0029428566691512359
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0111296 -0.00996124 -0.0418626
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=7785
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 3
+split_gain=0.14427 0.33352 0.56311 0.155285
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-2.382621105927547e-05 -0.0017072732048264117 -0.00081103495780601286 0.0030073970360984148 9.04606184889512e-05
+leaf_weight=71 39 65 39 47
+leaf_count=71 39 65 39 47
+internal_value=0 0.0175449 0.0522421 -0.0358111
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7786
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.142166 0.349688 1.86386 0.509317
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0032508990944888311 -0.00095400298143508968 -0.0020401714034619244 -0.0019644138507819335 0.0010019814333168003
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0129874 0.0514313 -0.0338005
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7787
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.13862 0.974268 0.815554 1.48986 0.673775
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0031027971298416353 -0.0011257102391287411 0.0029025880574828408 -0.0028055548921825878 0.0031246041633140897 0.00058513646506274601
+leaf_weight=42 42 44 45 49 39
+leaf_count=42 42 44 45 49 39
+internal_value=0 0.0107549 -0.0228467 0.0175486 -0.0659143
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=7788
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 8
+split_gain=0.14208 0.471294 0.383871 0.864397
+threshold=55.500000000000007 54.500000000000007 70.500000000000014 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0021764345253177777 0.00044913484047889841 -0.00069441755374605976 0.00074195320288318199 -0.0034493166538073772
+leaf_weight=45 53 50 72 41
+leaf_count=45 53 50 72 41
+internal_value=0 0.0328823 -0.0188942 -0.0622025
+internal_weight=0 95 166 94
+internal_count=261 95 166 94
+shrinkage=0.02
+
+
+Tree=7789
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.145585 0.574999 0.661085 0.601971
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00058582267567744884 0.00090109780750087217 -0.0024620743493226687 0.0023797251329093069 -0.0024468040922996145
+leaf_weight=72 62 40 44 43
+leaf_count=72 62 40 44 43
+internal_value=0 -0.0141017 0.0131109 -0.0270981
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7790
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.139015 0.551498 0.634116 0.57742
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00057411796591562924 0.00088309651577705072 -0.0024129191689362455 0.0023322064321490677 -0.0023979477931375375
+leaf_weight=72 62 40 44 43
+leaf_count=72 62 40 44 43
+internal_value=0 -0.0138163 0.0128489 -0.0265503
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7791
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.137434 0.93576 0.578422 0.491912
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012865553074676473 -0.0011212649202584823 0.0029266443969746059 -0.0025426899864344462 -0.0011859631195313761
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.0107262 -0.0212708 0.0103991
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=7792
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.139655 0.365975 0.498424 0.370468
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011023086008892543 -0.00094646235206068911 0.0015472392010250611 -0.0022174396235083095 0.0014521789094986768
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0128929 -0.01611 0.022393
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=7793
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 1
+split_gain=0.139174 0.375941 0.262075 1.05716
+threshold=70.500000000000014 65.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00065942185787297718 -0.0010966443337900773 0.0018041149250341575 0.0012144462581924781 -0.0031038771417456522
+leaf_weight=76 44 49 45 47
+leaf_count=76 44 49 45 47
+internal_value=0 0.0110853 -0.0117815 -0.0491824
+internal_weight=0 217 168 92
+internal_count=261 217 168 92
+shrinkage=0.02
+
+
+Tree=7794
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 5
+split_gain=0.13799 0.467666 0.384357 0.984968
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00075582177841864231 -0.0016365981198267266 0.0021006515368879384 -0.0012042992028979569 0.0028254629657423523
+leaf_weight=48 63 47 62 41
+leaf_count=48 63 47 62 41
+internal_value=0 0.0324736 -0.0186456 0.0196424
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7795
+num_leaves=5
+num_cat=0
+split_feature=6 5 3 2
+split_gain=0.145208 0.363786 0.260457 0.313642
+threshold=70.500000000000014 65.500000000000014 52.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00092402472628328033 -0.0011171870942231557 0.0017838152624789678 2.8939554043804272e-05 -0.0022136859355982733
+leaf_weight=56 44 49 70 42
+leaf_count=56 44 49 70 42
+internal_value=0 0.0112959 -0.0112132 -0.0402882
+internal_weight=0 217 168 112
+internal_count=261 217 168 112
+shrinkage=0.02
+
+
+Tree=7796
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.143006 0.946448 0.792867 1.4736 0.654921
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0031114381635917606 -0.0011409195837510974 0.0028679231462976087 -0.0027607828903706078 0.0031112658760838918 0.00052356202829380956
+leaf_weight=41 42 44 45 49 40
+leaf_count=41 42 44 45 49 40
+internal_value=0 0.010915 -0.0222101 0.0176298 -0.0653803
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=7797
+num_leaves=5
+num_cat=0
+split_feature=4 5 2 2
+split_gain=0.143741 0.411543 0.473056 1.1298
+threshold=50.500000000000007 53.500000000000007 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0011421578146370284 -0.001717828652508647 -0.0014150863062785846 0.0035058809636647988 -0.00058211320200149495
+leaf_weight=42 57 47 45 70
+leaf_count=42 57 47 45 70
+internal_value=0 -0.0110063 0.015121 0.0505872
+internal_weight=0 219 162 115
+internal_count=261 219 162 115
+shrinkage=0.02
+
+
+Tree=7798
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 5
+split_gain=0.141383 0.450934 0.379868 0.980897
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022072820903420698 -0.0016335139973512897 -0.00061190895814915776 -0.0012093517228430435 0.0028122904517222762
+leaf_weight=43 63 52 62 41
+leaf_count=43 63 52 62 41
+internal_value=0 0.0328208 -0.0188443 0.0192279
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7799
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 1
+split_gain=0.143517 0.363286 0.250896 1.02589
+threshold=70.500000000000014 65.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00065191385090014185 -0.0011114579848970501 0.0017816477941414819 0.0012075270369024057 -0.0030476276388790341
+leaf_weight=76 44 49 45 47
+leaf_count=76 44 49 45 47
+internal_value=0 0.0112378 -0.0112565 -0.0479139
+internal_weight=0 217 168 92
+internal_count=261 217 168 92
+shrinkage=0.02
+
+
+Tree=7800
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 6
+split_gain=0.146222 0.29298 0.599232 0.160224
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00016248048467180427 0.00011748389512565719 -0.00073959541555298851 0.0029143783185894031 -0.0017022638616045424
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0176565 0.0503079 -0.0360156
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7801
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.142442 0.55676 0.408433 0.794943
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014072093746773627 -0.00087554876064201126 0.0023625405717553451 -0.0013930199375757025 0.0025677435799320732
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0141852 -0.0137623 0.0348713
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7802
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.146851 0.403822 1.02595 1.04871
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011528625120197421 -0.0027611363653483097 -0.002083282447795425 0.0020779642790652404 0.0012520460207084009
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0111148 0.00948762 -0.0522356
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7803
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 2
+split_gain=0.140237 0.387084 0.984484 0.798952
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011298435261959641 0.00087459188275796848 -0.0020416898558733021 0.0020364459359865578 -0.0026129384585001133
+leaf_weight=42 49 40 71 59
+leaf_count=42 49 40 71 59
+internal_value=0 -0.0108893 0.00929808 -0.0511844
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7804
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 6
+split_gain=0.150097 0.307625 0.560988 0.150887
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0001061076585236793 8.6559222904803159e-05 -0.00076089707546855552 0.0028734267278815039 -0.0016844938717371571
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0178645 0.0512684 -0.0364296
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7805
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.147332 0.473611 0.373725 0.985668
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021907612594765729 -0.0016306020950552105 -0.00068676888472500119 -0.0011936920093095149 0.0028551473952541633
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.0334233 -0.0191854 0.0185891
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7806
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 4
+split_gain=0.14891 0.382378 0.710587 0.418053
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00059229205632005508 -0.0010854378481288105 0.0020463135668188372 -0.0024372862203646513 0.0017137633498847729
+leaf_weight=65 47 40 43 66
+leaf_count=65 47 40 43 66
+internal_value=0 0.0118909 -0.00869938 0.0281864
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=7807
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.14525 0.963712 0.793435 1.4142
+threshold=77.500000000000014 24.500000000000004 64.200000000000003 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013041321268623257 -0.0011488162995178172 0.0028928938905837614 -0.0026049474475744222 0.0030788923036903053
+leaf_weight=76 42 44 50 49
+leaf_count=76 42 44 50 49
+internal_value=0 0.0109864 -0.022435 0.0204189
+internal_weight=0 219 175 125
+internal_count=261 219 175 125
+shrinkage=0.02
+
+
+Tree=7808
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 8
+split_gain=0.143456 0.458303 0.370245 0.849788
+threshold=55.500000000000007 54.500000000000007 70.500000000000014 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0021590959249485455 0.00044821561807817449 -0.00067331251416921558 0.00072124908354008802 -0.0034178333696851426
+leaf_weight=45 53 50 72 41
+leaf_count=45 53 50 72 41
+internal_value=0 0.0330271 -0.0189689 -0.0615412
+internal_weight=0 95 166 94
+internal_count=261 95 166 94
+shrinkage=0.02
+
+
+Tree=7809
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 3
+split_gain=0.145069 0.312489 0.588572 0.147866
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00013347253022791795 -0.0016875310102966335 -0.00077470419327014975 0.0029164459060639363 7.1085230899459872e-05
+leaf_weight=68 39 65 42 47
+leaf_count=68 39 65 42 47
+internal_value=0 0.0175928 0.0512444 -0.0358928
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7810
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.139399 0.928189 0.771981 1.38607 0.660202
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0030318078137305505 -0.0011283220120867046 0.0028402774622577208 -0.0027270403597607217 0.0030227609746429907 0.00062012436866211039
+leaf_weight=42 42 44 45 49 39
+leaf_count=42 42 44 45 49 39
+internal_value=0 0.0107889 -0.02202 0.0173011 -0.0632292
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=7811
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 5
+split_gain=0.145088 0.454679 0.381248 0.993969
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021567187582756161 -0.0016399882414983799 -0.00066484090195984002 -0.0012228229139207237 0.0028250591613267033
+leaf_weight=45 63 50 62 41
+leaf_count=45 63 50 62 41
+internal_value=0 0.0331938 -0.0190611 0.0190766
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7812
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 6
+split_gain=0.140576 0.307368 0.580655 0.157038
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00013592145244674535 0.00012216235516463079 -0.00077085574339735776 0.0028940586708548067 -0.0016814112800120238
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0173477 0.0507408 -0.035405
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7813
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.139257 0.566807 0.397034 0.789903
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001399844543471058 -0.00086704205821043099 0.0023776746260204592 -0.0014075494324109089 0.0025410985564574217
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0140395 -0.0141528 0.0338228
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7814
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 5
+split_gain=0.143729 0.450647 0.373305 0.974834
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00071921219827232575 -0.0016260247898294126 0.0020865773220768344 -0.0012137428240075441 0.0027957549049002664
+leaf_weight=48 63 47 62 41
+leaf_count=48 63 47 62 41
+internal_value=0 0.0330507 -0.0189886 0.0187662
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7815
+num_leaves=5
+num_cat=0
+split_feature=7 5 7 5
+split_gain=0.144038 0.385553 0.272757 0.257977
+threshold=75.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00078683586559157232 -0.0010698848917197088 0.0018983110870550634 -0.0012577613315370093 0.0013263035287907859
+leaf_weight=42 47 46 66 60
+leaf_count=42 47 46 66 60
+internal_value=0 0.0117073 -0.0108679 0.0224203
+internal_weight=0 214 168 102
+internal_count=261 214 168 102
+shrinkage=0.02
+
+
+Tree=7816
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 6
+split_gain=0.143663 0.290228 0.554203 0.155857
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00012454867947737745 0.00011232992244020368 -0.00073776862295941309 0.0028376534704445716 -0.0016849845130157376
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.017506 0.0500146 -0.0357513
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7817
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.149627 0.401796 0.975998 1.04782
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011621893992298199 -0.002733621420493295 -0.0020808753171168213 0.0020293478767748068 0.0012780586288061735
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.011218 0.00933435 -0.050891
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7818
+num_leaves=5
+num_cat=0
+split_feature=3 1 8 4
+split_gain=0.145378 1.63786 1.64213 0.36751
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00096163131840778203 -0.0038778928467209741 0.0039945343769499002 -0.00070393399874983328 -0.0010558555075922127
+leaf_weight=56 41 50 75 39
+leaf_count=56 41 50 75 39
+internal_value=0 -0.0132041 0.058512 -0.125713
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=7819
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 4
+split_gain=0.140559 0.385399 0.719921 0.35619
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011307040425754652 -0.00012077463930592182 -0.00067849696119117006 0.0028239258739280082 -0.0024510592355454657
+leaf_weight=42 74 60 40 45
+leaf_count=42 74 60 40 45
+internal_value=0 -0.0109138 0.0357737 -0.0504808
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7820
+num_leaves=5
+num_cat=0
+split_feature=6 5 7 5
+split_gain=0.14756 0.333939 0.255286 0.260471
+threshold=70.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00080031121718093551 -0.0011253541106130359 0.0017233550095475567 -0.0012138743400212874 0.0013224600189752581
+leaf_weight=42 44 49 66 60
+leaf_count=42 44 49 66 60
+internal_value=0 0.0113639 -0.0102426 0.0220295
+internal_weight=0 217 168 102
+internal_count=261 217 168 102
+shrinkage=0.02
+
+
+Tree=7821
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 6
+split_gain=0.146163 0.323753 0.529294 0.15501
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-6.2736622225115579e-05 0.00010471394606984203 -0.00079292770426486238 0.0028337070385194714 -0.0016880911392317111
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0176352 0.0518504 -0.0360274
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7822
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 2
+split_gain=0.141556 0.44049 0.370147 1.59077
+threshold=55.500000000000007 55.500000000000007 69.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.00070870509719511362 0.0027614071082996965 0.0020665278460965785 -0.0014605906018686794 -0.0025862780980427809
+leaf_weight=48 53 47 74 39
+leaf_count=48 53 47 74 39
+internal_value=0 0.03282 -0.0188728 0.0242761
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=7823
+num_leaves=5
+num_cat=0
+split_feature=3 1 8 4
+split_gain=0.141263 1.57767 1.57524 0.368282
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00094937255488788681 -0.0038346324391918861 0.0039139036074450377 -0.00068891974395547684 -0.0010106254565630357
+leaf_weight=56 41 50 75 39
+leaf_count=56 41 50 75 39
+internal_value=0 -0.0130496 0.0573487 -0.1235
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=7824
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 5
+split_gain=0.140912 0.833664 0.578669 0.722314
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019324969623988242 0.0011649607941935955 -0.0021607251633008078 0.0024661809757798247 0.0013515118774681347
+leaf_weight=53 40 64 47 57
+leaf_count=53 40 64 47 57
+internal_value=0 -0.0106259 0.0288586 -0.0111869
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=7825
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 9 9
+split_gain=0.142709 2.46692 1.96767 0.986935 1.61765
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0010367748719631157 -0.0047314079403728507 0.0044099905397904171 -0.0028000114011313727 0.0036774750115199772 -0.0020363641541145143
+leaf_weight=49 40 45 47 41 39
+leaf_count=49 40 45 47 41 39
+internal_value=0 -0.0120603 0.0399939 -0.0237363 0.0441321
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=7826
+num_leaves=5
+num_cat=0
+split_feature=3 1 8 4
+split_gain=0.139899 1.48824 1.46314 0.346152
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00094541092732609302 -0.0037316193911812734 0.0037760455354926164 -0.00066185052915405181 -0.00098812972424522773
+leaf_weight=56 41 50 75 39
+leaf_count=56 41 50 75 39
+internal_value=0 -0.0129913 0.0554016 -0.12031
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=7827
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.151702 1.69992 1.58966
+threshold=7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=-0.0015805858560027325 0.001756228728222112 -0.003246300349955324 0.0025459939994514438
+leaf_weight=77 58 52 74
+leaf_count=77 58 52 74
+internal_value=0 -0.0300948 0.0218329
+internal_weight=0 110 151
+internal_count=261 110 151
+shrinkage=0.02
+
+
+Tree=7828
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 4
+split_gain=0.14483 1.24143 1.28801 0.380609
+threshold=7.5000000000000009 67.65000000000002 59.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00099268446883262525 0.00033080547405114235 0.0033252393839556904 -0.0035345830873384186 -0.0021563297111041246
+leaf_weight=67 69 43 41 41
+leaf_count=67 69 43 41 41
+internal_value=0 0.0213914 -0.0359887 -0.0294866
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=7829
+num_leaves=5
+num_cat=0
+split_feature=2 9 2 9
+split_gain=0.139227 0.565499 0.665076 1.85311
+threshold=8.5000000000000018 74.500000000000014 14.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00082453584483758199 0.0019098432108465993 0.0023823117296004879 0.0016150162785255179 -0.0036247385986082729
+leaf_weight=69 41 42 52 57
+leaf_count=69 41 42 52 57
+internal_value=0 0.0147579 -0.0142376 -0.0559136
+internal_weight=0 192 150 109
+internal_count=261 192 150 109
+shrinkage=0.02
+
+
+Tree=7830
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 7
+split_gain=0.138781 0.375204 0.508587 0.557108
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0008633054948430632 -0.0010526173235581437 0.0016749461161828794 -0.0022648271231065819 0.0019431517369917428
+leaf_weight=65 47 56 40 53
+leaf_count=65 47 56 40 53
+internal_value=0 0.0115173 -0.0138558 0.0195425
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=7831
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 4
+split_gain=0.141023 0.386552 0.710521 0.305005
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.001132341774761861 -0.00018364933807117682 -0.000668508896657824 0.0028115036828517321 -0.0023515132572795327
+leaf_weight=42 74 60 40 45
+leaf_count=42 74 60 40 45
+internal_value=0 -0.0109294 0.0358247 -0.0505525
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7832
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 3
+split_gain=0.145095 0.360677 0.472995 0.950812
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00059673311478594053 -0.0011170498290677608 0.0018867447770437146 0.001627551403572047 -0.0029324984576231871
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0112798 -0.00964315 -0.0410262
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=7833
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 6
+split_gain=0.146716 0.400814 0.555489 0.152801
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=2.6174809372746291e-05 9.8268394941669851e-05 -0.00091508167120137865 0.0030600653066640018 -0.0016829791261217437
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0176708 0.0555179 -0.036081
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7834
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 4
+split_gain=0.14007 0.384261 0.532654 0.146175
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=2.5651620210068326e-05 -0.0015281553097135569 -0.00089679968912187078 0.0029989739249422021 0.00021832708679353445
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0173183 0.0544167 -0.0353513
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7835
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 1
+split_gain=0.1391 0.379306 0.71722 0.840302
+threshold=72.500000000000014 7.5000000000000009 15.500000000000002 8.5000000000000018
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.001905192224115021 -0.0010535120453732216 -0.0019938315240043323 0.0023726565617431077 -0.0011907132516841138
+leaf_weight=45 47 60 60 49
+leaf_count=45 47 60 60 49
+internal_value=0 0.0115371 -0.0105496 0.0381852
+internal_weight=0 214 169 109
+internal_count=261 214 169 109
+shrinkage=0.02
+
+
+Tree=7836
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.137235 0.501025 1.02635 0.0972052
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00081916397514849996 0.0029001555112725063 -0.0014086870510014505 0.00018316743831795748 -0.0013412784047039899
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0146752 0.0465924 -0.0289545
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=7837
+num_leaves=5
+num_cat=0
+split_feature=4 9 5 2
+split_gain=0.138954 0.378987 0.71153 0.310691
+threshold=50.500000000000007 64.500000000000014 72.050000000000026 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011251510134609234 -0.000122825707503809 -0.00070593744203566861 0.0027628866295934104 -0.002284098362732391
+leaf_weight=42 71 59 41 48
+leaf_count=42 71 59 41 48
+internal_value=0 -0.0108536 0.0354612 -0.0501074
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7838
+num_leaves=6
+num_cat=0
+split_feature=7 4 2 9 1
+split_gain=0.148069 0.39113 0.411135 0.919301 0.775581
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 58.500000000000007 8.5000000000000018
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0014264586962804443 -0.0010829167597000578 0.0020651122295472697 0.0025533770883681374 -0.0030751896349926278 -0.0014283350774021023
+leaf_weight=48 47 40 39 46 41
+leaf_count=48 47 40 39 46 41
+internal_value=0 0.0118521 -0.00896346 -0.0398887 0.0251647
+internal_weight=0 214 174 126 80
+internal_count=261 214 174 126 80
+shrinkage=0.02
+
+
+Tree=7839
+num_leaves=5
+num_cat=0
+split_feature=2 9 2 9
+split_gain=0.14324 0.530456 0.634093 1.76767
+threshold=8.5000000000000018 74.500000000000014 14.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00083471428395284156 0.0018812030774414438 0.0023226977410496681 0.0015922839454240525 -0.0035265013441410078
+leaf_weight=69 41 42 52 57
+leaf_count=69 41 42 52 57
+internal_value=0 0.0149502 -0.0131559 -0.0538861
+internal_weight=0 192 150 109
+internal_count=261 192 150 109
+shrinkage=0.02
+
+
+Tree=7840
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 3
+split_gain=0.143849 0.371358 0.470761 0.926044
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00057329219607780144 -0.0011126135501673305 0.0019092578145214454 0.0016168256343046716 -0.002910443558582125
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0112478 -0.00996986 -0.0412812
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=7841
+num_leaves=5
+num_cat=0
+split_feature=8 5 3 1
+split_gain=0.13746 0.370012 0.243924 1.23402
+threshold=72.500000000000014 65.500000000000014 52.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00090067013038117364 -0.0010480238720442247 0.0018615942369295041 -0.002389802807273452 0.0019948418144184739
+leaf_weight=56 47 46 71 41
+leaf_count=56 47 46 71 41
+internal_value=0 0.0114797 -0.0106547 -0.0388664
+internal_weight=0 214 168 112
+internal_count=261 214 168 112
+shrinkage=0.02
+
+
+Tree=7842
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.145114 0.949038 0.788896 1.42275 0.653512
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0030387586723576538 -0.0011482126041379031 0.002872933341798421 -0.0027545395633691372 0.0030625739746803155 0.00059489026288105031
+leaf_weight=42 42 44 45 49 39
+leaf_count=42 42 44 45 49 39
+internal_value=0 0.0109886 -0.0221811 0.0175607 -0.0640176
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=7843
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 7
+split_gain=0.142906 0.364925 0.558343 0.140645
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-5.503185056872361e-05 0.00021803085337766516 -0.00086319072575948019 0.0029172107505775671 -0.0015017844120205552
+leaf_weight=68 39 65 42 47
+leaf_count=68 39 65 42 47
+internal_value=0 0.0174825 0.0536845 -0.0356515
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7844
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 5
+split_gain=0.139304 0.841231 0.577717 0.713524
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019166777437471733 0.001159629419405085 -0.0021677761976462511 0.002469721327219036 0.0013478576516351038
+leaf_weight=53 40 64 47 57
+leaf_count=53 40 64 47 57
+internal_value=0 -0.0105477 0.0291125 -0.0109003
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=7845
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 2
+split_gain=0.13762 0.3927 0.729288 0.307452
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011206848127756374 -0.00013914901124235113 -0.00067652986279656362 0.0028479822460838111 -0.0022901162904270097
+leaf_weight=42 71 60 40 48
+leaf_count=42 71 60 40 48
+internal_value=0 -0.0107947 0.0363143 -0.0507161
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7846
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 5
+split_gain=0.140607 0.398344 1.75976 0.495802
+threshold=73.500000000000014 7.5000000000000009 57.500000000000007 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00073675358468050316 -0.00094916565444394183 0.0005929547234339702 0.0045327914252949707 -0.002409244231972231
+leaf_weight=74 56 51 39 41
+leaf_count=74 56 51 39 41
+internal_value=0 0.0129369 0.0538272 -0.0368554
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7847
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.134236 0.38169 1.78993 0.552869
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0032331094449889524 -0.00093020588148930757 -0.0021410838906863491 -0.0018784850083263633 0.0010238728845151405
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0126749 0.0527459 -0.0361109
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7848
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.135926 0.934808 0.761037 1.3599 0.616214
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0030110828739202951 -0.0011159216975100341 0.0028471088652873705 -0.0027157789419171869 0.0029876812038491839 0.00051782735155085126
+leaf_weight=41 42 44 45 49 40
+leaf_count=41 42 44 45 49 40
+internal_value=0 0.0106728 -0.0222512 0.0167947 -0.06298
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=7849
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 5
+split_gain=0.142417 0.820982 0.535491 0.68213
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0018626146408407581 0.0011708599154955732 -0.0021467388210699269 0.0023902875502220455 0.0013313671152771762
+leaf_weight=53 40 64 47 57
+leaf_count=53 40 64 47 57
+internal_value=0 -0.0106524 0.028536 -0.0100245
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=7850
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 8
+split_gain=0.139282 0.495845 0.392661 0.800032
+threshold=55.500000000000007 54.500000000000007 70.500000000000014 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.002208519608397322 0.00037988118508654119 -0.00073361549314408336 0.00075772798936377301 -0.0033731902576665507
+leaf_weight=45 53 50 72 41
+leaf_count=45 53 50 72 41
+internal_value=0 0.0326106 -0.0187172 -0.0624942
+internal_weight=0 95 166 94
+internal_count=261 95 166 94
+shrinkage=0.02
+
+
+Tree=7851
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 3
+split_gain=0.142871 0.539333 0.604424 0.539481
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0009000237748247429 0.00089394527173414879 -0.0023931563946636711 0.002275768155639935 -0.0018841037645101022
+leaf_weight=56 62 40 44 59
+leaf_count=56 62 40 44 59
+internal_value=0 -0.0139726 0.0124044 -0.026084
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7852
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 5
+split_gain=0.137942 0.78698 0.525876 0.675477
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0018608947852368474 0.0011548293935470162 -0.0021041267632563626 0.0023616098175515839 0.0013178466199726697
+leaf_weight=53 40 64 47 57
+leaf_count=53 40 64 47 57
+internal_value=0 -0.0104941 0.0278897 -0.0103335
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=7853
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.140325 1.00098 1.4061 0.84853
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00043772278309627959 0.00087779433697589661 0.00056903362997782212 -0.0042459366201012165 0.0033265245254593167
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.014002 -0.0866706 0.0568244
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=7854
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.146234 0.514661 0.57351 0.571388
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00058273137159143141 0.00090334942889363362 -0.0023486333380383327 0.0022105510186785225 -0.0023743733292476248
+leaf_weight=72 62 40 44 43
+leaf_count=72 62 40 44 43
+internal_value=0 -0.014105 0.0116779 -0.0258394
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7855
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.139638 0.493545 0.459228 0.75992
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00088052834526324941 0.00088530252862134107 -0.0023017428003926509 0.0016050076795571166 -0.002741279122252983
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.0138195 0.0114446 -0.0321485
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=7856
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 2
+split_gain=0.138768 0.480473 0.391536 0.744808
+threshold=55.500000000000007 49.500000000000007 70.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0022503724704631277 0.00066027132107444918 -0.00065641227266095717 0.00075718721388050281 -0.0029412437885603868
+leaf_weight=43 44 52 72 50
+leaf_count=43 44 52 72 50
+internal_value=0 0.0325782 -0.0186667 -0.0623844
+internal_weight=0 95 166 94
+internal_count=261 95 166 94
+shrinkage=0.02
+
+
+Tree=7857
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.13953 0.532517 0.606089
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00082447344096642054 0.00098438072813822482 0.002323790041856877 -0.0015973694478847987
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0148145 -0.013345
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=7858
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.138885 0.949858 0.575048 0.506583
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001296850891347114 -0.0011258822364990746 0.0029480805054452205 -0.0025398907541415972 -0.0012109526443424938
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.0108024 -0.0214311 0.0101482
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=7859
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.143647 0.37918 0.528255 0.382262
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001109799148025249 -0.00095768665903835386 0.0015728141806190578 -0.0022773144314247439 0.0014829572369757047
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0130797 -0.0164191 0.0231859
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=7860
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.137151 0.359407 1.70213 0.567636
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0031599893556961884 -0.00093855655520745142 0.00082583850030718518 -0.0018259003268028212 -0.0023642311408348248
+leaf_weight=65 56 48 48 44
+leaf_count=65 56 48 48 44
+internal_value=0 0.0128141 0.0517597 -0.0345898
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7861
+num_leaves=6
+num_cat=0
+split_feature=4 3 4 7 5
+split_gain=0.135495 0.804831 0.454378 0.35091 0.355745
+threshold=75.500000000000014 69.500000000000014 61.500000000000007 54.500000000000007 47.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00087648113157014847 0.001145995158134091 -0.002767991737666895 0.0018614238228912563 -0.0019119641601310455 0.0018235399053969645
+leaf_weight=42 40 41 58 40 40
+leaf_count=42 40 41 58 40 40
+internal_value=0 -0.0104051 0.0185695 -0.0165547 0.0215643
+internal_weight=0 221 180 122 82
+internal_count=261 221 180 122 82
+shrinkage=0.02
+
+
+Tree=7862
+num_leaves=5
+num_cat=0
+split_feature=2 3 2 1
+split_gain=0.139671 0.535826 0.887816 2.06531
+threshold=8.5000000000000018 72.500000000000014 21.500000000000004 5.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00082501540571317433 0.0017745789196881928 0.0023936493257825323 0.0016035763488427364 -0.0043250501140062363
+leaf_weight=69 41 40 62 49
+leaf_count=69 41 40 62 49
+internal_value=0 0.0148121 -0.0125647 -0.0769114
+internal_weight=0 192 152 90
+internal_count=261 192 152 90
+shrinkage=0.02
+
+
+Tree=7863
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.136655 0.372042 0.498999 0.362459
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010923605978809296 -0.00093706042494007627 0.0015553741765241833 -0.0022249966454090126 0.0014357511925693911
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0127944 -0.0164379 0.0220859
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=7864
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 7
+split_gain=0.133331 0.524034 0.592285 2.70637
+threshold=8.5000000000000018 74.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00080846819800648492 0.0018946745723468967 0.0023022213672441176 0.0011853522781367968 -0.0052806376109087077
+leaf_weight=69 46 42 65 39
+leaf_count=69 46 42 65 39
+internal_value=0 0.0145151 -0.0134257 -0.069488
+internal_weight=0 192 150 85
+internal_count=261 192 150 85
+shrinkage=0.02
+
+
+Tree=7865
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.141097 0.951651 0.989006 0.350302 1.08839
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0020697060587714332 -0.0011338073590432547 0.003035067381006778 -0.0026641550117338202 0.0021132652061106559 -0.0025765967983422443
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0108718 -0.0204338 0.0293114 -0.00936499
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=7866
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.136201 0.623225 0.440129 0.791867
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014847185161981468 -0.00085810559205635312 0.0024740470217955715 -0.0013902393130083538 0.0025630297753575278
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.013933 -0.0155954 0.0348116
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7867
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 4 5
+split_gain=0.137782 0.923443 0.959444 0.347512 0.984766
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0021852948165531809 -0.0011221227588918789 0.0029916042824293687 -0.0026239894390842197 -0.0023066024220476564 0.0020377213101889845
+leaf_weight=39 42 40 55 43 42
+leaf_count=39 42 40 55 43 42
+internal_value=0 0.0107572 -0.0200877 0.0289196 -0.00753405
+internal_weight=0 219 179 124 85
+internal_count=261 219 179 124 85
+shrinkage=0.02
+
+
+Tree=7868
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.140169 0.601694 0.418687 0.781287
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014436426062813511 -0.00086897193185435059 0.0024404510964768102 -0.0012889635226196519 0.0026316444885799459
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0141072 -0.0149184 0.0342937
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7869
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 6
+split_gain=0.139882 0.346839 1.34013 1.14437
+threshold=73.500000000000014 41.500000000000007 6.5000000000000009 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0014257984186629468 -0.00094673496863198665 -0.0035811770537838108 0.0026464004312565159 0.0010385236926779185
+leaf_weight=41 56 39 76 49
+leaf_count=41 56 39 76 49
+internal_value=0 0.0129219 0.0342401 -0.050049
+internal_weight=0 205 164 88
+internal_count=261 205 164 88
+shrinkage=0.02
+
+
+Tree=7870
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 4 5
+split_gain=0.140049 0.89723 0.948194 0.339709 0.91873
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0021725289379815054 -0.0011302563878910145 0.0029542059490202904 -0.0026011134203525427 -0.0022225040254544872 0.0019766519932972321
+leaf_weight=39 42 40 55 43 42
+leaf_count=39 42 40 55 43 42
+internal_value=0 0.0108292 -0.0195812 0.0291429 -0.00691519
+internal_weight=0 219 179 124 85
+internal_count=261 219 179 124 85
+shrinkage=0.02
+
+
+Tree=7871
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.141802 0.360664 1.71915 0.542274
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0031753658523317363 -0.00095245569104580223 0.0007944920152543561 -0.0018351353458643258 -0.0023256739280866014
+leaf_weight=65 56 48 48 44
+leaf_count=65 56 48 48 44
+internal_value=0 0.0129968 0.0520059 -0.0344853
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7872
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.141626 0.580702 0.416375 0.763359
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014295948038025772 -0.00087307189553580686 0.0024048120083762429 -0.0012580175043632724 0.0026182558587817591
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0141632 -0.0143637 0.0347197
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7873
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.135213 0.556972 0.39906 0.740456
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014010307333812448 -0.00085562956422469692 0.0023567960660843545 -0.0013385394936089462 0.0024872300704881561
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0138767 -0.0140765 0.0340168
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7874
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.138085 0.763573 1.4195 1.90776
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010097989295922711 0.0019987788272776302 -0.0058806829209529414 0.0011228786654243366 4.5022083489394424e-05
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.01201 -0.0452506 -0.132096
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7875
+num_leaves=5
+num_cat=0
+split_feature=4 1 7 4
+split_gain=0.134367 0.79596 1.62347 1.04774
+threshold=75.500000000000014 6.5000000000000009 53.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0018077210534065552 0.0011418137777645986 -0.0010228998547155619 -0.0032492037272950649 0.0029109587766711843
+leaf_weight=40 40 53 71 57
+leaf_count=40 40 53 71 57
+internal_value=0 -0.0103683 -0.0709848 0.050442
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=7876
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 5
+split_gain=0.134242 0.361516 1.70408 0.497992
+threshold=73.500000000000014 7.5000000000000009 57.500000000000007 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00074961937804529991 -0.00092983341225545333 0.00063623604626017862 0.0044368753252331181 -0.0023728055412066311
+leaf_weight=74 56 51 39 41
+leaf_count=74 56 51 39 41
+internal_value=0 0.0126947 0.0517487 -0.0348423
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7877
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 1
+split_gain=0.140576 0.894444 0.914143 0.326078 3.96502
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0020431259027118846 -0.0011320386616951897 0.0029504775535385002 -0.0025605676753001007 -0.0045950709968634795 0.0042145575172627741
+leaf_weight=42 42 40 55 41 41
+leaf_count=42 42 40 55 41 41
+internal_value=0 0.0108508 -0.019513 0.0283415 -0.00903356
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=7878
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.137566 0.545431 0.37845 0.744343
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013652986089581506 -0.0008619096896587753 0.0023381563763961903 -0.0012643149955910663 0.0025647412568829907
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0139906 -0.0136789 0.0332089
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7879
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 4 5
+split_gain=0.137045 0.868346 0.891928 0.330218 0.86315
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0021303653681952537 -0.001119561229093301 0.0029087791362247891 -0.0025282996829070824 -0.0021715826595763003 0.0019011833320657602
+leaf_weight=39 42 40 55 43 42
+leaf_count=39 42 40 55 43 42
+internal_value=0 0.0107289 -0.0191957 0.0280834 -0.00749223
+internal_weight=0 219 179 124 85
+internal_count=261 219 179 124 85
+shrinkage=0.02
+
+
+Tree=7880
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.143525 0.37468 1.74458 0.513777
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.003206480703102942 -0.0009574727421991536 0.00073991234768247917 -0.0018405187291536649 -0.0022995953744356398
+leaf_weight=65 56 48 48 44
+leaf_count=65 56 48 48 44
+internal_value=0 0.0130678 0.0527868 -0.035286
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7881
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.138128 0.537113 0.37849 0.734433
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013608517608911202 -0.00086353940386583864 0.002323360465500625 -0.0012470575787593247 0.0025569649036736404
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0140108 -0.0134525 0.0334386
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7882
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 2 5
+split_gain=0.136601 0.347443 1.2041 2.58345 0.672311
+threshold=73.500000000000014 41.500000000000007 15.500000000000002 8.5000000000000018 57.650000000000013
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0014300023856347629 -0.0009370955610649459 0.0024680159087415712 0.0042155038032393854 -0.0046054914259173333 0.00048958643126707411
+leaf_weight=41 56 42 42 41 39
+leaf_count=41 56 42 42 41 39
+internal_value=0 0.0127825 0.0341185 -0.0508716 0.121669
+internal_weight=0 205 164 83 81
+internal_count=261 205 164 83 81
+shrinkage=0.02
+
+
+Tree=7883
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 1 2
+split_gain=0.1333 0.80652 0.559898 0.358902 0.766214
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 3.5000000000000004 19.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0021312983469121173 0.0011377657678081474 -0.0027692583744648399 0.001216782235889894 -0.0031652784801225638 0.00065509800095089291
+leaf_weight=53 40 41 41 40 46
+leaf_count=53 40 41 41 40 46
+internal_value=0 -0.0103371 0.0186674 -0.0177379 -0.0556828
+internal_weight=0 221 180 127 86
+internal_count=261 221 180 127 86
+shrinkage=0.02
+
+
+Tree=7884
+num_leaves=5
+num_cat=0
+split_feature=2 9 2 9
+split_gain=0.137505 0.538361 0.683811 1.79338
+threshold=8.5000000000000018 74.500000000000014 14.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.000819388073985684 0.0019526409893857902 0.0023324480875954652 0.0015723678888618911 -0.0035829717758275991
+leaf_weight=69 41 42 52 57
+leaf_count=69 41 42 52 57
+internal_value=0 0.0147118 -0.0135977 -0.0558389
+internal_weight=0 192 150 109
+internal_count=261 192 150 109
+shrinkage=0.02
+
+
+Tree=7885
+num_leaves=4
+num_cat=0
+split_feature=2 9 1
+split_gain=0.1313 0.516843 0.666798
+threshold=8.5000000000000018 71.500000000000014 5.5000000000000009
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0008030170557363275 0.0011163036996173499 0.0020476627353938422 -0.0016746548253128014
+leaf_weight=69 67 51 74
+leaf_count=69 67 51 74
+internal_value=0 0.0144226 -0.0171444
+internal_weight=0 192 141
+internal_count=261 192 141
+shrinkage=0.02
+
+
+Tree=7886
+num_leaves=6
+num_cat=0
+split_feature=9 5 9 4 5
+split_gain=0.138145 0.880023 0.467504 0.286616 0.655796
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 52.500000000000007 55.650000000000013
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0013395772671038659 -0.0011233464658387856 0.0028473350191048326 -0.0023163985352330991 -0.0025086917430505685 0.0011174989540483659
+leaf_weight=54 42 42 41 39 43
+leaf_count=54 42 42 41 39 43
+internal_value=0 0.0107728 -0.0202709 0.00828509 -0.0299037
+internal_weight=0 219 177 136 82
+internal_count=261 219 177 136 82
+shrinkage=0.02
+
+
+Tree=7887
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 6
+split_gain=0.137017 0.341482 1.30996 1.08207
+threshold=73.500000000000014 41.500000000000007 6.5000000000000009 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0014156375610250786 -0.00093811670917866817 -0.0034977060044196246 0.002619218447800142 0.00099639109099545348
+leaf_weight=41 56 39 76 49
+leaf_count=41 56 39 76 49
+internal_value=0 0.0128106 0.0339738 -0.0493712
+internal_weight=0 205 164 88
+internal_count=261 205 164 88
+shrinkage=0.02
+
+
+Tree=7888
+num_leaves=5
+num_cat=0
+split_feature=5 9 8 7
+split_gain=0.138797 0.579799 0.437827 0.757535
+threshold=68.65000000000002 65.500000000000014 56.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00090493696790279595 -0.00080683827375047275 0.0025120105133097526 -0.0019571828958376935 0.0026056805545464612
+leaf_weight=65 71 39 45 41
+leaf_count=65 71 39 45 41
+internal_value=0 0.0150642 -0.0132651 0.0223112
+internal_weight=0 190 151 106
+internal_count=261 190 151 106
+shrinkage=0.02
+
+
+Tree=7889
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 4 5
+split_gain=0.136714 0.867551 0.85742 0.316809 0.819963
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 51.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.002082012618079282 -0.0011183700464897891 0.0029073611235779242 -0.0024872938357530369 -0.0021259236841721821 0.0018459018869031092
+leaf_weight=39 42 40 55 43 42
+leaf_count=39 42 40 55 43 42
+internal_value=0 0.0107181 -0.0191929 0.0271773 -0.00770333
+internal_weight=0 219 179 124 85
+internal_count=261 219 179 124 85
+shrinkage=0.02
+
+
+Tree=7890
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 7
+split_gain=0.136953 0.414903 0.57029 0.592079
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00088865291112262448 -0.001045971706411452 0.0017449944558438292 -0.002403274412341983 0.0020016938716942516
+leaf_weight=65 47 56 40 53
+leaf_count=65 47 56 40 53
+internal_value=0 0.0114794 -0.0151496 0.0201598
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=7891
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.13353 0.867942 0.805085 1.39505
+threshold=77.500000000000014 24.500000000000004 64.200000000000003 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001260378008072458 -0.001106998912648291 0.0027519374818035826 -0.00259450955616635 0.0030930608903333647
+leaf_weight=76 42 44 50 49
+leaf_count=76 42 44 50 49
+internal_value=0 0.0106063 -0.0211366 0.0220275
+internal_weight=0 219 175 125
+internal_count=261 219 175 125
+shrinkage=0.02
+
+
+Tree=7892
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 1 2
+split_gain=0.132581 0.777777 0.558058 0.360103 0.747184
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 3.5000000000000004 19.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0021188061478134828 0.0011350950684248732 -0.0027238410338305892 0.0012106085403808529 -0.0031499835458893947 0.00062353272192359663
+leaf_weight=53 40 41 41 40 46
+leaf_count=53 40 41 41 40 46
+internal_value=0 -0.0103128 0.0181793 -0.0181687 -0.0561715
+internal_weight=0 221 180 127 86
+internal_count=261 221 180 127 86
+shrinkage=0.02
+
+
+Tree=7893
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 9
+split_gain=0.130513 0.529002 0.833219 0.461717
+threshold=8.5000000000000018 72.500000000000014 7.5000000000000009 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00080100007882697463 0.0025134137599336563 0.0023721828364302519 -0.0019701065711955614 -0.00046613172100450014
+leaf_weight=69 44 40 66 42
+leaf_count=69 44 40 66 42
+internal_value=0 0.0143813 -0.012826 0.0524898
+internal_weight=0 192 152 86
+internal_count=261 192 152 86
+shrinkage=0.02
+
+
+Tree=7894
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 9
+split_gain=0.133265 0.330374 1.78017 0.52241
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0031740596766788444 -0.00092697167042553145 0.00079976206339643088 -0.0019239757740252079 -0.0022648641607754352
+leaf_weight=65 56 48 48 44
+leaf_count=65 56 48 48 44
+internal_value=0 0.01265 0.0500798 -0.0328924
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7895
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.130065 0.521714 0.646601
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00079991492177291677 0.0010208216717893766 0.0022947395958638627 -0.001643257365772707
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0143546 -0.0135264
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=7896
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 5
+split_gain=0.129828 0.335488 1.34342 0.908986
+threshold=73.500000000000014 41.500000000000007 6.5000000000000009 53.95000000000001
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0014078168387769462 -0.00091657167910168854 -0.0032704448211279919 0.0026338864529322466 0.00084445738303567106
+leaf_weight=41 56 40 76 48
+leaf_count=41 56 40 76 48
+internal_value=0 0.0125048 0.0334937 -0.0508991
+internal_weight=0 205 164 88
+internal_count=261 205 164 88
+shrinkage=0.02
+
+
+Tree=7897
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.134463 0.878155 0.474513 0.464447
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012172558924430491 -0.001110435596109145 0.0028418544981126583 -0.0023322043342401083 -0.0011883026472461068
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.0106345 -0.0203769 0.00838571
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=7898
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 7
+split_gain=0.132553 0.407569 0.551749 0.566962
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00087187372536195378 -0.001031403261839723 0.0017287533674591766 -0.0023689384920797295 0.0019584853435294968
+leaf_weight=65 47 56 40 53
+leaf_count=65 47 56 40 53
+internal_value=0 0.0113075 -0.0150944 0.0196511
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=7899
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.131312 0.859541 0.781628 1.36015
+threshold=77.500000000000014 24.500000000000004 64.200000000000003 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012503362676995302 -0.001099162529405744 0.002738179114905241 -0.0025621242564679713 0.0030490813619662733
+leaf_weight=76 42 44 50 49
+leaf_count=76 42 44 50 49
+internal_value=0 0.0105198 -0.0210716 0.0214701
+internal_weight=0 219 175 125
+internal_count=261 219 175 125
+shrinkage=0.02
+
+
+Tree=7900
+num_leaves=6
+num_cat=0
+split_feature=4 3 2 8 4
+split_gain=0.132928 0.757377 0.542575 0.348741 0.320244
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 49.500000000000007 60.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.0020873828755948913 0.0011361988923006413 -0.0026918715412726445 0.001058609973902454 -0.0024891216642754853 8.4173969719454647e-05
+leaf_weight=53 40 41 46 40 41
+leaf_count=53 40 41 46 40 41
+internal_value=0 -0.0103338 0.0177891 -0.0180656 -0.0588887
+internal_weight=0 221 180 127 81
+internal_count=261 221 180 127 81
+shrinkage=0.02
+
+
+Tree=7901
+num_leaves=5
+num_cat=0
+split_feature=7 6 7 2
+split_gain=0.130672 0.428224 0.316353 0.325008
+threshold=76.500000000000014 63.500000000000007 58.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00048527916923084692 0.0011448440437033746 -0.0018076025281717081 0.0015495670709804038 -0.0018251935664786566
+leaf_weight=72 39 53 57 40
+leaf_count=72 39 53 57 40
+internal_value=0 -0.0100998 0.0148673 -0.0166688
+internal_weight=0 222 169 112
+internal_count=261 222 169 112
+shrinkage=0.02
+
+
+Tree=7902
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.132091 0.537036 0.515063 0.525984
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0006006885401560071 0.00086396310310999855 -0.0023793709686057121 0.0021335681326161552 -0.0022408386888486316
+leaf_weight=72 62 40 44 43
+leaf_count=72 62 40 44 43
+internal_value=0 -0.0134968 0.0128261 -0.022778
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7903
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 7
+split_gain=0.131271 0.505825 0.80923 0.185869
+threshold=8.5000000000000018 72.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00080306379904152611 0.0019550693138871067 0.0023283703879938777 -0.0019335458031288161 -0
+leaf_weight=69 46 40 66 40
+leaf_count=69 46 40 66 40
+internal_value=0 0.0144151 -0.0122061 0.0521818
+internal_weight=0 192 152 86
+internal_count=261 192 152 86
+shrinkage=0.02
+
+
+Tree=7904
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 6
+split_gain=0.13271 0.32375 1.32691 1.04741
+threshold=73.500000000000014 41.500000000000007 6.5000000000000009 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0013776125696299284 -0.00092530015718496827 -0.0034825611462383234 0.0026174667229614174 0.00093985874634763724
+leaf_weight=41 56 39 76 49
+leaf_count=41 56 39 76 49
+internal_value=0 0.0126267 0.0332681 -0.0506102
+internal_weight=0 205 164 88
+internal_count=261 205 164 88
+shrinkage=0.02
+
+
+Tree=7905
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 5
+split_gain=0.133784 0.47644 0.417188 0.909084
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021678675544851765 -0.0016816604313680873 -0.00071824365934021863 -0.0011062804388792518 0.0027678190663344444
+leaf_weight=45 63 50 62 41
+leaf_count=45 63 50 62 41
+internal_value=0 0.0320518 -0.0183823 0.0214454
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7906
+num_leaves=5
+num_cat=0
+split_feature=7 5 8 4
+split_gain=0.142341 0.405238 0.2934 0.369507
+threshold=75.500000000000014 65.500000000000014 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010844726851751104 -0.001063912634842457 0.0019374411482148037 -0.0012921629015723447 0.0014585613817713564
+leaf_weight=39 47 46 67 62
+leaf_count=39 47 46 67 62
+internal_value=0 0.0116679 -0.0114544 0.0234306
+internal_weight=0 214 168 101
+internal_count=261 214 168 101
+shrinkage=0.02
+
+
+Tree=7907
+num_leaves=5
+num_cat=0
+split_feature=6 5 7 5
+split_gain=0.136159 0.354003 0.281843 0.308385
+threshold=70.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00089229542701495159 -0.0010859633626812354 0.0017578073019939599 -0.0012808607955310572 0.0014055489458854411
+leaf_weight=42 44 49 66 60
+leaf_count=42 44 49 66 60
+internal_value=0 0.0109922 -0.0112257 0.0225788
+internal_weight=0 217 168 102
+internal_count=261 217 168 102
+shrinkage=0.02
+
+
+Tree=7908
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.133096 0.859925 0.473774 0.455386
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012123013357689262 -0.0011056204879400081 0.0028139990034028585 -0.0023254913955905129 -0.0011705752022076283
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.0105818 -0.0201112 0.00863019
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=7909
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.13942 0.403662 0.532947 0.510422
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00063685231167561298 -0.0010544578813052822 0.0017267787058138264 -0.0023273419787015349 0.0021301813103429363
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.0115545 -0.0147249 0.0194399
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=7910
+num_leaves=5
+num_cat=0
+split_feature=5 3 8 4
+split_gain=0.134428 0.56913 0.384738 0.33898
+threshold=68.65000000000002 65.500000000000014 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010328816880891779 -0.00079604901114445435 0.0024877323235030185 -0.0017384591408182528 0.0014081177884858057
+leaf_weight=39 71 39 50 62
+leaf_count=39 71 39 50 62
+internal_value=0 0.0148362 -0.0132381 0.0228788
+internal_weight=0 190 151 101
+internal_count=261 190 151 101
+shrinkage=0.02
+
+
+Tree=7911
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 4
+split_gain=0.137449 0.418538 0.677033 0.327212
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011199216551357929 -0.00018414267027617082 -0.00059700698320294492 0.0028016337516571415 -0.0024243161460169409
+leaf_weight=42 74 60 40 45
+leaf_count=42 74 60 40 45
+internal_value=0 -0.0107966 0.0377732 -0.0519457
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7912
+num_leaves=5
+num_cat=0
+split_feature=7 5 7 5
+split_gain=0.139111 0.374016 0.258751 0.286743
+threshold=75.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0008632081646833277 -0.0010535733057025741 0.0018710739476537923 -0.0012295204160594898 0.0013574281549699812
+leaf_weight=42 47 46 66 60
+leaf_count=42 47 46 66 60
+internal_value=0 0.0115363 -0.0107125 0.0217623
+internal_weight=0 214 168 102
+internal_count=261 214 168 102
+shrinkage=0.02
+
+
+Tree=7913
+num_leaves=5
+num_cat=0
+split_feature=5 3 7 5
+split_gain=0.135325 0.555894 0.354352 0.274646
+threshold=68.65000000000002 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00084597275681379269 -0.00079848931373985624 0.0024636982169668783 -0.0016963895213444242 0.0013303111250237418
+leaf_weight=42 71 39 49 60
+leaf_count=42 71 39 49 60
+internal_value=0 0.0148726 -0.0128815 0.0213195
+internal_weight=0 190 151 102
+internal_count=261 190 151 102
+shrinkage=0.02
+
+
+Tree=7914
+num_leaves=6
+num_cat=0
+split_feature=4 2 2 3 4
+split_gain=0.136258 0.448297 0.633056 1.02911 2.20603
+threshold=50.500000000000007 25.500000000000004 19.500000000000004 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0011155435012926646 0.00094443569084639895 -0.002171515685410639 0.0023674242786149748 0.0021610245483347206 -0.0052887340764640736
+leaf_weight=42 55 40 43 42 39
+leaf_count=42 55 40 43 42 39
+internal_value=0 -0.0107623 0.0109059 -0.0228215 -0.0817587
+internal_weight=0 219 179 136 94
+internal_count=261 219 179 136 94
+shrinkage=0.02
+
+
+Tree=7915
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.138176 0.53156 0.368366 0.75351
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013444407318375124 -0.00086398898076021273 0.0023128784159767335 -0.0013771652356734092 0.0024816135980181664
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.013997 -0.0133278 0.0329595
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7916
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.137588 0.432748 0.965084 1.06717
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011203785579618831 -0.0027192249199165003 -0.0021395726198860914 0.0020424329109864177 0.00132898667302053
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0108031 0.0104986 -0.049392
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7917
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.135522 0.83132 0.475206 0.444008
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012123330718061519 -0.001114451931906846 0.0027729229342492597 -0.0023166782449407534 -0.0011416871708743519
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.01066 -0.0195264 0.00925812
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=7918
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.13886 0.499311 0.359411 0.726658
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013151071561065977 -0.00086586957963409421 0.002253130435631908 -0.0013349936657380439 0.002455927718240351
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0140265 -0.0124799 0.0332699
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7919
+num_leaves=5
+num_cat=0
+split_feature=5 9 8 7
+split_gain=0.140565 0.528523 0.406462 0.694463
+threshold=68.65000000000002 65.500000000000014 56.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.000847332279459936 -0.00081179771335949892 0.0024165687122124067 -0.0018722673748882907 0.0025175395874260753
+leaf_weight=65 71 39 45 41
+leaf_count=65 71 39 45 41
+internal_value=0 0.0151238 -0.0119559 0.0223718
+internal_weight=0 190 151 106
+internal_count=261 190 151 106
+shrinkage=0.02
+
+
+Tree=7920
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.144555 0.417813 0.934698 1.032
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011448384120454692 -0.002684276368679362 -0.0021122973440352122 0.002002112634267186 0.0012977328758087597
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0110412 0.00990218 -0.0490545
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7921
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 7
+split_gain=0.145043 0.310759 0.562143 0.166666
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.000245567450357776 0.00028769036273929444 -0.0007717980889840227 0.0026763769683246187 -0.0015683714537983212
+leaf_weight=62 39 65 48 47
+leaf_count=62 39 65 48 47
+internal_value=0 0.0175902 0.0511543 -0.0358912
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7922
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 5
+split_gain=0.140543 0.497937 0.382691 0.923832
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022810714538783242 -0.0016370462476781907 -0.00067621554940400935 -0.0011593369811902939 0.0027457692844025379
+leaf_weight=43 63 52 62 41
+leaf_count=43 63 52 62 41
+internal_value=0 0.0327313 -0.0187992 0.0194085
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7923
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.14438 0.56617 0.521632 0.912381
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0018632946043857055 -0.00082142022468880359 0.0023912493498751946 -0.0021133737319293929 0.0020338688308701798
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0153007 -0.0140595 0.0256204
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=7924
+num_leaves=5
+num_cat=0
+split_feature=6 5 8 4
+split_gain=0.139704 0.313938 0.253903 0.332635
+threshold=70.500000000000014 65.500000000000014 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001022800192492436 -0.001098555570858418 0.0016752160293933985 -0.0011917962064498678 0.0013964636374786507
+leaf_weight=39 44 49 67 62
+leaf_count=39 44 49 67 62
+internal_value=0 0.0110994 -0.00988162 0.0227158
+internal_weight=0 217 168 101
+internal_count=261 217 168 101
+shrinkage=0.02
+
+
+Tree=7925
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.139071 0.405563 0.91424 1.00459
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011254906515511815 -0.0026515918247631588 -0.0020820789642693365 0.0019803600210554408 0.0012780829729758557
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0108613 0.00978421 -0.0485348
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7926
+num_leaves=5
+num_cat=0
+split_feature=5 3 8 9
+split_gain=0.143674 0.519777 0.338237 0.270701
+threshold=68.65000000000002 65.500000000000014 54.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013571160205310224 -0.00081966862642297075 0.0024024832284539016 -0.0016186660284517602 -0.00081168322015260611
+leaf_weight=59 71 39 50 42
+leaf_count=59 71 39 50 42
+internal_value=0 0.0152669 -0.0115937 0.0223693
+internal_weight=0 190 151 101
+internal_count=261 190 151 101
+shrinkage=0.02
+
+
+Tree=7927
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 7
+split_gain=0.139823 0.314232 0.550103 0.165744
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00023445362307098879 0.00029654437565943882 -0.0007835232693056771 0.0026569287454589678 -0.00155507122720658
+leaf_weight=62 39 65 48 47
+leaf_count=62 39 65 48 47
+internal_value=0 0.0173023 0.051043 -0.0353266
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7928
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 9
+split_gain=0.13801 0.514546 0.953319 0.664362
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0011252945524668277 -0.00086373370272777971 0.0010664195031316684 0.0027184254175158418 -0.0024885354032505571
+leaf_weight=43 64 39 67 48
+leaf_count=43 64 39 67 48
+internal_value=0 0.0139797 0.0604426 -0.0443085
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=7929
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 7
+split_gain=0.132504 0.296319 0.533987 0.155716
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00024283332134721091 0.00028484975594463691 -0.00076076601532466663 0.0026073513546114235 -0.0015156323710444222
+leaf_weight=62 39 65 48 47
+leaf_count=62 39 65 48 47
+internal_value=0 0.016896 0.0497241 -0.0345136
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7930
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 4
+split_gain=0.134074 0.391966 0.708196 0.315496
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011075642571076378 -0.00017125404636894015 -0.00065529566964552259 0.0028190552581418681 -0.0023733945037704273
+leaf_weight=42 74 60 40 45
+leaf_count=42 74 60 40 45
+internal_value=0 -0.0106947 0.0363725 -0.050581
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7931
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.136862 0.476343 0.359025 0.728333
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001304739646844135 -0.00086071574313044841 0.0022069435409222187 -0.0013277556020709286 0.0024673404575445796
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0139224 -0.0119857 0.0337428
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7932
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 6
+split_gain=0.137121 0.285168 0.53698 0.158707
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-5.6497801621515943e-05 0.00013358754962391624 -0.00073604949108371179 0.0029061081115512068 -0.0016787410566329003
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.017145 0.0493896 -0.035037
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7933
+num_leaves=5
+num_cat=0
+split_feature=4 9 5 4
+split_gain=0.137716 0.382547 0.699472 0.318972
+threshold=50.500000000000007 64.500000000000014 72.050000000000026 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011204781162786972 -0.00016048918125251453 -0.00068938603841332141 0.0027505795330730761 -0.0023737762486989874
+leaf_weight=42 74 59 41 45
+leaf_count=42 74 59 41 45
+internal_value=0 -0.0108251 0.0356971 -0.0502534
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7934
+num_leaves=5
+num_cat=0
+split_feature=5 4 2 4
+split_gain=0.142561 0.537052 0.486943 0.451847
+threshold=68.65000000000002 65.500000000000014 19.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00060553076035096823 -0.00081719368759113412 0.002336774405268215 -0.0017712358464354848 0.0022738465073997016
+leaf_weight=52 71 42 56 40
+leaf_count=52 71 42 56 40
+internal_value=0 0.0151991 -0.013416 0.031923
+internal_weight=0 190 148 92
+internal_count=261 190 148 92
+shrinkage=0.02
+
+
+Tree=7935
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 9
+split_gain=0.140169 0.32183 0.95888 0.537673
+threshold=73.500000000000014 7.5000000000000009 54.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0013207081471824909 -0.00094843418070482063 0.00083650297959381062 0.0024867585828074489 -0.0022713141708328578
+leaf_weight=44 56 48 69 44
+leaf_count=44 56 48 69 44
+internal_value=0 0.0128909 0.0498615 -0.0320876
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=7936
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 5
+split_gain=0.139688 0.481386 0.373083 0.91414
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022526961070964803 -0.0016213541442862975 -0.00065674087258038984 -0.0011600406967500797 0.0027250018295708845
+leaf_weight=43 63 52 62 41
+leaf_count=43 63 52 62 41
+internal_value=0 0.0326218 -0.0187712 0.0189736
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7937
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 5 5
+split_gain=0.144164 0.344517 0.751182 0.282019 0.317982
+threshold=70.500000000000014 72.500000000000014 58.900000000000006 52.800000000000004 47.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00081104622517575386 -0.001114158915883699 -0.0015189562370656914 0.0028735349764574224 -0.0015547586439541778 0.0016250006466745626
+leaf_weight=42 44 39 45 42 49
+leaf_count=42 44 39 45 42 49
+internal_value=0 0.0112346 0.0305834 -0.00743617 0.0246064
+internal_weight=0 217 178 133 91
+internal_count=261 217 178 133 91
+shrinkage=0.02
+
+
+Tree=7938
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 9
+split_gain=0.139071 0.46895 0.904062 0.620372
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0011050877223556352 -0.00086705783269549379 0.0010538762838357789 0.0026399280220065764 -0.0023848470525332888
+leaf_weight=43 64 39 67 48
+leaf_count=43 64 39 67 48
+internal_value=0 0.014005 0.0584464 -0.0417277
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=7939
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 9 9
+split_gain=0.136832 2.37033 1.9679 0.859006 1.49053
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0010175308807226725 -0.0046393438232102723 0.0043938156119968296 -0.0026638313733054744 0.0034610989923485303 -0.0020267432653479846
+leaf_weight=49 40 45 47 41 39
+leaf_count=49 40 45 47 41 39
+internal_value=0 -0.0118577 0.0391716 -0.0245629 0.0388176
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=7940
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 6
+split_gain=0.136752 0.296153 0.528321 0.162976
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-3.7423545612352245e-05 0.00014429311858927169 -0.00075615938557665422 0.0029017976379307575 -0.0016898993042183542
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0171104 0.0499289 -0.0350103
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7941
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 6
+split_gain=0.138215 0.321102 1.32796 0.977797
+threshold=73.500000000000014 41.500000000000007 6.5000000000000009 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0013677739282869962 -0.00094285564120066281 -0.0033993961929508353 0.0026201133235487849 0.00087585630460917669
+leaf_weight=41 56 39 76 49
+leaf_count=41 56 39 76 49
+internal_value=0 0.0128008 0.0333626 -0.0505485
+internal_weight=0 205 164 88
+internal_count=261 205 164 88
+shrinkage=0.02
+
+
+Tree=7942
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.139185 0.38394 0.917816 0.944006
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.001125359767855333 -0.0026147144043103011 -0.00203467560373758 0.0019724660926484453 0.0011964702737520282
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0108915 0.00921685 -0.0492153
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7943
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 4
+split_gain=0.141592 0.316648 0.488229 0.152383
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=5.2712960041607594e-06 -0.0015472781409766013 -0.0007861850490507048 0.002856829140515531 0.00023199199826930985
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0173742 0.051236 -0.035545
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7944
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 9
+split_gain=0.144351 0.512553 0.834635 0.612445
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00097373303737805341 -0.00088121749540935991 0.00099765382888282331 0.00262681223299985 -0.002419169535377999
+leaf_weight=43 64 39 67 48
+leaf_count=43 64 39 67 48
+internal_value=0 0.0142413 0.0606167 -0.0439366
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=7945
+num_leaves=5
+num_cat=0
+split_feature=3 1 8 4
+split_gain=0.144718 1.51597 1.56072 0.259858
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00095931195662113909 -0.0035924424676236832 0.0038708673441674342 -0.00071104949476939001 -0.0011830652747346156
+leaf_weight=56 41 50 75 39
+leaf_count=56 41 50 75 39
+internal_value=0 -0.0131975 0.0558231 -0.121496
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=7946
+num_leaves=5
+num_cat=0
+split_feature=3 1 8 5
+split_gain=0.138225 1.45533 1.49829 0.131056
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014 56.95000000000001
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00094015006357991635 -0.0032901939944992718 0.003793558542578907 -0.0006968418876483562 -0.0014937302013503131
+leaf_weight=56 39 50 75 41
+leaf_count=56 39 50 75 41
+internal_value=0 -0.012938 0.054702 -0.11908
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=7947
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 9 9
+split_gain=0.135036 2.11713 1.83623 0.8753 1.41612
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0010116933506351881 -0.004398408200166932 0.0042179456620991887 -0.002695121650196189 0.0033946685073205614 -0.0019560203596182971
+leaf_weight=49 40 45 47 41 39
+leaf_count=49 40 45 47 41 39
+internal_value=0 -0.0117894 0.0364505 -0.0251287 0.0388393
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=7948
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 5
+split_gain=0.133403 0.337958 0.841884 1.10991
+threshold=70.500000000000014 72.500000000000014 9.5000000000000018 58.20000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00015220688972039997 -0.0010771658111110901 -0.0015108253557205445 -0.0011617627254365318 0.0043763818616005205
+leaf_weight=70 44 39 68 40
+leaf_count=70 44 39 68 40
+internal_value=0 0.0108531 0.0300291 0.0848672
+internal_weight=0 217 178 110
+internal_count=261 217 178 110
+shrinkage=0.02
+
+
+Tree=7949
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 4
+split_gain=0.13522 1.39736 1.38074 0.236045
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00093112205441716266 -0.0034496216650118871 0.0034976880294802187 -0.00076762788403431743 -0.0011430170921413816
+leaf_weight=56 41 54 71 39
+leaf_count=56 41 54 71 39
+internal_value=0 -0.0128173 0.0534759 -0.116856
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=7950
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 2
+split_gain=0.134166 0.549772 0.666421 0.620609
+threshold=8.5000000000000018 74.500000000000014 4.5000000000000009 21.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0008117680404126533 0.0014383121483016183 0.0023489525917734194 8.2661874925032258e-05 -0.0032541546227035302
+leaf_weight=69 57 42 53 40
+leaf_count=69 57 42 53 40
+internal_value=0 0.0144993 -0.014101 -0.067265
+internal_weight=0 192 150 93
+internal_count=261 192 150 93
+shrinkage=0.02
+
+
+Tree=7951
+num_leaves=5
+num_cat=0
+split_feature=4 9 5 4
+split_gain=0.13477 0.371219 0.696304 0.316617
+threshold=50.500000000000007 64.500000000000014 72.050000000000026 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011097332456204282 -0.00015050088903517542 -0.00069775238075655123 0.0027347053046466833 -0.0023559987076004585
+leaf_weight=42 74 59 41 45
+leaf_count=42 74 59 41 45
+internal_value=0 -0.010735 0.0351245 -0.0496063
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=7952
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.135367 0.336889 0.503963 1.03821 1.27226
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0020571412595835918 -0.0010840421272617147 0.0018269079799876073 0.0016903921912080015 -0.003394733982333459 0.002840150702640749
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0109222 -0.00932978 -0.0416788 0.0219714
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=7953
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 4
+split_gain=0.136131 0.381335 0.472112 0.147587
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-8.4099358396938668e-05 -0.0015235060188512574 -0.00089709941841076832 0.0026001708703481756 0.00023066752787566941
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0170777 0.054043 -0.0349396
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7954
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 2 5
+split_gain=0.136612 0.325664 1.15187 2.53621 0.752652
+threshold=73.500000000000014 41.500000000000007 15.500000000000002 8.5000000000000018 57.650000000000013
+decision_type=2 2 2 2 2
+left_child=1 -1 3 -3 -4
+right_child=-2 2 4 -5 -6
+leaf_value=-0.0013799497262387199 -0.00093804530877788074 0.0024592924016741016 0.0042636086816901916 -0.0045497630568121896 0.0003311843157390484
+leaf_weight=41 56 42 42 41 39
+leaf_count=41 56 42 42 41 39
+internal_value=0 0.0127368 0.0334348 -0.0497149 0.1191
+internal_weight=0 205 164 83 81
+internal_count=261 205 164 83 81
+shrinkage=0.02
+
+
+Tree=7955
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.134852 0.373164 0.812974 0.89941
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.001110019605063984 -0.0025116403304299706 -0.002007236426269916 0.0018673433758663331 0.0012104746919923421
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.0107383 0.00909732 -0.0459568
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=7956
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 7
+split_gain=0.13888 0.521109 0.908115 0.245011
+threshold=8.5000000000000018 72.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00082389834071441457 0.0021517519900522315 0.0023640356925559037 -0.0020327237979608317 -5.4333853154876203e-05
+leaf_weight=69 46 40 66 40
+leaf_count=69 46 40 66 40
+internal_value=0 0.0147287 -0.0122799 0.0558581
+internal_weight=0 192 152 86
+internal_count=261 192 152 86
+shrinkage=0.02
+
+
+Tree=7957
+num_leaves=5
+num_cat=0
+split_feature=9 8 2 2
+split_gain=0.139912 0.45714 0.364191 0.79921
+threshold=55.500000000000007 49.500000000000007 9.5000000000000018 21.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022139140931032694 -0.0018630532135369702 -0.000623931550076158 0.0017690398654575904 -0.001588891428283363
+leaf_weight=43 49 52 64 53
+leaf_count=43 49 52 64 53
+internal_value=0 0.0326418 -0.0187873 0.0120526
+internal_weight=0 95 166 117
+internal_count=261 95 166 117
+shrinkage=0.02
+
+
+Tree=7958
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.136836 0.876162 1.38535 1.80763
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010050074741562755 0.0021548409132358206 -0.0058203117895638048 0.001052670429672972 -1.7731873067074565e-05
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.012002 -0.0475404 -0.133344
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7959
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 5
+split_gain=0.130891 0.321794 0.822988 1.16187
+threshold=70.500000000000014 72.500000000000014 9.5000000000000018 58.20000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=9.5144385609903935e-05 -0.0010682085530406794 -0.0014728824797725019 -0.0011526507934284786 0.004414570994558018
+leaf_weight=70 44 39 68 40
+leaf_count=70 44 39 68 40
+internal_value=0 0.0107689 0.0295102 0.0837461
+internal_weight=0 217 178 110
+internal_count=261 217 178 110
+shrinkage=0.02
+
+
+Tree=7960
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.136178 1.05567 1.43209 0.822552
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0032064864775387019 0.00086549008173290106 0.00055440933218388864 -0.0043042297442551511 -0.00047119196351135255
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0138634 -0.0884503 0.0588427
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=7961
+num_leaves=5
+num_cat=0
+split_feature=2 9 2 9
+split_gain=0.13335 0.536195 0.644291 1.75309
+threshold=8.5000000000000018 74.500000000000014 14.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0008093859408273528 0.0018853265991865761 0.0023237396074299124 0.0015625045367553959 -0.0035352222193198958
+leaf_weight=69 41 42 52 57
+leaf_count=69 41 42 52 57
+internal_value=0 0.0144725 -0.013782 -0.0548251
+internal_weight=0 192 150 109
+internal_count=261 192 150 109
+shrinkage=0.02
+
+
+Tree=7962
+num_leaves=5
+num_cat=0
+split_feature=5 6 4 4
+split_gain=0.129917 0.64349 0.37588 0.309763
+threshold=72.050000000000026 63.500000000000007 61.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00081227025282018192 0.00099511183982034404 -0.0024498134020422739 0.0019122788867510293 -0.0012561525179784609
+leaf_weight=59 49 43 46 64
+leaf_count=59 49 43 46 64
+internal_value=0 -0.0115801 0.0164422 -0.0128792
+internal_weight=0 212 169 123
+internal_count=261 212 169 123
+shrinkage=0.02
+
+
+Tree=7963
+num_leaves=5
+num_cat=0
+split_feature=2 9 2 9
+split_gain=0.130746 0.520206 0.613024 1.68176
+threshold=8.5000000000000018 74.500000000000014 14.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00080231962875189757 0.0018396339825478556 0.0022919986464502921 0.0015336529968801148 -0.0034603646859253786
+leaf_weight=69 41 42 52 57
+leaf_count=69 41 42 52 57
+internal_value=0 0.0143574 -0.0134844 -0.0535554
+internal_weight=0 192 150 109
+internal_count=261 192 150 109
+shrinkage=0.02
+
+
+Tree=7964
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 9
+split_gain=0.127721 0.555822 0.870031 0.546576
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00099643716723979252 -0.00083517092925925081 0.00083475909453998123 0.0026781439895997008 -0.002397582232146147
+leaf_weight=43 64 39 67 48
+leaf_count=43 64 39 67 48
+internal_value=0 0.0135152 0.0617364 -0.0469954
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=7965
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.133834 0.832327 1.38453 1.7874
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00099568310750799797 0.0020980380009917926 -0.0057821787017371317 0.001072296318938638 -1.174630569722267e-05
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0118697 -0.0465319 -0.132313
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7966
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 5
+split_gain=0.133794 0.761749 0.625507 0.67743
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019401566292132411 0.0011391360898594443 -0.0020719662600110992 0.0025097612127114033 0.0012423578923721854
+leaf_weight=53 40 64 47 57
+leaf_count=53 40 64 47 57
+internal_value=0 -0.0103766 0.0273992 -0.0142013
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=7967
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.132896 0.998047 1.34552 0.843038
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00042856007781048459 0.00085679679816056873 0.0005274517514688384 -0.0041837183806656634 0.0033236729461254316
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0136947 -0.0862602 0.0570303
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=7968
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 5
+split_gain=0.139145 0.599541 0.317133 0.59201
+threshold=72.050000000000026 63.500000000000007 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019036258454465285 0.0010256746498173599 -0.0023816890901442 0.00146366321957393 0.0011300171932845393
+leaf_weight=53 49 43 63 53
+leaf_count=53 49 43 63 53
+internal_value=0 -0.0119115 0.0151588 -0.0189759
+internal_weight=0 212 169 106
+internal_count=261 212 169 106
+shrinkage=0.02
+
+
+Tree=7969
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 4
+split_gain=0.13522 0.559692 0.522208 0.462419
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00079963973339754895 0.00087256746378923671 -0.0024248171757812777 0.0021536911254449041 -0.0017855984345144908
+leaf_weight=59 62 40 44 56
+leaf_count=59 62 40 44 56
+internal_value=0 -0.0136467 0.013211 -0.0226313
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7970
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 9
+split_gain=0.128788 0.525795 0.826722 0.470739
+threshold=8.5000000000000018 72.500000000000014 7.5000000000000009 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00079667795355109082 0.0025217836885200566 0.0023641644814289924 -0.0019639116835085371 -0.00048582672955929196
+leaf_weight=69 44 40 66 42
+leaf_count=69 44 40 66 42
+internal_value=0 0.0142846 -0.0128426 0.0522228
+internal_weight=0 192 152 86
+internal_count=261 192 152 86
+shrinkage=0.02
+
+
+Tree=7971
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.13089 0.768611 1.34695 1.74884
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00098643790495259957 0.0020114320310327511 -0.0056965375490111722 0.0010741627672881948 -0
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0117391 -0.0450865 -0.129716
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7972
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.128073 0.524621 0.512039 0.485407
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00055985433488993277 0.00085236935151147635 -0.0023522714758814796 0.0021258135777983719 -0.0021736767179511497
+leaf_weight=72 62 40 44 43
+leaf_count=72 62 40 44 43
+internal_value=0 -0.0133226 0.0127029 -0.0227998
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7973
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 7
+split_gain=0.128608 0.509645 0.808602 0.175769
+threshold=8.5000000000000018 72.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00079606347050303688 0.001927367227205763 0.0023331408504613299 -0.0019374885642259698 0
+leaf_weight=69 46 40 66 40
+leaf_count=69 46 40 66 40
+internal_value=0 0.0142827 -0.0124362 0.0519266
+internal_weight=0 192 152 86
+internal_count=261 192 152 86
+shrinkage=0.02
+
+
+Tree=7974
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.132929 0.52761 0.344228 0.763249
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013128505492319559 -0.00084922184396389231 0.0023012518602225683 -0.001325219782100619 0.0025514061032702101
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0137787 -0.0134476 0.0313656
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7975
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.13274 0.724421 1.2876 1.69717
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00099266354953645103 0.0019461621767069212 -0.0055961634442493755 0.001048254598484418 0
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.011801 -0.0442046 -0.126979
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7976
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.134861 0.913627 1.31462 0.809913
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0030940646164917696 0.00086283234610919708 0.00056191279775176192 -0.0040957406111930576 -0.00055655329069317157
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0137551 -0.0832516 0.0539623
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=7977
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.131785 0.540573 0.367153 0.390217
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00074290877500423139 0.001002191974574008 -0.0022711081039969209 0.0016261772885109197 -0.0016752208170972571
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.0116073 0.0141319 -0.0197289
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=7978
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 9
+split_gain=0.129578 0.879539 1.26836 0.810988
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00048062882597688268 0.00084811058005875343 0.0005531529515882469 -0.0040228805778536646 0.0032015702525113464
+leaf_weight=58 63 51 47 42
+leaf_count=58 63 51 47 42
+internal_value=0 -0.0135123 -0.0817311 0.0529529
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=7979
+num_leaves=5
+num_cat=0
+split_feature=5 6 4 3
+split_gain=0.13379 0.517364 0.350122 0.294765
+threshold=72.050000000000026 63.500000000000007 61.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00080091457111707487 0.0010089161243219105 -0.0022298462247112277 0.0018018977583305347 -0.0012257200882085412
+leaf_weight=56 49 43 46 67
+leaf_count=56 49 43 46 67
+internal_value=0 -0.0116772 0.0135186 -0.0148297
+internal_weight=0 212 169 123
+internal_count=261 212 169 123
+shrinkage=0.02
+
+
+Tree=7980
+num_leaves=5
+num_cat=0
+split_feature=4 9 3 7
+split_gain=0.135765 0.563143 1.47861 0.747099
+threshold=49.500000000000007 54.500000000000007 64.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0011645465176948232 -0.0014178237443917127 0.0036780171615108256 0.0015859638674161759 -0.0018507226398871649
+leaf_weight=39 63 51 43 65
+leaf_count=39 63 51 43 65
+internal_value=0 0.0102434 0.0426596 -0.0237434
+internal_weight=0 222 159 108
+internal_count=261 222 159 108
+shrinkage=0.02
+
+
+Tree=7981
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.142875 0.475745 0.480819 0.481402
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011349297992986997 0.00089443382912256762 -0.00226888889069863 0.0020337005270489061 -0.0015539744160006875
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0139489 0.0108689 -0.0235712
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7982
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.13641 0.456172 0.460976 0.461607
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011122659611448383 0.00087656543069325997 -0.0022235903033806792 0.0019930911319051801 -0.0015229261307113506
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0136661 0.0106523 -0.0230931
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=7983
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.132672 0.52734 0.635968
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00080635871664304489 0.0010104703541387822 0.0023080734467602749 -0.0016322405344894686
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0145025 -0.013524
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=7984
+num_leaves=6
+num_cat=0
+split_feature=2 4 3 8 7
+split_gain=0.127802 1.37403 0.942248 0.758881 0.538431
+threshold=10.500000000000002 69.500000000000014 60.500000000000007 62.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=3 2 4 -1 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0010652933706553091 -0.0010600113573892272 0.0031571572772014253 -0.0033015329445369172 -0.002766967940611213 0.0021856347495908817
+leaf_weight=46 46 50 41 39 39
+leaf_count=46 46 50 41 39 39
+internal_value=0 0.0165397 -0.0392782 -0.0342232 0.0210168
+internal_weight=0 176 126 85 85
+internal_count=261 176 126 85 85
+shrinkage=0.02
+
+
+Tree=7985
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 6
+split_gain=0.135984 0.365009 1.3389 1.03508
+threshold=73.500000000000014 41.500000000000007 6.5000000000000009 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0014700267086767472 -0.00093474519322937722 -0.0034487625588487721 0.0026530673502465347 0.00094810914713225076
+leaf_weight=41 56 39 76 49
+leaf_count=41 56 39 76 49
+internal_value=0 0.0127823 0.0346192 -0.0496307
+internal_weight=0 205 164 88
+internal_count=261 205 164 88
+shrinkage=0.02
+
+
+Tree=7986
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 4
+split_gain=0.12979 0.344441 0.497084 0.375346
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011038435730508199 -0.00091607362400014203 0.0015034047511525586 -0.002205923309766023 0.0014665195894210589
+leaf_weight=39 56 64 41 61
+leaf_count=39 56 64 41 61
+internal_value=0 0.0125223 -0.0156533 0.0228006
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=7987
+num_leaves=6
+num_cat=0
+split_feature=2 2 8 2 3
+split_gain=0.130203 0.438788 1.38838 0.705006 1.13677
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 24.500000000000004 57.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 -2 3 4 -3
+right_child=1 2 -4 -5 -6
+leaf_value=0.00098473414376940537 -0.0020251848528648072 0.00043486600305140359 0.0035721875182923861 0.0014077712572604919 -0.0041882700004398166
+leaf_weight=50 45 44 39 41 42
+leaf_count=50 45 44 39 41 42
+internal_value=0 -0.0116853 0.0123883 -0.0384114 -0.090761
+internal_weight=0 211 166 127 86
+internal_count=261 211 166 127 86
+shrinkage=0.02
+
+
+Tree=7988
+num_leaves=5
+num_cat=0
+split_feature=8 5 7 5
+split_gain=0.133544 0.422579 0.230072 0.278663
+threshold=72.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00091129385993957851 -0.0010341898644580846 0.0019659753622164144 -0.001205905460016313 0.0012806557600879621
+leaf_weight=42 47 46 66 60
+leaf_count=42 47 46 66 60
+internal_value=0 0.0113723 -0.0122221 0.0185122
+internal_weight=0 214 168 102
+internal_count=261 214 168 102
+shrinkage=0.02
+
+
+Tree=7989
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 6
+split_gain=0.13055 0.323826 0.591065 0.183057
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00013963999801052816 0.00020598652158664317 -0.00080916793413823233 0.0029165952656766089 -0.0017279588259869988
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0168342 0.0510565 -0.0342451
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7990
+num_leaves=5
+num_cat=0
+split_feature=4 9 1 5
+split_gain=0.131135 0.339927 1.3086 0.868837
+threshold=73.500000000000014 41.500000000000007 6.5000000000000009 53.95000000000001
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0014167668564290003 -0.00092023928287791673 -0.0031955409176984213 0.0026126503315206367 0.00082929069115868454
+leaf_weight=41 56 40 76 48
+leaf_count=41 56 40 76 48
+internal_value=0 0.0125753 0.0336938 -0.049609
+internal_weight=0 205 164 88
+internal_count=261 205 164 88
+shrinkage=0.02
+
+
+Tree=7991
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 6
+split_gain=0.129472 0.326878 0.549127 0.174814
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-9.6903266446765927e-05 0.00018963330579161103 -0.00081562769858174321 0.0028518740359551199 -0.0017041574507423668
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0167674 0.0511412 -0.0341287
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=7992
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.134952 0.516162 0.33917 0.722712
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012978577046482346 -0.00085463522685584451 0.002281951232133015 -0.001366382475273976 0.0024148259683069843
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0138788 -0.0130586 0.0314414
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=7993
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 5
+split_gain=0.130198 0.448446 0.354629 0.879406
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021806019988833874 -0.0015795841291653141 -0.00063134965860104752 -0.0011367921880982782 0.0026752646052985401
+leaf_weight=43 63 52 62 41
+leaf_count=43 63 52 62 41
+internal_value=0 0.0316841 -0.0181586 0.0186827
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=7994
+num_leaves=5
+num_cat=0
+split_feature=6 5 8 4
+split_gain=0.135852 0.344634 0.24542 0.32441
+threshold=70.500000000000014 65.500000000000014 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010371246478549654 -0.0010846774773395384 0.0017384204456428174 -0.0011973678879051029 0.001354035798070731
+leaf_weight=39 44 49 67 62
+leaf_count=39 44 49 67 62
+internal_value=0 0.0109922 -0.0109427 0.0211361
+internal_weight=0 217 168 101
+internal_count=261 217 168 101
+shrinkage=0.02
+
+
+Tree=7995
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.131836 0.747325 1.22393 1.62916
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0009897935396126936 0.0019803537541912453 -0.005503268062595176 0.00099128192564341315 -0
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0117625 -0.0446586 -0.125392
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=7996
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 4
+split_gain=0.126062 0.772735 1.65091 1.05053
+threshold=75.500000000000014 6.5000000000000009 49.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0014015743700895535 0.0011107378597862857 -0.0010373652769792815 -0.0035404994526787338 0.002901717633693048
+leaf_weight=48 40 53 63 57
+leaf_count=48 40 53 63 57
+internal_value=0 -0.0100822 -0.0698324 0.0498538
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=7997
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.136853 0.296723 0.755687 0.882222
+threshold=70.500000000000014 72.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0021299681949785393 -0.0010880449402756991 -0.0014041553265699989 0.0017048491502593779 -0.0020969536232444685
+leaf_weight=75 44 39 42 61
+leaf_count=75 44 39 42 61
+internal_value=0 0.0110329 0.0290781 -0.0269419
+internal_weight=0 217 178 103
+internal_count=261 217 178 103
+shrinkage=0.02
+
+
+Tree=7998
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.13204 0.492157 0.660486
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00080500164737624794 0.0010519515142082565 0.0022412188752462042 -0.0016399106127901414
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0144566 -0.0126456
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=7999
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 7
+split_gain=0.134247 0.389153 0.479129 0.573586
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00091205698809687663 -0.0010368418121175804 0.0016975642345009884 -0.0022202116103449128 0.0019345754785391265
+leaf_weight=65 47 56 40 53
+leaf_count=65 47 56 40 53
+internal_value=0 0.0113839 -0.0144378 0.0180064
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=8000
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 6
+split_gain=0.131762 0.30778 0.569589 0.174134
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00013390973097049177 0.00018266884687279629 -0.00078082401796073907 0.0028679262869465601 -0.0017076713691663349
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0168876 0.0503036 -0.0343969
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8001
+num_leaves=6
+num_cat=0
+split_feature=4 2 2 5 4
+split_gain=0.13091 0.414379 0.518919 0.645737 1.64717
+threshold=50.500000000000007 25.500000000000004 19.500000000000004 70.65000000000002 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0010967682967538473 0.0009337909820778433 -0.002095179279040362 0.002158853848399268 0.0017900263248638391 -0.0043622466570411777
+leaf_weight=42 56 40 43 39 41
+leaf_count=42 56 40 43 39 41
+internal_value=0 -0.0105527 0.0103084 -0.020307 -0.0649015
+internal_weight=0 219 179 136 97
+internal_count=261 219 179 136 97
+shrinkage=0.02
+
+
+Tree=8002
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.132931 0.383246 0.46766 0.432671
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0021334663807778395 -0.0010323943679237 0.0016859649920370015 -0.0016528497724385557 -0.00063072073406968934
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.0113359 -0.014297 0.0306336
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=8003
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 5
+split_gain=0.132962 0.777371 0.59303 0.668131
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0018991292641338982 0.0011366569607639241 -0.0020893252295935715 0.0024683954879334453 0.0012623331422681083
+leaf_weight=53 40 64 47 57
+leaf_count=53 40 64 47 57
+internal_value=0 -0.0103183 0.0278353 -0.0126944
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=8004
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 5
+split_gain=0.126897 0.745848 0.56877 0.640935
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0018611967203840654 0.0011139631765216612 -0.0020475842943146129 0.002419100827425687 0.0012371173774520341
+leaf_weight=53 40 64 47 57
+leaf_count=53 40 64 47 57
+internal_value=0 -0.0101084 0.0272794 -0.0124336
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=8005
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.12792 0.396847 0.819355 1.04029
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0010860599015312749 -0.0026155400094690969 -0.0020544708425159135 0.0018916386844774031 0.0013827149678989582
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.010437 0.00999438 -0.0452692
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=8006
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.130294 0.386054 0.481468 0.442038
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020948868841825529 -0.001023307094053273 0.0016892354354854997 -0.0016756380968445869 -0.00068912134677118144
+leaf_weight=45 47 56 63 50
+leaf_count=45 47 56 63 50
+internal_value=0 0.0112452 -0.0144778 0.0310888
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=8007
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 9
+split_gain=0.127133 0.502169 0.796967 0.442769
+threshold=8.5000000000000018 72.500000000000014 7.5000000000000009 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00079179234616107846 0.0024667103769308806 0.0023175355424629889 -0.001922914733526944 -0.00045334882610961204
+leaf_weight=69 44 40 66 42
+leaf_count=69 44 40 66 42
+internal_value=0 0.0142272 -0.0123007 0.0516066
+internal_weight=0 192 152 86
+internal_count=261 192 152 86
+shrinkage=0.02
+
+
+Tree=8008
+num_leaves=5
+num_cat=0
+split_feature=6 5 3 1
+split_gain=0.128951 0.343553 0.22973 1.2044
+threshold=70.500000000000014 65.500000000000014 52.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00086007251550933631 -0.0010602820279351 0.0017313959951346825 -0.0023652671350120865 0.001967188310588338
+leaf_weight=56 44 49 71 41
+leaf_count=56 44 49 71 41
+internal_value=0 0.0107515 -0.011151 -0.0385951
+internal_weight=0 217 168 112
+internal_count=261 217 168 112
+shrinkage=0.02
+
+
+Tree=8009
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.128454 0.699544 1.21954 1.50773
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00097895020239958377 0.0019129482904776144 -0.0053647468998630297 0.0010115835375104269 -5.776867068976951e-05
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0116187 -0.0434791 -0.124073
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8010
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 4
+split_gain=0.128178 0.743982 1.52835 1.03255
+threshold=75.500000000000014 6.5000000000000009 49.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.001317055012568884 0.0011189639041377388 -0.0010434451501024 -0.0034398308142946439 0.0028624713903386691
+leaf_weight=48 40 53 63 57
+leaf_count=48 40 53 63 57
+internal_value=0 -0.0101447 -0.0688031 0.0486897
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=8011
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.132243 0.384611 0.456337 0.432279
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00075207355204951821 -0.0010298319317009485 0.001688159267086385 -0.0016380515818243285 0.0019988071304966192
+leaf_weight=48 47 56 63 47
+leaf_count=48 47 56 63 47
+internal_value=0 0.0113222 -0.0143545 0.0300472
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=8012
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 8
+split_gain=0.129569 0.494997 0.810276 0.150562
+threshold=8.5000000000000018 72.500000000000014 7.5000000000000009 55.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00079823380240970159 7.216221384475407e-05 0.002305933133730842 -0.0019303930009189059 0.0018790935726105741
+leaf_weight=69 40 40 66 46
+leaf_count=69 40 40 66 46
+internal_value=0 0.0143487 -0.0119944 0.0524349
+internal_weight=0 192 152 86
+internal_count=261 192 152 86
+shrinkage=0.02
+
+
+Tree=8013
+num_leaves=5
+num_cat=0
+split_feature=8 5 3 1
+split_gain=0.132209 0.355665 0.223213 1.14551
+threshold=72.500000000000014 65.500000000000014 52.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00086091957073801547 -0.0010297056153141214 0.0018281556252856719 -0.0023044516357843669 0.0019224299281828301
+leaf_weight=56 47 46 71 41
+leaf_count=56 47 46 71 41
+internal_value=0 0.0113215 -0.0103979 -0.0374869
+internal_weight=0 214 168 112
+internal_count=261 214 168 112
+shrinkage=0.02
+
+
+Tree=8014
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.12693 0.911555 0.774244 1.71461 0.439717
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0030029023250930931 -0.0010824824823232623 0.0028094079874799128 -0.0028775326798062039 0.0031579575654987085 -0
+leaf_weight=41 42 44 41 52 41
+leaf_count=41 42 44 41 52 41
+internal_value=0 0.0103988 -0.0221195 0.0148918 -0.0753649
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=8015
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.130427 0.678364 1.15077 1.44329
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00098553765324839622 0.001879599074233848 -0.0052499887678936772 0.00096637728116762264 -5.5777491788147936e-05
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0116904 -0.0430804 -0.121408
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8016
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 4
+split_gain=0.129781 0.741095 0.558707 0.580959
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015890788302666242 0.0011251015881216374 -0.0020435636403018458 0.0023989726003755653 -0.0014358588555708045
+leaf_weight=43 40 64 47 67
+leaf_count=43 40 64 47 67
+internal_value=0 -0.0101943 0.0270765 -0.0122928
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=8017
+num_leaves=5
+num_cat=0
+split_feature=7 3 6 3
+split_gain=0.129003 0.427419 0.275166 0.361618
+threshold=76.500000000000014 70.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00080660359268575847 0.001139082290615485 -0.0021450231145158706 0.0012947696178066067 -0.0014652303792686303
+leaf_weight=56 39 39 65 62
+leaf_count=56 39 39 65 62
+internal_value=0 -0.010014 0.0105233 -0.0190229
+internal_weight=0 222 183 118
+internal_count=261 222 183 118
+shrinkage=0.02
+
+
+Tree=8018
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.126469 0.657599 1.09857 1.38519
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00097266496358718708 0.0018511399253350375 -0.0051455027729622417 0.00093760771227054444 -5.5099428506013579e-05
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0115266 -0.0424489 -0.119013
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8019
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.131428 0.53877 0.63526 0.894606
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0019301206746659494 0.00078027947225732129 -0.0024294912865819728 -0.00072456830098961938 0.0029130386478478268
+leaf_weight=40 72 39 56 54
+leaf_count=40 72 39 56 54
+internal_value=0 -0.0148566 0.0126413 0.0527307
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=8020
+num_leaves=5
+num_cat=0
+split_feature=4 1 7 5
+split_gain=0.134588 0.723373 1.38707 1.04004
+threshold=75.500000000000014 6.5000000000000009 53.500000000000007 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0016208944685751582 0.001143114277816396 -0.00086097471954577542 -0.0030572694161990974 0.0030667919619036255
+leaf_weight=40 40 59 71 51
+leaf_count=40 40 59 71 51
+internal_value=0 -0.0103514 -0.0682141 0.0476802
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=8021
+num_leaves=5
+num_cat=0
+split_feature=4 9 7 4
+split_gain=0.128457 0.711306 0.562747 0.410204
+threshold=75.500000000000014 67.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00080017959987396662 0.0011202915206213141 -0.0020061631816326968 0.0022351611153046606 -0.0017839534588793701
+leaf_weight=58 40 64 53 46
+leaf_count=58 40 64 53 46
+internal_value=0 -0.0101405 0.0263894 -0.0167773
+internal_weight=0 221 157 104
+internal_count=261 221 157 104
+shrinkage=0.02
+
+
+Tree=8022
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.130923 0.530613 0.608216 1.10134
+threshold=70.500000000000014 68.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0018879561860691678 0.00077903267491851293 -0.0024133204106772561 -0.0011653923780315289 0.0028802310257023895
+leaf_weight=40 72 39 50 60
+leaf_count=40 72 39 50 60
+internal_value=0 -0.014829 0.0124655 0.0517236
+internal_weight=0 189 150 110
+internal_count=261 189 150 110
+shrinkage=0.02
+
+
+Tree=8023
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.130882 0.839598 1.30797 2.03582
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00099960202096508019 0.0032702282475695781 -0.0027196399807686545 -0.0029914049642217732 0.0022564483548661784
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0115528 0.0208408 -0.0343088
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8024
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.137866 1.61093 1.22105
+threshold=7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=-0.0013504126237975313 0.0017202541021178221 -0.003151097183083765 0.0022725166351435979
+leaf_weight=77 58 52 74
+leaf_count=77 58 52 74
+internal_value=0 -0.0287919 0.0209999
+internal_weight=0 110 151
+internal_count=261 110 151
+shrinkage=0.02
+
+
+Tree=8025
+num_leaves=5
+num_cat=0
+split_feature=4 9 7 4
+split_gain=0.132337 0.707276 0.566159 0.393907
+threshold=75.500000000000014 67.500000000000014 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00077102675782498957 0.0011348691077669095 -0.0020037770049888669 0.0022355530043319501 -0.0017634487850743156
+leaf_weight=58 40 64 53 46
+leaf_count=58 40 64 53 46
+internal_value=0 -0.0102704 0.0261578 -0.0171368
+internal_weight=0 221 157 104
+internal_count=261 221 157 104
+shrinkage=0.02
+
+
+Tree=8026
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 7
+split_gain=0.133071 1.55592 1.32038 1.12999
+threshold=7.5000000000000009 15.500000000000002 67.65000000000002 59.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.00083535193228341271 0.0016899112604439146 -0.003098513905652224 0.003400358476327693 -0.003408676096818033
+leaf_weight=67 58 52 43 41
+leaf_count=67 58 52 43 41
+internal_value=0 -0.0283485 0.0206812 -0.0384784
+internal_weight=0 110 151 108
+internal_count=261 110 151 108
+shrinkage=0.02
+
+
+Tree=8027
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.136699 0.401667 0.48313 0.452323
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0007643276414579578 -0.0010444396410065394 0.0017222603851245308 -0.0016825963367046637 0.0020469619756370992
+leaf_weight=48 47 56 63 47
+leaf_count=48 47 56 63 47
+internal_value=0 0.0115044 -0.0147125 0.0309295
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=8028
+num_leaves=5
+num_cat=0
+split_feature=6 3 7 5
+split_gain=0.131506 0.332056 0.252591 0.269492
+threshold=70.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00095166622600618902 -0.0010688539048509314 0.0014922783971408993 -0.0014531319065744961 0.0012070715687368999
+leaf_weight=42 44 62 53 60
+leaf_count=42 44 62 53 60
+internal_value=0 0.0108675 -0.0143953 0.0155149
+internal_weight=0 217 155 102
+internal_count=261 217 155 102
+shrinkage=0.02
+
+
+Tree=8029
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 9
+split_gain=0.135516 0.507333 0.817449 0.400168
+threshold=8.5000000000000018 72.500000000000014 7.5000000000000009 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00081367239996788735 0.0024204922940337741 0.0023358578338107177 -0.0019380629727532613 -0.00036043555054495727
+leaf_weight=69 44 40 66 42
+leaf_count=69 44 40 66 42
+internal_value=0 0.0146451 -0.0120143 0.0526941
+internal_weight=0 192 152 86
+internal_count=261 192 152 86
+shrinkage=0.02
+
+
+Tree=8030
+num_leaves=5
+num_cat=0
+split_feature=7 4 3 5
+split_gain=0.131271 0.376848 0.671664 0.447747
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00047363007332690369 -0.0010263810450037447 0.0020220098128885828 -0.0023852604058133718 0.0019410640499986668
+leaf_weight=76 47 40 43 55
+leaf_count=76 47 40 43 55
+internal_value=0 0.011294 -0.00915373 0.0267282
+internal_weight=0 214 174 131
+internal_count=261 214 174 131
+shrinkage=0.02
+
+
+Tree=8031
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.130553 0.49236 0.719837
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00080070005892947881 0.0011067954115100728 0.0022405540610198485 -0.0017001619222300544
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0144036 -0.0127041
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8032
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.130266 0.775819 1.27258 1.9502
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00099746861925721761 0.0032077913343057985 -0.002625197917324414 -0.0029523689108385612 0.0021848503699719579
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0115338 0.0196266 -0.0347806
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8033
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.136581 0.921449 0.717468 1.66711 0.458481
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0030320607264720523 -0.0011173887233822538 0.0028299430031637936 -0.0027855218689691887 0.0030948503977945175 2.8033499041989914e-06
+leaf_weight=41 42 44 41 52 41
+leaf_count=41 42 44 41 52 41
+internal_value=0 0.0107389 -0.0219524 0.0137008 -0.0753086
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=8034
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.130389 0.916346 0.871586 0.343871 1.04721
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0019782311317542117 -0.0010950778898304195 0.0029765143428236757 -0.0025243199404666617 0.0020449570244625796 -0.0025804729633626422
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0105242 -0.0202039 0.0265398 -0.0118042
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=8035
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.12627 0.769602 1.23148 1.91149
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00098417389251949199 0.0031633765698239023 -0.0026127043232534761 -0.0029119369084874987 0.0021745777335098644
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0113765 0.0196613 -0.0338691
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8036
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.130701 0.904872 0.683194 1.62257 0.453397
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0030153134539959233 -0.0010961494133113711 0.0028028378518146534 -0.0027285298563599846 0.0030423631093679242 3.2870108654007355e-06
+leaf_weight=41 42 44 41 52 41
+leaf_count=41 42 44 41 52 41
+internal_value=0 0.0105382 -0.0218623 0.0129454 -0.0748775
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=8037
+num_leaves=5
+num_cat=0
+split_feature=7 3 2 9
+split_gain=0.131403 0.403654 0.332834 1.59198
+threshold=76.500000000000014 70.500000000000014 22.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0011318775624000578 0.0011483199998549498 -0.0020941625031663355 -0.0011351353238536806 0.0034059337980319074
+leaf_weight=74 39 39 55 54
+leaf_count=74 39 39 55 54
+internal_value=0 -0.0100892 0.00988932 0.038854
+internal_weight=0 222 183 128
+internal_count=261 222 183 128
+shrinkage=0.02
+
+
+Tree=8038
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.132189 0.747072 1.16584 1.83646
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010038732944254915 0.003076287855483023 -0.0025829869648726967 -0.0028531757253670255 0.0021335005697859016
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0116052 0.0189832 -0.0331175
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8039
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 4
+split_gain=0.135342 0.731893 1.30562 1.02045
+threshold=75.500000000000014 6.5000000000000009 49.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0011194150326205856 0.0011459664342586078 -0.0010457437784630902 -0.0032808438055211366 0.0028376645157879034
+leaf_weight=48 40 53 63 57
+leaf_count=48 40 53 63 57
+internal_value=0 -0.0103733 -0.068566 0.0479912
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=8040
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.137253 0.925604 0.865153 0.363781 1.02314
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0019303401695426694 -0.0011196798752060916 0.0029949786405269424 -0.0025148554930988711 0.0020843262243984938 -0.0025764301336701147
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0107671 -0.0201133 0.0264607 -0.012933
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=8041
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 4
+split_gain=0.134076 0.513805 1.59189 1.09781
+threshold=8.5000000000000018 54.500000000000007 63.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=-0.0008098465176624173 0.0014758386676811319 0.0044742404670095335 -0.00061487059604058592 -0.0031032670434840773
+leaf_weight=69 41 39 68 44
+leaf_count=69 41 39 68 44
+internal_value=0 0.0145796 0.061714 -0.044286
+internal_weight=0 192 107 85
+internal_count=261 192 107 85
+shrinkage=0.02
+
+
+Tree=8042
+num_leaves=6
+num_cat=0
+split_feature=4 2 6 4 6
+split_gain=0.132354 0.574091 1.66656 0.527461 0.495236
+threshold=49.500000000000007 25.500000000000004 49.500000000000007 71.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0011515019565157064 0.0043163411379871985 -0.0019968362487638746 -0.0028614171557880923 0.001274754843085482 0.00016694536605263213
+leaf_weight=39 40 40 43 53 46
+leaf_count=39 40 40 43 53 46
+internal_value=0 0.0101418 0.0345628 -0.0162944 -0.0644157
+internal_weight=0 222 182 142 89
+internal_count=261 222 182 142 89
+shrinkage=0.02
+
+
+Tree=8043
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 4
+split_gain=0.131941 0.499803 1.54587 1.0574
+threshold=8.5000000000000018 54.500000000000007 63.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=-0.00080427758027835168 0.0014460484164313212 0.0044131730446157662 -0.00060263050597232756 -0.0030493823232964805
+leaf_weight=69 41 39 68 44
+leaf_count=69 41 39 68 44
+internal_value=0 0.0144751 0.0609889 -0.0436094
+internal_weight=0 192 107 85
+internal_count=261 192 107 85
+shrinkage=0.02
+
+
+Tree=8044
+num_leaves=6
+num_cat=0
+split_feature=2 6 7 1 5
+split_gain=0.132595 0.990822 0.831698 0.842767 1.426
+threshold=25.500000000000004 46.500000000000007 57.500000000000007 8.5000000000000018 67.65000000000002
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0028496882432656506 0.0010731265414780924 0.003039891173603352 -0.0018114497293981264 -0.002738153179863429 0.0032243551225552827
+leaf_weight=46 44 40 44 40 47
+leaf_count=46 44 40 44 40 47
+internal_value=0 -0.0108847 0.0243264 -0.0144114 0.0390578
+internal_weight=0 217 171 131 91
+internal_count=261 217 171 131 91
+shrinkage=0.02
+
+
+Tree=8045
+num_leaves=6
+num_cat=0
+split_feature=9 5 9 8 9
+split_gain=0.136046 0.8809 0.486512 0.235437 1.23823
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 48.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0014317046846016913 -0.0011154993680698277 0.0028475557560588617 -0.0023546946546530415 -0.0024296340711916012 0.0022964494935700983
+leaf_weight=44 42 42 41 53 39
+leaf_count=44 42 42 41 53 39
+internal_value=0 0.0107194 -0.0203396 0.00877373 -0.0208637
+internal_weight=0 219 177 136 92
+internal_count=261 219 177 136 92
+shrinkage=0.02
+
+
+Tree=8046
+num_leaves=5
+num_cat=0
+split_feature=6 5 2 1
+split_gain=0.139757 0.364894 0.205643 0.895552
+threshold=70.500000000000014 65.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00057194230213920003 -0.0010977297313959388 0.0017832043725676079 0.0011284494045762283 -0.002852228908420293
+leaf_weight=76 44 49 45 47
+leaf_count=76 44 49 45 47
+internal_value=0 0.0111518 -0.0113904 -0.0448546
+internal_weight=0 217 168 92
+internal_count=261 217 168 92
+shrinkage=0.02
+
+
+Tree=8047
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 4
+split_gain=0.138808 0.39718 0.510726 0.433872
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0007074902139236755 -0.001051607536413575 0.0017156745710072831 -0.0017159299977361181 0.002047715752949653
+leaf_weight=48 47 56 63 47
+leaf_count=48 47 56 63 47
+internal_value=0 0.0115736 -0.014502 0.032385
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=8048
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.135034 0.93122 0.692543 1.53678 0.446757
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0029598480811338511 -0.0011118820164417297 0.0028423879055687975 -0.0027499775599034303 0.0029671573222816755 3.7759919366262992e-05
+leaf_weight=41 42 44 41 52 41
+leaf_count=41 42 44 41 52 41
+internal_value=0 0.0106843 -0.0221774 0.0128626 -0.0726271
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=8049
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.138433 0.715984 1.1498 1.78698
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010242408040295264 0.0030407183705836011 -0.0025395765974323093 -0.0028340616997589154 0.0020855634134885437
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0118419 0.0181153 -0.0336308
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8050
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.134952 0.916362 0.648468 1.16778 0.610332
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0028976253507424629 -0.0011115340139368863 0.0028217853291629259 -0.0025390887553368648 0.0027443803653397335 0.00061758146376477991
+leaf_weight=42 42 44 45 49 39
+leaf_count=42 42 44 45 49 39
+internal_value=0 0.0106842 -0.0219181 0.0141818 -0.0598089
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=8051
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.137809 0.444793 0.369911 0.868178
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021907515907913125 -0.0016127254156032833 -0.00060997001931217235 -0.0010905572322179686 0.0027139924995792696
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0324995 -0.0185905 0.0190008
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8052
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 7
+split_gain=0.134336 0.385471 0.330295 0.184456
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00069989497485761971 0.00036036168206278121 0.0020812573253977812 -0.0013606295336774977 -0.0015838620007126759
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0170522 -0.00931258 -0.0346654
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=8053
+num_leaves=6
+num_cat=0
+split_feature=2 1 2 4 2
+split_gain=0.132349 0.57588 1.04695 1.34986 0.884611
+threshold=6.5000000000000009 10.500000000000002 17.500000000000004 66.500000000000014 23.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.0009920192298142525 0.0045009232184182769 -0.0024667940619262185 -0.0035310757413624739 -0.0006207846409001655 0.00051885191631669502
+leaf_weight=50 41 39 39 42 50
+leaf_count=50 41 39 39 42 50
+internal_value=0 -0.0117547 0.013354 0.0950623 -0.0624117
+internal_weight=0 211 172 83 89
+internal_count=261 211 172 83 89
+shrinkage=0.02
+
+
+Tree=8054
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 1
+split_gain=0.129939 0.494564 1.49192 0.659473
+threshold=8.5000000000000018 54.500000000000007 63.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=-0.00079898237595255105 0.00080359428882969164 0.0043510474767302328 -0.00057738136287230801 -0.0027671118518316691
+leaf_weight=69 45 39 68 40
+leaf_count=69 45 39 68 40
+internal_value=0 0.0143783 0.060658 -0.0434114
+internal_weight=0 192 107 85
+internal_count=261 192 107 85
+shrinkage=0.02
+
+
+Tree=8055
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.131188 0.52538 1.21737 1.38099
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00098816421578595652 0.0016325879063351079 -0.0051612840844250871 0.0010903273445340819 -7.8269581004143348e-05
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0117131 -0.039469 -0.120004
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8056
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 4
+split_gain=0.133171 0.777564 1.23278 0.97548
+threshold=75.500000000000014 6.5000000000000009 49.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0010161282041848065 0.0011378943777148314 -0.00096501268037905996 -0.0032608375468443293 0.0028329848866653212
+leaf_weight=48 40 53 63 57
+leaf_count=48 40 53 63 57
+internal_value=0 -0.0103023 -0.0702331 0.0498161
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=8057
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 1
+split_gain=0.131644 0.492928 1.46918 0.624735
+threshold=8.5000000000000018 54.500000000000007 63.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=-0.00080346068511638158 0.00076340596247584272 0.0043275458216362065 -0.00056356594730477794 -0.0027143970175755715
+leaf_weight=69 45 39 68 40
+leaf_count=69 45 39 68 40
+internal_value=0 0.0144625 0.0606684 -0.0432345
+internal_weight=0 192 107 85
+internal_count=261 192 107 85
+shrinkage=0.02
+
+
+Tree=8058
+num_leaves=5
+num_cat=0
+split_feature=9 2 8 9
+split_gain=0.131697 0.713269 0.929217 1.80463
+threshold=42.500000000000007 24.500000000000004 52.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010022795458468688 0.0028151632716346777 -0.0025302222134413999 -0.0035903546571830771 0.0014103426785081672
+leaf_weight=49 46 44 48 74
+leaf_count=49 46 44 48 74
+internal_value=0 -0.011585 0.0183169 -0.0275761
+internal_weight=0 212 168 122
+internal_count=261 212 168 122
+shrinkage=0.02
+
+
+Tree=8059
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 4
+split_gain=0.130985 0.765776 1.20694 0.928563
+threshold=75.500000000000014 6.5000000000000009 60.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00026737736733155543 0.0011298029188885784 -0.00092533683510673053 -0.004036708236093557 0.0027817797982506815
+leaf_weight=68 40 53 43 57
+leaf_count=68 40 53 43 57
+internal_value=0 -0.0102257 -0.0697131 0.0494451
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=8060
+num_leaves=6
+num_cat=0
+split_feature=2 4 9 8 1
+split_gain=0.135267 1.31254 0.796223 0.710463 0.573563
+threshold=10.500000000000002 69.500000000000014 58.500000000000007 62.500000000000007 8.5000000000000018
+decision_type=2 2 2 2 2
+left_child=3 2 4 -1 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.00099264969879048529 0.0022317762504705297 0.0031025830056761613 -0.0028751554191743241 -0.0027180029099055313 -0.0012064667213331733
+leaf_weight=46 39 50 46 39 41
+leaf_count=46 39 50 46 39 41
+internal_value=0 0.0169631 -0.0376031 -0.0350658 0.0230086
+internal_weight=0 176 126 85 80
+internal_count=261 176 126 85 80
+shrinkage=0.02
+
+
+Tree=8061
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.130285 0.403449 0.483193 0.452364
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0021661874400038771 -0.001022921515822993 0.0017206063845520599 -0.0016886125638629443 -0.00065780021623707051
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.0112626 -0.0150107 0.0306332
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=8062
+num_leaves=6
+num_cat=0
+split_feature=2 1 2 4 2
+split_gain=0.129033 0.498664 1.01353 1.2832 0.878452
+threshold=6.5000000000000009 10.500000000000002 17.500000000000004 66.500000000000014 23.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00098118482228641579 0.0043799590749522338 -0.0023146157530008877 -0.0035306670234066875 -0.00061528194969330031 0.00050531813977887005
+leaf_weight=50 41 39 39 42 50
+leaf_count=50 41 39 39 42 50
+internal_value=0 -0.011625 0.0117854 0.0922114 -0.0627831
+internal_weight=0 211 172 83 89
+internal_count=261 211 172 83 89
+shrinkage=0.02
+
+
+Tree=8063
+num_leaves=6
+num_cat=0
+split_feature=2 4 3 7 6
+split_gain=0.136006 1.28116 0.876769 0.586954 0.564984
+threshold=10.500000000000002 69.500000000000014 60.500000000000007 52.500000000000007 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=4 2 3 -2 -1
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0010840998128884157 -0.0011183219877685621 0.0030705990210035637 -0.0031673901843595077 0.0022657478311251551 -0.0022349797326053382
+leaf_weight=39 46 50 41 39 46
+leaf_count=39 46 50 41 39 46
+internal_value=0 0.0169994 -0.0369172 0.0212776 -0.0351532
+internal_weight=0 176 126 85 85
+internal_count=261 176 126 85 85
+shrinkage=0.02
+
+
+Tree=8064
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 7
+split_gain=0.13149 0.396156 0.310764 0.186998
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00066448802544939961 0.00037358307617897413 0.0021009913355380565 -0.0013375226654553701 -0.0015829681684719117
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0168976 -0.00981664 -0.0343409
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=8065
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 7
+split_gain=0.132088 0.487204 0.681565 2.24022
+threshold=8.5000000000000018 74.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00080461631687467241 0.0015393253137012456 0.0022323099041540494 0.0013071743284060291 -0.0049922390511468731
+leaf_weight=69 46 42 65 39
+leaf_count=69 46 42 65 39
+internal_value=0 0.0144846 -0.0124849 -0.0724874
+internal_weight=0 192 150 85
+internal_count=261 192 150 85
+shrinkage=0.02
+
+
+Tree=8066
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.13116 0.93804 0.487198 0.354608
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010765946735060601 -0.0010977315185102341 0.0029265442223511485 -0.002378583988925387 -0.0010384793836634152
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.0105586 -0.0214769 0.00765421
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=8067
+num_leaves=6
+num_cat=0
+split_feature=6 5 9 2 8
+split_gain=0.131152 0.414314 0.229932 1.13434 2.31744
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.00093181836962189727 -0.001067657882944916 0.0018743874597554298 0.0041160128866890864 -0.003581706894447706 -0.0027139667750116043
+leaf_weight=49 44 49 39 39 41
+leaf_count=49 44 49 39 39 41
+internal_value=0 0.0108521 -0.0131085 -0.0380395 0.0303172
+internal_weight=0 217 168 119 80
+internal_count=261 217 168 119 80
+shrinkage=0.02
+
+
+Tree=8068
+num_leaves=6
+num_cat=0
+split_feature=2 6 6 2 2
+split_gain=0.132419 0.999484 0.660777 0.920121 1.07403
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 9.5000000000000018 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.0028607277120947711 0.0010725895113379122 0.0025392865596269064 -0.0026743291545030497 0.0033360490710889431 -0.0013009965563265983
+leaf_weight=46 44 47 43 40 41
+leaf_count=46 44 47 43 40 41
+internal_value=0 -0.0108742 0.0244883 -0.0140807 0.0489969
+internal_weight=0 217 171 124 81
+internal_count=261 217 171 124 81
+shrinkage=0.02
+
+
+Tree=8069
+num_leaves=6
+num_cat=0
+split_feature=2 1 2 4 2
+split_gain=0.134303 0.473023 0.959641 1.23242 0.838274
+threshold=6.5000000000000009 10.500000000000002 17.500000000000004 66.500000000000014 23.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00099839597892827894 0.0042719482239186113 -0.0022665230027848812 -0.0034556321178448278 -0.00062487518940398089 0.00048877960673248972
+leaf_weight=50 41 39 39 42 50
+leaf_count=50 41 39 39 42 50
+internal_value=0 -0.0118281 0.0109903 0.0892984 -0.0616023
+internal_weight=0 211 172 83 89
+internal_count=261 211 172 83 89
+shrinkage=0.02
+
+
+Tree=8070
+num_leaves=6
+num_cat=0
+split_feature=2 1 2 4 2
+split_gain=0.128202 0.453516 0.920696 1.18305 0.804441
+threshold=6.5000000000000009 10.500000000000002 17.500000000000004 66.500000000000014 23.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00097845577743683413 0.0041866547718284949 -0.0022212737427210606 -0.0033866432138046692 -0.00061239848113949749 0.0004790175277743483
+leaf_weight=50 41 39 39 42 50
+leaf_count=50 41 39 39 42 50
+internal_value=0 -0.011592 0.0107661 0.0875059 -0.0603636
+internal_weight=0 211 172 83 89
+internal_count=261 211 172 83 89
+shrinkage=0.02
+
+
+Tree=8071
+num_leaves=6
+num_cat=0
+split_feature=2 4 3 8 9
+split_gain=0.134963 1.25057 0.857144 0.614242 0.38217
+threshold=10.500000000000002 69.500000000000014 60.500000000000007 62.500000000000007 49.500000000000007
+decision_type=2 2 2 2 2
+left_child=3 2 4 -1 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.00087670634464092516 -0.00098751262530579246 0.0030372076020141743 -0.0031290243783367502 -0.0025799443436791774 0.0017575788311195368
+leaf_weight=46 41 50 41 39 44
+leaf_count=46 41 50 41 39 44
+internal_value=0 0.0169431 -0.0363329 -0.035035 0.0212174
+internal_weight=0 176 126 85 85
+internal_count=261 176 126 85 85
+shrinkage=0.02
+
+
+Tree=8072
+num_leaves=5
+num_cat=0
+split_feature=2 6 2 8
+split_gain=0.128755 0.852171 0.828159 0.589223
+threshold=10.500000000000002 66.500000000000014 21.500000000000004 62.500000000000007
+decision_type=2 2 2 2
+left_child=3 2 -2 -1
+right_child=1 -3 -4 -5
+leaf_value=0.00085919897779353357 -0.0018072567381901519 0.0029704524349733054 0.0013598251302835249 -0.0025284379193597907
+leaf_weight=46 77 39 60 39
+leaf_count=46 77 39 60 39
+internal_value=0 0.0165999 -0.0207196 -0.0343263
+internal_weight=0 176 137 85
+internal_count=261 176 137 85
+shrinkage=0.02
+
+
+Tree=8073
+num_leaves=5
+num_cat=0
+split_feature=4 6 6 2
+split_gain=0.129488 0.428808 0.402532 0.421607
+threshold=73.500000000000014 58.500000000000007 51.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00082548649335713819 -0.00091486845206019494 0.0016408584368420556 -0.00208606685386367 0.0018532737580069414
+leaf_weight=57 56 64 41 43
+leaf_count=57 56 64 41 43
+internal_value=0 0.0125238 -0.0187725 0.0159438
+internal_weight=0 205 141 100
+internal_count=261 205 141 100
+shrinkage=0.02
+
+
+Tree=8074
+num_leaves=5
+num_cat=0
+split_feature=2 2 9 1
+split_gain=0.132099 0.433781 1.23102 1.82702
+threshold=6.5000000000000009 11.500000000000002 71.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00099120969826622311 -0.0020165612562971793 0.0023578744506304113 0.0031359094115566283 -0.0027122350493711672
+leaf_weight=50 45 46 44 76
+leaf_count=50 45 46 44 76
+internal_value=0 -0.0117448 0.0121958 -0.0396872
+internal_weight=0 211 166 122
+internal_count=261 211 166 122
+shrinkage=0.02
+
+
+Tree=8075
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 7
+split_gain=0.140682 0.407839 0.307728 0.185816
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00066315358601372429 0.00034982669971252086 0.0021356587673237878 -0.0013296563911041786 -0.0016006838636512788
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0174057 -0.00968414 -0.0353645
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=8076
+num_leaves=5
+num_cat=0
+split_feature=9 6 9 7
+split_gain=0.134274 0.382726 0.30999 0.177733
+threshold=67.500000000000014 58.500000000000007 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00064990262019425831 0.00034284263210896033 0.0020221828742483417 -0.0013698216711207679 -0.0015687180047256062
+leaf_weight=76 39 43 56 47
+leaf_count=76 39 43 56 47
+internal_value=0 0.0170582 -0.0100582 -0.0346489
+internal_weight=0 175 132 86
+internal_count=261 175 132 86
+shrinkage=0.02
+
+
+Tree=8077
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.128119 0.376061 0.285682 0.36445 0.169969
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00092793169223074961 0.00033599807505381663 0.0020542953722314993 -0.001579195930913786 0.0016714698343479101 -0.0015373903916270609
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0167176 -0.00933655 0.0231585 -0.0339477
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=8078
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 5
+split_gain=0.129932 0.475185 0.467674 0.39616
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00086361360636169463 0.00099662414218054446 -0.0021465421566449492 0.0017613823177654898 -0.0015864424029282784
+leaf_weight=49 49 43 57 63
+leaf_count=49 49 43 57 63
+internal_value=0 -0.0115077 0.0126701 -0.0253767
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=8079
+num_leaves=5
+num_cat=0
+split_feature=4 4 9 9
+split_gain=0.127334 0.415093 0.442183 0.898291
+threshold=73.500000000000014 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019314221704217422 -0.00090809226328407737 0.0017527720095619323 -0.001979910830999675 0.0019368127408488079
+leaf_weight=40 56 56 46 63
+leaf_count=40 56 56 46 63
+internal_value=0 0.0124411 -0.0155805 0.0213266
+internal_weight=0 205 149 103
+internal_count=261 205 149 103
+shrinkage=0.02
+
+
+Tree=8080
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 4
+split_gain=0.125629 0.462313 1.49835 1.11518
+threshold=8.5000000000000018 54.500000000000007 63.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=-0.00078725002424510199 0.0015448967948835321 0.0043244692772466693 -0.00061465444163952493 -0.0030701476513865229
+leaf_weight=69 41 39 68 44
+leaf_count=69 41 39 68 44
+internal_value=0 0.0141784 0.0589883 -0.0417612
+internal_weight=0 192 107 85
+internal_count=261 192 107 85
+shrinkage=0.02
+
+
+Tree=8081
+num_leaves=5
+num_cat=0
+split_feature=7 3 6 9
+split_gain=0.128127 0.38067 0.302579 0.446759
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00080764492639962384 0.0011359031181491668 -0.0020398597607671804 0.0017284881881616846 -0.001494717967344229
+leaf_weight=75 39 39 42 66
+leaf_count=75 39 39 42 66
+internal_value=0 -0.00997567 0.00944758 -0.0132296
+internal_weight=0 222 183 141
+internal_count=261 222 183 141
+shrinkage=0.02
+
+
+Tree=8082
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.127772 0.426537 1.22577 1.39105
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00097715716222005378 0.0014571928967039203 -0.0051211297771625464 0.0011522932345673109 -2.0470084656988578e-05
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0115691 -0.0366974 -0.117513
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8083
+num_leaves=5
+num_cat=0
+split_feature=5 9 7 2
+split_gain=0.12713 0.273814 0.251212 1.18126
+threshold=72.050000000000026 68.500000000000014 52.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.00080631108454140923 0.00098729072835213646 -0.0015864201265629984 -0.0015769476315887008 0.0028842831638172923
+leaf_weight=66 49 49 44 53
+leaf_count=66 49 49 44 53
+internal_value=0 -0.0113985 0.00879986 0.0426356
+internal_weight=0 212 163 97
+internal_count=261 212 163 97
+shrinkage=0.02
+
+
+Tree=8084
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.126577 0.411331 1.16704 1.33672
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00097317772781108471 0.0014289900980733253 -0.0050192379221108184 0.0011165970910464113 -1.7437541809701016e-05
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0115233 -0.0362225 -0.115112
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8085
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 4
+split_gain=0.127084 0.871739 1.06184 0.87286
+threshold=75.500000000000014 6.5000000000000009 49.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00077918473154535808 0.0011152517690321201 -0.00078655336533020473 -0.003193553497420309 0.0028090222737345073
+leaf_weight=48 40 53 63 57
+leaf_count=48 40 53 63 57
+internal_value=0 -0.0100858 -0.0734501 0.0534971
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=8086
+num_leaves=6
+num_cat=0
+split_feature=6 5 9 2 8
+split_gain=0.134328 0.408274 0.227828 1.11473 2.22837
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0009326255695018648 -0.001078634354866414 0.0018652561271727533 0.0040447945430939665 -0.0035497848994005877 -0.0026536866807722833
+leaf_weight=49 44 49 39 39 41
+leaf_count=49 44 49 39 39 41
+internal_value=0 0.0109746 -0.012817 -0.0376446 0.0301256
+internal_weight=0 217 168 119 80
+internal_count=261 217 168 119 80
+shrinkage=0.02
+
+
+Tree=8087
+num_leaves=5
+num_cat=0
+split_feature=7 2 2 7
+split_gain=0.130895 0.666274 0.440955 0.608568
+threshold=52.500000000000007 7.5000000000000009 20.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.00082567456839610404 -0.0019426267509508055 0.00020407349692701379 -0.00043796166804897736 0.0035313532726143071
+leaf_weight=66 43 48 60 44
+leaf_count=66 43 48 60 44
+internal_value=0 0.0140102 0.0457448 0.0902773
+internal_weight=0 195 152 92
+internal_count=261 195 152 92
+shrinkage=0.02
+
+
+Tree=8088
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.132948 0.426814 0.434867 0.444219
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020954330005002516 -0.0010318749609939707 0.0017633360618200876 -0.001632632395913829 -0.0007046386982443605
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.0113654 -0.0156293 0.0277479
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=8089
+num_leaves=4
+num_cat=0
+split_feature=7 1 5
+split_gain=0.130389 0.656932 1.59621
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00082441962877632697 -0.0012376716308804534 0.0039102784076361641 -0.00074742387562457631
+leaf_weight=66 73 51 71
+leaf_count=66 73 51 71
+internal_value=0 0.0139801 0.059711
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=8090
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 4
+split_gain=0.126154 0.812738 1.06831 0.835913
+threshold=75.500000000000014 6.5000000000000009 60.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00013808625410250043 0.0011115121056395692 -0.00079006921246560795 -0.0039142395899872621 0.0027302957954518699
+leaf_weight=68 40 53 43 57
+leaf_count=68 40 53 43 57
+internal_value=0 -0.0100642 -0.0713004 0.0513714
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=8091
+num_leaves=6
+num_cat=0
+split_feature=6 5 9 2 8
+split_gain=0.133449 0.373389 0.208991 1.06555 2.16774
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.00090549681363777249 -0.0010757695618253569 0.0017959832198597492 0.0040064690845043787 -0.0034504752832321614 -0.0026009356558308393
+leaf_weight=49 44 49 39 39 41
+leaf_count=49 44 49 39 39 41
+internal_value=0 0.0109329 -0.0118596 -0.0357343 0.0305435
+internal_weight=0 217 168 119 80
+internal_count=261 217 168 119 80
+shrinkage=0.02
+
+
+Tree=8092
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.129601 0.422621 0.407433 0.437387
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020573762461235166 -0.0010206570363434759 0.0017534959808972637 -0.0015923257152970324 -0.00072222751580480651
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.0112336 -0.0156333 0.0264041
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=8093
+num_leaves=4
+num_cat=0
+split_feature=7 2 1
+split_gain=0.130956 0.644912 1.85559
+threshold=52.500000000000007 7.5000000000000009 6.5000000000000009
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.0008261107989315261 -0.0019078508987486543 -0.0013383173181528861 0.0030992136502391221
+leaf_weight=66 43 75 77
+leaf_count=66 43 75 77
+internal_value=0 0.0139995 0.0452387
+internal_weight=0 195 152
+internal_count=261 195 152
+shrinkage=0.02
+
+
+Tree=8094
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.133071 0.406655 0.39235 0.428148
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001976758070986049 -0.0010326233842404805 0.001728057401244475 -0.0015573751840658339 -0.00076598516738126678
+leaf_weight=45 47 56 63 50
+leaf_count=45 47 56 63 50
+internal_value=0 0.0113533 -0.0150199 0.0262647
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=8095
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 5
+split_gain=0.134908 0.906557 0.7531 0.391118 1.09321
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007 48.45000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0019176786897129761 -0.0011116157029030412 0.0029649352610840118 -0.0023722989061674494 0.0020823147730728723 -0.0027374480094640723
+leaf_weight=42 42 40 55 42 40
+leaf_count=42 42 40 55 42 40
+internal_value=0 0.0106707 -0.0198951 0.0236117 -0.0171883
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=8096
+num_leaves=5
+num_cat=0
+split_feature=4 9 3 1
+split_gain=0.135047 0.622637 1.48559 0.60191
+threshold=49.500000000000007 54.500000000000007 64.500000000000014 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.0011618911799702279 -0.0014993823035329994 0.0037161101550243132 0.00080269506306679525 -0.0022795779889799015
+leaf_weight=39 63 51 64 44
+leaf_count=39 63 51 64 44
+internal_value=0 0.0102183 0.0442413 -0.0223153
+internal_weight=0 222 159 108
+internal_count=261 222 159 108
+shrinkage=0.02
+
+
+Tree=8097
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.134594 0.440683 1.14829 1.21694
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00099900324365586506 0.0014780687347801555 -0.0049075292568121114 0.0010787986213569875 -0.00012980350020622697
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0118558 -0.0373763 -0.115638
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8098
+num_leaves=6
+num_cat=0
+split_feature=4 2 6 3 5
+split_gain=0.133327 0.629739 1.42085 0.801357 1.80296
+threshold=49.500000000000007 25.500000000000004 49.500000000000007 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0011554358211172673 0.0040642464594529224 -0.0020974607409043355 0.001085691465335488 0.001861323398863052 -0.0045578389293703617
+leaf_weight=39 40 40 53 49 40
+leaf_count=39 40 40 53 49 40
+internal_value=0 0.010161 0.0356936 -0.0112901 -0.066732
+internal_weight=0 222 182 142 93
+internal_count=261 222 182 142 93
+shrinkage=0.02
+
+
+Tree=8099
+num_leaves=4
+num_cat=0
+split_feature=7 2 1
+split_gain=0.136283 0.635848 1.80689
+threshold=52.500000000000007 7.5000000000000009 6.5000000000000009
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.0008407569894618161 -0.001888107185383698 -0.0013084448983269271 0.0030709758951565913
+leaf_weight=66 43 75 77
+leaf_count=66 43 75 77
+internal_value=0 0.0142345 0.0452605
+internal_weight=0 195 152
+internal_count=261 195 152
+shrinkage=0.02
+
+
+Tree=8100
+num_leaves=6
+num_cat=0
+split_feature=2 1 2 4 2
+split_gain=0.133905 0.438588 0.992907 1.15201 0.791209
+threshold=6.5000000000000009 10.500000000000002 17.500000000000004 66.500000000000014 23.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00099670009018300136 0.0042004895675405848 -0.002194439691977944 -0.0034345336104136528 -0.00053560101152854832 0.00039924777426690144
+leaf_weight=50 41 39 39 42 50
+leaf_count=50 41 39 39 42 50
+internal_value=0 -0.0118331 0.0101658 0.0897926 -0.0636561
+internal_weight=0 211 172 83 89
+internal_count=261 211 172 83 89
+shrinkage=0.02
+
+
+Tree=8101
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 9
+split_gain=0.12785 0.417248 0.493366 0.761073
+threshold=72.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015691779804689571 -0.0010150483177805848 0.0016894251362450415 -0.0012147307885021139 0.0026554857928324459
+leaf_weight=72 47 59 41 42
+leaf_count=72 47 59 41 42
+internal_value=0 0.0111485 -0.0165291 0.0367325
+internal_weight=0 214 155 83
+internal_count=261 214 155 83
+shrinkage=0.02
+
+
+Tree=8102
+num_leaves=6
+num_cat=0
+split_feature=2 1 2 4 2
+split_gain=0.131884 0.412995 0.966496 1.11131 0.759408
+threshold=6.5000000000000009 10.500000000000002 17.500000000000004 66.500000000000014 23.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00099007940188791297 0.0041265112978714881 -0.0021375250614967863 -0.0033833455186816843 -0.0005263612307616982 0.00037415051212657445
+leaf_weight=50 41 39 39 42 50
+leaf_count=50 41 39 39 42 50
+internal_value=0 -0.0117579 0.00961185 0.0881978 -0.0632388
+internal_weight=0 211 172 83 89
+internal_count=261 211 172 83 89
+shrinkage=0.02
+
+
+Tree=8103
+num_leaves=5
+num_cat=0
+split_feature=2 2 9 1
+split_gain=0.125879 0.412294 1.21421 1.86604
+threshold=6.5000000000000009 11.500000000000002 71.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00097030565621778115 -0.0019694738183604499 0.0023909773797424283 0.0031093196883976854 -0.002732486412060376
+leaf_weight=50 45 46 44 76
+leaf_count=50 45 46 44 76
+internal_value=0 -0.0115233 0.0118383 -0.0396936
+internal_weight=0 211 166 122
+internal_count=261 211 166 122
+shrinkage=0.02
+
+
+Tree=8104
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 1 7
+split_gain=0.130146 0.384136 0.442082 1.03084 0.172526
+threshold=67.500000000000014 66.500000000000014 41.500000000000007 4.5000000000000009 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=-0.0019820285275567342 0.00033774846389084969 0.0021304881044489237 -0.0015520031423813883 0.0026263495824209223 -0.0015482855393029536
+leaf_weight=40 39 39 47 49 47
+leaf_count=40 39 39 47 49 47
+internal_value=0 0.0168048 -0.00867116 0.0286365 -0.0342059
+internal_weight=0 175 136 96 86
+internal_count=261 175 136 96 86
+shrinkage=0.02
+
+
+Tree=8105
+num_leaves=5
+num_cat=0
+split_feature=7 3 6 9
+split_gain=0.126584 0.37209 0.302282 0.436643
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00079244001236929954 0.0011295368554252233 -0.0020194492785253885 0.001724194224816704 -0.0014847451503922401
+leaf_weight=75 39 39 42 66
+leaf_count=75 39 39 42 66
+internal_value=0 -0.00994544 0.00926646 -0.0134007
+internal_weight=0 222 183 141
+internal_count=261 222 183 141
+shrinkage=0.02
+
+
+Tree=8106
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.125529 0.893562 0.612837 1.25734 0.694956
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0031266746353807023 -0.001077481838404098 0.0027830164164595523 -0.0024811551896621732 0.0028168970431782505 0.00061571158634209111
+leaf_weight=41 42 44 45 49 40
+leaf_count=41 42 44 45 49 40
+internal_value=0 0.0103405 -0.0218603 0.013256 -0.0634889
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=8107
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.130246 0.485098 0.465498 0.421088
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00067778921412880782 0.00099721007636688103 -0.0021663198413360636 0.0017621530631607043 -0.0018288413533494815
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.0115426 0.0128782 -0.0250824
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=8108
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.124288 0.465145 0.446257 0.403683
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00066424940152884295 0.00097729487333614523 -0.002123064081506107 0.0017269532031043305 -0.0017923129512380021
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.0113085 0.0126209 -0.0245743
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=8109
+num_leaves=6
+num_cat=0
+split_feature=6 5 9 2 8
+split_gain=0.125816 0.396863 0.225267 1.02411 2.18276
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.00092632795068914981 -0.0010488467611962499 0.001836718122154286 0.0039567817174353988 -0.0034332798976696205 -0.0026736288463834255
+leaf_weight=49 44 49 39 39 41
+leaf_count=49 44 49 39 39 41
+internal_value=0 0.0106486 -0.0128214 -0.0375211 0.0274669
+internal_weight=0 217 168 119 80
+internal_count=261 217 168 119 80
+shrinkage=0.02
+
+
+Tree=8110
+num_leaves=5
+num_cat=0
+split_feature=5 6 5 3
+split_gain=0.122614 0.460101 0.422691 0.440015
+threshold=72.050000000000026 63.500000000000007 55.650000000000013 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00076683358173861905 0.00097166706278194409 -0.0021118175996230047 0.0016510327333662945 -0.0018132059766654499
+leaf_weight=56 49 43 59 54
+leaf_count=56 49 43 59 54
+internal_value=0 -0.01124 0.0125637 -0.0246405
+internal_weight=0 212 169 110
+internal_count=261 212 169 110
+shrinkage=0.02
+
+
+Tree=8111
+num_leaves=6
+num_cat=0
+split_feature=8 5 9 2 8
+split_gain=0.12513 0.430876 0.217207 0.979585 2.11957
+threshold=72.500000000000014 65.500000000000014 42.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0009078376943525288 -0.0010054070987036863 0.0019759708004477021 0.0038888931979234793 -0.0033660823017518967 -0.0026457423935384683
+leaf_weight=49 47 46 39 39 41
+leaf_count=49 47 46 39 39 41
+internal_value=0 0.0110586 -0.0127586 -0.0370515 0.0265258
+internal_weight=0 214 168 119 80
+internal_count=261 214 168 119 80
+shrinkage=0.02
+
+
+Tree=8112
+num_leaves=6
+num_cat=0
+split_feature=4 2 5 3 5
+split_gain=0.132383 0.624396 1.25544 0.811879 1.69113
+threshold=49.500000000000007 25.500000000000004 52.800000000000004 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0011517398220698852 0.0037195084347286501 -0.0020884536192962763 0.0010921184170119939 0.0018734586227321568 -0.0044449345806917111
+leaf_weight=39 43 40 50 49 40
+leaf_count=39 43 40 50 49 40
+internal_value=0 0.0101363 0.0355643 -0.0107484 -0.0680727
+internal_weight=0 222 182 139 90
+internal_count=261 222 182 139 90
+shrinkage=0.02
+
+
+Tree=8113
+num_leaves=5
+num_cat=0
+split_feature=2 9 1 7
+split_gain=0.132407 0.465791 0.65513 2.04605
+threshold=8.5000000000000018 74.500000000000014 7.5000000000000009 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=-0.00080564080460709812 0.0014418802160178605 0.0021909747205609122 0.0012892101083791842 -0.004802303002569906
+leaf_weight=69 46 42 65 39
+leaf_count=69 46 42 65 39
+internal_value=0 0.0144907 -0.0118977 -0.0707644
+internal_weight=0 192 150 85
+internal_count=261 192 150 85
+shrinkage=0.02
+
+
+Tree=8114
+num_leaves=5
+num_cat=0
+split_feature=7 2 2 7
+split_gain=0.13654 0.623114 0.414141 0.659167
+threshold=52.500000000000007 7.5000000000000009 20.500000000000004 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.00084126410933401188 -0.0018664131428599217 0.00010069056576618118 -0.00041294103700110097 0.0035572413588587271
+leaf_weight=66 43 48 60 44
+leaf_count=66 43 48 60 44
+internal_value=0 0.0142554 0.0449801 0.088198
+internal_weight=0 195 152 92
+internal_count=261 195 152 92
+shrinkage=0.02
+
+
+Tree=8115
+num_leaves=5
+num_cat=0
+split_feature=2 2 9 1
+split_gain=0.128542 0.411509 1.17257 1.82036
+threshold=6.5000000000000009 11.500000000000002 71.500000000000014 4.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00097942668912604533 -0.0019696694014737365 0.0023674866241761342 0.0030582689086285099 -0.0026935337100922867
+leaf_weight=50 45 46 44 76
+leaf_count=50 45 46 44 76
+internal_value=0 -0.0116128 0.0117273 -0.0389232
+internal_weight=0 211 166 122
+internal_count=261 211 166 122
+shrinkage=0.02
+
+
+Tree=8116
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 5
+split_gain=0.135505 0.9353 0.545876 0.238909
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00099008631459715133 -0.0011135676053702648 0.0022266294651688617 -0.0023693944179418855 0.0010525741713285565
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0107006 -0.0324785 0.0101769
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=8117
+num_leaves=5
+num_cat=0
+split_feature=8 5 3 1
+split_gain=0.126583 0.419995 0.195428 1.11088
+threshold=72.500000000000014 65.500000000000014 52.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0007568745167578141 -0.0010104422222815782 0.0019557492964136286 -0.0022895574038820764 0.0018738378329319996
+leaf_weight=56 47 46 71 41
+leaf_count=56 47 46 71 41
+internal_value=0 0.011113 -0.0124122 -0.037905
+internal_weight=0 214 168 112
+internal_count=261 214 168 112
+shrinkage=0.02
+
+
+Tree=8118
+num_leaves=5
+num_cat=0
+split_feature=9 3 7 5
+split_gain=0.131426 0.904357 0.524091 0.232745
+threshold=77.500000000000014 66.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00098108465311106167 -0.0010988686343737784 0.0021909807386071021 -0.002324638913055677 0.0010371194246784907
+leaf_weight=42 42 66 51 60
+leaf_count=42 42 66 51 60
+internal_value=0 0.0105593 -0.0319115 0.00990768
+internal_weight=0 219 153 102
+internal_count=261 219 153 102
+shrinkage=0.02
+
+
+Tree=8119
+num_leaves=5
+num_cat=0
+split_feature=6 3 9 1
+split_gain=0.127485 0.3694 0.274145 1.08385
+threshold=70.500000000000014 65.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0018202234307670643 -0.0010547982924158188 0.001555060290216689 -0.0018289719914526825 0.0020716757724095407
+leaf_weight=39 44 62 56 60
+leaf_count=39 44 62 56 60
+internal_value=0 0.0107112 -0.0158706 0.00908723
+internal_weight=0 217 155 116
+internal_count=261 217 155 116
+shrinkage=0.02
+
+
+Tree=8120
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 7
+split_gain=0.129758 0.384266 0.280645 0.169587
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00062965194507013159 0.00033078804120158239 0.0020734846083270914 -0.0012788756092936854 -0.0015406093669337833
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0167908 -0.00953483 -0.0341539
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=8121
+num_leaves=5
+num_cat=0
+split_feature=5 6 5 3
+split_gain=0.124206 0.492325 0.445324 0.440551
+threshold=72.050000000000026 63.500000000000007 55.650000000000013 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00076330077739584265 0.00097710806373085433 -0.0021753179985145028 0.001700883735673206 -0.0018182011190074989
+leaf_weight=56 49 43 59 54
+leaf_count=56 49 43 59 54
+internal_value=0 -0.0113009 0.0132961 -0.0248532
+internal_weight=0 212 169 110
+internal_count=261 212 169 110
+shrinkage=0.02
+
+
+Tree=8122
+num_leaves=5
+num_cat=0
+split_feature=4 4 9 9
+split_gain=0.130427 0.413603 0.402521 0.875112
+threshold=73.500000000000014 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0019308778633939259 -0.00091788446090534785 0.0017524686226375774 -0.001903511816298131 0.0018883768353444076
+leaf_weight=40 56 56 46 63
+leaf_count=40 56 56 46 63
+internal_value=0 0.0125557 -0.0154173 0.0198553
+internal_weight=0 205 149 103
+internal_count=261 205 149 103
+shrinkage=0.02
+
+
+Tree=8123
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 4
+split_gain=0.125726 0.431895 1.53686 1.07791
+threshold=8.5000000000000018 54.500000000000007 63.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=-0.00078781156631735935 0.0015412134016288702 0.0043353970840455079 -0.00066632301626671987 -0.0029974813586545147
+leaf_weight=69 41 39 68 44
+leaf_count=69 41 39 68 44
+internal_value=0 0.0141683 0.0575452 -0.0399679
+internal_weight=0 192 107 85
+internal_count=261 192 107 85
+shrinkage=0.02
+
+
+Tree=8124
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.12399 0.935651 0.593707 1.2471 0.673395
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0031187450733386837 -0.0010716896477775901 0.0028406538746512233 -0.0024656790013532297 0.0027801819591469256 0.00056619531032239996
+leaf_weight=41 42 44 45 49 40
+leaf_count=41 42 44 45 49 40
+internal_value=0 0.0102898 -0.0226492 0.0119259 -0.0645118
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=8125
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 5
+split_gain=0.130339 0.457496 0.431511 0.370234
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00083938037356753111 0.00099759861799566217 -0.0021126893469607549 0.0016950228146716511 -0.0015329794155940855
+leaf_weight=49 49 43 57 63
+leaf_count=49 49 43 57 63
+internal_value=0 -0.0115422 0.0121956 -0.0244029
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=8126
+num_leaves=6
+num_cat=0
+split_feature=2 2 8 2 3
+split_gain=0.126165 0.395725 1.19442 0.721492 1.01083
+threshold=6.5000000000000009 11.500000000000002 69.500000000000014 24.500000000000004 57.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 -2 3 4 -3
+right_child=1 2 -4 -5 -6
+leaf_value=0.00097154327250298378 -0.0019357656658899236 0.00034861783903419278 0.0033149942465075027 0.0014856485153510097 -0.0040143410836344018
+leaf_weight=50 45 44 39 41 42
+leaf_count=50 45 44 39 41 42
+internal_value=0 -0.0115204 0.0113846 -0.0357693 -0.0887183
+internal_weight=0 211 166 127 86
+internal_count=261 211 166 127 86
+shrinkage=0.02
+
+
+Tree=8127
+num_leaves=5
+num_cat=0
+split_feature=4 4 9 9
+split_gain=0.127921 0.405552 0.402339 0.830269
+threshold=73.500000000000014 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0018684321711091351 -0.00091014933111473314 0.0017364414770037217 -0.0018999752147430089 0.001853727782105273
+leaf_weight=40 56 56 46 63
+leaf_count=40 56 56 46 63
+internal_value=0 0.0124535 -0.0152564 0.020009
+internal_weight=0 205 149 103
+internal_count=261 205 149 103
+shrinkage=0.02
+
+
+Tree=8128
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.127382 0.737246 0.943409 1.75536
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00098785083223948888 0.0028100551035162599 -0.0025642563760050687 -0.0027020634546825613 0.0021748552862389829
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0114225 0.0189681 -0.0279631
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8129
+num_leaves=4
+num_cat=0
+split_feature=7 2 1
+split_gain=0.131476 0.616068 1.74956
+threshold=52.500000000000007 7.5000000000000009 6.5000000000000009
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00082750802129773204 -0.0018591924975248841 -0.0012868841971437354 0.0030232019690172958
+leaf_weight=66 43 75 77
+leaf_count=66 43 75 77
+internal_value=0 0.0140248 0.044582
+internal_weight=0 195 152
+internal_count=261 195 152
+shrinkage=0.02
+
+
+Tree=8130
+num_leaves=6
+num_cat=0
+split_feature=8 5 9 2 8
+split_gain=0.133241 0.412834 0.23828 0.957915 2.018
+threshold=72.500000000000014 65.500000000000014 42.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.00097473120097839989 -0.0010331718052221201 0.0019465015078537992 0.0037891639690891018 -0.0033427254867456073 -0.0025884488963691865
+leaf_weight=49 47 46 39 39 41
+leaf_count=49 47 46 39 39 41
+internal_value=0 0.0113608 -0.0119698 -0.0373164 0.025562
+internal_weight=0 214 168 119 80
+internal_count=261 214 168 119 80
+shrinkage=0.02
+
+
+Tree=8131
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 4
+split_gain=0.13324 0.903623 0.582154 0.741901
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=9.2334396182832784e-05 -0.0011055347185988367 0.0028026569482688867 0.00094442724121143881 -0.0033741707008456824
+leaf_weight=57 42 44 73 45
+leaf_count=57 42 44 73 45
+internal_value=0 0.0106172 -0.0217613 -0.0715217
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=8132
+num_leaves=4
+num_cat=0
+split_feature=7 2 1
+split_gain=0.138643 0.586145 1.66641
+threshold=52.500000000000007 7.5000000000000009 6.5000000000000009
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00084693679443119483 -0.0018015513047558651 -0.0012428970724459383 0.0029645434329369602
+leaf_weight=66 43 75 77
+leaf_count=66 43 75 77
+internal_value=0 0.0143488 0.0441813
+internal_weight=0 195 152
+internal_count=261 195 152
+shrinkage=0.02
+
+
+Tree=8133
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.135833 0.431502 1.13719 1.08329
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010030669810792417 0.0014599315711458483 -0.0047522482815930047 0.0010742772761714971 -0.00023791325825129177
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0118999 -0.037166 -0.115056
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8134
+num_leaves=4
+num_cat=0
+split_feature=7 2 1
+split_gain=0.139423 0.574471 1.58644
+threshold=52.500000000000007 7.5000000000000009 6.5000000000000009
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00084909164848713037 -0.0017806298997221177 -0.0011967718921402286 0.0029095165802336741
+leaf_weight=66 43 75 77
+leaf_count=66 43 75 77
+internal_value=0 0.0143802 0.0439254
+internal_weight=0 195 152
+internal_count=261 195 152
+shrinkage=0.02
+
+
+Tree=8135
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=0.139313 0.428182 1.09021 1.0249
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010141314355132343 0.0014509149380252989 -0.0046014895044686243 0.0010359515962729971 -0.0002153932423963399
+leaf_weight=50 48 41 75 47
+leaf_count=50 48 41 75 47
+internal_value=0 -0.0120357 -0.0372088 -0.113502
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8136
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.14001 0.419895 0.421252 0.435069
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.002076073510134223 -0.0010558344833101719 0.0017561459857840919 -0.0016037780733754562 -0.00069618305478646384
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.0116044 -0.0151781 0.0275409
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=8137
+num_leaves=6
+num_cat=0
+split_feature=6 5 9 2 8
+split_gain=0.13446 0.351099 0.218639 0.985299 1.8754
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.00094327392957349989 -0.0010796313903108324 0.0017510386628508932 0.0037254146580535004 -0.0033437280341628147 -0.0024244734890158516
+leaf_weight=49 44 49 39 39 41
+leaf_count=49 44 49 39 39 41
+internal_value=0 0.0109525 -0.0111781 -0.0355508 0.0282121
+internal_weight=0 217 168 119 80
+internal_count=261 217 168 119 80
+shrinkage=0.02
+
+
+Tree=8138
+num_leaves=4
+num_cat=0
+split_feature=7 2 1
+split_gain=0.144975 0.558063 1.53818
+threshold=52.500000000000007 7.5000000000000009 6.5000000000000009
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00086387978120454248 -0.0017469091047425821 -0.0011685774292619694 0.0028754501770763721
+leaf_weight=66 43 75 77
+leaf_count=66 43 75 77
+internal_value=0 0.014622 0.0437581
+internal_weight=0 195 152
+internal_count=261 195 152
+shrinkage=0.02
+
+
+Tree=8139
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=0.140931 1.41878 1.36129 1.13338
+threshold=7.5000000000000009 15.500000000000002 67.65000000000002 11.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.003473111428106578 0.0015740639982359821 -0.0030008707412441473 0.0034554610519888563 0.00079811367724406598
+leaf_weight=40 58 52 43 68
+leaf_count=40 58 52 43 68
+internal_value=0 -0.0290949 0.0211778 -0.0388822
+internal_weight=0 110 151 108
+internal_count=261 110 151 108
+shrinkage=0.02
+
+
+Tree=8140
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 9
+split_gain=0.152809 0.40733 0.524118 0.76628
+threshold=72.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015812894150943489 -0.001097368369290903 0.0016906841333235948 -0.0011647867584623267 0.002717835762267275
+leaf_weight=72 47 59 41 42
+leaf_count=72 47 59 41 42
+internal_value=0 0.0120537 -0.0153034 0.0395459
+internal_weight=0 214 155 83
+internal_count=261 214 155 83
+shrinkage=0.02
+
+
+Tree=8141
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 1
+split_gain=0.148467 0.460381 1.22452 1.10808
+threshold=6.5000000000000009 63.500000000000007 54.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0010427443687611529 0.001237198747276944 -0.0015343902968897457 0.0032710738014062207 -0.0031649352471818182
+leaf_weight=50 49 75 43 44
+leaf_count=50 49 75 43 44
+internal_value=0 -0.0123824 0.0228249 -0.0418875
+internal_weight=0 211 136 93
+internal_count=261 211 136 93
+shrinkage=0.02
+
+
+Tree=8142
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 7
+split_gain=0.144743 0.392347 0.291746 0.189221
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00065583817953660363 0.0003493380570216407 0.0021068829469997751 -0.0012878267524758489 -0.0016172955709897157
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.017603 -0.00898579 -0.0358298
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=8143
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.140139 0.414717 1.06189 1.04523
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010167765404284297 0.0014245901535944606 -0.0046519173817471558 0.0010199705018563042 -0.00021597698668766993
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0120659 -0.03686 -0.112175
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8144
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 1
+split_gain=0.13379 0.432332 1.20012 1.05864
+threshold=6.5000000000000009 63.500000000000007 54.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0009964692263467979 0.0011939469547397571 -0.0014851393528799728 0.0032336361068970149 -0.0031103720233125001
+leaf_weight=50 49 75 43 44
+leaf_count=50 49 75 43 44
+internal_value=0 -0.0118216 0.0223361 -0.0417359
+internal_weight=0 211 136 93
+internal_count=261 211 136 93
+shrinkage=0.02
+
+
+Tree=8145
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 7
+split_gain=0.131515 0.38444 0.284239 0.173658
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00063648106183832737 0.00033786178108124532 0.0020758371178123355 -0.0012834700174528329 -0.0015537312924418702
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0168906 -0.00944059 -0.0343522
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=8146
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 1
+split_gain=0.126141 0.41343 1.14805 1.01873
+threshold=6.5000000000000009 63.500000000000007 54.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00097150092308740798 0.0011752150092818282 -0.0014527476636812726 0.0031651582392609422 -0.0030486388556914506
+leaf_weight=50 49 75 43 44
+leaf_count=50 49 75 43 44
+internal_value=0 -0.0115175 0.0219143 -0.0407681
+internal_weight=0 211 136 93
+internal_count=261 211 136 93
+shrinkage=0.02
+
+
+Tree=8147
+num_leaves=5
+num_cat=0
+split_feature=4 1 9 2
+split_gain=0.124865 0.786335 0.984704 0.754085
+threshold=75.500000000000014 6.5000000000000009 60.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=9.6708520561723769e-05 0.0011065993699939406 -0.00027445145060292232 -0.0037961904918037605 0.0031841610086161577
+leaf_weight=68 40 69 43 41
+leaf_count=68 40 69 43 41
+internal_value=0 -0.0100199 -0.0702795 0.0504302
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=8148
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 8
+split_gain=0.122601 0.394157 1.10776 0.762014
+threshold=6.5000000000000009 63.500000000000007 54.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00095978597061872623 0.0012911892967358593 -0.0014223710778940371 0.0031055886798525513 -0.0024028542094228856
+leaf_weight=50 40 75 43 53
+leaf_count=50 40 75 43 53
+internal_value=0 -0.0113709 0.0213038 -0.0402823
+internal_weight=0 211 136 93
+internal_count=261 211 136 93
+shrinkage=0.02
+
+
+Tree=8149
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.124203 0.461935 0.439566 0.3666
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00061615673119755029 0.00097731502497781677 -0.0021164077558081802 0.0017151265226230117 -0.0017299700938467031
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.0112898 0.0125596 -0.0243656
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=8150
+num_leaves=4
+num_cat=0
+split_feature=7 2 1
+split_gain=0.122676 0.569048 1.56938
+threshold=52.500000000000007 7.5000000000000009 6.5000000000000009
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00080294026460809263 -0.0017864448832668447 -0.0012035731829735609 0.0028808979305316772
+leaf_weight=66 43 75 77
+leaf_count=66 43 75 77
+internal_value=0 0.0136198 0.0430323
+internal_weight=0 195 152
+internal_count=261 195 152
+shrinkage=0.02
+
+
+Tree=8151
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.130742 0.419117 0.412854 0.452389
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020905480179040483 -0.0010245502535795898 0.001748276004736832 -0.0015974265302023305 -0.00073438413465506101
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.0112759 -0.0154834 0.0268226
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=8152
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.127073 0.407095 1.0207 1.03463
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00097463816660284307 0.0014202093702977527 -0.0045962705562276563 0.0010006555391045566 -0.00018268102242541409
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0115519 -0.0361301 -0.11
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8153
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.130882 1.47223 1.39053 1.085
+threshold=7.5000000000000009 67.65000000000002 15.500000000000002 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0034762572688832672 0.0015716120246069679 0.0035618471173473982 -0.0029582328781906238 0.00070375613338475868
+leaf_weight=40 58 43 52 68
+leaf_count=40 58 43 52 68
+internal_value=0 0.0205268 -0.028151 -0.0419122
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8154
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.135528 0.372027 0.492861 0.752931
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015513426228268099 -0.0010830058253809575 0.0015654679932887378 -0.001187543853925097 0.0026622168770419016
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0110081 -0.0156633 0.037575
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=8155
+num_leaves=5
+num_cat=0
+split_feature=7 3 2 9
+split_gain=0.130282 0.384388 0.472516 0.722433
+threshold=75.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001520345748655588 -0.0010230049237035909 0.0016354367478266774 -0.0011638335222552982 0.0026090613340492737
+leaf_weight=72 47 59 41 42
+leaf_count=72 47 59 41 42
+internal_value=0 0.0112576 -0.0153501 0.0368151
+internal_weight=0 214 155 83
+internal_count=261 214 155 83
+shrinkage=0.02
+
+
+Tree=8156
+num_leaves=5
+num_cat=0
+split_feature=8 3 3 1
+split_gain=0.12628 0.370615 0.24297 2.61099
+threshold=72.500000000000014 65.500000000000014 52.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00078615055402396342 -0.0010093516453274351 0.0016081661972420175 -0.0044258651373305915 0.0021022313281778612
+leaf_weight=56 47 59 46 53
+leaf_count=56 47 59 46 53
+internal_value=0 0.0111038 -0.0150431 -0.0461967
+internal_weight=0 214 155 99
+internal_count=261 214 155 99
+shrinkage=0.02
+
+
+Tree=8157
+num_leaves=6
+num_cat=0
+split_feature=9 5 9 8 9
+split_gain=0.133529 0.850907 0.442522 0.246465 1.23074
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 48.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0014413230696962295 -0.0011064403971499095 0.0028016713368572473 -0.0022593860630066632 -0.002453765570948931 0.0022580093147277465
+leaf_weight=44 42 42 41 53 39
+leaf_count=44 42 42 41 53 39
+internal_value=0 0.0106339 -0.0199003 0.00790703 -0.0223748
+internal_weight=0 219 177 136 92
+internal_count=261 219 177 136 92
+shrinkage=0.02
+
+
+Tree=8158
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.135771 0.766288 0.93583 1.74198
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010156406703611389 0.0028057232105937104 -0.0026149174990312079 -0.0026850136686885386 0.0021735273501097829
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0117399 0.0192318 -0.0275129
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8159
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.133773 0.830517 0.419029 0.318774
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010296064038160743 -0.0011072589515477935 0.0027714253622362897 -0.0022040345359957362 -0.00098161157540345087
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.0106455 -0.0195267 0.00755786
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=8160
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.133841 0.391772 0.430136 0.428914
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020251205170104319 -0.0010350644331411974 0.0017023681601154332 -0.0016036177538801943 -0.00071942147902440525
+leaf_weight=45 47 56 63 50
+leaf_count=45 47 56 63 50
+internal_value=0 0.0113893 -0.0145155 0.0286372
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=8161
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 7
+split_gain=0.134544 0.35571 0.278519 0.168905
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0006514375465559054 0.00031809384038084025 0.002016317246747998 -0.0012506211137510383 -0.0015496872108416216
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0170622 -0.00830488 -0.0346903
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=8162
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 7
+split_gain=0.128379 0.340844 0.266724 0.16149
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00063842069664687235 0.00031174333314624682 0.0019760595574441664 -0.001225638921834966 -0.0015187396564971421
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0167215 -0.00813314 -0.0339882
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=8163
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.127978 1.39517 1.36413 1.05154
+threshold=7.5000000000000009 67.65000000000002 15.500000000000002 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0034072493666391108 0.0015569369725604587 0.0034755262197627805 -0.0029302849336980698 0.00070901902432457574
+leaf_weight=40 58 43 52 68
+leaf_count=40 58 43 52 68
+internal_value=0 0.0203301 -0.0278771 -0.0404671
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8164
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.134947 0.701776 0.476015 0.81329
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001840758808896165 -0.00079643680144164816 0.0026121253450295972 -0.0021068687143396491 0.0018439387020585426
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0149086 -0.0177006 0.0202474
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=8165
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.132995 0.72563 0.924119 1.70902
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010065853050035933 0.0027767238722742555 -0.0025504607511318699 -0.0026733992481925745 0.0021393730810509806
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.011633 0.0185216 -0.027935
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8166
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.134342 0.891127 0.636486 1.31453 0.720112
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0031726298047107648 -0.0011092684640754337 0.0027860719507882621 -0.0025116667587211715 0.0028937495780062212 0.00063533919542425432
+leaf_weight=41 42 44 45 49 40
+leaf_count=41 42 44 45 49 40
+internal_value=0 0.0106669 -0.0214904 0.0142825 -0.0641679
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=8167
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.130998 0.71944 0.879471 1.65364
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010000493450480128 0.0027182149155481317 -0.0025392555597419774 -0.0026179510021760938 0.0021171459444997358
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0115541 0.0184743 -0.0268634
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8168
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 7
+split_gain=0.134431 0.367039 0.268046 0.156451
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00062919896504906277 0.00028384622929192028 0.0020415008005679075 -0.0012390206811687553 -0.0015203970438492688
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0170668 -0.00868455 -0.0346667
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=8169
+num_leaves=4
+num_cat=0
+split_feature=7 1 5
+split_gain=0.129542 0.498801 1.40162
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00082199870768736585 -0.0010485494394348335 0.0036275222462195111 -0.00074058748149529645
+leaf_weight=66 73 51 71
+leaf_count=66 73 51 71
+internal_value=0 0.0139454 0.0539953
+internal_weight=0 195 122
+internal_count=261 195 122
+shrinkage=0.02
+
+
+Tree=8170
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 5
+split_gain=0.129347 0.509818 0.451242 0.340242
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00079760212883192279 0.00099455992899044046 -0.0022120888911435024 0.0017527854913071813 -0.0014814278584984264
+leaf_weight=49 49 43 57 63
+leaf_count=49 49 43 57 63
+internal_value=0 -0.0114911 0.0135258 -0.0238669
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=8171
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.129456 1.37827 1.30622 1.03094
+threshold=7.5000000000000009 67.65000000000002 15.500000000000002 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0033727640782266533 0.0015093124726255072 0.00345925126284437 -0.0028828644775682659 0.00070369808563030308
+leaf_weight=40 58 43 52 68
+leaf_count=40 58 43 52 68
+internal_value=0 0.0204356 -0.0280117 -0.0399953
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8172
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 7
+split_gain=0.136584 0.34279 0.263283 0.156461
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00064157374621424902 0.00027904707519850035 0.0019897141931467404 -0.0012113437749628592 -0.0015251555212913665
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0171872 -0.0077341 -0.0349057
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=8173
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.131374 0.891038 0.624892 1.28306 0.689156
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0031222765052263423 -0.0010984032644153292 0.0027840446997100007 -0.0024950633142643555 0.0028546053209572283 0.00060476485380425488
+leaf_weight=41 42 44 45 49 40
+leaf_count=41 42 44 45 49 40
+internal_value=0 0.0105712 -0.0215845 0.0138681 -0.0636481
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=8174
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 7
+split_gain=0.128535 0.338041 0.266442 0.14216
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00064041187141232166 0.00025602273686877412 0.0019700772310365629 -0.0012227606692176427 -0.0014727023512042705
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0167423 -0.00801431 -0.033994
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=8175
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.12862 0.41062 1.04828 1.0319
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00098006874852630925 0.0014261403672407985 -0.0046156186266644323 0.0010205483198388213 -0.00020746739758308399
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0115965 -0.0362753 -0.111117
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8176
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.128603 1.38395 1.28286 0.983541
+threshold=7.5000000000000009 67.65000000000002 15.500000000000002 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0033174742586094454 0.0014927148064032302 0.0034644723328797868 -0.002860556311013947 0.00066569218019372979
+leaf_weight=40 58 43 52 68
+leaf_count=40 58 43 52 68
+internal_value=0 0.020387 -0.0279219 -0.0401673
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8177
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 7
+split_gain=0.129265 0.330394 0.421868 1.16777 0.143097
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0013298869520166204 0.00025725329550813157 0.0020065289563021456 0.0015587352312940131 -0.0031565291465313313 -0.0014765075021661821
+leaf_weight=47 39 39 42 47 47
+leaf_count=47 39 39 42 47 47
+internal_value=0 0.0167907 -0.0069097 -0.0452748 -0.0340701
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=8178
+num_leaves=5
+num_cat=0
+split_feature=4 4 2 4
+split_gain=0.126989 0.396465 0.398543 0.603076
+threshold=73.500000000000014 65.500000000000014 19.500000000000004 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00092566157176601283 -0.00090678701112460432 0.0017201832238473802 -0.001667729127299707 0.0023636285067040004
+leaf_weight=52 56 56 56 41
+leaf_count=52 56 56 56 41
+internal_value=0 0.0124387 -0.014971 0.0258273
+internal_weight=0 205 149 93
+internal_count=261 205 149 93
+shrinkage=0.02
+
+
+Tree=8179
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.129511 0.442072 0.60429 0.653657
+threshold=42.500000000000007 50.850000000000001 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00099544733155398045 -0.0019560425102847119 0.0030226466085878805 -0.001033685189095765 -0.00049905816253750475
+leaf_weight=49 48 48 77 39
+leaf_count=49 48 48 77 39
+internal_value=0 -0.0114803 0.0135717 0.0717816
+internal_weight=0 212 164 87
+internal_count=261 212 164 87
+shrinkage=0.02
+
+
+Tree=8180
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.127244 1.34362 1.23004 0.950217
+threshold=7.5000000000000009 67.65000000000002 15.500000000000002 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0032596799877774607 0.0014530865416964875 0.0034184342491286302 -0.0028109003555380914 0.00065670417247533548
+leaf_weight=40 58 43 52 68
+leaf_count=40 58 43 52 68
+internal_value=0 0.0202947 -0.0277927 -0.0393789
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8181
+num_leaves=5
+num_cat=0
+split_feature=7 3 2 9
+split_gain=0.131085 0.360702 0.481242 0.719642
+threshold=75.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015141569717152844 -0.0010253446909280651 0.0015945132135769752 -0.0011338332070830038 0.0026316863830423364
+leaf_weight=72 47 59 41 42
+leaf_count=72 47 59 41 42
+internal_value=0 0.0113073 -0.0145021 0.0381296
+internal_weight=0 214 155 83
+internal_count=261 214 155 83
+shrinkage=0.02
+
+
+Tree=8182
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.137705 0.711496 0.923232 1.6803
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010222555636533633 0.0027665894040262112 -0.0025316379404078816 -0.0033947034725714392 0.0014139098924298621
+leaf_weight=49 47 44 50 71
+leaf_count=49 47 44 50 71
+internal_value=0 -0.0117961 0.018069 -0.0283663
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8183
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 7
+split_gain=0.137324 0.316607 0.267823 0.138711
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00066764827290251392 0.00022585499277498095 0.0019301263325865146 -0.0012003409551125869 -0.0014836698947171636
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0172372 -0.0067561 -0.0349786
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=8184
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.131049 0.303289 0.26658 0.413659 0.13249
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00098124642297891173 0.00022134574578795132 0.0018915897527982174 -0.0014811708718116194 0.0017798418296599353 -0.0014540404417863286
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0168931 -0.00661529 0.0248467 -0.0342708
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=8185
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.129223 0.678024 0.89008 1.65796
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00099448241835483979 0.002716611279774198 -0.0024720245179119418 -0.0026414514243968336 0.0020996437774767908
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0114695 0.0176996 -0.0279076
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8186
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.132004 0.895802 0.61021 1.23184
+threshold=77.500000000000014 24.500000000000004 64.200000000000003 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012786127360097147 -0.0011004608705558374 0.0027914214879443434 -0.0023306678937584763 0.0028164965714344505
+leaf_weight=76 42 44 50 49
+leaf_count=76 42 44 50 49
+internal_value=0 0.0106046 -0.0216357 0.0160476
+internal_weight=0 219 175 125
+internal_count=261 219 175 125
+shrinkage=0.02
+
+
+Tree=8187
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.132031 0.511071 0.448562 0.363426
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00062259689601561088 0.0010037746102935748 -0.0022161548020240736 0.0017474331080963154 -0.0017139601797028317
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.011578 0.0134687 -0.0238168
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=8188
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.12662 0.671151 0.845382 1.61114
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00098580867319309189 0.0026570363455145937 -0.0024589300354457048 -0.0033056274880023627 0.0014042225310667267
+leaf_weight=49 47 44 50 71
+leaf_count=49 47 44 50 71
+internal_value=0 -0.0113672 0.0176569 -0.0268087
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8189
+num_leaves=6
+num_cat=0
+split_feature=2 6 7 3 5
+split_gain=0.131713 1.08168 0.666406 0.793316 1.79085
+threshold=25.500000000000004 46.500000000000007 57.500000000000007 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0029642275292753838 0.0010705336616616524 0.0028106873366625673 0.001485997703832262 0.0018540353197258992 -0.0044462613790431527
+leaf_weight=46 44 40 42 49 40
+leaf_count=46 44 40 42 49 40
+internal_value=0 -0.0108274 0.0259414 -0.00879998 -0.0699682
+internal_weight=0 217 171 131 82
+internal_count=261 217 171 131 82
+shrinkage=0.02
+
+
+Tree=8190
+num_leaves=6
+num_cat=0
+split_feature=7 3 6 3 3
+split_gain=0.128841 0.366995 0.302812 0.237791 0.671539
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 52.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.00077355790612891931 0.0011391231152966775 -0.0020081743265406567 0.0017223538490579449 -0.0028402481086793421 0.00075722018874283957
+leaf_weight=56 39 39 42 41 44
+leaf_count=56 39 39 42 41 44
+internal_value=0 -0.00997542 0.00910977 -0.0135766 -0.0484767
+internal_weight=0 222 183 141 85
+internal_count=261 222 183 141 85
+shrinkage=0.02
+
+
+Tree=8191
+num_leaves=6
+num_cat=0
+split_feature=2 6 7 1 6
+split_gain=0.124465 1.03877 0.650705 1.11824 1.06696
+threshold=25.500000000000004 46.500000000000007 57.500000000000007 8.5000000000000018 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0029047851299085509 0.0010448775814589607 0.0027752841848788013 -0.0012939843296870105 -0.0029911790489555445 0.0030791230278975224
+leaf_weight=46 44 40 42 40 49
+leaf_count=46 44 40 42 40 49
+internal_value=0 -0.0105541 0.0254877 -0.00885096 0.0526269
+internal_weight=0 217 171 131 91
+internal_count=261 217 171 131 91
+shrinkage=0.02
+
+
+Tree=8192
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 6
+split_gain=0.140401 0.346294 0.419321 1.16042 0.131873
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0013269627495052104 6.1270113567843309e-05 0.0020565247463240231 0.0015556698858681273 -0.0031455395727976129 -0.0016070544893735062
+leaf_weight=47 46 39 42 47 40
+leaf_count=47 46 39 42 47 40
+internal_value=0 0.0174202 -0.00681759 -0.045073 -0.0353038
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=8193
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 7
+split_gain=0.134033 0.337228 0.25636 0.120677
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00063337504387732423 0.00017806030010853642 0.0019748510848816973 -0.0011967333171414656 -0.0014297749462693975
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0170771 -0.00765028 -0.0345897
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=8194
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.127888 0.323094 0.250537 0.392629 0.121661
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00098046516664441314 6.2772753519687932e-05 0.0019354213569934622 -0.0014603161751628891 0.001712981006060352 -0.0015480293034168442
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0167361 -0.00749161 0.0230635 -0.0338896
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=8195
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.124089 0.487483 0.451781 0.369413
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00062382613712505823 0.00097763205196504228 -0.0021650781130774103 0.0017477441556387489 -0.001730904730364318
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.01125 0.0132294 -0.0241856
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=8196
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.122525 0.37833 1.06579 1.03351
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00096033856055444654 0.0013679072229237771 -0.0046055386673323467 0.0010590735005208112 -0.00019416539416581996
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0113274 -0.0350686 -0.110524
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8197
+num_leaves=4
+num_cat=0
+split_feature=7 2 1
+split_gain=0.123735 0.575345 1.57185
+threshold=52.500000000000007 7.5000000000000009 6.5000000000000009
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00080518887734763191 -0.0017957203215779962 -0.0012003220158846352 0.0028872973131881365
+leaf_weight=66 43 75 77
+leaf_count=66 43 75 77
+internal_value=0 0.0137064 0.0432748
+internal_weight=0 195 152
+internal_count=261 195 152
+shrinkage=0.02
+
+
+Tree=8198
+num_leaves=5
+num_cat=0
+split_feature=7 3 2 9
+split_gain=0.127212 0.392889 0.463888 0.737349
+threshold=75.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0015168478289978077 -0.001011769160080645 0.0016486093554023318 -0.0011995256574072047 0.0026113833259992143
+leaf_weight=72 47 59 41 42
+leaf_count=72 47 59 41 42
+internal_value=0 0.0111787 -0.01571 0.0359916
+internal_weight=0 214 155 83
+internal_count=261 214 155 83
+shrinkage=0.02
+
+
+Tree=8199
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.129736 0.378818 1.01064 0.985671
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00098411460277061393 0.0013629665432971754 -0.0045179588000339149 0.0010073805222764417 -0.00020730849810367765
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0116213 -0.0353762 -0.108891
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8200
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.125316 1.36284 1.22803 0.919726
+threshold=7.5000000000000009 67.65000000000002 15.500000000000002 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.003231196791893055 0.0014554729227593129 0.0034372756862850735 -0.0028051014815190485 0.00062287663017248154
+leaf_weight=40 58 43 52 68
+leaf_count=40 58 43 52 68
+internal_value=0 0.0201789 -0.0275926 -0.0399162
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8201
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.132285 0.704188 0.827003 1.60519
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010049511772237485 0.0026421370687303913 -0.0025156650317075002 -0.0025673134530827015 0.0020987584141883469
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0115707 0.0181441 -0.0258429
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8202
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 7
+split_gain=0.133758 0.330375 0.393024 1.09364 0.123436
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0012893647732047334 0.00018742108027709853 0.0020118470203550022 0.0015076299563195493 -0.0030545997464190835 -0.0014364251774892651
+leaf_weight=47 39 39 42 47 47
+leaf_count=47 39 39 42 47 47
+internal_value=0 0.0170615 -0.00663762 -0.0437385 -0.0345591
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=8203
+num_leaves=4
+num_cat=0
+split_feature=7 2 1
+split_gain=0.129945 0.555406 1.51822
+threshold=52.500000000000007 7.5000000000000009 6.5000000000000009
+decision_type=2 2 2
+left_child=-1 -2 -3
+right_child=1 2 -4
+leaf_value=-0.00082241513221819988 -0.0017547501410855643 -0.0011691858460356271 0.002848862215163134
+leaf_weight=66 43 75 77
+leaf_count=66 43 75 77
+internal_value=0 0.0139985 0.0430693
+internal_weight=0 195 152
+internal_count=261 195 152
+shrinkage=0.02
+
+
+Tree=8204
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 9
+split_gain=0.136399 0.384819 0.445998 0.71403
+threshold=72.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014823138694814791 -0.0010428816576482183 0.0016414201852430522 -0.0011767224933374298 0.0025749056375958955
+leaf_weight=72 47 59 41 42
+leaf_count=72 47 59 41 42
+internal_value=0 0.0115211 -0.0151003 0.0356316
+internal_weight=0 214 155 83
+internal_count=261 214 155 83
+shrinkage=0.02
+
+
+Tree=8205
+num_leaves=5
+num_cat=0
+split_feature=2 5 4 1
+split_gain=0.138294 0.389137 0.989229 0.815814
+threshold=6.5000000000000009 66.600000000000009 61.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0010118318280227078 0.00090963457665363488 -0.0014904423980982035 0.0030204921091142758 -0.0027652326126149486
+leaf_weight=50 56 70 41 44
+leaf_count=50 56 70 41 44
+internal_value=0 -0.0119497 0.0188527 -0.0350058
+internal_weight=0 211 141 100
+internal_count=261 211 141 100
+shrinkage=0.02
+
+
+Tree=8206
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.134486 0.689533 0.804349 1.5612
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010121579581823421 0.0026037140541999033 -0.0024941284311096332 -0.0025353104175034648 0.0020671210981749624
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0116556 0.0177546 -0.0256366
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8207
+num_leaves=5
+num_cat=0
+split_feature=9 7 1 6
+split_gain=0.134579 0.334138 1.73758 0.117935
+threshold=67.500000000000014 52.500000000000007 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.00080675040604722878 3.7261515157145635e-05 -0.0011973561631036464 0.0039092648645895102 -0.0015514712410881124
+leaf_weight=66 46 61 48 40
+leaf_count=66 46 61 48 40
+internal_value=0 0.0171057 0.0522581 -0.0346525
+internal_weight=0 175 109 86
+internal_count=261 175 109 86
+shrinkage=0.02
+
+
+Tree=8208
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 3
+split_gain=0.129061 0.38214 1.09882 0.643572
+threshold=6.5000000000000009 63.500000000000007 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00098192051913130181 0.0010326997380918864 -0.0014093532586234284 0.0030809380075329275 -0.002351352821708029
+leaf_weight=50 42 75 43 51
+leaf_count=50 42 75 43 51
+internal_value=0 -0.0115938 0.020599 -0.0407424
+internal_weight=0 211 136 93
+internal_count=261 211 136 93
+shrinkage=0.02
+
+
+Tree=8209
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.12989 1.35189 1.18011 0.899705
+threshold=7.5000000000000009 67.65000000000002 15.500000000000002 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0031940640204560292 0.0014077416021939461 0.0034315500820294759 -0.0027700378043662571 0.00061868253149080163
+leaf_weight=40 58 43 52 68
+leaf_count=40 58 43 52 68
+internal_value=0 0.0204953 -0.0280223 -0.0393599
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8210
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 6
+split_gain=0.135517 0.314749 0.271307 0.11716
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00067229269520750941 3.3032183458780758e-05 0.0019241727835249082 -0.0012069884642884226 -0.001551095073229659
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0171581 -0.0067683 -0.0347569
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=8211
+num_leaves=5
+num_cat=0
+split_feature=9 7 1 3
+split_gain=0.129314 0.308281 1.68124 0.114648
+threshold=67.500000000000014 52.500000000000007 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.00076952130471873409 -0.0015491099114426574 -0.0011928535882698957 0.0038312359980344529 2.3446330946672484e-05
+leaf_weight=66 39 61 48 47
+leaf_count=66 39 61 48 47
+internal_value=0 0.0168155 0.0506647 -0.0340537
+internal_weight=0 175 109 86
+internal_count=261 175 109 86
+shrinkage=0.02
+
+
+Tree=8212
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.138422 1.13534 0.956887
+threshold=7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=-0.0011484797254245353 0.0013546925573894443 -0.002744171566329718 0.002065238714493752
+leaf_weight=77 58 52 74
+leaf_count=77 58 52 74
+internal_value=0 -0.0288099 0.0210693
+internal_weight=0 110 151
+internal_count=261 110 151
+shrinkage=0.02
+
+
+Tree=8213
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.132078 1.29657 1.0897 0.844892
+threshold=7.5000000000000009 67.65000000000002 15.500000000000002 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0030938785863630727 0.0013276313423509953 0.0033729669037235012 -0.0026893616556285644 0.00060333524913414472
+leaf_weight=40 58 43 52 68
+leaf_count=40 58 43 52 68
+internal_value=0 0.0206431 -0.0282273 -0.0379859
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8214
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 9
+split_gain=0.144846 0.368321 0.455933 0.675722
+threshold=72.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014776907795689982 -0.0010706855434254017 0.0016184652217056659 -0.0010980972065698035 0.0025536642891085004
+leaf_weight=72 47 59 41 42
+leaf_count=72 47 59 41 42
+internal_value=0 0.0118278 -0.0142398 0.0370373
+internal_weight=0 214 155 83
+internal_count=261 214 155 83
+shrinkage=0.02
+
+
+Tree=8215
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.143663 0.654613 0.830581 1.54033
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010417261669142368 0.0026176610179380016 -0.002444642107584646 -0.0032569025030435147 0.0013493705059810415
+leaf_weight=49 47 44 50 71
+leaf_count=49 47 44 50 71
+internal_value=0 -0.0119997 0.0166716 -0.0274111
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8216
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 6
+split_gain=0.14405 0.300115 0.393159 1.08546 0.118128
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0013135586021931428 1.660642194106208e-05 0.001949008886054223 0.0015405147780013645 -0.0030145916774542893 -0.0015727974021854264
+leaf_weight=47 46 39 42 47 40
+leaf_count=47 46 39 42 47 40
+internal_value=0 0.0176186 -0.0050188 -0.0421323 -0.0357017
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=8217
+num_leaves=5
+num_cat=0
+split_feature=9 7 1 6
+split_gain=0.137537 0.310139 1.64517 0.112723
+threshold=67.500000000000014 52.500000000000007 7.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.0007634964931389199 1.6274949540174886e-05 -0.0011582049456354403 0.0038121513025116374 -0.0015413962822618523
+leaf_weight=66 46 61 48 40
+leaf_count=66 46 61 48 40
+internal_value=0 0.0172715 0.0512141 -0.0349796
+internal_weight=0 175 109 86
+internal_count=261 175 109 86
+shrinkage=0.02
+
+
+Tree=8218
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.136405 1.26499 1.06662 0.811276
+threshold=7.5000000000000009 67.65000000000002 15.500000000000002 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0030280779889315956 0.0012997623805142073 0.003343096453586642 -0.0026751002345240592 0.00059648676235647441
+leaf_weight=40 58 43 52 68
+leaf_count=40 58 43 52 68
+internal_value=0 0.0209356 -0.0286251 -0.0369817
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8219
+num_leaves=5
+num_cat=0
+split_feature=7 2 9 3
+split_gain=0.143864 0.358242 0.613482 0.842936
+threshold=75.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00039788096901490969 -0.0010674559185528719 0.0018887197633219166 0.0018704265879481079 -0.0029882798270446319
+leaf_weight=77 47 44 44 49
+leaf_count=77 47 44 44 49
+internal_value=0 0.0117941 -0.0093904 -0.0456771
+internal_weight=0 214 170 126
+internal_count=261 214 170 126
+shrinkage=0.02
+
+
+Tree=8220
+num_leaves=5
+num_cat=0
+split_feature=9 7 1 3
+split_gain=0.148842 0.305799 1.58658 0.113696
+threshold=67.500000000000014 52.500000000000007 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.00074389910720377842 -0.0015888530932822618 -0.0011116156925936661 0.0037702710193719246 -0
+leaf_weight=66 39 61 48 47
+leaf_count=66 39 61 48 47
+internal_value=0 0.0178789 0.0515956 -0.0362146
+internal_weight=0 175 109 86
+internal_count=261 175 109 86
+shrinkage=0.02
+
+
+Tree=8221
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.142614 1.21229 1.03732 0.772981
+threshold=7.5000000000000009 67.65000000000002 14.500000000000002 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0029426232358895845 0.0013667071982068203 0.0032906142299956339 -0.0025481943167043899 0.00059744352904144717
+leaf_weight=40 55 43 55 68
+leaf_count=40 55 43 55 68
+internal_value=0 0.0213424 -0.0291926 -0.0353673
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8222
+num_leaves=5
+num_cat=0
+split_feature=8 2 7 1
+split_gain=0.153926 0.356567 0.675299 0.877461
+threshold=72.500000000000014 7.5000000000000009 52.500000000000007 5.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0018688747169756164 -0.0010998482887902431 -0.0021392556546875612 -0.001081965984803419 0.0023994207401366236
+leaf_weight=45 47 51 59 59
+leaf_count=45 47 51 59 59
+internal_value=0 0.0121457 -0.00929489 0.0326171
+internal_weight=0 214 169 118
+internal_count=261 214 169 118
+shrinkage=0.02
+
+
+Tree=8223
+num_leaves=5
+num_cat=0
+split_feature=9 7 4 7
+split_gain=0.155505 0.282876 0.395971 0.112753
+threshold=67.500000000000014 58.500000000000007 52.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0007997850043224994 0.00010505664141122599 0.0013728141011619128 -0.001741328806959421 -0.0014548769289327321
+leaf_weight=58 39 71 46 47
+leaf_count=58 39 71 46 47
+internal_value=0 0.0182174 -0.0158449 -0.036933
+internal_weight=0 175 104 86
+internal_count=261 175 104 86
+shrinkage=0.02
+
+
+Tree=8224
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.148691 0.876212 0.710804 1.16101 0.693718
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0029904698546284669 -0.0011591184671967336 0.0027751405711938988 -0.0026108934588619575 0.002794497933186361 0.00074992885725260795
+leaf_weight=41 42 44 45 49 40
+leaf_count=41 42 44 45 49 40
+internal_value=0 0.0111801 -0.0207105 0.0170512 -0.0567219
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=8225
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 6
+split_gain=0.141267 1.18467 1.01542 0.791992
+threshold=7.5000000000000009 67.65000000000002 15.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.00059803296353566041 0.0012459026427436904 0.0032565815623962937 -0.0026339280491811785 -0.0030036515861345372
+leaf_weight=69 58 43 52 39
+leaf_count=69 58 43 52 39
+internal_value=0 0.0212532 -0.029072 -0.0348138
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8226
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.154567 0.64144 0.821485 1.47713
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010758600852106602 0.0025919378694326529 -0.0024308407886893348 -0.0025250824540306231 0.0019529092585341909
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0123936 0.0159936 -0.0278523
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8227
+num_leaves=5
+num_cat=0
+split_feature=9 7 4 6
+split_gain=0.158079 0.299827 0.387093 0.11174
+threshold=67.500000000000014 58.500000000000007 52.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00077137372239497804 -0 0.0014034075845010391 -0.0017421972475717921 -0.0015823856597830894
+leaf_weight=58 46 71 46 40
+leaf_count=58 46 71 46 40
+internal_value=0 0.0183557 -0.0166567 -0.0371977
+internal_weight=0 175 104 86
+internal_count=261 175 104 86
+shrinkage=0.02
+
+
+Tree=8228
+num_leaves=5
+num_cat=0
+split_feature=9 7 1 3
+split_gain=0.151082 0.289533 1.50526 0.110471
+threshold=67.500000000000014 52.500000000000007 7.5000000000000009 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -2
+right_child=3 2 -4 -5
+leaf_value=-0.00071360345442421467 -0.001583445443959379 -0.0010712003936026986 0.0036852921520008947 -2.1446429925889804e-06
+leaf_weight=66 39 61 48 47
+leaf_count=66 39 61 48 47
+internal_value=0 0.0179888 0.0508544 -0.0364623
+internal_weight=0 175 109 86
+internal_count=261 175 109 86
+shrinkage=0.02
+
+
+Tree=8229
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.148926 1.14174 0.972372 0.766002
+threshold=7.5000000000000009 67.65000000000002 14.500000000000002 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0028918629899594979 0.0012940252681885309 0.0032154117990652758 -0.0024983716302806524 0.00063288421401967731
+leaf_weight=40 55 43 55 68
+leaf_count=40 55 43 55 68
+internal_value=0 0.021742 -0.0297644 -0.0333101
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8230
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 2
+split_gain=0.160557 0.745117 0.428004 0.465246
+threshold=68.65000000000002 65.500000000000014 51.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00079817491875031597 -0.00085933950646980021 0.002704517311952957 -0.0019149269069166711 0.0020198172826898578
+leaf_weight=56 71 42 49 43
+leaf_count=56 71 42 49 43
+internal_value=0 0.0161134 -0.0174666 0.0209144
+internal_weight=0 190 148 99
+internal_count=261 190 148 99
+shrinkage=0.02
+
+
+Tree=8231
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 2
+split_gain=0.153391 0.714891 0.410257 0.446092
+threshold=68.65000000000002 65.500000000000014 51.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00078223123968402305 -0.00084216944272631896 0.0026505167394989828 -0.0018766831385857319 0.0019794863454058215
+leaf_weight=56 71 42 49 43
+leaf_count=56 71 42 49 43
+internal_value=0 0.0157876 -0.0171176 0.0204889
+internal_weight=0 190 148 99
+internal_count=261 190 148 99
+shrinkage=0.02
+
+
+Tree=8232
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.152575 0.624061 0.806876 1.47
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010693971476257028 0.0025657181987716608 -0.0024008745129535276 -0.0032027780028465198 0.0012983045667573441
+leaf_weight=49 47 44 50 71
+leaf_count=49 47 44 50 71
+internal_value=0 -0.0123381 0.0156708 -0.0277908
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8233
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.154078 0.884674 0.684581 1.11537 0.693268
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0029745745656584188 -0.0011777394746470286 0.0027904186638028601 -0.0025708492711560009 0.0027332293054509156 0.00076478281222229917
+leaf_weight=41 42 44 45 49 40
+leaf_count=41 42 44 45 49 40
+internal_value=0 0.0113444 -0.0206973 0.0163753 -0.0559522
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=8234
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.149181 0.620496 0.766511 1.44927
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010588653932399751 0.0025109947677634439 -0.0023924454464402793 -0.0023870140000227993 0.0020827257986170624
+leaf_weight=49 47 44 71 50
+leaf_count=49 47 44 71 50
+internal_value=0 -0.0122143 0.0157165 -0.0266635
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8235
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.145713 0.872983 0.658198 1.08208 0.67889
+threshold=77.500000000000014 24.500000000000004 62.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0029497616876906318 -0.0011490380689625731 0.0027683753899119192 -0.0025313497610623278 0.0026823955489311537 0.00075154361580267255
+leaf_weight=41 42 44 45 49 40
+leaf_count=41 42 44 45 49 40
+internal_value=0 0.0110712 -0.0207617 0.0156042 -0.0556509
+internal_weight=0 219 175 130 81
+internal_count=261 219 175 130 81
+shrinkage=0.02
+
+
+Tree=8236
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.139077 1.15952 0.963418 0.731197
+threshold=7.5000000000000009 67.65000000000002 15.500000000000002 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0028632165618391442 0.0012029208779009131 0.0032238049447079783 -0.0025780298708810534 0.00058215611402081624
+leaf_weight=40 58 43 52 68
+leaf_count=40 58 43 52 68
+internal_value=0 0.0210987 -0.0288836 -0.0343767
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8237
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.153233 0.477666 0.614557 0.516666
+threshold=42.500000000000007 50.850000000000001 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0010715496555860498 -0.0020386703317976803 0.0021005591861753426 -0.0021131770616270406 0.00066415230193075893
+leaf_weight=49 48 52 50 62
+leaf_count=49 48 52 50 62
+internal_value=0 -0.0123557 0.0136507 -0.0284567
+internal_weight=0 212 164 112
+internal_count=261 212 164 112
+shrinkage=0.02
+
+
+Tree=8238
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 6
+split_gain=0.152932 0.315429 0.314563 0.117368
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00074877293441805561 0 0.0019440303495802786 -0.0012656674889354629 -0.0015894462293539675
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0180794 -0.00586938 -0.0366654
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=8239
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 9
+split_gain=0.146165 0.389626 0.457732 0.635927
+threshold=72.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014933504061459405 -0.0010751442545053431 0.0016566120958217757 -0.001055877908832086 0.0024895766156428725
+leaf_weight=72 47 59 41 42
+leaf_count=72 47 59 41 42
+internal_value=0 0.0118657 -0.014914 0.0364582
+internal_weight=0 214 155 83
+internal_count=261 214 155 83
+shrinkage=0.02
+
+
+Tree=8240
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 8
+split_gain=0.14059 0.413463 1.06822 0.806799
+threshold=6.5000000000000009 63.500000000000007 54.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0010189761089569131 0.0013745398750556119 -0.0014632699155959941 0.0030598919696125043 -0.0024244229825164765
+leaf_weight=50 40 75 43 53
+leaf_count=50 40 75 43 53
+internal_value=0 -0.0120444 0.0213872 -0.039103
+internal_weight=0 211 136 93
+internal_count=261 211 136 93
+shrinkage=0.02
+
+
+Tree=8241
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 4
+split_gain=0.146559 0.505547 0.390991 1.21232
+threshold=55.500000000000007 49.500000000000007 69.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0023065662190719437 -0.0015145858822507411 -0.0006723264903144917 -0.0014930937110317014 0.0031473055265477568
+leaf_weight=43 52 52 74 40
+leaf_count=43 52 52 74 40
+internal_value=0 0.0334153 -0.0190719 0.0252243
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=8242
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 3
+split_gain=0.141898 0.299432 0.355014 1.09261 0.114004
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0013534706006935 -0.0015751408441371248 0.0019447859387586406 0.0014605062445198411 -0.0029889405061161796 0
+leaf_weight=47 39 39 42 47 47
+leaf_count=47 39 39 42 47 47
+internal_value=0 0.0174915 -0.00512165 -0.040492 -0.0354779
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=8243
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 2
+split_gain=0.1412 0.465825 0.379302 1.43018
+threshold=55.500000000000007 49.500000000000007 69.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0022326894871205513 0.0026576195160828674 -0.00063095471978943062 -0.0014709975152218996 -0.0024160729177412489
+leaf_weight=43 53 52 74 39
+leaf_count=43 53 52 74 39
+internal_value=0 0.0328748 -0.018761 0.0248962
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=8244
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 6
+split_gain=0.137129 1.15308 0.941946 0.739424
+threshold=7.5000000000000009 67.65000000000002 15.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.00056433572285432838 0.0011868641747343615 0.0032136220370973102 -0.0025525132198395916 -0.002918488734249442
+leaf_weight=69 58 43 52 39
+leaf_count=69 58 43 52 39
+internal_value=0 0.0209717 -0.0287036 -0.0343512
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8245
+num_leaves=5
+num_cat=0
+split_feature=2 6 9 1
+split_gain=0.141398 1.04504 0.692893 0.363547
+threshold=25.500000000000004 46.500000000000007 76.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0029249058169093845 0.0011042119157214216 0.0022654111226450093 -0.0017898804765708956 7.6997894352619749e-05
+leaf_weight=46 44 68 41 62
+leaf_count=46 44 68 41 62
+internal_value=0 -0.0111658 0.0249826 0.061423
+internal_weight=0 217 171 130
+internal_count=261 217 171 130
+shrinkage=0.02
+
+
+Tree=8246
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.139775 0.612444 0.763002 1.45068
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010291990815275236 0.0025096079997602781 -0.0023718754568147582 -0.0024785226840699356 0.0019598581386259411
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0118604 0.0158933 -0.0263911
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8247
+num_leaves=5
+num_cat=0
+split_feature=2 6 9 1
+split_gain=0.146559 1.02457 0.685861 0.345143
+threshold=25.500000000000004 46.500000000000007 76.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0029022826796948637 0.0011218080332361978 0.002226269756613043 -0.0017890554231856609 9.0469557468453646e-05
+leaf_weight=46 44 68 41 62
+leaf_count=46 44 68 41 62
+internal_value=0 -0.011339 0.0244582 0.0607202
+internal_weight=0 217 171 130
+internal_count=261 217 171 130
+shrinkage=0.02
+
+
+Tree=8248
+num_leaves=5
+num_cat=0
+split_feature=2 6 9 1
+split_gain=0.139958 0.983281 0.658043 0.330603
+threshold=25.500000000000004 46.500000000000007 76.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0028443249809491627 0.0010994074898889228 0.0021817902933936981 -0.0017533351846324111 8.8662178594266735e-05
+leaf_weight=46 44 68 41 62
+leaf_count=46 44 68 41 62
+internal_value=0 -0.0111093 0.0239692 0.0595132
+internal_weight=0 217 171 130
+internal_count=261 217 171 130
+shrinkage=0.02
+
+
+Tree=8249
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.138245 0.606218 0.751963 1.45005
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010243873574205587 0.0024926270149087854 -0.0023600855782807263 -0.0024735855385242468 0.0019638634539490617
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.011797 0.0158188 -0.0261645
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8250
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 3
+split_gain=0.137012 0.320392 0.292567 0.108745
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00069906141776926998 -0.001546899495617276 0.0019390707228460653 -0.0012476845236532787 0
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0172394 -0.00689022 -0.0349245
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=8251
+num_leaves=6
+num_cat=0
+split_feature=2 6 7 1 5
+split_gain=0.147179 0.961167 0.566082 1.08512 1.013
+threshold=25.500000000000004 46.500000000000007 57.500000000000007 8.5000000000000018 67.65000000000002
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0028201419054096942 0.0011240202453581688 0.0025846097103824658 -0.0011518319281900527 -0.0029479529490796202 0.0031007709524321003
+leaf_weight=46 44 40 44 40 47
+leaf_count=46 44 40 44 40 47
+internal_value=0 -0.0113537 0.0233334 -0.00874816 0.0518239
+internal_weight=0 217 171 131 91
+internal_count=261 217 171 131 91
+shrinkage=0.02
+
+
+Tree=8252
+num_leaves=5
+num_cat=0
+split_feature=7 3 3 9
+split_gain=0.141085 0.379184 0.295058 0.78746
+threshold=75.500000000000014 65.500000000000014 52.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00089594920430267975 -0.0010584015969209973 0.0016349624206829297 -0.0030386324492911328 0.00059424299234499451
+leaf_weight=56 47 59 43 56
+leaf_count=56 47 59 43 56
+internal_value=0 0.0116921 -0.0147414 -0.0488315
+internal_weight=0 214 155 99
+internal_count=261 214 155 99
+shrinkage=0.02
+
+
+Tree=8253
+num_leaves=5
+num_cat=0
+split_feature=9 7 4 6
+split_gain=0.141401 0.305042 0.413788 0.106067
+threshold=67.500000000000014 58.500000000000007 52.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00078392021560732585 0 0.0013944099987439674 -0.0018107445332777004 -0.0015283031075530912
+leaf_weight=58 46 71 46 40
+leaf_count=58 46 71 46 40
+internal_value=0 0.0174793 -0.0178239 -0.0354088
+internal_weight=0 175 104 86
+internal_count=261 175 104 86
+shrinkage=0.02
+
+
+Tree=8254
+num_leaves=5
+num_cat=0
+split_feature=2 4 9 1
+split_gain=0.14261 0.64124 0.637821 0.399858
+threshold=25.500000000000004 53.500000000000007 76.500000000000014 7.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0020968726033516612 0.0011085819559679406 0.00012692150958396845 -0.0017541697331086719 0.0025267728511691209
+leaf_weight=56 44 68 41 52
+leaf_count=56 44 68 41 52
+internal_value=0 -0.0111961 0.02116 0.0587193
+internal_weight=0 217 161 120
+internal_count=261 217 161 120
+shrinkage=0.02
+
+
+Tree=8255
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.138474 0.595812 0.749063 1.44008
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00102523566645215 0.0024838566220851603 -0.0023424280606783353 -0.0031468084784135718 0.0013089542063924144
+leaf_weight=49 47 44 50 71
+leaf_count=49 47 44 50 71
+internal_value=0 -0.0118001 0.0155833 -0.0263209
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8256
+num_leaves=5
+num_cat=0
+split_feature=2 6 9 1
+split_gain=0.147615 0.935396 0.637713 0.318304
+threshold=25.500000000000004 46.500000000000007 76.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0027860792757005682 0.001125577868099572 0.0021313912194195943 -0.0017417243972061497 7.5212905331377788e-05
+leaf_weight=46 44 68 41 62
+leaf_count=46 44 68 41 62
+internal_value=0 -0.0113639 0.0228619 0.0578736
+internal_weight=0 217 171 130
+internal_count=261 217 171 130
+shrinkage=0.02
+
+
+Tree=8257
+num_leaves=5
+num_cat=0
+split_feature=3 3 3 1
+split_gain=0.133767 0.581651 0.296613 2.3408
+threshold=71.500000000000014 65.500000000000014 52.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0009005314434607952 -0.00085008721257536998 0.0024010492586323761 -0.0042939054659992901 0.0018891748314818488
+leaf_weight=56 64 42 46 53
+leaf_count=56 64 42 46 53
+internal_value=0 0.0138893 -0.0146608 -0.048835
+internal_weight=0 197 155 99
+internal_count=261 197 155 99
+shrinkage=0.02
+
+
+Tree=8258
+num_leaves=5
+num_cat=0
+split_feature=2 6 9 1
+split_gain=0.143043 0.897518 0.614215 0.32029
+threshold=25.500000000000004 46.500000000000007 76.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0027316730535933424 0.0011102063076442565 0.0021109650526562442 -0.0017125399813821549 4.9148671988014317e-05
+leaf_weight=46 44 68 41 62
+leaf_count=46 44 68 41 62
+internal_value=0 -0.0112033 0.022333 0.0567172
+internal_weight=0 217 171 130
+internal_count=261 217 171 130
+shrinkage=0.02
+
+
+Tree=8259
+num_leaves=6
+num_cat=0
+split_feature=2 6 7 1 5
+split_gain=0.136581 0.861251 0.538715 1.05734 1.0239
+threshold=25.500000000000004 46.500000000000007 57.500000000000007 8.5000000000000018 67.65000000000002
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0026771227487882255 0.0010880377415980994 0.0025057969217604464 -0.0011926272343497598 -0.0029265260222266372 0.0030826463728085784
+leaf_weight=46 44 40 44 40 47
+leaf_count=46 44 40 44 40 47
+internal_value=0 -0.0109763 0.0218865 -0.00943191 0.0503684
+internal_weight=0 217 171 131 91
+internal_count=261 217 171 131 91
+shrinkage=0.02
+
+
+Tree=8260
+num_leaves=5
+num_cat=0
+split_feature=4 5 2 2
+split_gain=0.147124 0.474756 0.397951 1.44929
+threshold=50.500000000000007 53.500000000000007 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0011556740099484943 -0.0018242039902758133 -0.0012410790015614309 0.0038121440118442811 -0.00081085373676951275
+leaf_weight=42 57 47 45 70
+leaf_count=42 57 47 45 70
+internal_value=0 -0.0110303 0.0169616 0.0496206
+internal_weight=0 219 162 115
+internal_count=261 219 162 115
+shrinkage=0.02
+
+
+Tree=8261
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 1
+split_gain=0.140622 0.55552 0.456686 0.549951
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 5.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014683761158101319 -0.00086887863621206405 0.0023604556989161168 -0.0007942631698862506 0.0025150904197094232
+leaf_weight=72 64 42 44 39
+leaf_count=72 64 42 44 39
+internal_value=0 0.0141929 -0.0137243 0.0375956
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8262
+num_leaves=5
+num_cat=0
+split_feature=5 3 3 1
+split_gain=0.139544 0.586329 0.30159 2.29225
+threshold=68.65000000000002 65.500000000000014 52.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00092769671343791843 -0.00080747359221169815 0.0025259663119491659 -0.0042018405967946945 0.002032043040345345
+leaf_weight=56 71 39 46 49
+leaf_count=56 71 39 46 49
+internal_value=0 0.0151626 -0.0133218 -0.0489463
+internal_weight=0 190 151 95
+internal_count=261 190 151 95
+shrinkage=0.02
+
+
+Tree=8263
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.141394 0.375328 2.46676 0.965424
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0036088787949687972 -0.00094986125735646749 -0.0025672318513569169 -0.0023845411377697596 0.0015881636107827092
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0130497 0.0528013 -0.0353441
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=8264
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 4
+split_gain=0.137531 0.58407 1.76304 1.60257
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016568153180717684 0.0010911165101744026 0.0017268280404531048 -0.0044768910273251354 0.0028694436823698231
+leaf_weight=71 44 49 40 57
+leaf_count=71 44 49 40 57
+internal_value=0 -0.0110205 -0.0396798 0.0176502
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8265
+num_leaves=5
+num_cat=0
+split_feature=4 5 2 2
+split_gain=0.143284 0.443968 0.385322 1.36825
+threshold=50.500000000000007 53.500000000000007 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0011421828605066378 -0.0017711354118798127 -0.0012324059179235928 0.0037080788882153781 -0.00078542798733230001
+leaf_weight=42 57 47 45 70
+leaf_count=42 57 47 45 70
+internal_value=0 -0.0109097 0.0161902 0.0483567
+internal_weight=0 219 162 115
+internal_count=261 219 162 115
+shrinkage=0.02
+
+
+Tree=8266
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.145567 0.547488 0.45359 0.689201
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014564185831770747 -0.00088231778907279569 0.0023500552210298886 -0.0010999594323177434 0.0025869963537181731
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0144016 -0.013318 0.0378353
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8267
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 2
+split_gain=0.144207 0.50756 0.387114 1.32344
+threshold=55.500000000000007 54.500000000000007 69.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0022374688029381819 0.002581943156794682 -0.00073792958726229621 -0.0014850588571799531 -0.0023011600425824931
+leaf_weight=45 53 50 74 39
+leaf_count=45 53 50 74 39
+internal_value=0 0.0331832 -0.018932 0.0251534
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=8268
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 5
+split_gain=0.137899 0.430905 0.592787 0.579351
+threshold=42.500000000000007 50.850000000000001 64.500000000000014 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0010231251148869506 -0.0019412245754627593 0.0020550949506666235 -0.0022001424802153622 0.00073555784533137908
+leaf_weight=49 48 52 50 62
+leaf_count=49 48 52 50 62
+internal_value=0 -0.0117911 0.0129529 -0.028422
+internal_weight=0 212 164 112
+internal_count=261 212 164 112
+shrinkage=0.02
+
+
+Tree=8269
+num_leaves=6
+num_cat=0
+split_feature=2 6 9 1 9
+split_gain=0.138825 0.818612 0.598632 0.328394 0.330235
+threshold=25.500000000000004 46.500000000000007 76.500000000000014 7.5000000000000009 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=-0.0026188750027969806 0.0010954518723385064 -0.0010856065577759459 -0.0017129484063550912 0.0023675574040330485 0.0015886157850437161
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0110727 0.0209799 0.054944 0.0120741
+internal_weight=0 217 171 130 78
+internal_count=261 217 171 130 78
+shrinkage=0.02
+
+
+Tree=8270
+num_leaves=5
+num_cat=0
+split_feature=4 5 6 5
+split_gain=0.145589 0.419756 0.367906 0.562735
+threshold=50.500000000000007 53.500000000000007 63.500000000000007 72.050000000000026
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0011500178030438566 -0.0017318143931303821 0.0014319907659918615 -0.0022425289655855479 0.00093948181180330116
+leaf_weight=42 57 70 43 49
+leaf_count=42 57 70 43 49
+internal_value=0 -0.0109966 0.0153805 -0.0269824
+internal_weight=0 219 162 92
+internal_count=261 219 162 92
+shrinkage=0.02
+
+
+Tree=8271
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 2
+split_gain=0.139996 0.546544 0.376933 1.26099
+threshold=55.500000000000007 49.500000000000007 69.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0023561521533583445 0.0025269153186026909 -0.00073744317678015991 -0.0014662813533341307 -0.0022412219581043808
+leaf_weight=43 53 52 74 39
+leaf_count=43 53 52 74 39
+internal_value=0 0.0327552 -0.0186875 0.0248392
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=8272
+num_leaves=5
+num_cat=0
+split_feature=2 6 9 1
+split_gain=0.138728 0.810846 0.568992 0.321171
+threshold=25.500000000000004 46.500000000000007 76.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0026077356542207322 0.001095067302683516 0.0020570771040446072 -0.0016639797311500241 0
+leaf_weight=46 44 68 41 62
+leaf_count=46 44 68 41 62
+internal_value=0 -0.0110718 0.020831 0.0539752
+internal_weight=0 217 171 130
+internal_count=261 217 171 130
+shrinkage=0.02
+
+
+Tree=8273
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 2
+split_gain=0.138563 2.37155 1.72747 0.686442 1.54772
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 10.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.0010252786541916771 -0.0046396390368940235 0.0041694593846811172 -0.0018140297183282218 -0.0026113448670774977 0.0035759977815480988
+leaf_weight=49 40 45 48 40 39
+leaf_count=49 40 45 48 40 39
+internal_value=0 -0.0118158 0.0392267 -0.0205095 0.0296967
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=8274
+num_leaves=6
+num_cat=0
+split_feature=2 6 6 2 2
+split_gain=0.14145 0.781304 0.557529 0.805335 1.01879
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 9.5000000000000018 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.0025668389733944641 0.0011044017051876822 0.0022913610368147127 -0.0025488796931894082 0.0031709481339547473 -0.0013479465559498654
+leaf_weight=46 44 47 43 40 41
+leaf_count=46 44 47 43 40 41
+internal_value=0 -0.011167 0.0201595 -0.0153464 0.0437275
+internal_weight=0 217 171 124 81
+internal_count=261 217 171 124 81
+shrinkage=0.02
+
+
+Tree=8275
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 5
+split_gain=0.142267 1.03127 1.0741 0.286375
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002 56.95000000000001
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00095415616863436597 -0.0033266975182018716 0.0030277899234235806 -0.00074150111641044518 -0.00081696306756897838
+leaf_weight=56 39 54 71 41
+leaf_count=56 39 54 71 41
+internal_value=0 -0.0129986 0.044061 -0.102614
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=8276
+num_leaves=5
+num_cat=0
+split_feature=4 5 1 3
+split_gain=0.143644 0.410523 0.361881 1.45973
+threshold=50.500000000000007 53.500000000000007 7.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011431155520612393 -0.001714705606595802 0.0031790110570433599 -0.00089099027208294323 -0.0017922358292318012
+leaf_weight=42 57 57 64 41
+leaf_count=42 57 57 64 41
+internal_value=0 -0.0109383 0.015158 0.0545626
+internal_weight=0 219 162 98
+internal_count=261 219 162 98
+shrinkage=0.02
+
+
+Tree=8277
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.140257 0.471152 1.23508 1.04385
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010178056580115156 0.0015304569493795547 -0.0047974638303587029 0.001125555026131695 -0.00036291186359312078
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0120375 -0.0383836 -0.119496
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8278
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 7
+split_gain=0.136586 1.1227 0.970746 0.809351
+threshold=7.5000000000000009 67.65000000000002 15.500000000000002 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.00068813193781073383 0.0012141199458973614 0.0031764337571308842 -0.0025809585922352061 -0.0029149735779171555
+leaf_weight=67 58 43 52 41
+leaf_count=67 58 43 52 41
+internal_value=0 0.020932 -0.0286575 -0.0336657
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8279
+num_leaves=5
+num_cat=0
+split_feature=4 5 1 3
+split_gain=0.133737 0.408713 0.354584 1.41804
+threshold=50.500000000000007 53.500000000000007 7.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0011080041822796058 -0.0017048469991985376 0.0031475153078971492 -0.00087374534103824635 -0.0017530130448705572
+leaf_weight=42 57 57 64 41
+leaf_count=42 57 57 64 41
+internal_value=0 -0.0106003 0.0154413 0.0544674
+internal_weight=0 219 162 98
+internal_count=261 219 162 98
+shrinkage=0.02
+
+
+Tree=8280
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 5
+split_gain=0.13293 0.538913 0.374264 0.910524
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0023299069677023094 -0.0016134868798249116 -0.00074284423386636236 -0.0011460320044093437 0.0027313824944580913
+leaf_weight=43 63 52 62 41
+leaf_count=43 63 52 62 41
+internal_value=0 0.0320128 -0.0182811 0.0195225
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8281
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.13042 0.447786 1.20639 1.00808
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00098604032860941234 0.0014951631922173307 -0.0047180180709752361 0.0011238164738846855 -0.00035831218791127032
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0116638 -0.0373797 -0.117563
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8282
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 3
+split_gain=0.131066 0.306531 0.697197 0.134234
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00059804410374173238 -0.0016150304593483384 -0.00077858708848120778 0.0026210692783353259 7.0078280262311909e-05
+leaf_weight=55 39 65 55 47
+leaf_count=55 39 65 55 47
+internal_value=0 0.0168919 0.0502444 -0.0342748
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8283
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 6
+split_gain=0.127967 1.08417 0.936655 0.79419
+threshold=7.5000000000000009 67.65000000000002 14.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.00062970886801144179 0.001297653488867595 0.0031178233176919574 -0.0024259891405103641 -0.0029771134444272385
+leaf_weight=69 55 43 55 39
+leaf_count=69 55 43 55 39
+internal_value=0 0.0203425 -0.0278629 -0.0333218
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8284
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.13821 0.363204 0.443084 0.801047 1.09578
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0021322309043030857 -0.0010920136229694904 0.0018890245321361229 0.0015665369946615262 -0.0032284153248453985 0.0023260646975874926
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.011117 -0.00987633 -0.0402972 0.0118302
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=8285
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 3
+split_gain=0.138097 0.29236 0.698025 0.12786
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0006059132998838644 -0.0016110852195962116 -0.00074612139335320958 0.0026151242718338665 3.7871353029065105e-05
+leaf_weight=55 39 65 55 47
+leaf_count=55 39 65 55 47
+internal_value=0 0.017278 0.0498988 -0.0350659
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8286
+num_leaves=5
+num_cat=0
+split_feature=6 3 3 1
+split_gain=0.134965 0.341363 0.306869 2.10668
+threshold=70.500000000000014 65.500000000000014 52.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00092110300674803317 -0.0010808364976309908 0.0015116114642417659 -0.004134905653744322 0.0017330158124350549
+leaf_weight=56 44 62 46 53
+leaf_count=56 44 62 46 53
+internal_value=0 0.0109983 -0.0145991 -0.0493207
+internal_weight=0 217 155 99
+internal_count=261 217 155 99
+shrinkage=0.02
+
+
+Tree=8287
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 3
+split_gain=0.133889 2.26996 1.67517 0.702425 1.59699
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.0010098080090769979 -0.0045418837136956929 0.0040997326418026761 -0.002077993842812658 -0.0026367390935249035 0.003367219099847179
+leaf_weight=49 40 45 44 40 43
+leaf_count=49 40 45 44 40 43
+internal_value=0 -0.0116526 0.0382896 -0.0205419 0.0302337
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=8288
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 6
+split_gain=0.140496 1.02815 0.917159 0.821599
+threshold=7.5000000000000009 67.65000000000002 14.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.00069626057646986347 0.0012553318471273884 0.0030649481092745946 -0.0024299120578988617 -0.0029713286649838788
+leaf_weight=69 55 43 55 39
+leaf_count=69 55 43 55 39
+internal_value=0 0.021185 -0.0290198 -0.0310905
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8289
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 9
+split_gain=0.142897 0.350072 0.467484 0.708015
+threshold=72.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014813981934362567 -0.001064733872595729 0.0015838232819531421 -0.0011173645440522614 0.002618307589577869
+leaf_weight=72 47 59 41 42
+leaf_count=72 47 59 41 42
+internal_value=0 0.0117378 -0.0137042 0.0381979
+internal_weight=0 214 155 83
+internal_count=261 214 155 83
+shrinkage=0.02
+
+
+Tree=8290
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 5
+split_gain=0.144699 0.524975 0.36229 0.856815
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0023325920759911935 -0.0016082495853330853 -0.0007011750096067806 -0.0011264820327009722 0.0026373888949117784
+leaf_weight=43 63 52 62 41
+leaf_count=43 63 52 62 41
+internal_value=0 0.0332148 -0.0189786 0.0182385
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8291
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.149081 0.364997 0.41535 0.702898
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00044041466555181486 -0.001129060352649282 0.0019002123794129356 0.0015190911158456102 -0.0026036283838152541
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0114849 -0.00955735 -0.0390595
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=8292
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 4
+split_gain=0.151349 0.313596 0.661662 0.115049
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00052844898227621864 -0.0014696275867685101 -0.00076873813455960753 0.0026092178939106205 0.00010123682640900123
+leaf_weight=55 46 65 55 40
+leaf_count=55 46 65 55 40
+internal_value=0 0.0179831 0.0516889 -0.0365105
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8293
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.145967 0.705541 0.611131 0.78397
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016932672292871728 -0.00082417510123851357 0.0026286007851691637 -0.0023224159694310432 0.0019249714209989188
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0154345 -0.0172596 0.0255936
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=8294
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.146714 0.393367 2.34062 0.974125
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.003564722021068134 -0.00096611118319943324 -0.0025937496256998706 -0.0022743576802569071 0.0015798574959982159
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0132272 0.0538729 -0.0362648
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=8295
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 5
+split_gain=0.140098 0.376891 1.79946 0.594358
+threshold=73.500000000000014 7.5000000000000009 57.500000000000007 55.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00077776867025726101 -0.00094681327985073104 0.00074244301496990874 0.0045504645118787839 -0.0025357797606919614
+leaf_weight=74 56 51 39 41
+leaf_count=74 56 51 39 41
+internal_value=0 0.0129588 0.0527891 -0.0355316
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=8296
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 4
+split_gain=0.139032 0.290375 0.630823 0.117578
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00052967175825096332 -0.0014503966096892956 -0.0007419337677354727 0.0025360939446183923 0.00013600130427172277
+leaf_weight=55 46 65 55 40
+leaf_count=55 46 65 55 40
+internal_value=0 0.0173119 0.049829 -0.0351866
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8297
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.143421 0.536665 0.442132 0.690179
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014392660052903372 -0.00087735578526870837 0.0023276696461296039 -0.0011111111349728035 0.002578492892916253
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0142693 -0.0131824 0.0373443
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8298
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 5
+split_gain=0.144132 0.510525 0.368279 0.854114
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0023087889729497993 -0.0016175849206505816 -0.0006843090156962141 -0.0011180301955556642 0.0026399798084631842
+leaf_weight=43 63 52 62 41
+leaf_count=43 63 52 62 41
+internal_value=0 0.0331375 -0.0189659 0.0185446
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8299
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.146838 0.667983 0.575436 0.756167
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016616449770797718 -0.00082671140173961981 0.0025681879354757286 -0.0022481162735991079 0.0018933823502713949
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.015456 -0.0163737 0.0252418
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=8300
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 9
+split_gain=0.145816 0.358452 1.70987 0.638118
+threshold=73.500000000000014 7.5000000000000009 57.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00074623238190201847 -0.00096387398676870024 0.00092359778453660448 0.0044489496208714018 -0.0024532828393952493
+leaf_weight=74 56 48 39 44
+leaf_count=74 56 48 39 44
+internal_value=0 0.0131731 0.0520682 -0.034169
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=8301
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.142468 0.519415 0.417293 0.561566
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013997483914902826 -0.00087501992755331865 0.0022947231964399674 -0.0010364219362484941 0.0023069254693217846
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0142164 -0.0128028 0.0363388
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8302
+num_leaves=5
+num_cat=0
+split_feature=9 2 8 9
+split_gain=0.142502 0.60732 0.731622 1.61842
+threshold=42.500000000000007 24.500000000000004 52.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010370118712574785 0.0024921262419829275 -0.0023661403288667048 -0.0033834537087209468 0.001355153418232077
+leaf_weight=49 46 44 48 74
+leaf_count=49 46 44 48 74
+internal_value=0 -0.0120078 0.0156321 -0.0251767
+internal_weight=0 212 168 122
+internal_count=261 212 168 122
+shrinkage=0.02
+
+
+Tree=8303
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 6
+split_gain=0.146683 0.279297 0.606647 0.111927
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00050454996040539754 0 -0.00071417566762691247 0.0025034252920365413 -0.0015597442889900793
+leaf_weight=55 46 65 55 40
+leaf_count=55 46 65 55 40
+internal_value=0 0.0177091 0.0496403 -0.0360374
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8304
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.140367 0.633355 0.553536 0.737394
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016406061109838744 -0.00081071544812335173 0.0025043972940295973 -0.0022024485812381337 0.0018711010281032593
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0151436 -0.0158685 0.0249691
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=8305
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.13986 0.335253 2.2926 0.913067
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0034742755473429515 -0.00094659560742874896 -0.002469233084949281 -0.0023053030002903288 0.0015743393514650941
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0129248 0.0506125 -0.0329345
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=8306
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 1 9
+split_gain=0.14114 0.573537 0.69486 2.47042 0.866836
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 8.5000000000000018 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=0.0010325125704775864 0.0024560854473054767 -0.0023072569855005528 -0.00045116975907643828 -0.0046624179580707767 0.0036532604313351353
+leaf_weight=49 45 44 45 39 39
+leaf_count=49 45 44 45 39 39
+internal_value=0 -0.0119647 0.0149145 -0.0242797 0.0723199
+internal_weight=0 212 168 123 84
+internal_count=261 212 168 123 84
+shrinkage=0.02
+
+
+Tree=8307
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.134769 0.406261 0.595591 0.711435
+threshold=42.500000000000007 50.850000000000001 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010118915361549841 -0.0018926731872600752 0.0030567181450439785 -0.0010495158667727267 -0.00061436838228927718
+leaf_weight=49 48 48 77 39
+leaf_count=49 48 48 77 39
+internal_value=0 -0.0117258 0.0123261 0.070135
+internal_weight=0 212 164 87
+internal_count=261 212 164 87
+shrinkage=0.02
+
+
+Tree=8308
+num_leaves=5
+num_cat=0
+split_feature=3 3 3 1
+split_gain=0.131246 0.52456 0.275222 2.01646
+threshold=71.500000000000014 65.500000000000014 52.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00088364956793841225 -0.00084450693694060341 0.0022941232927627055 -0.0040103275424452911 0.0017318496954897061
+leaf_weight=56 64 42 46 53
+leaf_count=56 64 42 46 53
+internal_value=0 0.0137041 -0.0134456 -0.0464553
+internal_weight=0 197 155 99
+internal_count=261 197 155 99
+shrinkage=0.02
+
+
+Tree=8309
+num_leaves=6
+num_cat=0
+split_feature=2 6 7 1 5
+split_gain=0.151248 0.762667 0.61151 0.872928 1.01939
+threshold=25.500000000000004 46.500000000000007 57.500000000000007 8.5000000000000018 67.65000000000002
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.002547111071942167 0.0011363791102099261 0.0025872097255316699 -0.0013860926288576292 -0.0027707209255307397 0.0028813991186115834
+leaf_weight=46 44 40 44 40 47
+leaf_count=46 44 40 44 40 47
+internal_value=0 -0.011553 0.0194041 -0.0139164 0.0404866
+internal_weight=0 217 171 131 91
+internal_count=261 217 171 131 91
+shrinkage=0.02
+
+
+Tree=8310
+num_leaves=6
+num_cat=0
+split_feature=2 6 9 1 9
+split_gain=0.144478 0.73169 0.591632 0.372576 0.330601
+threshold=25.500000000000004 46.500000000000007 76.500000000000014 7.5000000000000009 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=-0.0024962468088701745 0.0011136881142536853 -0.0011814625841945158 -0.001740400372615022 0.0024016264386922952 0.0014955829764211693
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0113224 0.0190118 0.052789 0.00734769
+internal_weight=0 217 171 130 78
+internal_count=261 217 171 130 78
+shrinkage=0.02
+
+
+Tree=8311
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 9 9
+split_gain=0.146177 2.1518 1.70987 0.821633 1.35034
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0010485611753646435 -0.0044391787654597297 0.0040977036587634434 -0.0025851426668827616 0.0033384814033421296 -0.001887921819357058
+leaf_weight=49 40 45 47 41 39
+leaf_count=49 40 45 47 41 39
+internal_value=0 -0.0121485 0.0364826 -0.0229528 0.0390598
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8312
+num_leaves=5
+num_cat=0
+split_feature=4 9 5 2
+split_gain=0.142896 0.371065 0.615243 0.405657
+threshold=50.500000000000007 64.500000000000014 72.050000000000026 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011395848760815677 -1.1966356425005556e-06 -0.00062007640650682246 0.0026115865710082354 -0.0024497646757984499
+leaf_weight=42 71 59 41 48
+leaf_count=42 71 59 41 48
+internal_value=0 -0.0109589 0.0348906 -0.0498216
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=8313
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.150435 0.364002 0.41985 0.714396
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00044788801334232807 -0.0011342991065865394 0.0018982397895944559 0.0015286928313861011 -0.0026203498054121928
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0114945 -0.00952025 -0.0391737
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=8314
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 4
+split_gain=0.149937 0.300275 0.5627 0.117217
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00011515663192168689 -0.001473311627987592 -0.00074799871466915354 0.0028688636833736781 0.00011042572210220021
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0178735 0.0509014 -0.0363952
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8315
+num_leaves=6
+num_cat=0
+split_feature=6 9 4 9 2
+split_gain=0.146725 0.354942 0.715851 0.328586 1.30183
+threshold=70.500000000000014 72.500000000000014 65.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0016441549087979415 -0.0011218746590430379 -0.0015411075836012729 0.0030062066008726619 -0.0016957021909831929 0.0029435435994848882
+leaf_weight=40 44 39 40 50 48
+leaf_count=40 44 39 40 50 48
+internal_value=0 0.0113693 0.0309905 -0.00336386 0.0284452
+internal_weight=0 217 178 138 98
+internal_count=261 217 178 138 98
+shrinkage=0.02
+
+
+Tree=8316
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.146266 0.343813 2.21268 0.855593
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.003445301988976919 -0.00096555171920767609 -0.0024187381127610329 -0.0022332933201645029 0.0014979122136453077
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0131725 0.0513095 -0.0332387
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=8317
+num_leaves=5
+num_cat=0
+split_feature=4 4 6 2
+split_gain=0.139669 0.330675 0.399156 0.4074
+threshold=73.500000000000014 65.500000000000014 51.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0006373709418970526 -0.00094626481384198387 0.0016082406574994756 -0.0017394174949980461 0.0020057016986828546
+leaf_weight=56 56 56 50 43
+leaf_count=56 56 56 50 43
+internal_value=0 0.0129053 -0.0122239 0.0251581
+internal_weight=0 205 149 99
+internal_count=261 205 149 99
+shrinkage=0.02
+
+
+Tree=8318
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.138145 0.504968 0.396937 0.559677
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013697710657468761 -0.00086372223889839828 0.0022634148216244725 -0.0010538188922441859 0.0022842847880306552
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0140047 -0.0126471 0.0353291
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8319
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 2
+split_gain=0.141053 0.372482 0.620501 0.42034
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011328157336086509 0 -0.0005956628885252247 0.0026621627950418432 -0.0024750418174606563
+leaf_weight=42 71 60 40 48
+leaf_count=42 71 60 40 48
+internal_value=0 -0.0109119 0.0350212 -0.049845
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=8320
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 3 1
+split_gain=0.14736 0.345494 0.436027 0.462227 0.363575
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 57.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00044633103534136526 -0.0011242382783913573 0.001855249117906872 0.00041177133900538134 -0.0025118812644561524 0.0022587218075548034
+leaf_weight=42 44 44 41 49 41
+leaf_count=42 44 44 41 49 41
+internal_value=0 0.0113795 -0.00911712 -0.0585914 0.0440523
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=8321
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 5
+split_gain=0.140744 0.34236 0.702717 1.44958
+threshold=70.500000000000014 72.500000000000014 9.5000000000000018 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00052418253890790375 -0.0011017896156544206 -0.001515425857540772 -0.0010040989784687753 0.0040990229626621582
+leaf_weight=59 44 39 68 51
+leaf_count=59 44 39 68 51
+internal_value=0 0.0111524 0.0304444 0.080664
+internal_weight=0 217 178 110
+internal_count=261 217 178 110
+shrinkage=0.02
+
+
+Tree=8322
+num_leaves=5
+num_cat=0
+split_feature=9 2 8 9
+split_gain=0.140415 0.584753 0.74144 1.60732
+threshold=42.500000000000007 24.500000000000004 52.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010297926492565442 0.0024972540640523073 -0.0023265556054832661 -0.0033881041117435639 0.0013343167654939617
+leaf_weight=49 46 44 48 74
+leaf_count=49 46 44 48 74
+internal_value=0 -0.0119574 0.0151768 -0.0259004
+internal_weight=0 212 168 122
+internal_count=261 212 168 122
+shrinkage=0.02
+
+
+Tree=8323
+num_leaves=6
+num_cat=0
+split_feature=2 6 6 2 2
+split_gain=0.140057 0.732116 0.603274 0.807217 1.02081
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 9.5000000000000018 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.0024941946825346928 0.001098265246736887 0.0023448031715572275 -0.0025990937521154873 0.0031267084708632093 -0.0013969529312378825
+leaf_weight=46 44 47 43 40 41
+leaf_count=46 44 47 43 40 41
+internal_value=0 -0.0111868 0.0191563 -0.0177435 0.0413928
+internal_weight=0 217 171 124 81
+internal_count=261 217 171 124 81
+shrinkage=0.02
+
+
+Tree=8324
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 3
+split_gain=0.13876 2.10356 1.67083 0.648402 1.53868
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.0010245455680018363 -0.0043872179013254168 0.0040537263398123394 -0.0021086916955712432 -0.0025920897284543573 0.0032378151837415478
+leaf_weight=49 40 45 44 40 43
+leaf_count=49 40 45 44 40 43
+internal_value=0 -0.0118915 0.0361943 -0.0225633 0.0262563
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=8325
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.143543 0.503256 0.394465 0.694175
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013609334872576803 -0.00087840527204780113 0.0022648157610061872 -0.0011541253046228092 0.0025462536037407441
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0142384 -0.0123691 0.0354646
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8326
+num_leaves=5
+num_cat=0
+split_feature=9 1 7 3
+split_gain=0.140586 0.286887 0.52778 0.112214
+threshold=67.500000000000014 9.5000000000000018 58.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00040512913759897248 -0.0015677564987631018 -0.00073488818378799876 0.0024059494558010814 0
+leaf_weight=55 39 65 55 47
+leaf_count=55 39 65 55 47
+internal_value=0 0.0173548 0.0496889 -0.0353996
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8327
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 9
+split_gain=0.143625 0.503593 1.26216 0.644474
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0014770963201950176 -0.00087875490990428574 0.0010548588718207316 0.0029370373205867923 -0.0024479658643160786
+leaf_weight=43 64 39 67 48
+leaf_count=43 64 39 67 48
+internal_value=0 0.0142356 0.0602201 -0.043448
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=8328
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 2
+split_gain=0.14477 0.366431 0.622461 0.395181
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011456083357759175 -1.0479115294608383e-05 -0.00060756719824833977 0.0026553550292301989 -0.0024289869741674817
+leaf_weight=42 71 60 40 48
+leaf_count=42 71 60 40 48
+internal_value=0 -0.0110473 0.0345276 -0.0496792
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=8329
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 3 9
+split_gain=0.145007 0.349086 0.43271 0.464316 0.28298
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 57.500000000000007 57.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00027594718602076191 -0.0011165977730782416 0.0018613491907448678 0.00041492392510603836 -0.0025151102358351202 0.0021268195831473701
+leaf_weight=43 44 44 41 49 40
+leaf_count=43 44 44 41 49 40
+internal_value=0 0.0112845 -0.00931384 -0.0586075 0.0436599
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=8330
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.141602 0.323268 2.13603 0.830689
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0033776253895338591 -0.00095229921307376901 -0.0023711142430327425 -0.0022025952154171055 0.001489462804893725
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.012967 0.0500147 -0.0321063
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=8331
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.137764 0.530061 1.65772 1.4919
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0040462559308054999 0.0010901378822456499 0.0030811350887124077 0.0013141765077227441 -0.0013502836079762621
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.011118 -0.0693635 0.0322582
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=8332
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 2 2
+split_gain=0.140847 2.00715 1.47231 0.624347 1.39055
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 10.500000000000002 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0010311015459836222 -0.0042936759697757279 0.003828272696072825 -0.0022644280365743223 0.0033408313234912393 -0.0019609182055213073
+leaf_weight=49 40 45 47 40 40
+leaf_count=49 40 45 47 40 40
+internal_value=0 -0.0119774 0.0349993 -0.0201832 0.0340284
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8333
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 2
+split_gain=0.141784 0.525916 0.363307 1.23267
+threshold=55.500000000000007 49.500000000000007 69.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0023269503738014112 0.0029734449453923495 -0.00070952319128169457 -0.0014510223765564429 -0.0016969018696596843
+leaf_weight=43 43 52 74 49
+leaf_count=43 43 52 74 49
+internal_value=0 0.0328584 -0.0188709 0.0238945
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=8334
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 5
+split_gain=0.135334 0.504383 0.352921 0.861676
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022804869474405917 -0.0015834630193197353 -0.00069535184929918965 -0.0011301750084167712 0.0026441284425834221
+leaf_weight=43 63 52 62 41
+leaf_count=43 63 52 62 41
+internal_value=0 0.032194 -0.0184936 0.0182616
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8335
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 6
+split_gain=0.134095 0.29873 0.529342 0.117898
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00010106132265748969 3.6463175015048968e-05 -0.00076308205211943008 0.0027958768040883958 -0.0015520357940971689
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0169902 0.0499424 -0.034687
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8336
+num_leaves=6
+num_cat=0
+split_feature=2 6 7 1 5
+split_gain=0.142942 0.718379 0.654055 0.77429 1.04308
+threshold=25.500000000000004 46.500000000000007 57.500000000000007 8.5000000000000018 67.65000000000002
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0024756139355916018 0.0011078722251903342 0.0026473743408464692 -0.0015089227334180535 -0.0026640935859493938 0.0028078200318281733
+leaf_weight=46 44 40 44 40 47
+leaf_count=46 44 40 44 40 47
+internal_value=0 -0.0112995 0.0187631 -0.0156727 0.0356132
+internal_weight=0 217 171 131 91
+internal_count=261 217 171 131 91
+shrinkage=0.02
+
+
+Tree=8337
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 3 1
+split_gain=0.140149 0.340991 0.415252 0.461961 0.366163
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 57.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00047842711490953731 -0.0011000876812361957 0.00183994308266208 0.0004314368702915715 -0.0024916227507671266 0.0022361734571510897
+leaf_weight=42 44 44 41 49 41
+leaf_count=42 44 44 41 49 41
+internal_value=0 0.0111148 -0.00925423 -0.0575912 0.0426822
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=8338
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 5
+split_gain=0.133818 0.331156 0.713205 1.34918
+threshold=70.500000000000014 72.500000000000014 9.5000000000000018 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00045320986586414621 -0.0010781209545798764 -0.0014934504244191462 -0.0010270184004304167 0.0040086181853975925
+leaf_weight=59 44 39 68 51
+leaf_count=59 44 39 68 51
+internal_value=0 0.010893 0.0298871 0.0804711
+internal_weight=0 217 178 110
+internal_count=261 217 178 110
+shrinkage=0.02
+
+
+Tree=8339
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 2
+split_gain=0.136085 0.372946 0.617141 0.373576
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011147611540245675 -3.6784175170638722e-05 -0.00058870584811734363 0.0026604912962391691 -0.0023921722263897534
+leaf_weight=42 71 60 40 48
+leaf_count=42 71 60 40 48
+internal_value=0 -0.0107645 0.0351965 -0.0497212
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=8340
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.140451 0.337094 0.423975 0.842736 1.0022
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.001976371414947034 -0.0011013043896192214 0.0018312106877463946 0.0015444012368674826 -0.0032621331474740685 0.0022902744207225103
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.0111161 -0.00914146 -0.0389339 0.0145151
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=8341
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 4
+split_gain=0.136213 0.280827 0.509664 0.130766
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-9.7572526861536597e-05 -0.0014806418413579761 -0.00072924330298144351 0.0027468003556823006 0.00018163753193246475
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0170972 0.0491124 -0.0349337
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8342
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 2
+split_gain=0.138969 0.360976 0.603429 0.365461
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011249674054401517 -3.6676273057065605e-05 -0.00059086176654376957 0.0026231875444830046 -0.0023677818913617997
+leaf_weight=42 71 60 40 48
+leaf_count=42 71 60 40 48
+internal_value=0 -0.0108659 0.034385 -0.0492256
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=8343
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 7 6
+split_gain=0.150049 0.332891 0.416297 0.764968 1.05253
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0019431225504059392 -0.0011337909742848305 0.0018281810622326716 0.0015383630899012102 -0.0029704789155525495 0.0025186861962813735
+leaf_weight=42 44 44 44 43 44
+leaf_count=42 44 44 44 43 44
+internal_value=0 0.0114425 -0.00869346 -0.0382301 0.016528
+internal_weight=0 217 173 129 86
+internal_count=261 217 173 129 86
+shrinkage=0.02
+
+
+Tree=8344
+num_leaves=6
+num_cat=0
+split_feature=7 2 9 7 9
+split_gain=0.141826 0.316645 0.538014 0.923488 0.678459
+threshold=75.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 44.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0015964803091079063 -0.0010628374687344348 0.0017916754962690894 0.001764358024505739 -0.0033850244441612836 0.0020108114526287088
+leaf_weight=40 47 44 44 40 46
+leaf_count=40 47 44 44 40 46
+internal_value=0 0.0116185 -0.00835408 -0.0424252 0.0161886
+internal_weight=0 214 170 126 86
+internal_count=261 214 170 126 86
+shrinkage=0.02
+
+
+Tree=8345
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 4
+split_gain=0.147771 0.276477 0.511741 0.128868
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-3.0042588945613965e-05 -0.0015007784965888574 -0.00070889105107472107 0.0028641674146227805 0.00015027097902126614
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0177187 0.0494994 -0.0362028
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8346
+num_leaves=5
+num_cat=0
+split_feature=9 2 8 9
+split_gain=0.144002 0.592067 0.743764 1.50271
+threshold=42.500000000000007 24.500000000000004 52.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010408485733201895 0.0025008413585039138 -0.0023421680764976693 -0.0032954177363470139 0.0012724905546371863
+leaf_weight=49 46 44 48 74
+leaf_count=49 46 44 48 74
+internal_value=0 -0.0121099 0.015189 -0.0259512
+internal_weight=0 212 168 122
+internal_count=261 212 168 122
+shrinkage=0.02
+
+
+Tree=8347
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 4
+split_gain=0.145018 0.268746 0.52932 0.123485
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00012115765134491323 -0.0014805582062862224 -0.00069771523242042027 0.0027759186910398504 0.00013990741757671823
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0175745 0.0489396 -0.0359029
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8348
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.147239 0.506462 0.403665 0.568136
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013720869168585427 -0.00088871776221826769 0.002273608619616849 -0.0010522001444347564 0.002310132500479923
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0143762 -0.0123132 0.0360528
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8349
+num_leaves=5
+num_cat=0
+split_feature=4 4 6 2
+split_gain=0.144934 0.316054 0.403355 0.381131
+threshold=73.500000000000014 65.500000000000014 51.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0005831258942656962 -0.00096233843159198294 0.0015833815408726735 -0.0017326548411126786 0.0019768212364421299
+leaf_weight=56 56 56 50 43
+leaf_count=56 56 56 50 43
+internal_value=0 0.0130863 -0.0115074 0.0260653
+internal_weight=0 205 149 99
+internal_count=261 205 149 99
+shrinkage=0.02
+
+
+Tree=8350
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 2
+split_gain=0.142001 0.496889 0.385183 1.20646
+threshold=55.500000000000007 49.500000000000007 69.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.002282026417818096 0.0029708182574311433 -0.00067222384200435871 -0.0014818320257142358 -0.0016501778742556226
+leaf_weight=43 43 52 74 49
+leaf_count=43 43 52 74 49
+internal_value=0 0.0328622 -0.0189018 0.0250782
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=8351
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 3
+split_gain=0.136619 0.333599 0.676032 0.364654
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00090710458431584912 -0.0010881989950194554 -0.0014977374812480829 0.0023546999463768415 -0.0013748815241887197
+leaf_weight=56 44 39 60 62
+leaf_count=56 44 39 60 62
+internal_value=0 0.0109763 0.0300357 -0.0142617
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=8352
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.135368 0.563747 0.891545 1.48481
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010129497490105085 0.0026620610498346189 -0.0022867332986890527 -0.0024914853550117365 0.0020316037938626721
+leaf_weight=49 47 44 71 50
+leaf_count=49 47 44 71 50
+internal_value=0 -0.0117934 0.0148616 -0.0307869
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8353
+num_leaves=6
+num_cat=0
+split_feature=2 6 7 3 5
+split_gain=0.145609 0.705559 0.582521 0.718805 1.78886
+threshold=25.500000000000004 46.500000000000007 57.500000000000007 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0024580571417348461 0.001116680302586392 0.0025161014066273236 0.0014349369116309905 0.0016510392531193831 -0.0044937714732791057
+leaf_weight=46 44 40 42 49 40
+leaf_count=46 44 40 42 49 40
+internal_value=0 -0.0114027 0.0183957 -0.0141455 -0.0724367
+internal_weight=0 217 171 131 82
+internal_count=261 217 171 131 82
+shrinkage=0.02
+
+
+Tree=8354
+num_leaves=6
+num_cat=0
+split_feature=2 6 7 3 5
+split_gain=0.139026 0.676934 0.558631 0.689525 1.71747
+threshold=25.500000000000004 46.500000000000007 57.500000000000007 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0024089706087024451 0.0010943821400559515 0.0024658669909545542 0.0014062859509994757 0.0016180654522468074 -0.0044040529799931425
+leaf_weight=46 44 40 42 49 40
+leaf_count=46 44 40 42 49 40
+internal_value=0 -0.0111677 0.0180329 -0.0138512 -0.0709808
+internal_weight=0 217 171 131 82
+internal_count=261 217 171 131 82
+shrinkage=0.02
+
+
+Tree=8355
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.146195 0.542829 0.398202 0.566576
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013836872602116554 -0.00088571234742118186 0.0023404052456881164 -0.0010753025374648697 0.0022828200228202904
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0143427 -0.0132619 0.034785
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8356
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 9 9
+split_gain=0.142669 2.04953 1.56101 0.770084 1.25244
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0010368429327207887 -0.004337250038680217 0.0039282770086156707 -0.0024879505885288117 0.0032380961182581444 -0.0017977895123332489
+leaf_weight=49 40 45 47 41 39
+leaf_count=49 40 45 47 41 39
+internal_value=0 -0.0120491 0.0354183 -0.0213893 0.0386843
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8357
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.140242 0.52058 0.376384 0.703182
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013483195537702542 -0.0008697412646981313 0.0022942190443234005 -0.001199351556550159 0.0025246994211890789
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0140816 -0.0129673 0.0338009
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8358
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 2
+split_gain=0.143711 0.356234 0.688307 1.0596
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011418206780787626 0.0013350193803233748 -0.0019737301147695128 0.0017220895638970094 -0.0026727625617067817
+leaf_weight=42 49 40 71 59
+leaf_count=42 49 40 71 59
+internal_value=0 -0.0110168 0.0083817 -0.0423664
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=8359
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 2
+split_gain=0.137222 0.346032 0.609383 0.353781
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011190222875293258 -3.4375895683282671e-05 -0.00061365029280805263 0.0026159365267669705 -0.0023300500874685998
+leaf_weight=42 71 60 40 48
+leaf_count=42 71 60 40 48
+internal_value=0 -0.0107934 0.0335558 -0.0483953
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=8360
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 5
+split_gain=0.149556 0.315095 0.712261 1.31539
+threshold=70.500000000000014 72.500000000000014 9.5000000000000018 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00042591157741245526 -0.0011318934676204648 -0.001442660592631791 -0.0010238017441505938 0.0039802750137592456
+leaf_weight=59 44 39 68 51
+leaf_count=59 44 39 68 51
+internal_value=0 0.0114385 0.0299949 0.080546
+internal_weight=0 217 178 110
+internal_count=261 217 178 110
+shrinkage=0.02
+
+
+Tree=8361
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 6
+split_gain=0.142798 0.329808 0.413485 0.810562 0.910807
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0018795717397976125 -0.0011092915269815655 0.0018163526442306827 0.0015296951770809519 -0.0032025213916801508 0.0021917039626678063
+leaf_weight=42 44 44 44 39 48
+leaf_count=42 44 44 44 39 48
+internal_value=0 0.011199 -0.00884822 -0.0382896 0.0141455
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=8362
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 9 9
+split_gain=0.144716 1.94451 1.48793 0.733861 1.19938
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0010432142860138274 -0.0042336422667587853 0.0038269086184597135 -0.0024396676415213868 0.003158837829881815 -0.0017708764600729374
+leaf_weight=49 40 45 47 41 39
+leaf_count=49 40 45 47 41 39
+internal_value=0 -0.0121312 0.0341108 -0.0213622 0.0373082
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8363
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 3
+split_gain=0.141463 0.300827 0.501868 0.118995
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-6.2775272394149996e-05 -0.0015919507956425492 -0.00075877852800879152 0.002760172576980237 5.6501957725409822e-06
+leaf_weight=68 39 65 42 47
+leaf_count=68 39 65 42 47
+internal_value=0 0.0173855 0.050444 -0.0355127
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8364
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 4
+split_gain=0.143294 0.9791 1.06152 0.280305
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00095542636788505813 -0.0032094440078224498 0.0029841680665465497 -0.0007635259017321033 -0.00072478499546235157
+leaf_weight=56 41 54 71 39
+leaf_count=56 41 54 71 39
+internal_value=0 -0.013127 0.0424923 -0.100493
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=8365
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.140362 0.529033 1.16294 0.663211
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0013517042216054521 -0.00087028419886750171 -0.0025009601926367126 0.0028874505010316998 0.0010508553251254152
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.014076 0.0611626 -0.0450007
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=8366
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 2
+split_gain=0.145813 0.346981 0.654117 1.01506
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011489085400787418 0.0013077297132892717 -0.0019536402777659201 0.0016777216277013304 -0.0026163811888876847
+leaf_weight=42 49 40 71 59
+leaf_count=42 49 40 71 59
+internal_value=0 -0.0110983 0.00805728 -0.0414451
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=8367
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 2
+split_gain=0.141301 1.8202 1.41893 0.57964 1.48586
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 10.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.0010323032204745766 -0.0041028807525150439 0.0037268337791540531 -0.0018643825244377824 -0.0024567130044017135 0.0034187366005718816
+leaf_weight=49 40 45 48 40 39
+leaf_count=49 40 45 48 40 39
+internal_value=0 -0.0120067 0.0327416 -0.0214415 0.0247784
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=8368
+num_leaves=6
+num_cat=0
+split_feature=2 6 7 1 6
+split_gain=0.14663 0.626482 0.611642 0.746108 0.899056
+threshold=25.500000000000004 46.500000000000007 57.500000000000007 8.5000000000000018 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0023336648441477561 0.0011202216394531339 0.0025334047348549277 -0.0014834062604706037 -0.0026413898390890028 0.0025394834735339108
+leaf_weight=46 44 40 42 40 49
+leaf_count=46 44 40 42 40 49
+internal_value=0 -0.0114326 0.0166828 -0.0166457 0.0337134
+internal_weight=0 217 171 131 91
+internal_count=261 217 171 131 91
+shrinkage=0.02
+
+
+Tree=8369
+num_leaves=5
+num_cat=0
+split_feature=4 9 5 2
+split_gain=0.14613 0.331438 0.611217 0.330068
+threshold=50.500000000000007 64.500000000000014 72.050000000000026 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011501247433151687 -5.5024104730915523e-05 -0.00066690665150866287 0.0025549446531447405 -0.0022773626317768602
+leaf_weight=42 71 59 41 48
+leaf_count=42 71 59 41 48
+internal_value=0 -0.0111028 0.0323461 -0.047948
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=8370
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 5
+split_gain=0.152416 0.319843 0.774591 1.20266
+threshold=70.500000000000014 72.500000000000014 9.5000000000000018 55.650000000000013
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00029082559441398075 -0.0011415721437531804 -0.0014527495330881825 -0.0010875228489348942 0.0039241180952477184
+leaf_weight=59 44 39 68 51
+leaf_count=59 44 39 68 51
+internal_value=0 0.011526 0.0302123 0.082868
+internal_weight=0 217 178 110
+internal_count=261 217 178 110
+shrinkage=0.02
+
+
+Tree=8371
+num_leaves=5
+num_cat=0
+split_feature=3 1 8 4
+split_gain=0.149578 0.930931 1.03345 0.255266
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0009734839987091484 -0.0031215467147795799 0.0030668659155564512 -0.0006730266898548903 -0.00074041255626284945
+leaf_weight=56 41 50 75 39
+leaf_count=56 41 50 75 39
+internal_value=0 -0.0133847 0.0408707 -0.0986199
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=8372
+num_leaves=6
+num_cat=0
+split_feature=2 6 6 2 2
+split_gain=0.145887 0.601816 0.60716 0.774179 0.864775
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 9.5000000000000018 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.0022928442576520482 0.001117494764148391 0.0022912007331886133 -0.0026160294840223476 0.0028613015962102211 -0.0013091455452350048
+leaf_weight=46 44 47 43 40 41
+leaf_count=46 44 47 43 40 41
+internal_value=0 -0.0114182 0.0161513 -0.0208699 0.0370579
+internal_weight=0 217 171 124 81
+internal_count=261 217 171 124 81
+shrinkage=0.02
+
+
+Tree=8373
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 9 9
+split_gain=0.151869 1.73453 1.36486 0.732658 1.13329
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.001065440322222184 -0.0040197851615770821 0.0036395966948163149 -0.002448014113676125 0.0030817165770296966 -0.0017123030828245771
+leaf_weight=49 40 45 47 41 39
+leaf_count=49 40 45 47 41 39
+internal_value=0 -0.012401 0.0312881 -0.0218626 0.0367593
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8374
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 2
+split_gain=0.147212 0.325121 0.594153 0.985258
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011536726506441541 0.0013091916350269357 -0.001902245641022452 0.0015961692485273247 -0.0025580609043328768
+leaf_weight=42 49 40 71 59
+leaf_count=42 49 40 71 59
+internal_value=0 -0.0111485 0.00742088 -0.039818
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=8375
+num_leaves=6
+num_cat=0
+split_feature=2 6 6 2 2
+split_gain=0.148297 0.590517 0.594896 0.754211 0.81485
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 9.5000000000000018 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.0022755107188175629 0.0011257237148631152 0.0022653214366909094 -0.0025875054370064401 0.0027867240075134477 -0.0012640833256424692
+leaf_weight=46 44 47 43 40 41
+leaf_count=46 44 47 43 40 41
+internal_value=0 -0.0114939 0.0158219 -0.0208333 0.0363563
+internal_weight=0 217 171 124 81
+internal_count=261 217 171 124 81
+shrinkage=0.02
+
+
+Tree=8376
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 9 9
+split_gain=0.151233 1.67155 1.28832 0.700365 1.09019
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0010635919321730007 -0.0039509134504424389 0.0035398566113201773 -0.0023898862809772219 0.0030266271709501451 -0.0016768276982442297
+leaf_weight=49 40 45 47 41 39
+leaf_count=49 40 45 47 41 39
+internal_value=0 -0.0123718 0.0305223 -0.0211309 0.036212
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8377
+num_leaves=5
+num_cat=0
+split_feature=3 2 4 4
+split_gain=0.149505 0.352152 0.943898 0.798598
+threshold=52.500000000000007 17.500000000000004 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.00097340568124089247 0.0019901071166757464 -0.0032686108459138749 -0.0016303678527138858 0.00064220097544121933
+leaf_weight=56 69 42 51 43
+leaf_count=56 69 42 51 43
+internal_value=0 -0.0133752 0.0222345 -0.0640948
+internal_weight=0 205 120 85
+internal_count=261 205 120 85
+shrinkage=0.02
+
+
+Tree=8378
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.145034 1.09219 1.07932
+threshold=7.5000000000000009 15.500000000000002 14.500000000000002
+decision_type=2 2 2
+left_child=1 -1 -2
+right_child=2 -3 -4
+leaf_value=-0.0012473838153293166 0.0013991047183414629 0.0021819939539977065 -0.0025929101044997039
+leaf_weight=77 55 74 55
+leaf_count=77 55 74 55
+internal_value=0 0.0214088 -0.0295007
+internal_weight=0 151 110
+internal_count=261 151 110
+shrinkage=0.02
+
+
+Tree=8379
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 4
+split_gain=0.147114 0.854365 0.955 0.250718
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00096660388516342239 -0.003039422154078264 0.0028015633957987245 -0.00075670578366713443 -0.00067887116093898875
+leaf_weight=56 41 54 71 39
+leaf_count=56 41 54 71 39
+internal_value=0 -0.0132762 0.0387389 -0.0950122
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=8380
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.152597 1.05463 1.04147
+threshold=7.5000000000000009 15.500000000000002 14.500000000000002
+decision_type=2 2 2
+left_child=1 -1 -2
+right_child=2 -3 -4
+leaf_value=-0.0012089972403342738 0.0013509582936633883 0.0021618292644439894 -0.0025714931508114577
+leaf_weight=77 55 74 55
+leaf_count=77 55 74 55
+internal_value=0 0.0218936 -0.0301694
+internal_weight=0 151 110
+internal_count=261 151 110
+shrinkage=0.02
+
+
+Tree=8381
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 2
+split_gain=0.148454 0.318133 0.539312 0.998404
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0011581487228617068 0.0013620720905771269 -0.0018857738074442379 0.0015257204569319525 -0.0025307400460762232
+leaf_weight=42 49 40 71 59
+leaf_count=42 49 40 71 59
+internal_value=0 -0.01118 0.00719803 -0.0378708
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=8382
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.156918 1.04653 0.989518
+threshold=7.5000000000000009 15.500000000000002 14.500000000000002
+decision_type=2 2 2
+left_child=1 -1 -2
+right_child=2 -3 -4
+leaf_value=-0.0011971722867867203 0.0012948329974759377 0.0021608627296529539 -0.0025301510273777078
+leaf_weight=77 55 74 55
+leaf_count=77 55 74 55
+internal_value=0 0.0221715 -0.0305392
+internal_weight=0 151 110
+internal_count=261 151 110
+shrinkage=0.02
+
+
+Tree=8383
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.151764 0.512935 1.65081 1.33392
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014385784806387198 0.0011374782458275711 0.0015965038901170256 -0.0043360704836596696 0.0027121595270013085
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0116009 -0.038527 0.0169601
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8384
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 4
+split_gain=0.155452 0.529943 0.355937 1.07753
+threshold=55.500000000000007 54.500000000000007 69.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0022910505096135291 -0.0014510814684445142 -0.00074690089727890861 -0.0014562046738092244 0.0029484229820280978
+leaf_weight=45 52 50 74 40
+leaf_count=45 52 50 74 40
+internal_value=0 0.0342171 -0.019653 0.0226922
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=8385
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.149733 1.0062 0.952877
+threshold=7.5000000000000009 15.500000000000002 14.500000000000002
+decision_type=2 2 2
+left_child=1 -1 -2
+right_child=2 -3 -4
+leaf_value=-0.0011747860110183472 0.0012723290956380775 0.0021190950932516591 -0.0024825223243607787
+leaf_weight=77 55 74 55
+leaf_count=77 55 74 55
+internal_value=0 0.0217186 -0.0299107
+internal_weight=0 151 110
+internal_count=261 151 110
+shrinkage=0.02
+
+
+Tree=8386
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 2 3
+split_gain=0.151063 0.512114 0.32944 0.933351 0.534417
+threshold=55.500000000000007 54.500000000000007 8.5000000000000018 14.500000000000002 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 -2 -4 -5
+right_child=2 -3 3 4 -6
+leaf_value=0.0022562022761439494 -0.0019398720272184665 -0.00073194694886289475 0.0026418847877451518 0.00049929860569333014 -0.0027755547146793313
+leaf_weight=45 43 50 41 42 40
+leaf_count=45 43 50 41 42 40
+internal_value=0 0.0337848 -0.0194072 0.00743123 -0.0544724
+internal_weight=0 95 166 123 82
+internal_count=261 95 166 123 82
+shrinkage=0.02
+
+
+Tree=8387
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.146348 0.511114 1.58517 1.30365
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014360278790893906 0.0011194587419274878 0.001597137249917375 -0.0042606582914113946 0.0026681094664600187
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0114136 -0.0382943 0.0160858
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8388
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 3 4
+split_gain=0.14249 0.334447 0.364894 0.461845 0.0836394
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 57.500000000000007 62.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=0.00011125674491123951 -0.0011079722594208583 0.0018269376758006739 0.00049451605214787019 -0.0024288818885619514 0.0015482769948855855
+leaf_weight=44 44 44 41 49 39
+leaf_count=44 44 44 41 49 39
+internal_value=0 0.0112019 -0.00897937 -0.054444 0.0398425
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=8389
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 3
+split_gain=0.149222 0.489474 0.341391 1.03269
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022188197228076431 -0.0016113973026221369 -0.00070478338418617349 0.0026355297731565008 -0.0014058407559768866
+leaf_weight=45 61 50 45 60
+leaf_count=45 61 50 45 60
+internal_value=0 0.033614 -0.0192911 0.0159582
+internal_weight=0 95 166 105
+internal_count=261 95 166 105
+shrinkage=0.02
+
+
+Tree=8390
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.142527 0.984147 0.916683
+threshold=7.5000000000000009 15.500000000000002 14.500000000000002
+decision_type=2 2 2
+left_child=1 -1 -2
+right_child=2 -3 -4
+leaf_value=-0.0011664784599428623 0.0012500530784944248 0.0020918221813819595 -0.0024342158230132196
+leaf_weight=77 55 74 55
+leaf_count=77 55 74 55
+internal_value=0 0.0212619 -0.0292595
+internal_weight=0 151 110
+internal_count=261 151 110
+shrinkage=0.02
+
+
+Tree=8391
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 4
+split_gain=0.144988 0.482361 0.331516 1.05023
+threshold=55.500000000000007 49.500000000000007 69.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0022655173081974709 -0.0014432701019422493 -0.00064663927404727593 -0.001409117353069671 0.0029011993725638393
+leaf_weight=43 52 52 74 40
+leaf_count=43 52 52 74 40
+internal_value=0 0.0331889 -0.0190502 0.0218855
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=8392
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 4
+split_gain=0.139248 0.403939 0.48558 0.144011
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=2.7290806977402034e-05 -0.0015208189638053775 -0.00092765852667758288 0.0028289014538818678 0.00021410044419340046
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0172808 0.0552692 -0.0352534
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8393
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 1
+split_gain=0.140505 0.46637 0.324194 1.76033
+threshold=55.500000000000007 49.500000000000007 72.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0022308216089850265 0.0015521440082978269 -0.00063446561880846136 0.00078078720148930995 -0.0036972338349440998
+leaf_weight=43 51 52 63 52
+leaf_count=43 51 52 63 52
+internal_value=0 0.0327363 -0.0187881 -0.0545488
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8394
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 4
+split_gain=0.135193 0.382826 0.484579 0.139093
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=6.5881091405759306e-05 -0.001499334523288138 -0.00089963921901529628 0.0029079639927527242 0.00020911307508297432
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0170665 0.0541003 -0.0347945
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8395
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 4
+split_gain=0.135475 0.457686 0.335354 0.997382
+threshold=55.500000000000007 54.500000000000007 69.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0021422218724949705 -0.0013800473066144492 -0.00068852945044711126 -0.0014034635677281882 0.0028554977714970787
+leaf_weight=45 52 50 74 40
+leaf_count=45 52 50 74 40
+internal_value=0 0.0322264 -0.0184843 0.0226788
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=8396
+num_leaves=6
+num_cat=0
+split_feature=2 6 6 2 2
+split_gain=0.131902 0.630704 0.558442 0.744321 0.749131
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 9.5000000000000018 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.0023297881196261694 0.001070043367135273 0.0022363747007842529 -0.0025217223909190728 0.0027487618969262973 -0.0011383477874809529
+leaf_weight=46 44 47 43 40 41
+leaf_count=46 44 47 43 40 41
+internal_value=0 -0.0108921 0.0173165 -0.0182234 0.038603
+internal_weight=0 217 171 124 81
+internal_count=261 217 171 124 81
+shrinkage=0.02
+
+
+Tree=8397
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.136121 0.725644 1.46633 1.20409
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.001003545377695896 0.0019453028997897309 -0.0052350172975398311 0.0011735369898185316 -0.0004787983118965431
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0119332 -0.044363 -0.132612
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8398
+num_leaves=5
+num_cat=0
+split_feature=4 5 6 5
+split_gain=0.127988 0.340411 0.29423 0.543972
+threshold=50.500000000000007 53.500000000000007 63.500000000000007 72.050000000000026
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.001086030853653226 -0.0015778985969292756 0.0012804534933919896 -0.0021694433541039953 0.00096121698559478415
+leaf_weight=42 57 70 43 49
+leaf_count=42 57 70 43 49
+internal_value=0 -0.0104533 0.0134048 -0.0246937
+internal_weight=0 219 162 92
+internal_count=261 219 162 92
+shrinkage=0.02
+
+
+Tree=8399
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.127758 0.702296 1.41493 1.15832
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00097641554151629882 0.0019173681292863453 -0.0051388139189375527 0.0011542380924122113 -0.00047195261194356541
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0116034 -0.0435244 -0.130237
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8400
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.13177 0.906738 0.904645
+threshold=7.5000000000000009 14.500000000000002 15.500000000000002
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=-0.0011158665371313161 0.0012603179329915934 -0.0024044429600120925 0.0020106538209424935
+leaf_weight=77 55 55 74
+leaf_count=77 55 55 74
+internal_value=0 -0.0282579 0.0205631
+internal_weight=0 110 151
+internal_count=261 110 151
+shrinkage=0.02
+
+
+Tree=8401
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.125691 0.871699 0.868095
+threshold=7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=-0.0010935695470056137 0.0011413437327290178 -0.0024587338655759224 0.0019704784790187998
+leaf_weight=77 58 52 74
+leaf_count=77 58 52 74
+internal_value=0 -0.0276862 0.0201469
+internal_weight=0 110 151
+internal_count=261 110 151
+shrinkage=0.02
+
+
+Tree=8402
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.12917 0.338157 0.380668 0.669965
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013891992648115995 -0.0010611601004984364 0.0015010312910920779 -0.0011858232632471692 0.0024516779844568778
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0107545 -0.0147286 0.0322862
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=8403
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 4
+split_gain=0.132467 0.449683 0.328302 0.694278
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 73.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021872975625182515 -0.0015692927626780378 -0.00062833058581096741 0.0020280825993728565 -0.0012671871433719726
+leaf_weight=43 61 52 51 54
+leaf_count=43 61 52 51 54
+internal_value=0 0.0319184 -0.0182993 0.0163022
+internal_weight=0 95 166 105
+internal_count=261 95 166 105
+shrinkage=0.02
+
+
+Tree=8404
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.128268 0.66047 1.36113 1.10835
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00097806240106643205 0.0018535765651043871 -0.0050335632075328082 0.0011340253699317316 -0.00046624049672979758
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0116251 -0.0426123 -0.127687
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8405
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.123837 0.997319 1.03092 0.357076
+threshold=7.5000000000000009 67.65000000000002 59.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00090440971808780483 0.00076880544737145684 0.0030025756490571001 -0.0031532159278049999 -0.0015840255405645217
+leaf_weight=67 48 43 41 62
+leaf_count=67 48 43 41 62
+internal_value=0 0.0200163 -0.0314814 -0.0275116
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8406
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 4
+split_gain=0.122579 0.359816 0.513757 0.145795
+threshold=67.500000000000014 9.5000000000000018 66.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=2.2864646803935199e-06 -0.0014873571400531647 -0.00087742648395306517 0.002924262545783562 0.00025789983551981801
+leaf_weight=71 46 65 39 40
+leaf_count=71 46 65 39 40
+internal_value=0 0.0163704 0.0523364 -0.0333383
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8407
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 9
+split_gain=0.123648 0.353042 0.362998 0.666637
+threshold=72.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013614498997455799 -0.0010005359579410324 0.0015743441797259376 -0.0011991648171899786 0.002429698867329742
+leaf_weight=72 47 59 41 42
+leaf_count=72 47 59 41 42
+internal_value=0 0.0109881 -0.0145586 0.0313999
+internal_weight=0 214 155 83
+internal_count=261 214 155 83
+shrinkage=0.02
+
+
+Tree=8408
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 5
+split_gain=0.126216 0.430436 0.331734 0.820153
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0020797083434275416 -0.0015370054299075914 -0.00066889615089969052 -0.0011041371527935008 0.0025801523274710091
+leaf_weight=45 63 50 62 41
+leaf_count=45 63 50 62 41
+internal_value=0 0.0312616 -0.0179159 0.017771
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8409
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.134432 0.325991 0.347944 0.654963
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013311140250196996 -0.0010797177495053222 0.001482740028401072 -0.0011926526868353512 0.0024052119665937013
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0109424 -0.0140996 0.0309408
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=8410
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.12831 0.312321 0.333342 0.628328
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013045174529458345 -0.0010581581792425401 0.0014531187574025493 -0.0011688401046999765 0.0023571874898716027
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0107203 -0.0138176 0.0303134
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=8411
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 5
+split_gain=0.136032 0.421062 0.32492 0.82032
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022455039707418986 -0.0015374263348472805 -0.00050458852395845533 -0.0011233789943949659 0.0025614383366455089
+leaf_weight=40 63 55 62 41
+leaf_count=40 63 55 62 41
+internal_value=0 0.0322866 -0.0185149 0.0168187
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8412
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.13314 0.304985 0.320155 0.617862
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012763573812633294 -0.0010753425243258854 0.0014427218989044336 -0.0011622129756225295 0.0023352152725452761
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0108889 -0.0133735 0.0299208
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=8413
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 2
+split_gain=0.137575 0.41713 0.329136 1.2382
+threshold=55.500000000000007 49.500000000000007 69.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0021430191983922275 0.0029449355958446094 -0.00057261913911793084 -0.0013968980782849516 -0.001735974094496984
+leaf_weight=43 43 52 74 49
+leaf_count=43 43 52 74 49
+internal_value=0 0.0324411 -0.0186109 0.0221864
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=8414
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 5
+split_gain=0.131292 0.399897 0.318908 0.80943
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021002287127895813 -0.0015217237273859908 -0.00056118225143295532 -0.0011145371370064343 0.0025462950560728478
+leaf_weight=43 63 52 62 41
+leaf_count=43 63 52 62 41
+internal_value=0 0.031785 -0.0182387 0.0167833
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8415
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 4
+split_gain=0.133373 0.344227 0.512019 0.135026
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-3.8399375450844035e-05 -0.0014849410980571137 -0.00084033611600819839 0.0028117304176113402 0.00020122525195974885
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0169632 0.052183 -0.0345929
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8416
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.135812 0.299065 0.317932 0.623467
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012668978735190484 -0.0010848635427834687 0.0014332141904380943 -0.0011666142460142923 0.0023461689454148493
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0109745 -0.0130634 0.0300894
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=8417
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 2
+split_gain=0.134903 0.401956 0.332284 1.22142
+threshold=55.500000000000007 55.500000000000007 69.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.00066302300186136891 0.0024492178780672713 0.0019930374187688196 -0.0013985378319274098 -0.0022449075240505486
+leaf_weight=48 53 47 74 39
+leaf_count=48 53 47 74 39
+internal_value=0 0.0321557 -0.0184616 0.0225217
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=8418
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.128727 0.409735 0.323937 0.791891
+threshold=55.500000000000007 54.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0020507285658816475 -0.0015273799551956549 -0.00063356353629574649 -0.0010618278776052279 0.0025756869828809609
+leaf_weight=45 63 50 63 40
+leaf_count=45 63 50 63 40
+internal_value=0 0.0315051 -0.0180928 0.0171914
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8419
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 5 4
+split_gain=0.13347 0.357173 0.81868 0.429238 0.3991
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 52.000000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0011624561730406711 -0.0010347427966261914 0.0019776073991434216 -0.0025967805777787336 0.0021592321528177238 -0.0016741241820710895
+leaf_weight=41 47 40 43 48 42
+leaf_count=41 47 40 43 48 42
+internal_value=0 0.0113293 -0.00859924 0.0309399 -0.0131746
+internal_weight=0 214 174 131 83
+internal_count=261 214 174 131 83
+shrinkage=0.02
+
+
+Tree=8420
+num_leaves=5
+num_cat=0
+split_feature=6 3 8 5
+split_gain=0.130886 0.302406 0.282412 0.268078
+threshold=70.500000000000014 65.500000000000014 54.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00088165457323919662 -0.0010677038178368574 0.0014359532573938716 -0.0014776033946297979 0.0012783697175452638
+leaf_weight=42 44 62 54 59
+leaf_count=42 44 62 54 59
+internal_value=0 0.0107932 -0.013372 0.0186119
+internal_weight=0 217 155 101
+internal_count=261 217 155 101
+shrinkage=0.02
+
+
+Tree=8421
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.128014 0.526566 1.13083 0.777236
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0013292238530742892 -0.00083587986648092042 -0.0026375100040773058 0.0028518444249153465 0.0012005968605954078
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0135347 0.0605176 -0.0454105
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=8422
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.12945 0.631007 1.29336 1.12233
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00098149844753496994 0.0018063840631411855 -0.0049941987929006219 0.0010966013987334397 -0.00039947519341178761
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0116941 -0.042006 -0.124969
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8423
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.123524 0.605289 1.24162 1.07698
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00096189609646725753 0.0017703090964452082 -0.0048944892737078265 0.0010746894698414869 -0.00039149713898761518
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0114573 -0.0411678 -0.122483
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8424
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.114853 0.49257 0.347594 0.413355
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00078246063822560335 0.00094412134713940253 -0.0021691506727405511 0.0015819878765501491 -0.0017032661730367763
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.0109666 0.0136369 -0.0193506
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=8425
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.119337 0.312762 0.301563 0.629511
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012644582279662294 -0.001025945157639383 0.001447108679104297 -0.0012189395148678979 0.0023108157297339099
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0103761 -0.0141792 0.0279007
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=8426
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.120781 0.589544 1.19023 1.04547
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00095274622101780896 0.0017471919409870256 -0.0048159012519565052 0.0010452383728674324 -0.00037785364184330972
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0113429 -0.040679 -0.120323
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8427
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.119266 0.916807 1.21949 1.06562
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0034000981621058225 0.00081787236843483188 0.00049192656838942912 -0.003995947423085352 -0.0007775655181833939
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0130622 -0.082679 0.0547726
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=8428
+num_leaves=5
+num_cat=0
+split_feature=7 6 7 4
+split_gain=0.12533 0.351216 0.349633 0.395556
+threshold=76.500000000000014 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00073882048233961362 0.0011243026328111262 -0.0016597040978353172 0.0015685854400490969 -0.0016949240817555561
+leaf_weight=59 39 53 57 53
+leaf_count=59 39 53 57 53
+internal_value=0 -0.00992228 0.0127792 -0.0203032
+internal_weight=0 222 169 112
+internal_count=261 222 169 112
+shrinkage=0.02
+
+
+Tree=8429
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.121588 0.457888 0.334982 0.379153
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00072406173942705845 0.00096766676803485593 -0.0021071530889961044 0.001537252227825199 -0.0016610703959609014
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.0112243 0.0125239 -0.0198906
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=8430
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 5
+split_gain=0.115972 0.43901 0.320911 0.291288
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00079504794962529572 0.00094834109760300077 -0.0020650784477214404 0.0015065448681248015 -0.0013237567923996886
+leaf_weight=49 49 43 57 63
+leaf_count=49 49 43 57 63
+internal_value=0 -0.0109965 0.0122737 -0.0194862
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=8431
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.116302 0.899641 0.615406 1.46372
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0017186127600799534 0.00080939785455828601 -0.0028850312183524981 -0.00097604553396756985 0.0035408005535081683
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0129087 0.0222454 0.0599214
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=8432
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.122126 0.728559 0.842064 1.55098
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00096957974569366798 0.002678789915059918 -0.0025472334071246572 -0.0025241559690795706 0.0020633927821310698
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0112418 0.0189729 -0.0254047
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8433
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 4
+split_gain=0.120238 0.726355 0.542365 0.494384
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014613228923759426 0.0010883085785927784 -0.0020194681626280143 0.0023714919826591601 -0.0013369801502263242
+leaf_weight=43 40 64 47 67
+leaf_count=43 40 64 47 67
+internal_value=0 -0.00988223 0.0270243 -0.0117798
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=8434
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.117775 0.410023 0.331064 0.3372
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00064492496789313387 0.00095476756442891661 -0.0020071531641585715 0.0015089133160819685 -0.001610638665034314
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.0110613 0.0114547 -0.020782
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=8435
+num_leaves=6
+num_cat=0
+split_feature=4 2 6 3 5
+split_gain=0.119812 0.632503 1.41434 0.701112 1.40232
+threshold=49.500000000000007 25.500000000000004 49.500000000000007 72.500000000000014 65.100000000000009
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.001103474365135272 0.0040485007729960526 -0.0021117224463031332 0.00086519451975114881 0.0017232177043775871 -0.0041182032833677711
+leaf_weight=39 40 40 53 49 40
+leaf_count=39 40 40 53 49 40
+internal_value=0 0.00969615 0.0352835 -0.0115937 -0.0635546
+internal_weight=0 222 182 142 93
+internal_count=261 222 182 142 93
+shrinkage=0.02
+
+
+Tree=8436
+num_leaves=5
+num_cat=0
+split_feature=5 3 8 5
+split_gain=0.116512 0.418755 0.781472 0.281614
+threshold=70.000000000000014 65.500000000000014 54.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010124685401010603 0.00081873483223645835 0.001474242109845847 -0.002757984349900368 0.0011994162973348226
+leaf_weight=42 62 45 53 59
+leaf_count=42 62 45 53 59
+internal_value=0 -0.0127762 -0.0383304 0.0135822
+internal_weight=0 199 154 101
+internal_count=261 199 154 101
+shrinkage=0.02
+
+
+Tree=8437
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.119918 0.870645 1.14032 1.0125
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.003309015524372151 0.00082028347752552422 0.00045633677880697144 -0.0038853149255015482 -0.00076498386059284471
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.0130679 -0.0809507 0.0530677
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=8438
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.123421 0.570621 0.73299
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00078165827775046408 0.0010713623094527008 0.0023773771633168483 -0.0017601225644541748
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0140506 -0.0150737
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8439
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.117749 0.547246 0.703223
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00076604114995604061 0.0010499545321520068 0.0023299082334609163 -0.0017249537622412068
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0137702 -0.0147672
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8440
+num_leaves=6
+num_cat=0
+split_feature=4 2 6 4 6
+split_gain=0.114247 0.586724 1.35345 0.440088 0.464431
+threshold=49.500000000000007 25.500000000000004 49.500000000000007 71.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=-0.0010811538938199326 0.0039549051352553693 -0.0020329351763728851 -0.0026427553212155538 0.0012335291254260974 0.00029466812370499844
+leaf_weight=39 40 40 43 53 46
+leaf_count=39 40 40 43 53 46
+internal_value=0 0.00950795 0.0341869 -0.011679 -0.0558258
+internal_weight=0 222 182 142 89
+internal_count=261 222 182 142 89
+shrinkage=0.02
+
+
+Tree=8441
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.121231 0.5588 0.329959 0.658232
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013179481014106913 -0.00081576773845937341 0.0023477997547774864 -0.0013226912206213799 0.0022905417609328394
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0132577 -0.014741 0.0291722
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8442
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 4
+split_gain=0.121437 0.327068 0.320188 0.422841 0.111054
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0009687979001173759 -0.0013929686341649001 0.0019362916544692951 -0.0016302002945645436 0.0018211612231317329 0.00015547590265629267
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0163129 -0.00805761 0.0262474 -0.0331963
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=8443
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.118373 0.535529 0.314221 0.635717
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012860471165484558 -0.00080752386900942138 0.0023027762787654333 -0.0013019737405385438 0.0022506895469975412
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0131203 -0.014305 0.0286022
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8444
+num_leaves=5
+num_cat=0
+split_feature=9 6 9 6
+split_gain=0.119674 0.312506 0.285796 0.124834
+threshold=67.500000000000014 58.500000000000007 51.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00065105101328469998 8.9406148456352399e-05 0.0018516377575690324 -0.0012934506431272455 -0.0015400649451364566
+leaf_weight=76 46 43 56 40
+leaf_count=76 46 43 56 40
+internal_value=0 0.0162083 -0.008404 -0.0329914
+internal_weight=0 175 132 86
+internal_count=261 175 132 86
+shrinkage=0.02
+
+
+Tree=8445
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.114371 0.545409 1.22856 1.0416
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00093138549870446646 0.0016799758374381022 -0.0048093113249819989 0.0011019834526532284 -0.00037925949680946559
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0110527 -0.0393126 -0.120211
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8446
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.116866 0.408067 0.330562 0.351734
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00066690161161405987 0.00095182634543893973 -0.0020021516674213129 0.0015079095884400387 -0.0016343059305846412
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.0110141 0.0114502 -0.0207632
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=8447
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.113107 0.541142 0.703586
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0007529459072381315 0.0010487842938578886 0.0023142549151695057 -0.0017268098321154082
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.01354 -0.0148425
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8448
+num_leaves=6
+num_cat=0
+split_feature=7 4 2 9 1
+split_gain=0.115784 0.353391 0.304486 0.745718 0.472626
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 58.500000000000007 8.5000000000000018
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0012093418075881134 -0.00097254705495241223 0.0019562199376365447 0.0020685210220643497 -0.0027761897082465422 -0.0010628534032343468
+leaf_weight=48 47 40 39 46 41
+leaf_count=48 47 40 39 46 41
+internal_value=0 0.010694 -0.00913433 -0.0359853 0.0227087
+internal_weight=0 214 174 126 80
+internal_count=261 214 174 126 80
+shrinkage=0.02
+
+
+Tree=8449
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.113754 0.523814 0.668346
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00075476737409523747 0.0010250339869386116 0.002283117065141086 -0.0016820885479986564
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0135731 -0.0143636
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8450
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 5 6
+split_gain=0.116988 0.307681 0.339408 0.406902 0.124466
+threshold=67.500000000000014 58.500000000000007 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00093989884329856584 9.5046925291157033e-05 0.0018375851599002676 -0.0017251213706552706 0.0017991326013073214 -0.0015324576211140761
+leaf_weight=42 46 43 41 49 40
+leaf_count=42 46 43 41 49 40
+internal_value=0 0.016061 -0.00837012 0.0263215 -0.0326634
+internal_weight=0 175 132 91 86
+internal_count=261 175 132 91 86
+shrinkage=0.02
+
+
+Tree=8451
+num_leaves=6
+num_cat=0
+split_feature=2 6 6 2 2
+split_gain=0.116247 0.739656 0.492958 0.787175 0.888926
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 9.5000000000000018 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.0024877261889713147 0.0010139089651001753 0.002183564125419942 -0.0024821651515397171 0.0030516800669558568 -0.0011740794425024322
+leaf_weight=46 44 47 43 40 41
+leaf_count=46 44 47 43 40 41
+internal_value=0 -0.0102904 0.0202066 -0.0132367 0.045184
+internal_weight=0 217 171 124 81
+internal_count=261 217 171 124 81
+shrinkage=0.02
+
+
+Tree=8452
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.119674 0.52603 1.2459 1.02588
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00094970798823370152 0.0016427726086073317 -0.0047972249129979074 0.0011206573563147413 -0.00039972069988460036
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0112625 -0.0390359 -0.120495
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8453
+num_leaves=5
+num_cat=0
+split_feature=5 9 2 7
+split_gain=0.118769 0.300024 0.252726 0.559008
+threshold=72.050000000000026 68.500000000000014 13.500000000000002 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0011946818050979865 0.00095853909497861591 -0.001639510174863616 -0.0023163887173762963 0.00081518124135099171
+leaf_weight=66 49 49 40 57
+leaf_count=66 49 49 40 57
+internal_value=0 -0.0110844 0.0100072 -0.0234343
+internal_weight=0 212 163 97
+internal_count=261 212 163 97
+shrinkage=0.02
+
+
+Tree=8454
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.113774 0.528827 0.319256 0.624467
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012943532857622639 -0.0007937550172733036 0.0022863040864113423 -0.0011921706579563021 0.0023235992170269936
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0129122 -0.014346 0.0288861
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8455
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.114226 0.656534 0.783275 1.52415
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00094271622388448096 0.0025759445127975871 -0.0024259619720133087 -0.0024991565790020271 0.0020490357393073526
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0109015 0.0178124 -0.0250166
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8456
+num_leaves=6
+num_cat=0
+split_feature=7 3 6 8 4
+split_gain=0.116142 0.326568 0.276529 0.237419 0.234677
+threshold=76.500000000000014 70.500000000000014 58.500000000000007 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00098851173285524575 0.0010888539660089851 -0.0019030538632119438 0.0016458883030782382 -0.001624338886035141 0.0010683830462687829
+leaf_weight=39 39 39 42 40 62
+leaf_count=39 39 39 42 40 62
+internal_value=0 -0.00956988 0.00847999 -0.0132537 0.0133043
+internal_weight=0 222 183 141 101
+internal_count=261 222 183 141 101
+shrinkage=0.02
+
+
+Tree=8457
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.114514 0.587637 1.80476 1.38866
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.004201671813640586 0.00100754526647711 0.0030588767233253023 0.001389202392357457 -0.0012179446482432474
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.0102194 -0.0714366 0.0353856
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=8458
+num_leaves=5
+num_cat=0
+split_feature=9 2 6 9
+split_gain=0.120233 0.642737 0.619649 1.45599
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00096369434217158465 0.0023864638498571618 -0.0024080212275295375 -0.0030905379584984937 0.0013794950259324106
+leaf_weight=49 45 44 49 74
+leaf_count=49 45 44 49 74
+internal_value=0 -0.0111371 0.0172798 -0.0197747
+internal_weight=0 212 168 123
+internal_count=261 212 168 123
+shrinkage=0.02
+
+
+Tree=8459
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 5 6
+split_gain=0.120905 0.320894 0.328142 0.362647 0.120303
+threshold=67.500000000000014 58.500000000000007 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00087726597051907245 7.4715059026606769e-05 0.0018726151050977705 -0.0017056089994142258 0.0017153901139590059 -0.0015285400441973948
+leaf_weight=42 46 43 41 49 40
+leaf_count=42 46 43 41 49 40
+internal_value=0 0.0162997 -0.00862488 0.025512 -0.0331163
+internal_weight=0 175 132 91 86
+internal_count=261 175 132 91 86
+shrinkage=0.02
+
+
+Tree=8460
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.121421 0.721064 0.473387 2.49657 0.845337
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0024632817105717016 0.0010331916357347259 0.0023686770876258849 -0.00036554877839244158 0.0032304144816572219 -0.0045488812129669013
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0104734 0.0196452 -0.00928682 -0.120855
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8461
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.118343 0.720667 1.26249 0.956162
+threshold=75.500000000000014 6.5000000000000009 17.500000000000004 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00054916456148336869 0.0010814877324287868 -0.00047969955677524981 -0.0037688046131402241 0.0034065575744834393
+leaf_weight=62 40 69 49 41
+leaf_count=62 40 69 49 41
+internal_value=0 -0.00978743 -0.0675469 0.0481396
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=8462
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.116405 0.575553 1.46801 1.33129
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015041222440980481 0.0010147588486192122 0.0017278420309901894 -0.0041395481313467927 0.0026429860293188741
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0102832 -0.0387424 0.0136031
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8463
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.121981 0.623415 0.732298 1.522
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 67.65000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00096983041366991557 0.0024842012100774872 -0.0023771653014136086 -0.0029284516480786718 0.0015941306061965999
+leaf_weight=49 47 44 56 65
+leaf_count=49 47 44 56 65
+internal_value=0 -0.0111988 0.0167975 -0.024642
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8464
+num_leaves=6
+num_cat=0
+split_feature=2 6 9 1 9
+split_gain=0.1217 0.714029 0.453533 0.350854 0.295103
+threshold=25.500000000000004 46.500000000000007 76.500000000000014 7.5000000000000009 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=-0.0024526104058674937 0.0010343687564628259 -0.0011577660698154743 -0.0014746787109701832 0.0022924945856935865 0.0013806193659336161
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0104758 0.0194985 0.0492339 0.00506397
+internal_weight=0 217 171 130 78
+internal_count=261 217 171 130 78
+shrinkage=0.02
+
+
+Tree=8465
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.119762 0.606693 0.718792 1.47076
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 67.65000000000002
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00096226890846427935 0.0024592937244486603 -0.0023472203782607241 -0.0028857617192827429 0.0015609563842692903
+leaf_weight=49 47 44 56 65
+leaf_count=49 47 44 56 65
+internal_value=0 -0.0111087 0.0165186 -0.024545
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8466
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.126862 0.702274 0.445058 2.3301 0.809663
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0024383092428239585 0.0010530746875773327 0.002299618954728075 -0.00032768723135961463 0.0031207550811918113 -0.0044240066235957014
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0106632 0.0190682 -0.00901277 -0.116838
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8467
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.128875 0.516994 0.660544
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00079589139143188675 0.0010365008340356655 0.0022856795366668408 -0.0016553565075785939
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0143398 -0.0134183
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8468
+num_leaves=6
+num_cat=0
+split_feature=2 6 9 1 9
+split_gain=0.12474 0.669366 0.446253 0.308639 0.293743
+threshold=25.500000000000004 46.500000000000007 76.500000000000014 7.5000000000000009 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=-0.0023855290258360294 0.0010454272574677284 -0.0011292453769652594 -0.001481237205632969 0.002190710382741027 0.0014032401214538479
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0105866 0.0184547 0.0479647 0.00634365
+internal_weight=0 217 171 130 78
+internal_count=261 217 171 130 78
+shrinkage=0.02
+
+
+Tree=8469
+num_leaves=5
+num_cat=0
+split_feature=7 5 3 2
+split_gain=0.126822 0.389404 0.224045 0.276493
+threshold=75.500000000000014 65.500000000000014 52.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00083963306921358007 -0.0010109162648784804 0.001894931297822865 1.2665269892400659e-05 -0.0021006074320903036
+leaf_weight=56 47 46 70 42
+leaf_count=56 47 46 70 42
+internal_value=0 0.0111395 -0.0115449 -0.0386745
+internal_weight=0 214 168 112
+internal_count=261 214 168 112
+shrinkage=0.02
+
+
+Tree=8470
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 9
+split_gain=0.125738 1.10565 0.931282 0.412887
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00072190200605509139 0.00086123736362516052 0.0031409891361782829 -0.0031775647628168513 -0.0016606138262730281
+leaf_weight=69 48 43 39 62
+leaf_count=69 48 43 39 62
+internal_value=0 0.0201882 -0.0339991 -0.0276527
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8471
+num_leaves=5
+num_cat=0
+split_feature=7 4 9 9
+split_gain=0.126481 0.354748 0.459845 0.711197
+threshold=75.500000000000014 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001676385545443501 -0.0010096413109848042 0.0014911484559767486 -0.0020255768269103157 0.0017745577986850514
+leaf_weight=40 47 65 46 63
+leaf_count=40 47 65 46 63
+internal_value=0 0.0111317 -0.0162909 0.0213198
+internal_weight=0 214 149 103
+internal_count=261 214 149 103
+shrinkage=0.02
+
+
+Tree=8472
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 1 8
+split_gain=0.123927 0.592826 0.59206 2.37381 1.24502
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 8.5000000000000018 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=0.00097654422506346871 0.0023174669671434242 -0.0023268057367064284 -0.0007797878833240903 -0.0044992964091372977 0.0041265000956715123
+leaf_weight=49 45 44 45 39 39
+leaf_count=49 45 44 45 39 39
+internal_value=0 -0.0112709 0.0160463 -0.0201959 0.0745077
+internal_weight=0 212 168 123 84
+internal_count=261 212 168 123 84
+shrinkage=0.02
+
+
+Tree=8473
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 2
+split_gain=0.131683 0.3428 0.222773 0.931917
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 12.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00095704102968796709 -0.0010693405619994676 0.0017323884323606771 0.0014909717656103356 -0.0021605702490389836
+leaf_weight=49 44 49 47 72
+leaf_count=49 44 49 47 72
+internal_value=0 0.0108808 -0.0109985 -0.0355809
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=8474
+num_leaves=6
+num_cat=0
+split_feature=2 6 9 1 9
+split_gain=0.133341 0.661764 0.446075 0.316148 0.287637
+threshold=25.500000000000004 46.500000000000007 76.500000000000014 7.5000000000000009 56.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=-0.0023796257029613187 0.001076085475233912 -0.0011356702832148024 -0.0014903444882245548 0.0021950559429960285 0.0013723089279440554
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0108941 0.0179849 0.0474906 0.00540891
+internal_weight=0 217 171 130 78
+internal_count=261 217 171 130 78
+shrinkage=0.02
+
+
+Tree=8475
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 5
+split_gain=0.128403 0.326387 0.216481 0.27835
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00094944389475103738 -0.0010576622917088409 0.0016954305067746489 -0.001915172039656523 0.00011557257187920852
+leaf_weight=49 44 49 48 71
+leaf_count=49 44 49 48 71
+internal_value=0 0.0107651 -0.0106085 -0.0348738
+internal_weight=0 217 168 119
+internal_count=261 217 168 119
+shrinkage=0.02
+
+
+Tree=8476
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.128919 0.492605 0.626709
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00079591419299155925 0.0010165231560110522 0.002239890160627481 -0.0016075595740580161
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0143467 -0.0127677
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8477
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 6
+split_gain=0.128474 0.308156 0.590087 0.124457
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00015626448604881774 6.8426442322255942e-05 -0.00078434275158937043 0.002897667514617635 -0.0015584540081523973
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0167449 0.0501808 -0.033981
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8478
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.133814 0.614692 0.438774 2.26074 0.833552
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0023040632350159644 0.0010777095428853719 0.0022444746275829298 -0.00030608787680498753 0.0030327606474183358 -0.0044603295217306074
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0109128 0.0169438 -0.0109488 -0.11717
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8479
+num_leaves=5
+num_cat=0
+split_feature=4 5 2 2
+split_gain=0.139019 0.414768 0.386975 1.28448
+threshold=50.500000000000007 53.500000000000007 10.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0011266569844229023 -0.0017191557576401715 -0.001120820472710816 0.0039418958852819423 -0.00061224062877091934
+leaf_weight=42 57 53 39 70
+leaf_count=42 57 53 39 70
+internal_value=0 -0.010792 0.0154341 0.0505685
+internal_weight=0 219 162 109
+internal_count=261 219 162 109
+shrinkage=0.02
+
+
+Tree=8480
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 4 3
+split_gain=0.133169 1.8841 1.32126 0.370045 0.868419
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 68.500000000000014 74.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0010073324303071173 -0.0041618620108191083 0.0036435941565432202 -0.0018922869836442832 0.0026339908972828779 -0.0015044080625082779
+leaf_weight=49 40 45 44 39 44
+leaf_count=49 40 45 44 39 44
+internal_value=0 -0.0116309 0.0338916 -0.0184081 0.0215546
+internal_weight=0 212 172 127 83
+internal_count=261 212 172 127 83
+shrinkage=0.02
+
+
+Tree=8481
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.136976 1.03126 0.952049 0.859654
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00078917833875993663 0.0012040806994239887 0.003064116642124724 -0.0031531368978278645 -0.0023660726337374847
+leaf_weight=69 55 43 39 55
+leaf_count=69 55 43 39 55
+internal_value=0 0.0209462 -0.0314077 -0.0287049
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8482
+num_leaves=6
+num_cat=0
+split_feature=7 5 5 1 7
+split_gain=0.138509 0.333675 0.224424 1.73258 0.876317
+threshold=75.500000000000014 65.500000000000014 48.45000000000001 3.5000000000000004 60.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -5
+right_child=-2 -3 3 4 -6
+leaf_value=0.00099145558772224113 -0.0010503964047283031 0.0017855627260680103 -0.0040945261368392745 0.0031421389361220103 -0.0011056505862765524
+leaf_weight=49 47 46 40 40 39
+leaf_count=49 47 46 40 40 39
+internal_value=0 0.0115737 -0.00949283 -0.0341647 0.0517944
+internal_weight=0 214 168 119 79
+internal_count=261 214 168 119 79
+shrinkage=0.02
+
+
+Tree=8483
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.142531 0.97537 0.931652 0.836852
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00080998789113480405 0.00117066333693083 0.0030002033890386953 -0.0030909174148089631 -0.0023527152647724466
+leaf_weight=69 55 43 39 55
+leaf_count=69 55 43 39 55
+internal_value=0 0.0213154 -0.029618 -0.0292067
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8484
+num_leaves=5
+num_cat=0
+split_feature=8 5 3 1
+split_gain=0.14502 0.319177 0.218496 0.483865
+threshold=72.500000000000014 65.500000000000014 52.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00088236090518030571 -0.0010717196893940211 0.0017580608589829814 -0.0017359644334291012 0.0010390327769618038
+leaf_weight=56 47 46 71 41
+leaf_count=56 47 46 71 41
+internal_value=0 0.0118106 -0.00881417 -0.0356482
+internal_weight=0 214 168 112
+internal_count=261 214 168 112
+shrinkage=0.02
+
+
+Tree=8485
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.143641 0.926691 0.881607 0.810056
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0029497105184043471 0.0011409329595925351 0.002938043200308191 0.00082696101651092595 -0.0023267500076273166
+leaf_weight=40 55 43 68 55
+leaf_count=40 55 43 68 55
+internal_value=0 0.0213933 -0.0282704 -0.0293009
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8486
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.150031 0.305609 0.422713 0.466666
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0022125177752440233 -0.0010877712387516415 0.0015510529255258945 -0.0015231515200543142 -0.00065385873685067748
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.0119935 -0.0110136 0.0317906
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=8487
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 6
+split_gain=0.151854 0.347881 0.554074 0.13047
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-5.6446629915831378e-05 3.2222183893889751e-05 -0.00082518355568533992 0.002904781775970994 -0.0016277062344021531
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.018012 0.0534032 -0.0365619
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8488
+num_leaves=5
+num_cat=0
+split_feature=9 1 4 6
+split_gain=0.144948 0.333306 0.53953 0.124579
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00071930346319407383 3.1578642622829904e-05 -0.00080869774519481182 0.0021914269098190255 -0.0015952093454855529
+leaf_weight=43 46 65 67 40
+leaf_count=43 46 65 67 40
+internal_value=0 0.0176434 0.0523297 -0.0358227
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8489
+num_leaves=5
+num_cat=0
+split_feature=2 6 9 1
+split_gain=0.14461 0.59252 0.460408 0.36845
+threshold=25.500000000000004 46.500000000000007 76.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0022749101835445934 0.0011147734138033463 0.0019648008938510462 -0.001557381786034146 -0.00021287762031945817
+leaf_weight=46 44 68 41 62
+leaf_count=46 44 68 41 62
+internal_value=0 -0.011295 0.0160662 0.0460255
+internal_weight=0 217 171 130
+internal_count=261 217 171 130
+shrinkage=0.02
+
+
+Tree=8490
+num_leaves=5
+num_cat=0
+split_feature=2 6 9 1
+split_gain=0.138121 0.568229 0.441389 0.353155
+threshold=25.500000000000004 46.500000000000007 76.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0022294812143335754 0.0010925133241285994 0.0019255452939291806 -0.0015262874373669516 -0.00020862486234451811
+leaf_weight=46 44 68 41 62
+leaf_count=46 44 68 41 62
+internal_value=0 -0.0110735 0.0157356 0.0450998
+internal_weight=0 217 171 130
+internal_count=261 217 171 130
+shrinkage=0.02
+
+
+Tree=8491
+num_leaves=5
+num_cat=0
+split_feature=4 5 2 2
+split_gain=0.153483 0.371277 0.37743 1.04548
+threshold=50.500000000000007 53.500000000000007 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0011765323358113957 -0.0016517922760821149 -0.0012696189831745252 0.0033102391508127065 -0.00062518133577562805
+leaf_weight=42 57 47 45 70
+leaf_count=42 57 47 45 70
+internal_value=0 -0.0112847 0.0135821 0.0454445
+internal_weight=0 219 162 115
+internal_count=261 219 162 115
+shrinkage=0.02
+
+
+Tree=8492
+num_leaves=5
+num_cat=0
+split_feature=4 5 2 2
+split_gain=0.146641 0.355743 0.361688 1.00342
+threshold=50.500000000000007 53.500000000000007 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0011530406706855107 -0.001618796789652154 -0.0012442642094502917 0.0032441371707739577 -0.0006126903555303732
+leaf_weight=42 57 47 45 70
+leaf_count=42 57 47 45 70
+internal_value=0 -0.0110627 0.0133012 0.0445303
+internal_weight=0 219 162 115
+internal_count=261 219 162 115
+shrinkage=0.02
+
+
+Tree=8493
+num_leaves=5
+num_cat=0
+split_feature=4 4 9 9
+split_gain=0.142054 0.344875 0.459686 0.729423
+threshold=73.500000000000014 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00162849778375008 -0.00095273008737836013 0.0016377884323358408 -0.0019521721767672806 0.0018646267944403775
+leaf_weight=40 56 56 46 63
+leaf_count=40 56 56 46 63
+internal_value=0 0.0130303 -0.0126077 0.0250064
+internal_weight=0 205 149 103
+internal_count=261 205 149 103
+shrinkage=0.02
+
+
+Tree=8494
+num_leaves=5
+num_cat=0
+split_feature=4 5 2 2
+split_gain=0.14024 0.342241 0.35374 1.14317
+threshold=50.500000000000007 53.500000000000007 10.500000000000002 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0011305523757976224 -0.0015893281129648539 -0.0011085479246462629 0.0037024639971842232 -0.00059767628008048105
+leaf_weight=42 57 53 39 70
+leaf_count=42 57 53 39 70
+internal_value=0 -0.0108544 0.0130639 0.046748
+internal_weight=0 219 162 109
+internal_count=261 219 162 109
+shrinkage=0.02
+
+
+Tree=8495
+num_leaves=6
+num_cat=0
+split_feature=2 6 6 2 2
+split_gain=0.143297 0.551192 0.469734 0.716072 0.739256
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 9.5000000000000018 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.0022040842643316124 0.0011099347122569786 0.0020423030003268983 -0.0024678490088272183 0.0027285143589688777 -0.0011335347861138637
+leaf_weight=46 44 47 43 40 41
+leaf_count=46 44 47 43 40 41
+internal_value=0 -0.0112692 0.0151453 -0.0175356 0.0382246
+internal_weight=0 217 171 124 81
+internal_count=261 217 171 124 81
+shrinkage=0.02
+
+
+Tree=8496
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 2 2
+split_gain=0.144957 1.7356 1.29985 0.563019 1.24928
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 10.500000000000002 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0010449526619469049 -0.0040147759049335031 0.0035744242909415448 -0.0021754350087585432 0.0031495367569580679 -0.0018796122730492296
+leaf_weight=49 40 45 47 40 40
+leaf_count=49 40 45 47 40 40
+internal_value=0 -0.0120914 0.0316114 -0.0202691 0.0312763
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8497
+num_leaves=5
+num_cat=0
+split_feature=4 9 6 5
+split_gain=0.139751 0.332647 0.555909 0.275882
+threshold=50.500000000000007 64.500000000000014 69.500000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011287735496801068 -0.0021060894101140363 -0.00057477342651045932 0.0025141485291736545 -7.8652467684273313e-05
+leaf_weight=42 51 60 40 68
+leaf_count=42 51 60 40 68
+internal_value=0 -0.0108405 0.0326848 -0.04775
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=8498
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 2
+split_gain=0.14885 0.618215 0.50118 0.377752
+threshold=68.65000000000002 65.500000000000014 51.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00057308247906544718 -0.0008317722759661804 0.0024866994381099691 -0.0019909502332716945 0.0019759375252744729
+leaf_weight=56 71 42 49 43
+leaf_count=56 71 42 49 43
+internal_value=0 0.0155444 -0.0151027 0.0263303
+internal_weight=0 190 148 99
+internal_count=261 190 148 99
+shrinkage=0.02
+
+
+Tree=8499
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.147999 0.38931 2.08859 0.962364
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0034248860103891295 -0.00097028056846272818 -0.0025772361066910892 -0.0020931314030828412 0.0015715821822077972
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0132555 0.0537015 -0.0359914
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=8500
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.143552 0.545561 0.488497 2.22331 0.923663
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.002194653389114658 0.0011106288013800164 0.0023065013460774907 -0.00025393330569406015 0.0029369550731094974 -0.0046200346562268639
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0112865 0.0149963 -0.0143888 -0.119729
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8501
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.141653 0.542584 1.17873 0.78469
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0013553755812559709 -0.00087291278793363587 -0.002649915848885972 0.0029119973958196244 0.0012061319742966772
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0141761 0.0618387 -0.0456287
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=8502
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 2 2
+split_gain=0.145878 1.67076 1.23848 0.551962 1.21918
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 10.500000000000002 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0010476319587519778 -0.0039453727119219458 0.0034879835723854464 -0.0021513675250443834 0.0031168656079886498 -0.0018521909722335507
+leaf_weight=49 40 45 47 40 40
+leaf_count=49 40 45 47 40 40
+internal_value=0 -0.0121368 0.0307474 -0.0199061 0.0311449
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8503
+num_leaves=5
+num_cat=0
+split_feature=4 9 5 5
+split_gain=0.140339 0.335215 0.557796 0.258623
+threshold=50.500000000000007 64.500000000000014 72.050000000000026 53.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011306224085101896 -0.0020755851247176655 -0.00060016059204280148 0.0024816753278981457 -0.00010731328029223298
+leaf_weight=42 51 59 41 68
+leaf_count=42 51 59 41 68
+internal_value=0 -0.0108719 0.0328125 -0.0479151
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=8504
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.144538 0.588694 0.524752 0.719439
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016102297931336867 -0.00082130884928061391 0.0024315880868289049 -0.0021291855054973419 0.0018594516405904559
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0153334 -0.0145906 0.0252031
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=8505
+num_leaves=5
+num_cat=0
+split_feature=4 4 6 2
+split_gain=0.146243 0.311233 0.420316 0.352685
+threshold=73.500000000000014 65.500000000000014 51.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00052225134008407424 -0.0009654245439708227 0.0015756183361994383 -0.0017571040995334208 0.0019445160950229371
+leaf_weight=56 56 56 50 43
+leaf_count=56 56 56 50 43
+internal_value=0 0.0131746 -0.0112399 0.0270857
+internal_weight=0 205 149 99
+internal_count=261 205 149 99
+shrinkage=0.02
+
+
+Tree=8506
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 9
+split_gain=0.140081 0.545292 1.11675 0.549721
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0012863411239385327 -0.00086887549770440998 0.00086268269400905403 0.002868799165577759 -0.0023789147821175398
+leaf_weight=43 64 39 67 48
+leaf_count=43 64 39 67 48
+internal_value=0 0.0140961 0.0618732 -0.0458536
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=8507
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 4
+split_gain=0.13867 0.847216 1.01934 0.218592
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00094233329131978715 -0.0029570704631440275 0.002870359363739534 -0.00080377862644196406 -0.00073690972137182664
+leaf_weight=56 41 54 71 39
+leaf_count=56 41 54 71 39
+internal_value=0 -0.0129132 0.0388885 -0.0943162
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=8508
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.138927 0.909204 1.05006 0.881952
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00092432475595289926 0.0012221428448618789 0.0029075444363263472 -0.0032129205186906861 -0.002393056548244349
+leaf_weight=69 55 43 39 55
+leaf_count=69 55 43 39 55
+internal_value=0 0.0210307 -0.0281696 -0.0289281
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8509
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.144138 0.562734 0.486823 0.698664
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015961435027020752 -0.00082046143566597007 0.0023852548160815368 -0.002051714523843156 0.001824462030284356
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0153071 -0.0139662 0.0244064
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=8510
+num_leaves=5
+num_cat=0
+split_feature=5 9 3 7
+split_gain=0.13762 0.493696 0.326305 0.326374
+threshold=68.65000000000002 65.500000000000014 60.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00052240744742473432 -0.00080406867711641937 0.0023458171340474576 -0.0016959632460018842 0.0018080794143051952
+leaf_weight=64 71 39 45 42
+leaf_count=64 71 39 45 42
+internal_value=0 0.0149969 -0.0112007 0.0197017
+internal_weight=0 190 151 106
+internal_count=261 190 151 106
+shrinkage=0.02
+
+
+Tree=8511
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 9 9
+split_gain=0.138839 1.61417 1.31404 0.676883 1.13082
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0010248581560707052 -0.0038780270347667806 0.003563405564044515 -0.0023728002382104809 0.0030341307997444134 -0.001755094367720898
+leaf_weight=49 40 45 47 41 39
+leaf_count=49 40 45 47 41 39
+internal_value=0 -0.0118917 0.0302654 -0.0218964 0.034495
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8512
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.138965 0.412442 2.01574 0.899321
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0033987948208227497 -0.00094424684195966457 -0.0025518829339033055 -0.002022802686775601 0.0014609191331051842
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0128733 0.0544457 -0.0377564
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=8513
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.134301 0.532817 1.56025 1.43619
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0039680568710846438 0.0010783524534343618 0.003040738289865853 0.0012338257883902819 -0.0013080986482765765
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.0109831 -0.0693747 0.0325026
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=8514
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.140307 0.694651 0.462951 0.367924 0.155599
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00091597336292549374 -0 -0.0026255843325241192 -0.0017366458039653554 0.0027465870799348448 0.00013132320287922598
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.0134227 0.0163861 0.0702906 -0.0390721
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=8515
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.141195 0.54149 0.86595 1.49954
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010325199660177213 0.0026147345147214929 -0.0022508687396316754 -0.0025992667766344571 0.0019118372675376086
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0119751 0.0141622 -0.0308379
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8516
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 3
+split_gain=0.140757 0.535658 0.489394 0.663323
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.002175619700401601 0.001100896425952656 0.0020710063050931389 -0.001554263725081505 0.0014886415737272488
+leaf_weight=46 44 47 76 48
+leaf_count=46 44 47 76 48
+internal_value=0 -0.0111997 0.0148502 -0.0184871
+internal_weight=0 217 171 124
+internal_count=261 217 171 124
+shrinkage=0.02
+
+
+Tree=8517
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.136686 0.47093 0.381769 0.638234
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001332759922705007 -0.00085952394945883941 0.0021969482248827429 -0.0010827624059838044 0.0024691867443708787
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0139502 -0.0118148 0.0352773
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8518
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.14217 0.536283 0.840443 1.43397
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010357408564130085 0.0025778969226431538 -0.0022421387724522591 -0.0025460572882751217 0.0018665345022723357
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0120061 0.0140086 -0.030335
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8519
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.141531 0.525455 0.479474 2.18685 0.934287
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0021580568722537989 0.0011036435008346562 0.0022804756652128064 -0.00022798034223488192 0.0029076427705346285 -0.0046181651573825571
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0112216 0.0145859 -0.0145354 -0.119018
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8520
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 3
+split_gain=0.141594 0.340271 0.483984 0.10512
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00013017145321145236 -0.0015463022649333943 -0.00082453849335978704 0.0025868670207539169 -0
+leaf_weight=62 39 65 48 47
+leaf_count=62 39 65 48 47
+internal_value=0 0.0174268 0.0524534 -0.0354929
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8521
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 3
+split_gain=0.140088 1.60176 1.24946 0.520073 1.43192
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.0010289759053604798 -0.0038650235217617792 0.0034868476056232008 -0.0020811562262778114 -0.0023409024642100352 0.0030791904714320912
+leaf_weight=49 40 45 44 40 43
+leaf_count=49 40 45 44 40 43
+internal_value=0 -0.0119336 0.0300623 -0.0208136 0.0230298
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=8522
+num_leaves=6
+num_cat=0
+split_feature=2 6 6 2 2
+split_gain=0.144877 0.507982 0.471941 0.679939 0.647655
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 9.5000000000000018 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.0021292928360614441 0.0011148601225343777 0.0020243104409710579 -0.0024387403083340263 0.0025550339102469867 -0.0010661068658049881
+leaf_weight=46 44 47 43 40 41
+leaf_count=46 44 47 43 40 41
+internal_value=0 -0.0113451 0.0140419 -0.0187158 0.0356452
+internal_weight=0 217 171 124 81
+internal_count=261 217 171 124 81
+shrinkage=0.02
+
+
+Tree=8523
+num_leaves=5
+num_cat=0
+split_feature=4 9 5 5
+split_gain=0.143729 0.327329 0.558144 0.277538
+threshold=50.500000000000007 64.500000000000014 72.050000000000026 53.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0011423187078618087 -0.0021067793182671271 -0.00061288996094300782 0.0024700030268652719 -7.3790568302902564e-05
+leaf_weight=42 51 59 41 68
+leaf_count=42 51 59 41 68
+internal_value=0 -0.0109957 0.0321973 -0.0476258
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=8524
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.149714 0.557446 1.10589 0.730319
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.001255648610263627 -0.0008947031556369758 -0.0025992394803509983 0.0028793777880680022 0.0011235815798470454
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0145106 0.062796 -0.046082
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=8525
+num_leaves=5
+num_cat=0
+split_feature=3 1 8 4
+split_gain=0.149514 0.815404 0.911032 0.223685
+threshold=52.500000000000007 5.5000000000000009 67.500000000000014 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00097394106531921334 -0.0029465870526924256 0.0028647192228910619 -0.00065095117198784951 -0.00070407451936864982
+leaf_weight=56 41 50 75 39
+leaf_count=56 41 50 75 39
+internal_value=0 -0.0133503 0.0374868 -0.0932462
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=8526
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 3
+split_gain=0.145414 0.707058 0.3778 1.0953
+threshold=52.500000000000007 9.5000000000000018 19.500000000000004 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00093038265840725103 -0.0021765055462149947 -0.0026502358845936456 0.0016375279625960827 0.0020665935450504703
+leaf_weight=59 60 41 59 42
+leaf_count=59 60 41 59 42
+internal_value=0 -0.0136382 0.01643 -0.0210645
+internal_weight=0 202 161 102
+internal_count=261 202 161 102
+shrinkage=0.02
+
+
+Tree=8527
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.152051 0.555896 1.07574 0.693588
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0012208971060814202 -0.0009008756786089468 -0.0025540871206002199 0.0028581437999967213 0.0010760572191117089
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0146086 0.062829 -0.0459018
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=8528
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.145731 0.660347 0.474398 0.37012 0.142947
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00093129125967513328 -0 -0.002572843375481304 -0.0017333408927014333 0.0027440190505805761 6.4171441459513699e-05
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.0136503 0.0154281 0.069971 -0.040692
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=8529
+num_leaves=5
+num_cat=0
+split_feature=3 1 3 2
+split_gain=0.151162 0.522622 0.702941 0.661329
+threshold=71.500000000000014 8.5000000000000018 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00032343148673418339 -0.00089857619000674102 -0.0024819811827549447 0.0029089445666402483 0.0010650770522945825
+leaf_weight=57 64 48 53 39
+leaf_count=57 64 48 53 39
+internal_value=0 0.0145692 0.0613789 -0.0441577
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=8530
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.149566 0.367066 1.96337 0.775187
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.003332643732050698 -0.00097526492219184415 -0.0023632508570327259 -0.0020188007345808652 0.0013684368340354316
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0132935 0.0526273 -0.0345876
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=8531
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.142837 0.351636 1.88501 0.743798
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0032660627091683904 -0.0009557838832417383 -0.0023160506005491751 -0.0019784833072053684 0.0013411146969089318
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0130238 0.0515685 -0.0338879
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=8532
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 3
+split_gain=0.138963 1.56028 1.22718 0.532966 1.35323
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.0010251023633880431 -0.0038177765174372581 0.0034511831674137136 -0.0020017189263201959 -0.0023649936101192738 0.0030165871973913865
+leaf_weight=49 40 45 44 40 43
+leaf_count=49 40 45 44 40 43
+internal_value=0 -0.0119041 0.0295485 -0.0208769 0.0234918
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=8533
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 9
+split_gain=0.138395 0.354473 1.32545 0.581368
+threshold=73.500000000000014 7.5000000000000009 57.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00054455925606516063 -0.00094270567351725299 0.00085046721749055751 0.0040357156607053277 -0.0023768980924563326
+leaf_weight=74 56 48 39 44
+leaf_count=74 56 48 39 44
+internal_value=0 0.0128424 0.0515344 -0.03425
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=8534
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.14685 0.487643 1.01495 0.586961
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0012144167305063089 -0.00088737464527202257 -0.0023576023295755776 0.0027497948714148295 0.0009896038245721518
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.014375 0.0596547 -0.0424177
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=8535
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 4 4
+split_gain=0.141211 0.596661 0.445937 0.325616 0.165884
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 66.500000000000014 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00091828631980378397 8.6570793482995448e-05 -0.0024590567652510702 -0.0017882355424428432 0.0027055064457680122 0.00013412596041019166
+leaf_weight=59 43 41 39 39 40
+leaf_count=59 43 41 39 39 40
+internal_value=0 -0.0134737 0.014199 0.0671578 -0.0402757
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=8536
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.146268 0.458227 0.979499 0.559892
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0011996144352475148 -0.0008857401137200839 -0.0022905795824070198 0.0026959979153344193 0.00098107220801911706
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0143542 0.0583053 -0.040759
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=8537
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.141211 0.5574 0.422276 0.352944 0.165413
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00091837183814051193 -6.5029116046675596e-05 -0.0023881242850385849 -0.001776930130226764 0.0026132381548571539 0.00014315267976922885
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.0134695 0.0133 0.0649039 -0.0397676
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=8538
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.14325 0.301089 1.80656 0.66069
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0031658188147040693 -0.00095703164809513843 -0.0021579260736505463 -0.0019696560632867575 0.0012944540254443354
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0130386 0.0488717 -0.0305431
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=8539
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.142441 0.453634 0.319418 0.63031
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012304555320890268 -0.00087558590103622839 0.0021674723218704081 -0.0011349166715293143 0.0023961404251434584
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0141831 -0.011119 0.0321383
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8540
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 3
+split_gain=0.13807 0.355119 0.563932 0.494394
+threshold=42.500000000000007 50.500000000000007 69.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010221427587960435 -0.0018583668723771863 0.002981263800678272 -0.0010773196126054865 -4.4695971634470342e-05
+leaf_weight=49 45 40 77 50
+leaf_count=49 45 40 77 50
+internal_value=0 -0.0118745 0.00975408 0.0646282
+internal_weight=0 212 167 90
+internal_count=261 212 167 90
+shrinkage=0.02
+
+
+Tree=8541
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 3
+split_gain=0.139852 1.53058 1.19981 0.527381 1.34157
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.0010278520671928248 -0.0037847710376089877 0.0034110129407882057 -0.0019931429758454928 -0.0023526110509208293 0.0030037954346898927
+leaf_weight=49 40 45 44 40 43
+leaf_count=49 40 45 44 40 43
+internal_value=0 -0.011943 0.0291163 -0.0207498 0.0233925
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=8542
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.138748 0.451171 0.306431 0.216842
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 47.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00070794447523300232 -0.00086564968226572571 0.0021592747545990379 -0.0014999699105993152 0.0012417740091143182
+leaf_weight=42 64 42 53 60
+leaf_count=42 64 42 53 60
+internal_value=0 0.0140172 -0.0112186 0.0215588
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=8543
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 9
+split_gain=0.137779 0.951902 1.81439 0.561242
+threshold=52.500000000000007 6.5000000000000009 69.500000000000014 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00093929664554901252 -0.0028906253652181404 0.0037017103849111901 -0.0015760769090068438 0.00021639768305964748
+leaf_weight=56 61 53 52 39
+leaf_count=56 61 53 52 39
+internal_value=0 -0.0128962 0.0540513 -0.0835794
+internal_weight=0 205 105 100
+internal_count=261 205 105 100
+shrinkage=0.02
+
+
+Tree=8544
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.134314 0.507446 1.46919 1.41759
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0038657829522554706 0.001078219976126539 0.003005018510437329 0.0011836534876813851 -0.001316027626744386
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.0109923 -0.0680302 0.031478
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=8545
+num_leaves=5
+num_cat=0
+split_feature=3 1 2 9
+split_gain=0.14347 0.919709 1.38655 0.5356
+threshold=52.500000000000007 6.5000000000000009 10.500000000000002 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00095625996786323009 -0.0028442249334439708 -0.0019428323208904338 0.0028373516309739689 0.00019291556595474492
+leaf_weight=56 61 39 66 39
+leaf_count=56 61 39 66 39
+internal_value=0 -0.013118 0.0527065 -0.082622
+internal_weight=0 205 105 100
+internal_count=261 205 105 100
+shrinkage=0.02
+
+
+Tree=8546
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 5
+split_gain=0.143313 0.489549 0.344063 0.815585
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022735857654259989 -0.0015780869484244857 -0.00065947470095832086 -0.0011084424888567204 0.0025658707572489663
+leaf_weight=43 63 52 62 41
+leaf_count=43 63 52 62 41
+internal_value=0 0.0330201 -0.018953 0.0173568
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8547
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 2
+split_gain=0.136802 0.473066 0.344874 1.13844
+threshold=55.500000000000007 52.500000000000007 69.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0023385556961105507 0.0028629349685369856 -0.00057001750452864383 -0.0014189974273829968 -0.0016281491767031269
+leaf_weight=40 43 55 74 49
+leaf_count=40 43 55 74 49
+internal_value=0 0.0323525 -0.018574 0.0231418
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=8548
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 5
+split_gain=0.13055 0.457858 0.333961 0.788629
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021963500188084528 -0.0015464259581126488 -0.00064385534643508757 -0.0010797883691189658 0.0025346313753295243
+leaf_weight=43 63 52 62 41
+leaf_count=43 63 52 62 41
+internal_value=0 0.0316984 -0.0182026 0.0175972
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8549
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 4
+split_gain=0.127834 0.322445 0.456964 0.120914
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0001308850320579734 -0.0014354318978084203 -0.00081065266175072207 0.0025120517868794296 0.00017100077013675489
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0166451 0.0507996 -0.0339714
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8550
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 2
+split_gain=0.128804 0.443204 0.348212 1.09251
+threshold=55.500000000000007 52.500000000000007 69.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.002269773867017526 0.0028282418896558533 -0.00054907173681371718 -0.0014143750874824302 -0.0015726699367763801
+leaf_weight=40 43 55 74 49
+leaf_count=40 43 55 74 49
+internal_value=0 0.0315097 -0.0181012 0.0238088
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=8551
+num_leaves=5
+num_cat=0
+split_feature=2 6 6 3
+split_gain=0.131615 0.533416 0.533792 0.656288
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.002165704059554254 0.0010686927883701311 0.0021516124967154056 -0.0015718077964954882 0.0014551535500002325
+leaf_weight=46 44 47 76 48
+leaf_count=46 44 47 76 48
+internal_value=0 -0.0108987 0.0150986 -0.0196736
+internal_weight=0 217 171 124
+internal_count=261 217 171 124
+shrinkage=0.02
+
+
+Tree=8552
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.127984 0.493055 0.983234 0.515348
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0011889383604389791 -0.00083574572201589731 -0.0022885751378741281 0.0027138729151757698 0.00085358025657267158
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0135357 0.0590587 -0.043564
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=8553
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.126347 0.586966 0.421934 0.348409 0.173655
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00087488846501784204 -3.0653232353894466e-05 -0.0024291848360817308 -0.0017721409687216031 0.0026307257230318098 0.00019137167411089121
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.0128395 0.0146139 0.0661913 -0.0384275
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=8554
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 3
+split_gain=0.127751 0.463709 0.94816 0.356812
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 57.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0011735458968547593 -0.00083512621443757637 0.00057256559043423561 0.0026603139972027363 -0.0020549234235669135
+leaf_weight=43 64 40 67 47
+leaf_count=43 64 40 67 47
+internal_value=0 0.0135231 0.0577281 -0.0419103
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=8555
+num_leaves=5
+num_cat=0
+split_feature=4 4 5 2
+split_gain=0.122854 0.322888 0.455723 0.397548
+threshold=73.500000000000014 65.500000000000014 55.95000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00066074540001654248 -0.00089543263756625038 0.001578930973028656 -0.0021523514267849531 0.0018173831817214494
+leaf_weight=62 56 56 39 48
+leaf_count=62 56 56 39 48
+internal_value=0 0.0121879 -0.0126596 0.020691
+internal_weight=0 205 149 110
+internal_count=261 205 149 110
+shrinkage=0.02
+
+
+Tree=8556
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.121293 0.798044 1.34085 1.2481
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00095427687040864771 0.0020604322865893643 -0.005223825419610327 0.0010647334551047404 -0.00038419011400616141
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0113735 -0.0453355 -0.129776
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8557
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.120192 0.573026 0.864848 1.47447
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0009625376744561363 0.0026435250903685333 -0.0022909075680410942 -0.0024551296165411917 0.0020525434549540037
+leaf_weight=49 47 44 71 50
+leaf_count=49 47 44 71 50
+internal_value=0 -0.0111861 0.0156826 -0.0292869
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8558
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.11899 0.528526 1.53126 1.39376
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0039288089473282486 0.0010232966290273334 0.0030133051833425889 0.0012250654476375158 -0.0012715432800673276
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.0104317 -0.0685991 0.0328855
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=8559
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.124083 0.558406 0.831001 1.46139
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00097597609399923226 0.0025889701347632699 -0.0022681663368790766 -0.0025355299398252692 0.0019187124255593266
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0113318 0.0152006 -0.0288955
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8560
+num_leaves=5
+num_cat=0
+split_feature=7 6 7 5
+split_gain=0.123158 0.389026 0.284502 0.311749
+threshold=76.500000000000014 63.500000000000007 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00090394305024658179 0.001115830551059633 -0.0017308541185015315 0.0014714260811101373 -0.0012846209362340614
+leaf_weight=49 39 53 57 63
+leaf_count=49 39 53 57 63
+internal_value=0 -0.00984975 0.0139912 -0.016001
+internal_weight=0 222 169 112
+internal_count=261 222 169 112
+shrinkage=0.02
+
+
+Tree=8561
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 3
+split_gain=0.11794 0.416665 0.529146 0.473366
+threshold=42.500000000000007 50.500000000000007 69.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00095508175683235328 -0.0019705618477883348 0.002963211973587533 -0.00098802199312916566 -0
+leaf_weight=49 45 40 77 50
+leaf_count=49 45 40 77 50
+internal_value=0 -0.0110806 0.012275 0.0654839
+internal_weight=0 212 167 90
+internal_count=261 212 167 90
+shrinkage=0.02
+
+
+Tree=8562
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.125722 0.518649 1.48731 1.31995
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0038866016425117967 0.0010479892833935639 0.0029384074345781179 0.0011935311183575981 -0.0012329670129910572
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.0106712 -0.0683122 0.0322513
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=8563
+num_leaves=5
+num_cat=0
+split_feature=7 6 4 4
+split_gain=0.124995 0.367451 0.277282 0.322709
+threshold=76.500000000000014 63.500000000000007 61.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00084926287038023147 0.0011230778466077727 -0.001691010373335494 0.0016384107399095493 -0.0012596896766833654
+leaf_weight=59 39 53 46 64
+leaf_count=59 39 53 46 64
+internal_value=0 -0.00990739 0.0132901 -0.0120835
+internal_weight=0 222 169 123
+internal_count=261 222 169 123
+shrinkage=0.02
+
+
+Tree=8564
+num_leaves=6
+num_cat=0
+split_feature=2 6 6 2 2
+split_gain=0.12112 0.535158 0.493164 0.589141 0.629514
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 9.5000000000000018 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.0021607385257500383 0.0010314482911687494 0.0020913477403129367 -0.0022844009483001726 0.0024727126343084193 -0.0010992822604626235
+leaf_weight=46 44 47 43 40 41
+leaf_count=46 44 47 43 40 41
+internal_value=0 -0.0104944 0.0155447 -0.0179153 0.0327705
+internal_weight=0 217 171 124 81
+internal_count=261 217 171 124 81
+shrinkage=0.02
+
+
+Tree=8565
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 1
+split_gain=0.125664 0.750281 1.33863 1.19862
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 7.5000000000000009
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00096943229549964884 0.0019894499263670182 -0.0051538209027339023 0.0010802187350684928 -0.00040884637204681809
+leaf_weight=50 48 40 75 48
+leaf_count=50 48 40 75 48
+internal_value=0 -0.0115227 -0.0444824 -0.128856
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=8566
+num_leaves=5
+num_cat=0
+split_feature=5 6 4 4
+split_gain=0.12711 0.470535 0.274132 0.317888
+threshold=72.050000000000026 63.500000000000007 61.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00083091190243425237 0.0009865080188205973 -0.0021360529794863491 0.0016180307561879774 -0.0012629839869036422
+leaf_weight=59 49 43 46 64
+leaf_count=59 49 43 46 64
+internal_value=0 -0.0114336 0.0126295 -0.0126097
+internal_weight=0 212 169 123
+internal_count=261 212 169 123
+shrinkage=0.02
+
+
+Tree=8567
+num_leaves=5
+num_cat=0
+split_feature=4 1 7 5
+split_gain=0.12359 0.68773 1.29891 0.991112
+threshold=75.500000000000014 6.5000000000000009 59.500000000000007 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00046050277883244738 0.0011013032906343136 -0.0008395134564662557 -0.0039684293712880896 0.0029963530222362846
+leaf_weight=66 40 59 45 51
+leaf_count=66 40 59 45 51
+internal_value=0 -0.00999638 -0.0664589 0.046622
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=8568
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.118619 0.550909 0.786669 1.44412
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00095773742040184632 0.0025299983477172056 -0.0022501449259549602 -0.0024994337785057591 0.0019288746947684102
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0110926 0.0152662 -0.027658
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8569
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 4
+split_gain=0.123237 0.713613 0.502743 0.571408
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016046116387785961 0.0011000836912997203 -0.0020057575453717607 0.0022975184100307881 -0.0013964523371035214
+leaf_weight=43 40 64 47 67
+leaf_count=43 40 64 47 67
+internal_value=0 -0.00997741 0.0266107 -0.0107883
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=8570
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 8
+split_gain=0.122086 0.566631 0.46815 2.19874 0.364172
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0022156239287866699 0.0010353155397952265 0.0022910087762173102 -0.00093055509557026655 0.002956612999566201 -0.0037369767465822291
+leaf_weight=46 44 39 40 52 40
+leaf_count=46 44 39 40 52 40
+internal_value=0 -0.010513 0.0162602 -0.0125226 -0.11729
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8571
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 4
+split_gain=0.117771 0.68586 0.482812 0.564234
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0015978877112141391 0.001078956703163148 -0.0019674014982835582 0.0022534258603069883 -0.0013849353019341959
+leaf_weight=43 40 64 47 67
+leaf_count=43 40 64 47 67
+internal_value=0 -0.0097818 0.0261037 -0.010569
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=8572
+num_leaves=5
+num_cat=0
+split_feature=2 6 2 2
+split_gain=0.116361 0.56276 0.449198 0.395951
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.002204682237709425 0.0010143133285826287 0.0022550041153206984 -0.0013297993945187983 0.0009128832758730067
+leaf_weight=46 44 39 68 64
+leaf_count=46 44 39 68 64
+internal_value=0 -0.0102957 0.0163886 -0.0118237
+internal_weight=0 217 171 132
+internal_count=261 217 171 132
+shrinkage=0.02
+
+
+Tree=8573
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.117814 1.11308 1.02753
+threshold=7.5000000000000009 14.500000000000002 15.500000000000002
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=-0.0012337273254891972 0.0014815546466815227 -0.0025717694218948127 0.0020945242739357868
+leaf_weight=77 55 55 74
+leaf_count=77 55 55 74
+internal_value=0 -0.0269093 0.0196128
+internal_weight=0 110 151
+internal_count=261 110 151
+shrinkage=0.02
+
+
+Tree=8574
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.119689 0.55127 0.750133 1.44029
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0009616993641887344 0.0024786497819998575 -0.0022513634094933357 -0.0024775640167043096 0.0019450533041900399
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0111216 0.0152455 -0.0266886
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8575
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.120615 0.550769 0.433017 2.1311 0.858223
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0021870605536945375 0.0010301363803589996 0.0022129100092787069 -0.00023273098648740977 0.0029225220887978808 -0.0044453623751285658
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0104488 0.0159571 -0.01176 -0.114924
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8576
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.126634 1.05314 1.0082
+threshold=7.5000000000000009 14.500000000000002 15.500000000000002
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=-0.0012061455381029511 0.0014101711712643675 -0.0025341729604050085 0.0020911366698615412
+leaf_weight=77 55 55 74
+leaf_count=77 55 55 74
+internal_value=0 -0.0277545 0.0202333
+internal_weight=0 110 151
+internal_count=261 110 151
+shrinkage=0.02
+
+
+Tree=8577
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.121988 0.317548 0.481382 0.704856
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00040666258660321171 -0.0010348899420735407 0.0017745986471972501 0.0016524160163917049 -0.0026412399459736853
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0105129 -0.00917718 -0.0408259
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=8578
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 7
+split_gain=0.120141 1.02421 1.00656 0.919485
+threshold=7.5000000000000009 15.500000000000002 67.65000000000002 59.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0008108294776660134 0.0012926275679876601 -0.0026039385875650874 0.0030097237191289935 -0.0030250380617265486
+leaf_weight=67 58 52 43 41
+leaf_count=67 58 52 43 41
+internal_value=0 -0.0271301 0.0197832 -0.0319497
+internal_weight=0 110 151 108
+internal_count=261 110 151 108
+shrinkage=0.02
+
+
+Tree=8579
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 6
+split_gain=0.127153 0.321645 0.332566 0.665474
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013104987514207991 -0.0010534339003004547 0.0014701260817171929 -0.001318196233334308 0.0023141950500073657
+leaf_weight=72 44 62 39 44
+leaf_count=72 44 62 39 44
+internal_value=0 0.010708 -0.0141752 0.0299053
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=8580
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 2
+split_gain=0.122442 0.463613 0.342535 0.747722
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022929500154583778 -0.0015499243977716935 -0.00058779417245427427 -0.00099503021733931326 0.0025417366112220501
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0308766 -0.0176621 0.0185752
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8581
+num_leaves=5
+num_cat=0
+split_feature=6 6 9 4
+split_gain=0.121163 0.302681 0.555718 0.448214
+threshold=70.500000000000014 58.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0018984525183121579 -0.0010318846186743011 0.0013171301428000603 -0.0024049076582499406 -0.0007550516354327822
+leaf_weight=48 44 71 39 59
+leaf_count=48 44 71 39 59
+internal_value=0 0.010482 -0.0161916 0.0214148
+internal_weight=0 217 146 107
+internal_count=261 217 146 107
+shrinkage=0.02
+
+
+Tree=8582
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.117035 0.338977 0.430908 0.437962
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0021250829120675399 -0.00097699549788934025 0.0015918134029310868 -0.0015831327254068686 -0.00065549572676116858
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.0107443 -0.0134284 0.0297653
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=8583
+num_leaves=5
+num_cat=0
+split_feature=9 6 9 6
+split_gain=0.120654 0.325465 0.257327 0.124871
+threshold=67.500000000000014 58.500000000000007 51.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00060323250067285754 8.7317789690288046e-05 0.0018824155749426602 -0.0012482226959595615 -0.0015423186909149854
+leaf_weight=76 46 43 56 40
+leaf_count=76 46 43 56 40
+internal_value=0 0.0162723 -0.00882106 -0.0330998
+internal_weight=0 175 132 86
+internal_count=261 175 132 86
+shrinkage=0.02
+
+
+Tree=8584
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 5
+split_gain=0.116128 0.718993 0.519496 0.537343
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0017011813403287803 0.0010726138441036668 -0.0020071972924497884 0.0023334588429239915 0.0011438713785288984
+leaf_weight=53 40 64 47 57
+leaf_count=53 40 64 47 57
+internal_value=0 -0.00971778 0.0270055 -0.0109934
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=8585
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.115277 0.979517 0.918986 0.370472
+threshold=7.5000000000000009 67.65000000000002 59.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00081725889770501564 0.00080945227813616547 0.0029681237665051953 -0.0030176385802844741 -0.001585246525165903
+leaf_weight=67 48 43 41 62
+leaf_count=67 48 43 41 62
+internal_value=0 0.0194335 -0.0316095 -0.0266584
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8586
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.111644 0.307196 0.316465 0.67992
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012877495365296932 -0.00099642598108877272 0.001431726109814448 -0.0012685056360556837 0.0023959266198681686
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0101254 -0.0142223 0.0288306
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=8587
+num_leaves=5
+num_cat=0
+split_feature=7 6 7 5
+split_gain=0.11374 0.352143 0.316782 0.331428
+threshold=76.500000000000014 63.500000000000007 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0008934355770555271 0.0010791752058063927 -0.0016528841730158769 0.0015181549451404811 -0.0013587694262029329
+leaf_weight=49 39 53 57 63
+leaf_count=49 39 53 57 63
+internal_value=0 -0.00948669 0.0132443 -0.0183174
+internal_weight=0 222 169 112
+internal_count=261 222 169 112
+shrinkage=0.02
+
+
+Tree=8588
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.113256 0.567587 0.740284 1.39315
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00093939551746915692 0.0024774709947301193 -0.0022748821620798337 -0.0023336185828709368 0.0020499086769869496
+leaf_weight=49 47 44 71 50
+leaf_count=49 47 44 71 50
+internal_value=0 -0.0108575 0.0158872 -0.0257749
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8589
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.119154 0.352789 0.419196 0.428496
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020904559996874281 -0.00098433629515265637 0.0016198710217840725 -0.0015733862219522176 -0.00066130894175275444
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.0108362 -0.0138014 0.0288217
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=8590
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.113636 0.338059 0.401781 0.410808
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020487148527662301 -0.00096467857891529478 0.001587514081740307 -0.0015419533049452366 -0.00064810041739566564
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.0106163 -0.0135255 0.0282379
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=8591
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 4
+split_gain=0.113683 0.707937 0.529458 0.508437
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014894440859410888 0.0010629974130103199 -0.0019917937921104596 0.0023462526862069706 -0.0013469470298661729
+leaf_weight=43 40 64 47 67
+leaf_count=43 40 64 47 67
+internal_value=0 -0.00962715 0.0268188 -0.0115333
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=8592
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 6
+split_gain=0.113225 1.03497 0.953061 0.906685
+threshold=7.5000000000000009 14.500000000000002 67.65000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.00076222677953650237 0.0014194843993781481 -0.0024914356187663786 0.002930892282858619 -0.003086811772561726
+leaf_weight=69 55 55 43 39
+leaf_count=69 55 55 43 39
+internal_value=0 -0.0264524 0.0192887 -0.03107
+internal_weight=0 110 151 108
+internal_count=261 110 151 108
+shrinkage=0.02
+
+
+Tree=8593
+num_leaves=5
+num_cat=0
+split_feature=8 3 2 6
+split_gain=0.118438 0.339485 0.323775 0.68753
+threshold=72.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012994379858477698 -0.00098180189130411084 0.0015459389408439552 -0.0013620721933052672 0.0023286206622986074
+leaf_weight=72 47 59 39 44
+leaf_count=72 47 59 39 44
+internal_value=0 0.0108082 -0.0142659 0.0292561
+internal_weight=0 214 155 83
+internal_count=261 214 155 83
+shrinkage=0.02
+
+
+Tree=8594
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 5 4
+split_gain=0.113492 0.326432 0.651446 0.435656 0.377763
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 52.000000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0010368091705030033 -0.00096416240134214123 0.0018904704688149912 -0.0023394933332554391 0.002089392594027887 -0.0017252424836073743
+leaf_weight=41 47 40 43 48 42
+leaf_count=41 47 40 43 48 42
+internal_value=0 0.0106103 -0.00848052 0.0268703 -0.0175751
+internal_weight=0 214 174 131 83
+internal_count=261 214 174 131 83
+shrinkage=0.02
+
+
+Tree=8595
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 5 6
+split_gain=0.110859 0.323098 0.386157 0.393258 0.122059
+threshold=67.500000000000014 58.500000000000007 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00089039335072054718 0.00010364828501499111 0.0018658074748358316 -0.0018416430998279727 0.0018039768767230547 -0.0015103160751328555
+leaf_weight=42 46 43 41 49 40
+leaf_count=42 46 43 41 49 40
+internal_value=0 0.0157041 -0.00930339 0.0275954 -0.0319178
+internal_weight=0 175 132 91 86
+internal_count=261 175 132 91 86
+shrinkage=0.02
+
+
+Tree=8596
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 4
+split_gain=0.111704 0.350789 0.436326 0.740183
+threshold=76.500000000000014 72.500000000000014 9.5000000000000018 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010875034758731253 0.0010709767359958942 -0.0018326014729348986 -0.0010672706804758581 0.0023235140432209212
+leaf_weight=42 39 44 68 68
+leaf_count=42 39 44 68 68
+internal_value=0 -0.00941179 0.0107152 0.0506997
+internal_weight=0 222 178 110
+internal_count=261 222 178 110
+shrinkage=0.02
+
+
+Tree=8597
+num_leaves=5
+num_cat=0
+split_feature=2 6 2 3
+split_gain=0.11545 0.568659 0.429488 0.458591
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.002214005453896569 0.001010998501538527 0.0022175289535266165 0.00082167920845942731 -0.0016059909572174365
+leaf_weight=46 44 39 75 57
+leaf_count=46 44 39 75 57
+internal_value=0 -0.0102572 0.0165629 -0.0110436
+internal_weight=0 217 171 132
+internal_count=261 217 171 132
+shrinkage=0.02
+
+
+Tree=8598
+num_leaves=6
+num_cat=0
+split_feature=2 6 6 2 2
+split_gain=0.110078 0.5454 0.413109 0.66202 0.65401
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 9.5000000000000018 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.0021697929396413528 0.00099081064368798286 0.0019602350600337638 -0.0023279936708871466 0.0026341548383432096 -0.0010035335505301859
+leaf_weight=46 44 47 43 40 41
+leaf_count=46 44 47 43 40 41
+internal_value=0 -0.0100487 0.0162323 -0.0144802 0.0391856
+internal_weight=0 217 171 124 81
+internal_count=261 217 171 124 81
+shrinkage=0.02
+
+
+Tree=8599
+num_leaves=5
+num_cat=0
+split_feature=4 4 9 9
+split_gain=0.112681 0.37466 0.418905 0.713045
+threshold=73.500000000000014 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016839738818276455 -0.00086200149009970598 0.0016683534100792594 -0.0019235352233508314 0.001771381433836263
+leaf_weight=40 56 56 46 63
+leaf_count=40 56 56 46 63
+internal_value=0 0.0117939 -0.0148833 0.0210751
+internal_weight=0 205 149 103
+internal_count=261 205 149 103
+shrinkage=0.02
+
+
+Tree=8600
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.114172 0.552682 0.728898 1.38442
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00094252441665269653 0.0024535665753694612 -0.0022494579915532942 -0.002423289836362055 0.0019138634916790152
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0108994 0.0155009 -0.0258465
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8601
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.114409 0.534074 0.423181 2.14558 0.854815
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.002153287024140384 0.0010071564499742731 0.0021890899519924011 -0.00024063081605056502 0.0029361148572367287 -0.004445218672555885
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0102152 0.0157988 -0.0116127 -0.115123
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8602
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 2
+split_gain=0.113344 0.342358 0.425053 0.737165
+threshold=76.500000000000014 72.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.002330378927407081 0.001077602615793068 -0.0018149843680120149 -0.0010571343112510917 -0.0010591919354822842
+leaf_weight=67 39 44 68 43
+leaf_count=67 39 44 68 43
+internal_value=0 -0.00947142 0.0104229 0.0499133
+internal_weight=0 222 178 110
+internal_count=261 222 178 110
+shrinkage=0.02
+
+
+Tree=8603
+num_leaves=5
+num_cat=0
+split_feature=7 3 4 6
+split_gain=0.109067 0.327018 0.256395 0.408328
+threshold=75.500000000000014 65.500000000000014 52.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00078525843955507045 -0.00094814498999239356 0.0015151432083406605 -0.0020571507631802861 0.00064919812528982412
+leaf_weight=59 47 59 57 39
+leaf_count=59 47 59 57 39
+internal_value=0 0.0104282 -0.014204 -0.0474849
+internal_weight=0 214 155 96
+internal_count=261 214 155 96
+shrinkage=0.02
+
+
+Tree=8604
+num_leaves=6
+num_cat=0
+split_feature=2 3 5 6 5
+split_gain=0.115035 0.522249 1.41656 1.02711 0.0497557
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 46.500000000000007 53.95000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.002125153900266651 0.0010094868265800743 0.0016398703011896501 -0.0040541330614320831 0.0010179125651670019 0.002240721339190713
+leaf_weight=46 44 49 40 41 41
+leaf_count=46 44 49 40 41 41
+internal_value=0 -0.0102397 -0.0374019 0.014026 0.0820227
+internal_weight=0 217 168 128 82
+internal_count=261 217 168 128 82
+shrinkage=0.02
+
+
+Tree=8605
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 4
+split_gain=0.113791 0.330108 0.404543 0.702806
+threshold=76.500000000000014 72.500000000000014 9.5000000000000018 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010760492716885134 0.0010795159976417401 -0.0017874765370420676 -0.0010345719803512685 0.0022499597640671153
+leaf_weight=42 39 44 68 68
+leaf_count=42 39 44 68 68
+internal_value=0 -0.0094817 0.0100697 0.0486442
+internal_weight=0 222 178 110
+internal_count=261 222 178 110
+shrinkage=0.02
+
+
+Tree=8606
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 9 9
+split_gain=0.117293 1.69818 1.12191 0.659983 1.1065
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.00095352040241249039 -0.0039530471873931942 0.0033807800507405618 -0.0022324055211038023 0.0031127324357487318 -0.0016246852241094182
+leaf_weight=49 40 45 47 41 39
+leaf_count=49 40 45 47 41 39
+internal_value=0 -0.0110206 0.0322124 -0.016021 0.0396924
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8607
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.115037 0.498954 0.317837 0.681941
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012759167934489166 -0.00079745807182738618 0.0022315788936354301 -0.0012553296625135238 0.0024142481899542003
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0129746 -0.0135243 0.0296202
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8608
+num_leaves=6
+num_cat=0
+split_feature=4 2 2 5 4
+split_gain=0.11686 0.348214 0.556511 0.596156 1.11551
+threshold=50.500000000000007 25.500000000000004 19.500000000000004 70.65000000000002 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0010449239089536022 0.00053103684876077588 -0.001935316854978637 0.0022030304451539011 0.0016618566013279551 -0.00383662701422262
+leaf_weight=42 56 40 43 39 41
+leaf_count=42 56 40 43 39 41
+internal_value=0 -0.0100265 0.00916352 -0.0225128 -0.0654142
+internal_weight=0 219 179 136 97
+internal_count=261 219 179 136 97
+shrinkage=0.02
+
+
+Tree=8609
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.115725 0.317934 0.447853 0.660826
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00060991450200350444 -0.0010116982804571173 0.0017709542870764994 0.0015848664897137928 -0.002288592875958321
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.0102839 -0.00941799 -0.0399955
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=8610
+num_leaves=5
+num_cat=0
+split_feature=4 5 5 4
+split_gain=0.112759 0.349812 0.23971 0.459154
+threshold=50.500000000000007 52.000000000000007 68.65000000000002 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010293281329820071 -0.0018367085332147706 -0.00025516114298951054 -0.00071510053994963576 0.0025000387999034989
+leaf_weight=42 44 62 71 42
+leaf_count=42 44 62 71 42
+internal_value=0 -0.00986606 0.0105434 0.0425381
+internal_weight=0 219 175 104
+internal_count=261 219 175 104
+shrinkage=0.02
+
+
+Tree=8611
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.111118 0.451155 0.2918 0.402468
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00080381682803228429 0.00093188639583693575 -0.0020847746206043988 0.0014622280500282208 -0.0016507833030279103
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.0107671 0.0128124 -0.0175451
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=8612
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.116245 0.541502 0.746989 1.38756
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00094998172964708659 0.0024726282186459552 -0.0022309990369572996 -0.0024420763302413283 0.0018998352366541543
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0109731 0.0151659 -0.026682
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8613
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 7 6
+split_gain=0.114352 0.324635 0.409644 0.233625 0.117024
+threshold=67.500000000000014 58.500000000000007 58.500000000000007 50.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00062782613699290341 8.1617395272864571e-05 0.0018735830163025707 -0.001885565045204205 0.0014945323287078507 -0.0015027868063780608
+leaf_weight=39 46 43 41 52 40
+leaf_count=39 46 43 41 52 40
+internal_value=0 0.0159211 -0.00914251 0.0288191 -0.0323321
+internal_weight=0 175 132 91 86
+internal_count=261 175 132 91 86
+shrinkage=0.02
+
+
+Tree=8614
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.121032 0.51985 0.403443 2.06904 0.812222
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0021328691503270372 0.0010318610604344405 0.0021354139289008955 -0.00025310490027320389 0.0028803787385357684 -0.0043548171415577963
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0104545 0.0152201 -0.0115683 -0.113237
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8615
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 3
+split_gain=0.112237 0.418817 0.540204 0.407459
+threshold=42.500000000000007 50.500000000000007 69.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00093594564888296091 -0.0019694641807112643 0.0028665977543615513 -0.0009938062599885388 7.6878563310658595e-05
+leaf_weight=49 45 40 77 50
+leaf_count=49 45 40 77 50
+internal_value=0 -0.0108083 0.0126059 0.066345
+internal_weight=0 212 167 90
+internal_count=261 212 167 90
+shrinkage=0.02
+
+
+Tree=8616
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.120428 1.02665 0.989921 0.954596
+threshold=7.5000000000000009 67.65000000000002 14.500000000000002 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0031269635895645048 0.0013632400491497619 0.0030357712325956806 -0.0024629976218425932 0.00079932946872129766
+leaf_weight=40 55 43 55 68
+leaf_count=40 55 43 55 68
+internal_value=0 0.0198132 -0.027148 -0.0324267
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8617
+num_leaves=5
+num_cat=0
+split_feature=5 1 3 5
+split_gain=0.119415 1.63348 1.0542 0.319378
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.00096111598160229458 -0.0038835581788286056 0.0032804894647849277 -0.0013226665243385061 0.0007407741571142033
+leaf_weight=49 40 45 65 62
+leaf_count=49 40 45 65 62
+internal_value=0 -0.0110927 0.0313145 -0.0154584
+internal_weight=0 212 172 127
+internal_count=261 212 172 127
+shrinkage=0.02
+
+
+Tree=8618
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.120089 0.507938 1.36751 1.28302
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001477603941699035 0.0010285581894842761 0.0016118158819542984 -0.0039934360429120241 0.002594733348970992
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0104118 -0.0372147 0.0133222
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8619
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 9
+split_gain=0.124029 0.975876 0.925893 0.389795
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00078050543227415974 0.00082595860468937052 0.0029761455698137304 -0.0031083533957711198 -0.0016273987362293619
+leaf_weight=69 48 43 39 62
+leaf_count=69 48 43 39 62
+internal_value=0 0.0200731 -0.0308753 -0.0274865
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8620
+num_leaves=5
+num_cat=0
+split_feature=8 5 3 1
+split_gain=0.121713 0.33887 0.217298 0.498316
+threshold=72.500000000000014 65.500000000000014 52.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00085030128143891214 -0.00099299662974224826 0.0017846274299582253 -0.0017780463417211767 0.0010363976982661863
+leaf_weight=56 47 46 71 41
+leaf_count=56 47 46 71 41
+internal_value=0 0.0109528 -0.0102709 -0.0370308
+internal_weight=0 214 168 112
+internal_count=261 214 168 112
+shrinkage=0.02
+
+
+Tree=8621
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.125537 0.96002 0.952251
+threshold=7.5000000000000009 14.500000000000002 15.500000000000002
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=-0.0011625063680745572 0.0013250772245613875 -0.0024439012461101943 0.0020436766464829014
+leaf_weight=77 55 55 74
+leaf_count=77 55 55 74
+internal_value=0 -0.027625 0.0201829
+internal_weight=0 110 151
+internal_count=261 110 151
+shrinkage=0.02
+
+
+Tree=8622
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 1
+split_gain=0.121319 0.321261 0.376498 0.465938 0.423743
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 8.5000000000000018 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00062424128260157971 -0.0010319488875133423 0.0017831836737876633 0.00016222925595931866 -0.0027881271852261886 0.0022879338278978274
+leaf_weight=42 44 44 51 39 41
+leaf_count=42 44 44 51 39 41
+internal_value=0 0.0105131 -0.00928626 -0.0554275 0.0402694
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=8623
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 5 6
+split_gain=0.123349 0.320828 0.414538 0.347787 0.118931
+threshold=67.500000000000014 58.500000000000007 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00076509387919731088 6.5581743697010558e-05 0.0018756091279166465 -0.0018817459403133348 0.001775338545468958 -0.0015295485519607197
+leaf_weight=42 46 43 41 49 40
+leaf_count=42 46 43 41 49 40
+internal_value=0 0.0164584 -0.00846329 0.029718 -0.0333843
+internal_weight=0 175 132 91 86
+internal_count=261 175 132 91 86
+shrinkage=0.02
+
+
+Tree=8624
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 6
+split_gain=0.116474 0.93535 0.911205 0.894162
+threshold=7.5000000000000009 67.65000000000002 15.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.00076717642233135983 0.0011974638361764154 0.0029126986327734851 -0.0024818297685343083 -0.0030558128844510881
+leaf_weight=69 58 43 52 39
+leaf_count=69 58 43 52 39
+internal_value=0 0.0195433 -0.0267521 -0.0303515
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8625
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 5 6
+split_gain=0.124235 0.309702 0.392584 0.332175 0.121852
+threshold=67.500000000000014 58.500000000000007 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00074596616939606329 7.1438427263313301e-05 0.0018511696459108365 -0.0018287312923512206 0.0017397500994566478 -0.0015406486224490029
+leaf_weight=42 46 43 41 49 40
+leaf_count=42 46 43 41 49 40
+internal_value=0 0.0165107 -0.00799548 0.029201 -0.0334859
+internal_weight=0 175 132 91 86
+internal_count=261 175 132 91 86
+shrinkage=0.02
+
+
+Tree=8626
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 4 9
+split_gain=0.124363 0.522854 0.668243 1.76643 0.0150731
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.00097820837494795934 0.0019102137009674 -0.0022033854844972123 0.0025786973265659076 -0.0033754828249072518 0.00099095261040507655
+leaf_weight=49 39 44 40 50 39
+leaf_count=49 39 44 40 50 39
+internal_value=0 -0.0112785 0.0144186 -0.0211064 0.0731066
+internal_weight=0 212 168 128 78
+internal_count=261 212 168 128 78
+shrinkage=0.02
+
+
+Tree=8627
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 9
+split_gain=0.12379 0.508978 1.51623 0.779654
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0038976456949557374 0.0010423069942124663 0.002383460116293461 0.0012312257460019116 -0.00083233909139614345
+leaf_weight=47 44 57 46 67
+leaf_count=47 44 57 46 67
+internal_value=0 -0.0105359 -0.0676585 0.0319977
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=8628
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 3
+split_gain=0.128091 0.41132 0.512464 0.38831
+threshold=42.500000000000007 50.500000000000007 69.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00099090927583587768 -0.0019664673346861624 0.0027885980358556945 -0.00097868155964048555 6.1885895535263534e-05
+leaf_weight=49 45 40 77 50
+leaf_count=49 45 40 77 50
+internal_value=0 -0.0114156 0.0117947 0.0641933
+internal_weight=0 212 167 90
+internal_count=261 212 167 90
+shrinkage=0.02
+
+
+Tree=8629
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.122215 0.505491 0.721919 1.40968
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00097111941853681263 0.002415625594567412 -0.0021696188648947516 -0.0024645142714296371 0.0019113887245453571
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0111835 0.0140957 -0.0270596
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8630
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.130188 0.532072 1.31111 1.20607
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014651202736645468 0.0010653691565554943 0.0016460636380656759 -0.0039456020139059227 0.0024852934143916438
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0107613 -0.0381661 0.0113254
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8631
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.123572 0.420824 0.582713 0.191893
+threshold=42.500000000000007 52.000000000000007 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00097582839121151932 -0.0017855846329583728 0.0025254556696679663 -0.00095581795948248085 0.00045045746512207153
+leaf_weight=49 54 41 77 40
+leaf_count=49 54 41 77 40
+internal_value=0 -0.0112324 0.0152165 0.0755953
+internal_weight=0 212 158 81
+internal_count=261 212 158 81
+shrinkage=0.02
+
+
+Tree=8632
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 9 9
+split_gain=0.119079 1.65809 0.977668 0.640462 1.07399
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.00096050027090564913 -0.0039098913643703451 0.0031912275016744251 -0.0021525453325160781 0.0031153815851932549 -0.0015526965974861319
+leaf_weight=49 40 45 47 41 39
+leaf_count=49 40 45 47 41 39
+internal_value=0 -0.0110521 0.0316712 -0.0133924 0.0415167
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8633
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.125707 0.516563 1.25141 1.15731
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014425840955908232 0.0010494381415213699 0.0016229800615912909 -0.003862392170815388 0.0024284958993109253
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0105954 -0.0376148 0.0107471
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8634
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.11993 0.495647 0.39312 2.00299 0.795823
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0020877886337288968 0.0010284829228974428 0.0021027863204158845 -0.00024415858614203813 0.0028270347563065885 -0.0043054032128944045
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0103802 0.0147074 -0.0117498 -0.111802
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8635
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.129879 0.967695 0.876952 0.870789
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0029826898737860524 0.0012291587279835219 0.0029740048261648654 0.00078388004680728541 -0.0023636822183843919
+leaf_weight=40 55 43 68 55
+leaf_count=40 55 43 68 55
+internal_value=0 0.020498 -0.0302386 -0.0280177
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8636
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.130421 0.500959 0.718684 1.39005
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00099889377320714072 0.0024025981333039483 -0.0021673751091075264 -0.0023638569486993301 0.002014668398728884
+leaf_weight=49 47 44 71 50
+leaf_count=49 47 44 71 50
+internal_value=0 -0.011494 0.0136745 -0.0273911
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8637
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.126242 0.924245 0.850295 0.821989
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0029293937492108802 0.00118609535368337 0.0029121122286605923 0.00078077764836057483 -0.0023067518793193943
+leaf_weight=40 55 43 68 55
+leaf_count=40 55 43 68 55
+internal_value=0 0.0202527 -0.0293482 -0.0276708
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8638
+num_leaves=5
+num_cat=0
+split_feature=6 4 9 9
+split_gain=0.130884 0.333951 0.512349 0.669489
+threshold=70.500000000000014 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015723190607797306 -0.0010658462587190317 0.001414805067602156 -0.0021139669561945026 0.001778122200978356
+leaf_weight=40 44 68 46 63
+leaf_count=40 44 68 46 63
+internal_value=0 0.0108856 -0.0161827 0.0234517
+internal_weight=0 217 149 103
+internal_count=261 217 149 103
+shrinkage=0.02
+
+
+Tree=8639
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.136705 0.479283 0.697533 1.3506
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.001019518463734772 0.0023565414995556557 -0.0021313889705055502 -0.0024345905988186986 0.0018497386233874446
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0117331 0.012901 -0.0275696
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8640
+num_leaves=5
+num_cat=0
+split_feature=2 6 9 1
+split_gain=0.134448 0.482529 0.407518 0.361052
+threshold=25.500000000000004 46.500000000000007 76.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0020741487885533225 0.0010805240601456732 0.0018773805859138987 -0.0014949167115259612 -0.00028008920195330469
+leaf_weight=46 44 68 41 62
+leaf_count=46 44 68 41 62
+internal_value=0 -0.0109053 0.0138575 0.0421343
+internal_weight=0 217 171 130
+internal_count=261 217 171 130
+shrinkage=0.02
+
+
+Tree=8641
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 6 5
+split_gain=0.132113 0.467976 0.675436 1.16922 2.01811
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 53.500000000000007 70.65000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -5
+right_child=1 -3 -4 4 -6
+leaf_value=0.0010044400737719015 0.0023387574799774279 -0.0021063797535310937 0.0025582813630347719 -0.0045475379366598937 0.0015927614996675522
+leaf_weight=49 41 44 40 48 39
+leaf_count=49 41 44 40 48 39
+internal_value=0 -0.0115613 0.01279 -0.0229243 -0.0893367
+internal_weight=0 212 168 128 87
+internal_count=261 212 168 128 87
+shrinkage=0.02
+
+
+Tree=8642
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.138308 0.483606 1.20858 1.13132
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014327605453499435 0.0010939499962375849 0.001556573377222594 -0.0038016562129245123 0.0023953644384733016
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0110403 -0.03722 0.010315
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8643
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 6 5
+split_gain=0.133102 0.454381 0.65701 1.11211 1.94818
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 53.500000000000007 70.65000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -5
+right_child=1 -3 -4 4 -6
+leaf_value=0.0010078450187126682 0.0022726078366664369 -0.0020806795649445189 0.002520137503231839 -0.0044655754495143201 0.0015682879957604782
+leaf_weight=49 41 44 40 48 39
+leaf_count=49 41 44 40 48 39
+internal_value=0 -0.0115917 0.0124147 -0.02282 -0.0876233
+internal_weight=0 212 168 128 87
+internal_count=261 212 168 128 87
+shrinkage=0.02
+
+
+Tree=8644
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.141965 0.494188 0.389049 1.97008 0.76679
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0021006178453852513 0.0011066444533629188 0.0020776487174838407 -0.00027670584156445292 0.0027881947549895977 -0.0042658723811832338
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0111605 0.01389 -0.0124368 -0.111672
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8645
+num_leaves=5
+num_cat=0
+split_feature=2 6 2 2
+split_gain=0.135562 0.473832 0.372905 0.405802
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0020586692160009588 0.0010845470761181627 0.0020361703684606421 -0.0014364348123015742 0.00083393458539920192
+leaf_weight=46 44 39 63 69
+leaf_count=46 44 39 63 69
+internal_value=0 -0.0109379 0.0136076 -0.012189
+internal_weight=0 217 171 132
+internal_count=261 217 171 132
+shrinkage=0.02
+
+
+Tree=8646
+num_leaves=5
+num_cat=0
+split_feature=8 6 9 4
+split_gain=0.135533 0.394043 0.608138 0.50754
+threshold=72.500000000000014 58.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0019803816839875912 -0.0010396716838032016 0.0015206020626532136 -0.0025393343515291767 -0.00083688127494048036
+leaf_weight=48 47 68 39 59
+leaf_count=48 47 68 39 59
+internal_value=0 0.0115051 -0.0182958 0.0209967
+internal_weight=0 214 146 107
+internal_count=261 214 146 107
+shrinkage=0.02
+
+
+Tree=8647
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.131574 0.930965 0.83726 0.798736
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0029079750722442927 0.0011517744354561407 0.0029283478550936417 0.00077426369560698301 -0.0022922970767504827
+leaf_weight=40 55 43 68 55
+leaf_count=40 55 43 68 55
+internal_value=0 0.0206214 -0.0291563 -0.0281678
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8648
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.140369 0.353047 0.438218 0.632693
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00036521989404111118 -0.0010987958951935845 0.0018689157954954578 0.0015650782311668681 -0.0025264681654205839
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0112246 -0.00948538 -0.0397481
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=8649
+num_leaves=5
+num_cat=0
+split_feature=8 4 9 9
+split_gain=0.135335 0.379227 0.485861 0.627105
+threshold=72.500000000000014 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015411587766438373 -0.0010390242157036619 0.0015391592578815028 -0.0020814177436608151 0.0017047015123573708
+leaf_weight=40 47 65 46 63
+leaf_count=40 47 65 46 63
+internal_value=0 0.011497 -0.0168141 0.021811
+internal_weight=0 214 149 103
+internal_count=261 214 149 103
+shrinkage=0.02
+
+
+Tree=8650
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 4 9
+split_gain=0.140005 0.467286 0.631323 1.69213 0.010287
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0010302963807027987 0.0018221179606635644 -0.0021107998768272167 0.002477992663054446 -0.0033327204683047469 0.00096095693143456978
+leaf_weight=49 39 44 40 50 39
+leaf_count=49 39 44 40 50 39
+internal_value=0 -0.0118509 0.0124825 -0.0220717 0.0701516
+internal_weight=0 212 168 128 78
+internal_count=261 212 168 128 78
+shrinkage=0.02
+
+
+Tree=8651
+num_leaves=5
+num_cat=0
+split_feature=9 7 2 4
+split_gain=0.133639 0.460983 0.991949 1.39042
+threshold=42.500000000000007 55.500000000000007 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010097198418487908 -0.0018425940820043871 0.0015241047501291236 0.0023991405159620965 -0.0032661592281814679
+leaf_weight=49 55 48 59 50
+leaf_count=49 55 48 59 50
+internal_value=0 -0.0116064 0.0163763 -0.0456168
+internal_weight=0 212 157 98
+internal_count=261 212 157 98
+shrinkage=0.02
+
+
+Tree=8652
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.127545 0.463227 0.621896 1.31511
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0009895540999496496 0.0022421412962319266 -0.0020934568322216111 -0.0023668756161612427 0.0018618024176115459
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0113709 0.0128608 -0.0254016
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8653
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.133426 0.507933 1.16118 1.12457
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014554172006476607 0.0010771940377717769 0.0016028551915766786 -0.0037507650435402236 0.0023616442430932877
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0108566 -0.0376583 0.00894371
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8654
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 4
+split_gain=0.128763 0.466305 0.900356 1.38828
+threshold=42.500000000000007 52.000000000000007 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00099369704182822858 -0.0018677133102392299 0.0015326446253119625 0.0023339592926563454 -0.0032054665813861269
+leaf_weight=49 54 50 58 50
+leaf_count=49 54 50 58 50
+internal_value=0 -0.0114143 0.0163772 -0.0414501
+internal_weight=0 212 158 100
+internal_count=261 212 158 100
+shrinkage=0.02
+
+
+Tree=8655
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 3
+split_gain=0.127309 0.389922 0.280557 0.116017
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00062440187195385744 -0.001548642330777471 0.0020842346133238387 -0.0012837799427450596 3.216074120759052e-05
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.0167215 -0.00978998 -0.0338048
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=8656
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.123623 0.499735 1.12188 1.10357
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014447054177200453 0.0010423534322764184 0.0015958596502408152 -0.0036891434390199191 0.0023371893412105311
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0104968 -0.0370916 0.00872351
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8657
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 6
+split_gain=0.126187 0.465311 0.599578 1.32315
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00098516587499739429 0.0022096239962039895 -0.0020962565024206905 -0.0028035786024656535 0.001422736851843273
+leaf_weight=49 47 44 55 66
+leaf_count=49 47 44 55 66
+internal_value=0 -0.0113094 0.012975 -0.0246109
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8658
+num_leaves=5
+num_cat=0
+split_feature=2 6 9 1
+split_gain=0.127509 0.487543 0.374994 0.349047
+threshold=25.500000000000004 46.500000000000007 76.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0020780312898220094 0.0010564057175632181 0.0018470247604737678 -0.0014178663526852404 -0.00027603912299739884
+leaf_weight=46 44 68 41 62
+leaf_count=46 44 68 41 62
+internal_value=0 -0.0106356 0.0142519 0.0414366
+internal_weight=0 217 171 130
+internal_count=261 217 171 130
+shrinkage=0.02
+
+
+Tree=8659
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 2 2
+split_gain=0.124586 1.73804 0.960242 0.572164 1.20683
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 10.500000000000002 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.00097970211386850647 -0.0040006468401366947 0.003184937978428273 -0.0020285186751496142 0.0032766107386310466 -0.0016662629353013125
+leaf_weight=49 40 45 47 40 40
+leaf_count=49 40 45 47 40 40
+internal_value=0 -0.0112502 0.0324837 -0.0121806 0.0397943
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8660
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.127482 0.482587 1.07917 1.07016
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014318619892194886 0.0010561858552747068 0.0015628094158175402 -0.0036275417374231761 0.0022934184465452485
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0106408 -0.0367951 0.00814882
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8661
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 4
+split_gain=0.126037 0.462955 0.888465 1.35743
+threshold=42.500000000000007 52.000000000000007 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00098460196838350716 -0.0018599203556902818 0.0015142737226331927 0.0023211923710115298 -0.0031715815491559192
+leaf_weight=49 54 50 58 50
+leaf_count=49 54 50 58 50
+internal_value=0 -0.0113066 0.0163884 -0.041062
+internal_weight=0 212 158 100
+internal_count=261 212 158 100
+shrinkage=0.02
+
+
+Tree=8662
+num_leaves=5
+num_cat=0
+split_feature=3 5 2 4
+split_gain=0.125451 0.413265 0.376816 1.05909
+threshold=52.500000000000007 55.650000000000013 9.5000000000000018 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.00090408869639148001 -0.0017838429222932382 -0.0012897366135196672 -0.00064263403827883561 0.0034604777675365534
+leaf_weight=56 54 44 65 42
+leaf_count=56 54 44 65 42
+internal_value=0 -0.0122702 0.0150021 0.0480835
+internal_weight=0 205 151 107
+internal_count=261 205 151 107
+shrinkage=0.02
+
+
+Tree=8663
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 6
+split_gain=0.122263 0.468425 0.598326 1.33071
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00097176107644597501 0.0022121631388758458 -0.0020993050730685569 -0.0028047737883262181 0.0014334685431881575
+leaf_weight=49 47 44 55 66
+leaf_count=49 47 44 55 66
+internal_value=0 -0.0111613 0.0132019 -0.0243453
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8664
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.124294 0.903603 0.811521 0.78909
+threshold=7.5000000000000009 67.65000000000002 14.500000000000002 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=-0.0028370346228975829 0.001179190240279503 0.0028821734328100569 -0.0022918502576223018 0.00074001035401172113
+leaf_weight=40 55 43 55 68
+leaf_count=40 55 43 55 68
+internal_value=0 0.0201323 -0.0274708 -0.0289199
+internal_weight=0 151 110 108
+internal_count=261 151 110 108
+shrinkage=0.02
+
+
+Tree=8665
+num_leaves=5
+num_cat=0
+split_feature=6 4 9 9
+split_gain=0.12839 0.384289 0.4972 0.62905
+threshold=70.500000000000014 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015620552091890657 -0.001056703943239336 0.00149554632051376 -0.0021271125975828873 0.0016888657941367636
+leaf_weight=40 44 68 46 63
+leaf_count=40 44 68 46 63
+internal_value=0 0.0108101 -0.0181361 0.0209204
+internal_weight=0 217 149 103
+internal_count=261 217 149 103
+shrinkage=0.02
+
+
+Tree=8666
+num_leaves=5
+num_cat=0
+split_feature=6 6 3 3
+split_gain=0.122504 0.362839 0.342773 0.421888
+threshold=70.500000000000014 58.500000000000007 52.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0008853948880362388 -0.0010356035443804337 0.0014180273058311472 -0.0026905719963831419 0.00010707434374609037
+leaf_weight=56 44 71 41 49
+leaf_count=56 44 71 41 49
+internal_value=0 0.01059 -0.0184855 -0.0579814
+internal_weight=0 217 146 90
+internal_count=261 217 146 90
+shrinkage=0.02
+
+
+Tree=8667
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 5
+split_gain=0.130206 0.452299 1.27566 0.666857 0.43415
+threshold=42.500000000000007 12.500000000000002 53.95000000000001 67.500000000000014 66.600000000000009
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00099848247823099124 0.0027422438235698873 -0.0039774904802668447 0.0019688993181994209 -0.00088410277537310361 -0.00090382348458126975
+leaf_weight=49 42 40 39 41 50
+leaf_count=49 42 40 39 41 50
+internal_value=0 -0.0114706 -0.0494722 0.0471025 0.0173293
+internal_weight=0 212 129 83 89
+internal_count=261 212 129 83 89
+shrinkage=0.02
+
+
+Tree=8668
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.126613 0.467703 0.403143 1.96501 0.773289
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0020407445293096961 0.001053026477739279 0.0021062208645356594 -0.00027747585099632208 0.0027729866953735871 -0.004282984970810165
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0106117 0.0137801 -0.0130017 -0.11211
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8669
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.133032 0.801709 0.771562
+threshold=7.5000000000000009 15.500000000000002 14.500000000000002
+decision_type=2 2 2
+left_child=1 -1 -2
+right_child=2 -3 -4
+leaf_value=-0.0010246300418135317 0.0011202835756896391 0.0019223799085941364 -0.0022659719931423412
+leaf_weight=77 55 74 55
+leaf_count=77 55 74 55
+internal_value=0 0.0207263 -0.028297
+internal_weight=0 151 110
+internal_count=261 151 110
+shrinkage=0.02
+
+
+Tree=8670
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 9 4
+split_gain=0.128179 0.361255 0.426231 0.163031 0.113575
+threshold=67.500000000000014 58.500000000000007 58.500000000000007 45.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0015733708848345445 -0.0014141414295263397 0.0019708904428163204 -0.0019273724425733743 -0.00021669675400568048 0.00014910226099756495
+leaf_weight=41 46 43 41 50 40
+leaf_count=41 46 43 41 50 40
+internal_value=0 0.016764 -0.00961189 0.0290811 -0.0339113
+internal_weight=0 175 132 91 86
+internal_count=261 175 132 91 86
+shrinkage=0.02
+
+
+Tree=8671
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 4 3
+split_gain=0.128546 1.63362 0.951442 0.317727 0.889653
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 68.500000000000014 74.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.00099285044664274491 -0.0038900733145805911 0.0031439416174325759 -0.0016884418339423101 0.0027028830044709541 -0.0014843926681719158
+leaf_weight=49 40 45 44 39 44
+leaf_count=49 40 45 44 39 44
+internal_value=0 -0.011412 0.0309968 -0.0134671 0.0237056
+internal_weight=0 212 172 127 83
+internal_count=261 212 172 127 83
+shrinkage=0.02
+
+
+Tree=8672
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.13857 0.877039 0.806363 0.748312
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00076132886322082807 0.00099636014024238688 0.0028653731502788038 -0.0028734584986335916 -0.0023445296059383157
+leaf_weight=69 58 43 39 52
+leaf_count=69 58 43 39 52
+internal_value=0 0.0210931 -0.0272421 -0.0288094
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8673
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.132253 0.841536 0.773735 0.719264
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00074611769444659086 0.001064642504498901 0.0028081587527837284 -0.0028160924069718812 -0.0022075242387235368
+leaf_weight=69 55 43 39 55
+leaf_count=69 55 43 39 55
+internal_value=0 0.0206715 -0.0266912 -0.0282268
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8674
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.137929 0.381685 0.437579 0.612718
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00077649368868487308 -0.0010903160634638909 0.0019292690249725023 0.0015463190284856247 -0.0020409105150700759
+leaf_weight=56 44 44 44 73
+leaf_count=56 44 44 44 73
+internal_value=0 0.0111434 -0.0103557 -0.0405948
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=8675
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.139337 0.359317 0.38102 0.303876 0.118849
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00069128911760716477 2.9424860416898399e-05 0.0020307358490570288 -0.0017568107213654595 0.0016917925341833335 -0.0015644422821497899
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0173845 -0.00810476 0.0291719 -0.0351642
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=8676
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 6
+split_gain=0.132956 0.344349 0.282009 0.113415
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00066351875799924897 2.8837056992652746e-05 0.0019901902411638282 -0.0012497395204660177 -0.0015332079314600488
+leaf_weight=76 46 41 58 40
+leaf_count=76 46 41 58 40
+internal_value=0 0.0170328 -0.00794305 -0.0344528
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=8677
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 2 2
+split_gain=0.129003 1.60932 0.951746 0.537475 1.16428
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 10.500000000000002 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.00099446819514030114 -0.0038633379352815671 0.0031378266166392256 -0.0020077528591644291 0.0031699075219427109 -0.001686773100704706
+leaf_weight=49 40 45 47 40 40
+leaf_count=49 40 45 47 40 40
+internal_value=0 -0.011425 0.0306695 -0.0138017 0.0366112
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8678
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.135239 0.816036 0.77912 0.704089
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0027605685723342587 0.0010422299120156459 0.0027765165210213052 0.00079484038582514679 -0.0021960306323426148
+leaf_weight=40 55 43 68 55
+leaf_count=40 55 43 68 55
+internal_value=0 0.0208755 -0.0257755 -0.0285
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8679
+num_leaves=5
+num_cat=0
+split_feature=8 3 3 1
+split_gain=0.13473 0.365613 0.304642 1.40949
+threshold=72.500000000000014 65.500000000000014 52.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00091899266666814949 -0.0010368965429002398 0.0016067294876714114 -0.0035635686473808144 0.0012452471945297928
+leaf_weight=56 47 59 46 53
+leaf_count=56 47 59 46 53
+internal_value=0 0.0114797 -0.0144968 -0.0491008
+internal_weight=0 214 155 99
+internal_count=261 214 155 99
+shrinkage=0.02
+
+
+Tree=8680
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.13733 0.774731 0.777793 0.68129
+threshold=7.5000000000000009 67.65000000000002 59.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00084641187649930633 0.0010126703950796843 0.0027203553038322096 -0.0026888069684433769 -0.0021740081254274482
+leaf_weight=67 55 43 41 55
+leaf_count=67 55 43 41 55
+internal_value=0 0.0210185 -0.0244566 -0.0286885
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8681
+num_leaves=5
+num_cat=0
+split_feature=5 3 3 1
+split_gain=0.144814 0.602935 0.290105 1.40095
+threshold=68.65000000000002 65.500000000000014 52.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00090354649756327647 -0.00082030396401647351 0.0025615250119390715 -0.0034954955662851979 0.001388930529447104
+leaf_weight=56 71 39 46 49
+leaf_count=56 71 39 46 49
+internal_value=0 0.0154306 -0.0134444 -0.0484289
+internal_weight=0 190 151 95
+internal_count=261 190 151 95
+shrinkage=0.02
+
+
+Tree=8682
+num_leaves=6
+num_cat=0
+split_feature=2 1 5 2 5
+split_gain=0.141024 0.466544 0.776602 0.766653 0.120392
+threshold=25.500000000000004 8.5000000000000018 67.65000000000002 11.500000000000002 53.95000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -3
+right_child=-2 4 -4 -5 -6
+leaf_value=-0.002704238798929504 0.0011036245185067817 -0.00061020973403343377 0.0026021522513703732 0.0010179612311384879 -0.0023434088277883899
+leaf_weight=40 44 39 47 52 39
+leaf_count=40 44 39 47 52 39
+internal_value=0 -0.0111181 0.0241352 -0.0296262 -0.074419
+internal_weight=0 217 139 92 78
+internal_count=261 217 139 92 78
+shrinkage=0.02
+
+
+Tree=8683
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.147758 0.757209 0.577863 0.617947
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014947384186061146 -0.00082760751463364869 0.002712417015832848 -0.0022898874156274578 0.0017276986005927333
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0155674 -0.0182797 0.023417
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=8684
+num_leaves=5
+num_cat=0
+split_feature=3 3 4 9
+split_gain=0.141591 0.53901 0.304212 0.728792
+threshold=71.500000000000014 65.500000000000014 52.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00089380360916521781 -0.0008712483185472961 0.0023315457597690155 -0.0029895800197665694 0.00055934578307084595
+leaf_weight=59 64 42 42 54
+leaf_count=59 64 42 42 54
+internal_value=0 0.0142481 -0.013262 -0.0493014
+internal_weight=0 197 155 96
+internal_count=261 197 155 96
+shrinkage=0.02
+
+
+Tree=8685
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 1 8
+split_gain=0.143597 0.428528 0.60462 2.21897 1.02095
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 8.5000000000000018 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=0.0010419893457298249 0.0022447927410226454 -0.0020371720119752878 -0.00073159983726716336 -0.0044656629741786844 0.0037181257314089465
+leaf_weight=49 45 44 45 39 39
+leaf_count=49 45 44 45 39 39
+internal_value=0 -0.0119736 0.0113623 -0.0252618 0.0663102
+internal_weight=0 212 168 123 84
+internal_count=261 212 168 123 84
+shrinkage=0.02
+
+
+Tree=8686
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.147863 0.736679 0.553494 0.595193
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014674341343928964 -0.00082795011200166981 0.0026805111228718394 -0.0022412513066533664 0.0016969233932747636
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0155682 -0.0178255 0.0230061
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=8687
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 4
+split_gain=0.142154 0.417665 0.902323 1.40833
+threshold=42.500000000000007 52.000000000000007 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010372748697681051 -0.0017937580232195169 0.0015090385090097687 0.0022972487203619025 -0.0032625124167367471
+leaf_weight=49 54 50 58 50
+leaf_count=49 54 50 58 50
+internal_value=0 -0.0119262 0.0144255 -0.0434678
+internal_weight=0 212 158 100
+internal_count=261 212 158 100
+shrinkage=0.02
+
+
+Tree=8688
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.136759 0.709107 0.535472 0.582695
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014588458778437515 -0.00080010671978411466 0.0026265364722664209 -0.0022095421646290405 0.0016732200474109291
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.015044 -0.0177315 0.0224479
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=8689
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.140726 0.428488 0.636002 1.3026
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010326507801141811 0.0022359649596103873 -0.0020351517330309903 -0.0023945548745651808 0.0018140091991748022
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0118758 0.0114592 -0.0272272
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8690
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.142844 0.476048 1.46169 1.2099
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0038291215702862865 0.0011096219062155977 0.0027971665300488661 0.0012077158537479242 -0.0011991768836344639
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.0111918 -0.0665076 0.0299868
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=8691
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.144111 0.418048 0.607885 0.194682
+threshold=42.500000000000007 52.000000000000007 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.001043536225646971 -0.0017958416007507391 0.0025400326725540877 -0.00099908188391204748 0.00045165173164590918
+leaf_weight=49 54 41 77 40
+leaf_count=49 54 41 77 40
+internal_value=0 -0.0119969 0.0143663 0.0759941
+internal_weight=0 212 158 81
+internal_count=261 212 158 81
+shrinkage=0.02
+
+
+Tree=8692
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.138676 0.465135 1.39033 1.1558
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0037530482235749057 0.0010954270336886018 0.0027421804612516743 0.0011606665386122738 -0.0011651449758503097
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.0110429 -0.0657484 0.0296779
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=8693
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.147309 0.397879 0.568266 0.187358
+threshold=42.500000000000007 52.000000000000007 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010537218525838725 -0.0017618490453786765 0.0024682489753001676 -0.00097231313732694499 0.00041591507666480492
+leaf_weight=49 54 41 77 40
+leaf_count=49 54 41 77 40
+internal_value=0 -0.0121098 0.0136334 0.0732926
+internal_weight=0 212 158 81
+internal_count=261 212 158 81
+shrinkage=0.02
+
+
+Tree=8694
+num_leaves=5
+num_cat=0
+split_feature=4 1 5 6
+split_gain=0.145108 0.809224 0.381854 0.598505
+threshold=52.500000000000007 9.5000000000000018 68.65000000000002 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00093148526928742484 -0.0002395016254695098 -0.0028095499877660332 -0.00074549493084388968 0.0030741258029058837
+leaf_weight=59 49 41 71 41
+leaf_count=59 49 41 71 41
+internal_value=0 -0.0135271 0.0186005 0.0631187
+internal_weight=0 202 161 90
+internal_count=261 202 161 90
+shrinkage=0.02
+
+
+Tree=8695
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.142419 0.428238 0.640919 1.33626
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010381800872210161 0.0022421988304795444 -0.0020357821160550829 -0.002329854875712837 0.0019641982840639355
+leaf_weight=49 47 44 71 50
+leaf_count=49 47 44 71 50
+internal_value=0 -0.0119329 0.0113955 -0.0274368
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8696
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.142945 0.466521 1.15507 1.03835
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013800760965977355 0.0011100782800591775 0.0015230402853533501 -0.0037283653294561156 0.0022902327409040826
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0111897 -0.0369235 0.00955765
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8697
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.142945 0.404741 0.56663 0.181033
+threshold=42.500000000000007 52.000000000000007 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010399337401087862 -0.0017710712106165701 0.00245898064533405 -0.00096306077424213022 0.00043713582143659806
+leaf_weight=49 54 41 77 40
+leaf_count=49 54 41 77 40
+internal_value=0 -0.0119485 0.0140075 0.0735823
+internal_weight=0 212 158 81
+internal_count=261 212 158 81
+shrinkage=0.02
+
+
+Tree=8698
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.138726 0.455741 1.10932 1.00518
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013648608256760025 0.0010957025783738773 0.0015065312888287274 -0.0036608663771049562 0.0022475008470881803
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0110393 -0.0364882 0.00907296
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8699
+num_leaves=5
+num_cat=0
+split_feature=4 1 3 4
+split_gain=0.135303 0.794555 0.368368 0.608695
+threshold=52.500000000000007 9.5000000000000018 71.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0009035054690264316 -0.00030870776820233163 -0.0027787924508761684 -0.0008269131708636111 0.0029061431392270183
+leaf_weight=59 52 41 64 45
+leaf_count=59 52 41 64 45
+internal_value=0 -0.0131142 0.0187264 0.0587748
+internal_weight=0 202 161 97
+internal_count=261 202 161 97
+shrinkage=0.02
+
+
+Tree=8700
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.144498 0.422479 0.612901 1.31394
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010448545289787859 0.0021945974335235876 -0.0020256604203188907 -0.0023944334158449779 0.0018322189567308428
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0120065 0.0111699 -0.0268247
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8701
+num_leaves=5
+num_cat=0
+split_feature=2 6 9 1
+split_gain=0.142368 0.458378 0.39153 0.355058
+threshold=25.500000000000004 46.500000000000007 76.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0020342029567418968 0.001108167807152949 0.0018413781247506571 -0.0014788273572223318 -0.00029920706526945424
+leaf_weight=46 44 68 41 62
+leaf_count=46 44 68 41 62
+internal_value=0 -0.011167 0.0129875 0.0407361
+internal_weight=0 217 171 130
+internal_count=261 217 171 130
+shrinkage=0.02
+
+
+Tree=8702
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 4 9
+split_gain=0.139613 0.413176 0.604747 1.44539 0.0123879
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0010291882552584588 0.0016786170838005499 -0.0020032596030905049 0.0024046469987831433 -0.0031297701050808074 0.00080070273853916627
+leaf_weight=49 39 44 40 50 39
+leaf_count=49 39 44 40 50 39
+internal_value=0 -0.0118286 0.0111006 -0.0227378 0.0625509
+internal_weight=0 212 168 128 78
+internal_count=261 212 168 128 78
+shrinkage=0.02
+
+
+Tree=8703
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.145607 0.475194 1.06275 0.977491
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013779742528373573 0.0011191605699286862 0.001536822634000754 -0.0036146664554738989 0.0021854675782122975
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0112781 -0.0372388 0.00736516
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8704
+num_leaves=5
+num_cat=0
+split_feature=9 7 2 5
+split_gain=0.140155 0.425093 0.960996 1.16617
+threshold=42.500000000000007 55.500000000000007 18.500000000000004 70.65000000000002
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010310653081026732 -0.001786044659622356 -0.002712400585983093 0.0023411720954820631 0.0017726874641362802
+leaf_weight=49 55 59 59 39
+leaf_count=49 55 59 59 39
+internal_value=0 -0.0118421 0.0150667 -0.0459685
+internal_weight=0 212 157 98
+internal_count=261 212 157 98
+shrinkage=0.02
+
+
+Tree=8705
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 3
+split_gain=0.137846 0.574529 0.430102 1.0386
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0023938919363025728 -0.0017384668808922707 -0.00077556668304082908 0.0027394633622980975 -0.0013125308437342055
+leaf_weight=43 61 52 45 60
+leaf_count=43 61 52 45 60
+internal_value=0 0.0325661 -0.0185296 0.0208546
+internal_weight=0 95 166 105
+internal_count=261 95 166 105
+shrinkage=0.02
+
+
+Tree=8706
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 4
+split_gain=0.130594 0.462094 1.06203 0.867536
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0017158356931346909 0.0010672798052866334 0.0015238519597381797 -0.00359643447754655 0.0016381406309751198
+leaf_weight=56 44 49 40 72
+leaf_count=56 44 49 40 72
+internal_value=0 -0.0107523 -0.0363703 0.00821968
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8707
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.132453 0.775453 0.438775 0.454061 0.1508
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00089516208890087008 -0.00011955350216283803 -0.0027467321998335191 -0.0016540602542934805 0.0029029557302271865 0.00018919263890378936
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.0129942 0.0184683 0.0709984 -0.0355654
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=8708
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.130731 0.554759 0.357867 0.732563
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0023498745392709591 -0.0015838595604355974 -0.00076636320705122604 -0.00097501533178325232 0.0025265350715367165
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0318211 -0.0181098 0.018892
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8709
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.126101 0.571265 0.414832 0.63751
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014352660209655897 -0.00082838543537386094 0.00237591798561385 -0.0011025236587266663 0.0024476753030391154
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0135506 -0.0147503 0.034244
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8710
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 2
+split_gain=0.132934 0.534999 0.397875 1.41935
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0023246067177330448 -0.0016830399475805064 -0.0007373111969064287 -0.001471471915067182 0.0033222415115269745
+leaf_weight=43 61 52 64 41
+leaf_count=43 61 52 64 41
+internal_value=0 0.0320443 -0.0182501 0.0196856
+internal_weight=0 95 166 105
+internal_count=261 95 166 105
+shrinkage=0.02
+
+
+Tree=8711
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 4
+split_gain=0.126834 0.509414 0.381982 1.31607
+threshold=55.500000000000007 52.500000000000007 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0023808228416962907 -0.0017570303778521093 -0.00063379195866663574 0.0031989764409660858 -0.0013418831398482798
+leaf_weight=40 55 55 41 70
+leaf_count=40 55 55 41 70
+internal_value=0 0.0313962 -0.0178851 0.0164564
+internal_weight=0 95 166 111
+internal_count=261 95 166 111
+shrinkage=0.02
+
+
+Tree=8712
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.121932 0.461264 0.599621 1.30154
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00097036042499134103 0.0022105941323938205 -0.0020855134245433421 -0.002340775175682026 0.0018664187997009586
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0111618 0.0130205 -0.0245667
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8713
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 4
+split_gain=0.124946 0.339661 0.367555 0.341001 0.118754
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00077888255642688487 -0.0014211562457663236 0.0019704349623099133 -0.0017325449123155193 0.0017382029720472176 0.00017286994174914912
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0165737 -0.00823998 0.0283991 -0.0335458
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=8714
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.122314 0.482992 1.43242 1.1133
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0037975682221655389 0.0010372713079034863 0.0027294503237679404 0.00118913869543916 -0.0011062928885593628
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.0104651 -0.0661695 0.0310046
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=8715
+num_leaves=5
+num_cat=0
+split_feature=4 1 5 6
+split_gain=0.119592 0.727545 0.354838 0.60188
+threshold=52.500000000000007 9.5000000000000018 68.65000000000002 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0008563529233480843 -0.00028517344652610375 -0.0026597853283943673 -0.00071805893675601991 0.003037948684301114
+leaf_weight=59 49 41 71 41
+leaf_count=59 49 41 71 41
+internal_value=0 -0.0124449 0.0180489 0.0610498
+internal_weight=0 202 161 90
+internal_count=261 202 161 90
+shrinkage=0.02
+
+
+Tree=8716
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.129102 0.452571 0.575424 1.28782
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00099452369946045806 0.0021621752071461658 -0.0020741910272535076 -0.0022357514968703567 0.0019811894651781377
+leaf_weight=49 47 44 71 50
+leaf_count=49 47 44 71 50
+internal_value=0 -0.0114426 0.0125177 -0.0243234
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8717
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.124751 0.491666 0.402893 2.08534 0.86457
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0020839823719372014 0.0010461090726594901 0.0021186584370014826 -0.0002149911581678985 0.0028771006260714699 -0.0044425277943985833
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0105546 0.0144348 -0.0123376 -0.114399
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8718
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.119029 0.47141 0.386203 2.00228 0.829424
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0020423658311185906 0.0010252203429018474 0.0020763609436487709 -0.00021069860012826763 0.002819635973842995 -0.0043538357625997432
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0103441 0.0141416 -0.0120918 -0.112125
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8719
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.124539 0.508216 0.643127
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00078361626703141662 0.0010205892159949022 0.0022656924789007694 -0.0016365511822475363
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0141593 -0.0133691
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8720
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 6
+split_gain=0.125667 0.332493 0.561445 0.109996
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00010670196860963001 3.5819127550864128e-05 -0.00082813280194755055 0.0028740123480324627 -0.0015060367127487657
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0166105 0.0512612 -0.0336335
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8721
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.128808 0.724775 0.424076 0.42167 0.141457
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00088395366286573543 -9.9983209976984552e-05 -0.0026635634294675452 -0.00162806594138381 0.0028166279018931191 0.00016319696842835734
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.01286 0.0175762 0.0692636 -0.0355819
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=8722
+num_leaves=5
+num_cat=0
+split_feature=9 7 4 9
+split_gain=0.128774 0.409381 0.584806 0.134821
+threshold=42.500000000000007 55.500000000000007 69.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00099331092805320207 -0.0017503988226550621 0.0024294601064647346 -0.00095869245935935722 0.00063445620940844451
+leaf_weight=49 55 39 77 41
+leaf_count=49 55 39 77 41
+internal_value=0 -0.011436 0.01499 0.0760435
+internal_weight=0 212 157 80
+internal_count=261 212 157 80
+shrinkage=0.02
+
+
+Tree=8723
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 6
+split_gain=0.127672 0.755007 1.61245 0.605437
+threshold=52.500000000000007 6.5000000000000009 69.500000000000014 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00091050822998041436 -0.0030290943565033485 0.0034201189335937533 -0.0015587510517257315 0.00012026865417356674
+leaf_weight=56 52 53 52 48
+leaf_count=56 52 53 52 48
+internal_value=0 -0.0123865 0.0473692 -0.075519
+internal_weight=0 205 105 100
+internal_count=261 205 105 100
+shrinkage=0.02
+
+
+Tree=8724
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.128396 0.826788 0.820153 0.707222
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00078603728179633405 0.00097212172335163537 0.0027821356876698562 -0.0028791440661023087 -0.0022780910479300123
+leaf_weight=69 58 43 39 52
+leaf_count=69 58 43 39 52
+internal_value=0 0.0203978 -0.0265553 -0.0278773
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8725
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 4 4
+split_gain=0.125998 0.73627 0.412151 0.317255 0.139663
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 66.500000000000014 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00087568400905421685 0.00013657286462192612 -0.0026795174173842042 -0.0016013888467416944 0.0027247514263165403 0.00018018551148513265
+leaf_weight=59 43 41 39 39 40
+leaf_count=59 43 41 39 39 40
+internal_value=0 -0.0127322 0.01794 0.0689279 -0.0344924
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=8726
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.12981 0.478924 1.3652 1.11053
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0037404789263234162 0.0010642793667081103 0.0027181075914926192 0.0011290523294696638 -0.0011129901560240423
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.0107352 -0.066213 0.0305646
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=8727
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 6
+split_gain=0.129878 0.731868 1.5806 0.590177
+threshold=52.500000000000007 6.5000000000000009 69.500000000000014 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00091749348879838471 -0.0029931202647620527 0.0033762636172562557 -0.0015537921941816085 0.00011738355439493408
+leaf_weight=56 52 53 52 48
+leaf_count=56 52 53 52 48
+internal_value=0 -0.0124681 0.0463845 -0.0746523
+internal_weight=0 205 105 100
+internal_count=261 205 105 100
+shrinkage=0.02
+
+
+Tree=8728
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.131863 0.538058 0.391012 0.706826
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.002327022736722144 -0.0016378066203608195 -0.00074338177315259771 -0.00092083361046484721 0.0025199198979807221
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0319328 -0.0181852 0.0204212
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8729
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.133811 0.779772 0.796522 0.684238
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00080146095446192696 0.0009375745441943577 0.0027227474643565786 -0.0028119662589419065 -0.0022606199451072765
+leaf_weight=69 58 43 39 52
+leaf_count=69 58 43 39 52
+internal_value=0 0.0207725 -0.0248481 -0.0283754
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8730
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.133183 0.495125 0.610213
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00080659033024347323 0.001003495740553308 0.0022493641436744649 -0.0015868782587843946
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0145824 -0.0125987
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8731
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.133087 0.683171 0.538425 0.589289
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014588662790841584 -0.00079075696344397086 0.0025812042675804349 -0.0022062917409780046 0.0016902338398113404
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0148629 -0.0173199 0.022968
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=8732
+num_leaves=5
+num_cat=0
+split_feature=9 5 3 9
+split_gain=0.135598 0.395401 0.568596 0.437809
+threshold=42.500000000000007 52.000000000000007 64.500000000000014 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0010159739263132534 -0.0017489714822686267 0.0021570521850785506 -0.0019564468274054325 0.00062287809631233722
+leaf_weight=49 54 47 49 62
+leaf_count=49 54 47 49 62
+internal_value=0 -0.0116884 0.0139785 -0.0254528
+internal_weight=0 212 158 111
+internal_count=261 212 158 111
+shrinkage=0.02
+
+
+Tree=8733
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.131298 0.73886 0.42473 0.392526 0.131254
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00089148766360388641 -4.4682365099569192e-05 -0.0026881648874033217 -0.0015954334739074092 0.0027728120787483173 0.00013735251782435507
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.0129586 0.0177662 0.0694905 -0.0354305
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=8734
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.13186 0.475726 1.33495 1.10651
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0037119078191065707 0.0010714741423472488 0.0027101828738587286 0.001103975268152393 -0.0011141150732940212
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.0108115 -0.0661112 0.0303547
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=8735
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.140216 0.428907 0.601741 1.32113
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0010309778886655695 0.0021834668739348024 -0.0020356493378161627 -0.0023863233127432181 0.0018518047850696251
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0118586 0.0114875 -0.0261674
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8736
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.135345 0.462226 1.10981 0.991798
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013557755829037598 0.0010837686383753967 0.0015204832901628143 -0.0036627835135731226 0.0022329134639776705
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0109314 -0.0365525 0.00901851
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8737
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 4 9
+split_gain=0.140663 0.416673 0.60132 1.41738 0.00758202
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0010324929863220567 0.001635710582240085 -0.0020112225273338771 0.0023996620572822661 -0.0031012307714268386 0.00081650585668423248
+leaf_weight=49 39 44 40 50 39
+leaf_count=49 39 44 40 50 39
+internal_value=0 -0.0118712 0.0111513 -0.0225933 0.0618727
+internal_weight=0 212 168 128 78
+internal_count=261 212 168 128 78
+shrinkage=0.02
+
+
+Tree=8738
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.138656 0.466204 1.04931 0.954041
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013559860630801852 0.0010953817655365565 0.0015254648725515668 -0.0035873923659146146 0.0021652672412890324
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0110409 -0.0367667 0.00755812
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8739
+num_leaves=5
+num_cat=0
+split_feature=9 8 1 3
+split_gain=0.141077 0.416938 0.460669 1.31622
+threshold=42.500000000000007 50.500000000000007 7.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010339582089690781 -0.0019869589143035309 0.0029007919048363311 -0.001142086475964713 -0.0017276871568651015
+leaf_weight=49 45 63 63 41
+leaf_count=49 45 63 63 41
+internal_value=0 -0.0118798 0.0114818 0.0534241
+internal_weight=0 212 167 104
+internal_count=261 212 167 104
+shrinkage=0.02
+
+
+Tree=8740
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 4 9
+split_gain=0.134728 0.407298 0.584258 1.34705 0.00851431
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0010133082651183395 0.001607475630693006 -0.0019876198082087069 0.0023690722971254673 -0.0030268136581689843 0.00077851005053013709
+leaf_weight=49 39 44 40 50 39
+leaf_count=49 39 44 40 50 39
+internal_value=0 -0.0116466 0.0111253 -0.0221489 0.0602155
+internal_weight=0 212 168 128 78
+internal_count=261 212 168 128 78
+shrinkage=0.02
+
+
+Tree=8741
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.141879 0.486866 0.999447 0.926438
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013685155052304743 0.0011064826403449717 0.0015601100913067323 -0.0035329097284769696 0.0021026993881818365
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.011151 -0.0374146 0.00585548
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8742
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.135461 0.466841 0.95914 0.88901
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013411713498299763 0.0010843879207613682 0.0015289522233127406 -0.0034623750206059819 0.0020606988675477005
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0109247 -0.0366675 0.00573253
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8743
+num_leaves=5
+num_cat=0
+split_feature=9 5 2 4
+split_gain=0.142067 0.427179 0.832117 1.14103
+threshold=42.500000000000007 52.000000000000007 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.001037200483912384 -0.0018102980255308976 0.001325020322560169 0.002225368934360658 -0.0029761209851233146
+leaf_weight=49 54 50 58 50
+leaf_count=49 54 50 58 50
+internal_value=0 -0.0119126 0.0147266 -0.0409067
+internal_weight=0 212 158 100
+internal_count=261 212 158 100
+shrinkage=0.02
+
+
+Tree=8744
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 2
+split_gain=0.138534 0.551959 0.462909 1.31134
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0023619107152321288 -0.0017882343753867322 -0.00074652514048242653 -0.0013486329705774348 0.0032611633241829687
+leaf_weight=43 61 52 64 41
+leaf_count=43 61 52 64 41
+internal_value=0 0.032637 -0.01857 0.0222371
+internal_weight=0 95 166 105
+internal_count=261 95 166 105
+shrinkage=0.02
+
+
+Tree=8745
+num_leaves=6
+num_cat=0
+split_feature=7 1 2 4 5
+split_gain=0.123084 0.30364 1.14515 0.515734 0.319814
+threshold=76.500000000000014 7.5000000000000009 18.500000000000004 55.500000000000007 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 3 -3 -1 -5
+right_child=-2 2 -4 4 -6
+leaf_value=-0.0013821080118756796 0.0011174817502285046 -0.003076422730282261 0.0014846410806568986 0.0024948594706033682 0
+leaf_weight=43 39 52 39 47 41
+leaf_count=43 39 52 39 47 41
+internal_value=0 -0.00974999 -0.0556629 0.0218512 0.0667697
+internal_weight=0 222 91 131 88
+internal_count=261 222 91 131 88
+shrinkage=0.02
+
+
+Tree=8746
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 3
+split_gain=0.135923 0.531572 0.433952 1.02526
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0023257980226695412 -0.0017420733291231827 -0.00072654143702693106 0.0027304259402830744 -0.0012958763430643264
+leaf_weight=43 61 52 45 60
+leaf_count=43 61 52 45 60
+internal_value=0 0.0323662 -0.0184174 0.0211369
+internal_weight=0 95 166 105
+internal_count=261 95 166 105
+shrinkage=0.02
+
+
+Tree=8747
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 2
+split_gain=0.129706 0.516494 0.415967 1.24452
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0023987717152251726 -0.0017072717403553504 -0.00063595900204169989 -0.0013334530016105896 0.0031592153953553873
+leaf_weight=40 61 55 64 41
+leaf_count=40 61 55 64 41
+internal_value=0 0.0317116 -0.0180491 0.0207075
+internal_weight=0 95 166 105
+internal_count=261 95 166 105
+shrinkage=0.02
+
+
+Tree=8748
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.123814 0.464455 0.55099 1.32853
+threshold=42.500000000000007 24.500000000000004 70.000000000000014 53.150000000000013
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00097697222083412225 0.002124367130646058 -0.0020929421927075769 0.002053504595475352 -0.0022370792716842206
+leaf_weight=49 47 44 50 71
+leaf_count=49 47 44 50 71
+internal_value=0 -0.0112256 0.0130373 -0.0246444
+internal_weight=0 212 168 118
+internal_count=261 212 168 118
+shrinkage=0.02
+
+
+Tree=8749
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.119231 0.493606 0.378632 0.697634
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022315719362503142 -0.001602986938548538 -0.00071373069812337116 -0.00090851336429363693 0.0025103283241588274
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0305826 -0.0174058 0.0206117
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8750
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.119059 0.35795 0.49824 0.633196
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00030927524765255203 -0.0010230665519877519 0.0018645027829644791 0.0016587253377798438 -0.0025830658251930843
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0104584 -0.0103901 -0.04256
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=8751
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 4
+split_gain=0.115939 0.343006 0.357743 0.344037 0.116409
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00080683809647742603 -0.0013936023895746203 0.0019678738728503052 -0.0017251271247822253 0.0017211702068808707 0.00018710905182590682
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0160603 -0.00887114 0.0272945 -0.0324769
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=8752
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 6
+split_gain=0.11541 0.352164 0.434601 0.620359
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014789607381132583 -0.0010095245782171813 0.0015173306208945941 -0.0011624107201873783 0.0023470432194474334
+leaf_weight=72 44 62 39 44
+leaf_count=72 44 62 39 44
+internal_value=0 0.0103217 -0.0156606 0.0344401
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=8753
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.117764 0.47976 0.361297 0.69652
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0023115099397924199 -0.001573720713018596 -0.00061727243990912853 -0.00092270256504026638 0.0024936202103014093
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0304139 -0.017321 0.0198528
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8754
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.120385 0.34401 0.417564 0.668253
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014476332414558796 -0.001028084620302541 0.001506448132664911 -0.0011500156368395404 0.0024826206671729745
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0105005 -0.0151926 0.0339549
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=8755
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.120091 0.465983 0.349795 0.684673
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021889809491547462 -0.0015581300051385825 -0.00067562605512446665 -0.00092620253522762393 0.002461830297253035
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0306614 -0.017475 0.0191278
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8756
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 4
+split_gain=0.123441 0.316863 0.480476 0.104807
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00016812070820073063 -0.0013788636355123731 -0.00080456538978618871 0.0025397864925543927 0.00013137559448063213
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0164789 0.0503554 -0.0333798
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8757
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.127395 0.331233 0.481789 0.63436
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00079545018946994782 -0.001053701988593613 0.0018106307200571833 0.0016498291822471991 -0.0020699037966322637
+leaf_weight=56 44 44 44 73
+leaf_count=56 44 44 44 73
+internal_value=0 0.0107466 -0.00934275 -0.0410037
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=8758
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 6
+split_gain=0.121586 0.326518 0.401626 0.608721
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014133880604267849 -0.0010326615050316721 0.001475635622220664 -0.0011599581805159132 0.0023174763063278656
+leaf_weight=72 44 62 39 44
+leaf_count=72 44 62 39 44
+internal_value=0 0.0105361 -0.0145261 0.0337135
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=8759
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.125591 0.310707 0.352145 0.331366 0.112254
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00075420337333117007 4.2126963421660337e-05 0.0019034577512468246 -0.001680198171184017 0.001728769937260272 -0.0015133366315240482
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0165963 -0.00718458 0.0287149 -0.0336346
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=8760
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 2
+split_gain=0.123309 0.46402 0.359639 1.19384
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022961309708381551 -0.0016100659941580674 -0.00058580230498716536 -0.0013429646172351578 0.003058965146715751
+leaf_weight=40 61 55 64 41
+leaf_count=40 61 55 64 41
+internal_value=0 0.0310013 -0.0176849 0.0184581
+internal_weight=0 95 166 105
+internal_count=261 95 166 105
+shrinkage=0.02
+
+
+Tree=8761
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.11892 0.503891 0.558259 1.29355
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00095970082907368651 0.0021675023580271144 -0.0021641723095816175 -0.0022863445329420087 0.0019084068381429191
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0110584 0.0141822 -0.0221163
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8762
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.122384 0.31585 0.324986 0.326538 0.109298
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0007795794841255403 4.1325774528158963e-05 0.0019119777178311539 -0.0016305747307838738 0.0016866306802369873 -0.0014964694077010043
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0164112 -0.0075568 0.0269936 -0.0332634
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=8763
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 5
+split_gain=0.115195 0.540883 0.38855 0.57232
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013962841025665165 -0.000797339339900616 0.0023104267074173751 -0.00095700313922061919 0.0024140823524819964
+leaf_weight=72 64 42 43 40
+leaf_count=72 64 42 43 40
+internal_value=0 0.0130115 -0.014547 0.0329326
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8764
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 5 4
+split_gain=0.120734 0.298045 0.348627 0.310376 0.11244
+threshold=67.500000000000014 58.500000000000007 58.500000000000007 47.850000000000001 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00074010243849655728 -0.0013944302498323945 0.0018200703412605765 -0.0017326832319411855 0.0016674382154096624 0.00016240289681624797
+leaf_weight=42 46 43 41 49 40
+leaf_count=42 46 43 41 49 40
+internal_value=0 0.0163118 -0.00775203 0.0273883 -0.0330742
+internal_weight=0 175 132 91 86
+internal_count=261 175 132 91 86
+shrinkage=0.02
+
+
+Tree=8765
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 5
+split_gain=0.118976 0.494244 1.09868 0.575547 0.473059
+threshold=42.500000000000007 12.500000000000002 53.95000000000001 67.500000000000014 66.600000000000009
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00095984311891666172 0.0026772488103588431 -0.0037903646804580138 0.0019175630923058328 -0.00069746896417755726 -0.0010774752286372366
+leaf_weight=49 42 40 39 41 50
+leaf_count=49 42 40 39 41 50
+internal_value=0 -0.0110631 -0.0507128 0.0500703 0.0113226
+internal_weight=0 212 129 83 89
+internal_count=261 212 129 83 89
+shrinkage=0.02
+
+
+Tree=8766
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 9 9
+split_gain=0.118886 1.58753 0.978781 0.619841 1.05533
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.00095951811751547773 -0.003831700222701065 0.0031743420146377595 -0.0021417604358631359 0.0030596023754450069 -0.0015686530970935172
+leaf_weight=49 40 45 47 41 39
+leaf_count=49 40 45 47 41 39
+internal_value=0 -0.0110602 0.0307507 -0.0143394 0.0396969
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8767
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 4
+split_gain=0.11981 0.451192 0.355499 1.24122
+threshold=55.500000000000007 52.500000000000007 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022660685902764024 -0.0017019885839038348 -0.00057731149643416065 0.0031026098478267108 -0.0013091991045164691
+leaf_weight=40 55 55 41 70
+leaf_count=40 55 55 41 70
+internal_value=0 0.0306137 -0.0174745 0.0157057
+internal_weight=0 95 166 111
+internal_count=261 95 166 111
+shrinkage=0.02
+
+
+Tree=8768
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 4
+split_gain=0.117575 0.305735 0.511836 0.118943
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-9.3283379097175412e-05 -0.001405058169095822 -0.00079269632291771846 0.0027568936981269632 0.00019044404661146697
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0161227 0.049438 -0.0327059
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8769
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.116192 0.441244 0.348973 0.707474
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021393606826465811 -0.0015523802632100045 -0.00065111510230960552 -0.00094373574189514516 0.0024987584798747179
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0302086 -0.0172532 0.0193091
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8770
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.116349 0.31456 0.463922 0.625439
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00079684322878960216 -0.0010138056003400899 0.0017638010196413126 0.0016178907562551894 -0.0020489179072676013
+leaf_weight=56 44 44 44 73
+leaf_count=56 44 44 44 73
+internal_value=0 0.0103183 -0.00928381 -0.0403794
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=8771
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 5 4
+split_gain=0.121131 0.277533 0.335189 0.319639 0.111882
+threshold=67.500000000000014 58.500000000000007 58.500000000000007 47.850000000000001 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00075498426572597019 -0.0013939751126721182 0.0017713109826803595 -0.001687603456850089 0.0016862478673713183 0.00015948286236805128
+leaf_weight=42 46 43 41 49 40
+leaf_count=42 46 43 41 49 40
+internal_value=0 0.0163256 -0.0069387 0.0275513 -0.03313
+internal_weight=0 175 132 91 86
+internal_count=261 175 132 91 86
+shrinkage=0.02
+
+
+Tree=8772
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.116233 0.506837 0.376904 0.679287
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013626689437491993 -0.00080066081035875842 0.0022479580272283979 -0.0011810532317476201 0.0024808586659611671
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0130481 -0.0136531 0.0331431
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8773
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.120783 0.431191 0.339122 0.697965
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.002232473098654565 -0.0015419742533535744 -0.00054956961607833469 -0.00095079763478667274 0.0024692200292724606
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0307092 -0.0175461 0.0185189
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8774
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 4
+split_gain=0.123187 0.293465 0.468146 0.105286
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00017817126954640858 -0.0013801934937994005 -0.00076499305362065354 0.0024961557104603922 0.000133003802007352
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0164371 0.0491192 -0.0333775
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8775
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.123542 0.296204 0.457456 0.610465
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00079840908516999002 -0.0010403624772078765 0.0017256317577963652 0.0016221286708437074 -0.0020141558439065645
+leaf_weight=56 44 44 44 73
+leaf_count=56 44 44 44 73
+internal_value=0 0.0105791 -0.00847066 -0.0393614
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=8776
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 3 1
+split_gain=0.117885 0.283656 0.361011 0.396516 0.331161
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 57.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00046389686471922314 -0.0010195882094671917 0.0016911739400381509 0.00040006307723140783 -0.0023163023771422446 0.0021243029287153418
+leaf_weight=42 44 44 41 49 41
+leaf_count=42 44 44 41 49 41
+internal_value=0 0.0103719 -0.00829184 -0.0535308 0.0402847
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=8777
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.112668 0.489599 0.364306 0.584411
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013399820126705796 -0.00079024281828958326 0.002211643266924379 -0.0011450831144704885 0.0022643973997371228
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0128698 -0.0133872 0.0326553
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8778
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 3
+split_gain=0.124543 0.289223 0.454561 0.11257
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00016465457435082138 -0.0015321574702054177 -0.00075601862719737944 0.0024719345363158059 2.8205515537035037e-05
+leaf_weight=62 39 65 48 47
+leaf_count=62 39 65 48 47
+internal_value=0 0.016511 0.0489715 -0.0335388
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8779
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.12539 0.417712 0.339624 0.69066
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021193150849720985 -0.0015486702190179614 -0.00059843552108000534 -0.00094943840766040016 0.0024531502407002339
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0311972 -0.0178413 0.0182481
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8780
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 4
+split_gain=0.123729 0.287896 0.69242 0.381824
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00082894361783995201 -0.0010411692261425363 -0.0013904000196671713 0.0023421908294636615 -0.0015000610385264804
+leaf_weight=59 44 39 60 59
+leaf_count=59 44 39 60 59
+internal_value=0 0.0105794 0.0283744 -0.0164491
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=8781
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 4
+split_gain=0.118029 0.275739 0.684198 1.15524
+threshold=70.500000000000014 72.500000000000014 9.5000000000000018 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010674089111169897 -0.0010203792119285863 -0.0013626419386504891 -0.0010361193850542353 0.0031742081995733309
+leaf_weight=42 44 39 68 68
+leaf_count=42 44 39 68 68
+internal_value=0 0.0103643 0.0278076 0.0773882
+internal_weight=0 217 178 110
+internal_count=261 217 178 110
+shrinkage=0.02
+
+
+Tree=8782
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.115882 0.415663 0.348471 0.672033
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.00219315478018998 -0.0015517655885387794 -0.00054046744862593348 -0.00091139258310347622 0.0024460223648861694
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0301442 -0.0172636 0.0192736
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8783
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.122758 0.273627 0.345703 0.676283
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012965756351629874 -0.0010379605872008382 0.0013749792854509744 -0.001192261161727571 0.0024618964885089866
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.0105281 -0.0125229 0.0323858
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=8784
+num_leaves=5
+num_cat=0
+split_feature=3 3 4 9
+split_gain=0.119798 0.459263 0.259487 0.667547
+threshold=71.500000000000014 65.500000000000014 52.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00083018180292553166 -0.00081176720607275155 0.0021587919792909081 -0.0028351293458546427 0.00056544102768327426
+leaf_weight=59 64 42 42 54
+leaf_count=59 64 42 42 54
+internal_value=0 0.0131828 -0.0122724 -0.0457481
+internal_weight=0 197 155 96
+internal_count=261 197 155 96
+shrinkage=0.02
+
+
+Tree=8785
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 5
+split_gain=0.125125 0.391628 0.339588 0.64231
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021686154274474009 -0.0015486463451462992 -0.00048786368704716699 -0.00092984684081743631 0.002340508159608309
+leaf_weight=40 63 55 62 41
+leaf_count=40 63 55 62 41
+internal_value=0 0.0311506 -0.0178431 0.0182444
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8786
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 5 4
+split_gain=0.125808 0.328737 0.68546 0.34966 0.335793
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 52.000000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0010766321491782961 -0.0010080164813402734 0.0019051703044250777 -0.0023858205659610366 0.0019606935883079222 -0.0015367441971341138
+leaf_weight=41 47 40 43 48 42
+leaf_count=41 47 40 43 48 42
+internal_value=0 0.0110711 -0.00808304 0.0281594 -0.0118175
+internal_weight=0 214 174 131 83
+internal_count=261 214 174 131 83
+shrinkage=0.02
+
+
+Tree=8787
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 4
+split_gain=0.120651 0.270966 0.6614 1.12362
+threshold=70.500000000000014 72.500000000000014 9.5000000000000018 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010490756303192404 -0.0010303096304492721 -0.0013481612423053935 -0.0010111198364042126 0.0031349117830406646
+leaf_weight=42 44 39 68 68
+leaf_count=42 44 39 68 68
+internal_value=0 0.0104481 0.0277509 0.0765235
+internal_weight=0 217 178 110
+internal_count=261 217 178 110
+shrinkage=0.02
+
+
+Tree=8788
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.117937 0.446714 0.33394 0.646579
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012698582340969001 -0.00080651716381632376 0.0021318986295718661 -0.0011570540753367581 0.0024180676219779009
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0130863 -0.0120303 0.0321463
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8789
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.122743 0.392783 0.337597 0.664052
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0020697901935070331 -0.0015427016814045737 -0.00056906155270327751 -0.00092382953593937711 0.0024143160705201072
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0308798 -0.0177101 0.0182768
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8790
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 3 1
+split_gain=0.123711 0.257849 0.371561 0.391786 0.338102
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 57.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00044291973468212889 -0.0010417344660371617 0.0016301726334647362 0.00039903205620101808 -0.0023017986240262095 0.0021705071437248557
+leaf_weight=42 44 44 41 49 41
+leaf_count=42 44 44 41 49 41
+internal_value=0 0.0105472 -0.00729529 -0.0531592 0.041958
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=8791
+num_leaves=6
+num_cat=0
+split_feature=7 4 2 9 1
+split_gain=0.118959 0.313566 0.260693 0.762875 0.515822
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 58.500000000000007 8.5000000000000018
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0011356784504070485 -0.00098432457526828783 0.0018626494207360186 0.0022117083595404393 -0.0027382179997038213 -0.0010536766990144845
+leaf_weight=48 47 40 39 46 41
+leaf_count=48 47 40 39 46 41
+internal_value=0 0.0107945 -0.00793379 -0.0329233 0.0264375
+internal_weight=0 214 174 126 80
+internal_count=261 214 174 126 80
+shrinkage=0.02
+
+
+Tree=8792
+num_leaves=5
+num_cat=0
+split_feature=6 9 5 3
+split_gain=0.113797 0.258586 0.639201 0.202842
+threshold=70.500000000000014 72.500000000000014 58.900000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00079157540653401227 -0.0010051535117618076 -0.0013199716206856447 0.0026336550553225351 -0.00086320990261763047
+leaf_weight=56 44 39 45 77
+leaf_count=56 44 39 45 77
+internal_value=0 0.0101773 0.0271115 -0.00801982
+internal_weight=0 217 178 133
+internal_count=261 217 178 133
+shrinkage=0.02
+
+
+Tree=8793
+num_leaves=5
+num_cat=0
+split_feature=4 4 6 5
+split_gain=0.11511 0.339804 0.406773 0.298723
+threshold=73.500000000000014 65.500000000000014 51.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00052110504158096903 -0.00087049403944254892 0.0016051484027849877 -0.0017800553513544629 0.0017541550858263691
+leaf_weight=55 56 56 50 44
+leaf_count=55 56 56 50 44
+internal_value=0 0.0118695 -0.0135906 0.0241286
+internal_weight=0 205 149 99
+internal_count=261 205 149 99
+shrinkage=0.02
+
+
+Tree=8794
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.110663 0.439528 0.328932 0.645003
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012658129280774988 -0.00078514445238763136 0.0021103259852713464 -0.0011645552625556279 0.0024064196123769681
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0127275 -0.0121936 0.0316659
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8795
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 1 8
+split_gain=0.112853 0.552957 0.576288 2.04748 1.053
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 8.5000000000000018 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=0.00093721959263918381 0.0022812867692285506 -0.0022495335590712253 -0.00073456765834629761 -0.0042110681386213038 0.0037832575456349174
+leaf_weight=49 45 44 45 39 39
+leaf_count=49 45 44 45 39 39
+internal_value=0 -0.0108787 0.0155281 -0.0202411 0.0677441
+internal_weight=0 212 168 123 84
+internal_count=261 212 168 123 84
+shrinkage=0.02
+
+
+Tree=8796
+num_leaves=6
+num_cat=0
+split_feature=7 4 2 9 1
+split_gain=0.115913 0.300042 0.250441 0.731176 0.486671
+threshold=75.500000000000014 69.500000000000014 10.500000000000002 58.500000000000007 8.5000000000000018
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.0011169833363974841 -0.00097360594240449559 0.0018264239764299837 0.0021553704749372325 -0.0026813567971391435 -0.001019710848148298
+leaf_weight=48 47 40 39 46 41
+leaf_count=48 47 40 39 46 41
+internal_value=0 0.0106691 -0.00767103 -0.0322041 0.0259341
+internal_weight=0 214 174 126 80
+internal_count=261 214 174 126 80
+shrinkage=0.02
+
+
+Tree=8797
+num_leaves=5
+num_cat=0
+split_feature=4 4 6 4
+split_gain=0.113776 0.326193 0.37175 0.28871
+threshold=73.500000000000014 65.500000000000014 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00091277565909127667 -0.00086625620049069179 0.0015777958703642758 -0.0017083937535629745 0.001364411714272668
+leaf_weight=39 56 56 50 60
+leaf_count=39 56 56 50 60
+internal_value=0 0.0118071 -0.013162 0.0229626
+internal_weight=0 205 149 99
+internal_count=261 205 149 99
+shrinkage=0.02
+
+
+Tree=8798
+num_leaves=5
+num_cat=0
+split_feature=5 3 3 1
+split_gain=0.112762 0.477019 0.211266 1.47226
+threshold=68.65000000000002 65.500000000000014 52.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00077122577009129613 -0.00073807851708738786 0.0022877311881985356 -0.0034349432511613766 0.001571627358828345
+leaf_weight=56 71 39 46 49
+leaf_count=56 71 39 46 49
+internal_value=0 0.0137571 -0.0120095 -0.0422468
+internal_weight=0 190 151 95
+internal_count=261 190 151 95
+shrinkage=0.02
+
+
+Tree=8799
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.111524 0.429845 0.327298 0.637529
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012572847342497767 -0.000787720167638732 0.0020915028761734952 -0.0011501848178099101 0.0024005483423470602
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0127696 -0.0118848 0.0318725
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8800
+num_leaves=5
+num_cat=0
+split_feature=4 4 9 9
+split_gain=0.109769 0.305475 0.37235 0.615553
+threshold=73.500000000000014 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001531389399466742 -0.00085321437473792074 0.0015334695267479582 -0.0017891468903701165 0.0016853693342395984
+leaf_weight=40 56 56 46 63
+leaf_count=40 56 56 46 63
+internal_value=0 0.0116275 -0.0125755 0.0214095
+internal_weight=0 205 149 103
+internal_count=261 205 149 103
+shrinkage=0.02
+
+
+Tree=8801
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.114858 0.530237 0.603415 1.3271
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0009442174870734159 0.0022541053078092028 -0.0022105198507544836 -0.0023231040046168476 0.0019248702998875178
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0109628 0.0149104 -0.0227888
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8802
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.110603 0.570581 0.433161 0.59551
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015196667095060091 -0.00073200221636702254 0.0023662522466357827 -0.0019922562192489866 0.0016460182458110329
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0136472 -0.0158269 0.0204334
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=8803
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.114481 0.510796 0.574558 1.28568
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00094292334688397318 0.0021994073396785665 -0.0021747061355275742 -0.0022854506364824211 0.0018966705886819435
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0109463 0.0144618 -0.0223484
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8804
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.114101 0.506783 0.728897
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00075630716866240133 0.0010905716349847497 0.0022511612544412253 -0.0017333632515901677
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0135627 -0.013929
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8805
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 2
+split_gain=0.110927 0.55963 0.40469 0.285026
+threshold=68.65000000000002 65.500000000000014 51.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00052509402758896143 -0.0007328694531505616 0.0023471335999070819 -0.0018352301423640025 0.0017066069768314879
+leaf_weight=56 71 42 49 43
+leaf_count=56 71 42 49 43
+internal_value=0 0.0136662 -0.0155309 0.0218338
+internal_weight=0 190 148 99
+internal_count=261 190 148 99
+shrinkage=0.02
+
+
+Tree=8806
+num_leaves=5
+num_cat=0
+split_feature=7 6 7 4
+split_gain=0.112371 0.405953 0.350661 0.377531
+threshold=76.500000000000014 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00075454015234954796 0.0010729645511852006 -0.0017547509011034915 0.0016117776868711823 -0.0016261017378696909
+leaf_weight=59 39 53 57 53
+leaf_count=59 39 53 57 53
+internal_value=0 -0.00947157 0.014863 -0.0182594
+internal_weight=0 222 169 112
+internal_count=261 222 169 112
+shrinkage=0.02
+
+
+Tree=8807
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.110097 0.486972 0.557367 1.23721
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00092753466536805854 0.0021637312910575534 -0.0021266433411994867 -0.0022482130213076802 0.0018554511016004164
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0107609 0.0140655 -0.022205
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8808
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.111433 0.487386 0.693721
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00074863553655566968 0.0010655920385185254 0.0022117860534850227 -0.0016911826429875096
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0134327 -0.0135435
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8809
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 4
+split_gain=0.109708 0.547643 0.38285 0.290636
+threshold=68.65000000000002 65.500000000000014 51.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00095465911603321771 -0.00072933745913420346 0.0023244241992552263 -0.0017906090220888547 0.0013301913675143435
+leaf_weight=39 71 42 49 60
+leaf_count=39 71 42 49 60
+internal_value=0 0.013608 -0.015283 0.0210993
+internal_weight=0 190 148 99
+internal_count=261 190 148 99
+shrinkage=0.02
+
+
+Tree=8810
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.109881 0.274224 0.270372 0.340753 0.124815
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00084944193489851346 0.00011281820312093856 0.001794688871213343 -0.0014937164892217854 0.0016677163010802851 -0.0015170480805143086
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0156144 -0.00680076 0.0248703 -0.0318291
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=8811
+num_leaves=5
+num_cat=0
+split_feature=7 6 7 4
+split_gain=0.112126 0.391129 0.349366 0.367862
+threshold=76.500000000000014 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00073348048779894621 0.0010720856439313652 -0.0017269966439246592 0.0016012099152749113 -0.001617839014505473
+leaf_weight=59 39 53 57 53
+leaf_count=59 39 53 57 53
+internal_value=0 -0.00945708 0.0144464 -0.0186187
+internal_weight=0 222 169 112
+internal_count=261 222 169 112
+shrinkage=0.02
+
+
+Tree=8812
+num_leaves=5
+num_cat=0
+split_feature=2 6 2 3
+split_gain=0.11048 0.563524 0.422009 0.451548
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0022019180504753554 0.00099181202065519989 0.0022027301324551935 0.00081958406074467594 -0.0015901787063380727
+leaf_weight=46 44 39 75 57
+leaf_count=46 44 39 75 57
+internal_value=0 -0.0100905 0.0166117 -0.0107615
+internal_weight=0 217 171 132
+internal_count=261 217 171 132
+shrinkage=0.02
+
+
+Tree=8813
+num_leaves=5
+num_cat=0
+split_feature=7 6 7 4
+split_gain=0.109202 0.376523 0.329247 0.366082
+threshold=76.500000000000014 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0007429968102926406 0.0010602937490396375 -0.0016972220348327966 0.0015586266917309872 -0.0016030407350616355
+leaf_weight=59 39 53 57 53
+leaf_count=59 39 53 57 53
+internal_value=0 -0.00934509 0.0141262 -0.0180176
+internal_weight=0 222 169 112
+internal_count=261 222 169 112
+shrinkage=0.02
+
+
+Tree=8814
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.108939 0.423568 0.549084 0.548576
+threshold=42.500000000000007 50.850000000000001 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0009236465236284058 -0.0019056517630970501 0.0028462743354619904 -0.00096890754057102921 -0.00038718397435185119
+leaf_weight=49 48 48 77 39
+leaf_count=49 48 48 77 39
+internal_value=0 -0.0107005 0.0138415 0.069423
+internal_weight=0 212 164 87
+internal_count=261 212 164 87
+shrinkage=0.02
+
+
+Tree=8815
+num_leaves=5
+num_cat=0
+split_feature=2 2 7 3
+split_gain=0.110738 0.447024 0.425694 1.08281
+threshold=8.5000000000000018 13.500000000000002 52.500000000000007 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=-0.00074653196377123907 0.0020011905185199227 -0.0020866102969405477 0.0022394711808440236 -0.0018768784708345623
+leaf_weight=69 47 40 58 47
+leaf_count=69 47 40 58 47
+internal_value=0 0.0134032 -0.0144444 0.0194639
+internal_weight=0 192 145 105
+internal_count=261 192 145 105
+shrinkage=0.02
+
+
+Tree=8816
+num_leaves=5
+num_cat=0
+split_feature=2 9 6 3
+split_gain=0.110626 0.541185 1.2771 1.15168
+threshold=25.500000000000004 56.500000000000007 47.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0041571369717607488 0.00099239142459889296 0.0028189991688811252 0.00061611017354545124 -0.0010809581869190025
+leaf_weight=39 44 56 54 68
+leaf_count=39 44 56 54 68
+internal_value=0 -0.0100949 -0.06893 0.0337231
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=8817
+num_leaves=5
+num_cat=0
+split_feature=7 6 9 9
+split_gain=0.11233 0.352165 0.304018 0.393575
+threshold=76.500000000000014 63.500000000000007 57.500000000000007 42.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00093271586926327906 0.0010730743876558025 -0.0016523266949401145 0.0014034823361215416 -0.0015664355762907329
+leaf_weight=49 39 53 63 57
+leaf_count=49 39 53 63 57
+internal_value=0 -0.00945636 0.0132754 -0.0201886
+internal_weight=0 222 169 106
+internal_count=261 222 169 106
+shrinkage=0.02
+
+
+Tree=8818
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 3
+split_gain=0.109815 0.700562 0.641197 0.457824
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0017872982676009302 0.00093859792747640405 -0.0026688187726324466 0.00066945943607168805 -0.0020720980945257541
+leaf_weight=73 48 39 50 51
+leaf_count=73 48 39 50 51
+internal_value=0 -0.010601 0.0167449 -0.0353726
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=8819
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.110962 0.508108 0.645435
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00074703772519006564 0.0010080629500844561 0.0022508409556283898 -0.0016535900304389911
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0134213 -0.0141056
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8820
+num_leaves=5
+num_cat=0
+split_feature=9 5 4 9
+split_gain=0.104782 0.391071 0.512524 0.524247
+threshold=42.500000000000007 50.850000000000001 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00090871802288814937 -0.001838988751042824 0.002763821587868582 -0.00094298091411698854 -0.00039957448439674969
+leaf_weight=49 48 48 77 39
+leaf_count=49 48 48 77 39
+internal_value=0 -0.0105225 0.013095 0.0668689
+internal_weight=0 212 164 87
+internal_count=261 212 164 87
+shrinkage=0.02
+
+
+Tree=8821
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.115639 0.526066 1.45595 1.09745
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0038603294232556697 0.0010114059013819408 0.0027532245975903954 0.0011664969539089888 -0.0010553058953875049
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.0102793 -0.068317 0.0329405
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=8822
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 2
+split_gain=0.110937 0.378759 0.481739 0.283708
+threshold=50.500000000000007 64.500000000000014 77.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0010218090414009157 -0.00013801794284248349 0.0019387529124763225 -0.00092132502492488016 -0.0022100812478821367
+leaf_weight=42 71 58 42 48
+leaf_count=42 71 58 42 48
+internal_value=0 -0.00981976 0.0364861 -0.0490667
+internal_weight=0 219 100 119
+internal_count=261 219 100 119
+shrinkage=0.02
+
+
+Tree=8823
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.112681 0.501844 0.421484 2.12713 0.85065
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0020948072876566942 0.0010003187341540748 0.0021711110507309939 -0.00025005943781127303 0.0029090449757142832 -0.0044447949429531073
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0101664 0.0150731 -0.0122867 -0.115354
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8824
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 3
+split_gain=0.116496 1.5258 1.04153 0.65464 1.33839
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.0009503692843434474 -0.0037606801690976757 0.003238404020915043 -0.0018065124801025115 -0.0024817442655979856 0.0031833066201926888
+leaf_weight=49 40 45 44 40 43
+leaf_count=49 40 45 44 40 43
+internal_value=0 -0.0110075 0.0299888 -0.0165072 0.0325554
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=8825
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 9 9
+split_gain=0.111099 1.46464 0.999606 0.64211 1.02263
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.00093138931821314314 -0.003685598048540253 0.003173736504117692 -0.0022102571376632018 0.0030069418024024097 -0.0015503536511450005
+leaf_weight=49 40 45 47 41 39
+leaf_count=49 40 45 47 41 39
+internal_value=0 -0.0107879 0.0293852 -0.0161777 0.0387928
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8826
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.11438 0.489788 0.406453 1.98981 0.838732
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0020741225028985074 0.0010067090499636428 0.0021318504689506841 -0.00019527693732843685 0.0028085312447599193 -0.0043607424298362845
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0102311 0.0147125 -0.0121731 -0.111898
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8827
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.119309 0.505621 0.607177
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00077051180466498252 0.00097995525703319423 0.0022544914709294755 -0.0016039968685663661
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0138407 -0.0136199
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8828
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.119452 0.672497 0.400791 0.376577 0.112298
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00085462755013262939 -6.3079037674055861e-05 -0.0025705114938726903 -0.0015270665496976777 0.0026992791513344556 9.159000728503409e-05
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.0125037 0.016837 0.0671568 -0.034901
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=8829
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.114094 0.480416 1.37678 1.08347
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0037419892857984954 0.0010056463709650111 0.0027042976633014581 0.0011479805650552184 -0.0010805056673087825
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.0102197 -0.0657827 0.0311437
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=8830
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.123399 0.656637 0.382745 0.359818 0.110685
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00086670734912828074 -6.464051257977915e-05 -0.0025472141505884145 -0.0015098066246964177 0.0026383545689970178 9.9032175996103036e-05
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.0126759 0.0163238 0.0655571 -0.034286
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=8831
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 2
+split_gain=0.122174 0.45411 0.376895 0.606815
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021730145988482072 -0.0016053109597494472 -0.00065616766213712533 -0.00082822727220493541 0.0023665066031422553
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0308326 -0.0176604 0.0202724
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8832
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.116502 0.435413 0.361168 0.648722
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.002129625199094072 -0.0015732403956938419 -0.00064306195108826316 -0.00087741726341084253 0.0024227272758377979
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0302086 -0.0173072 0.0198603
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8833
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.114553 0.468762 0.982993 0.760741
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0012225777785407712 -0.00079642568207464375 -0.0025674741884291678 0.0026800006269754335 0.0012310121841738223
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0129315 0.0573686 -0.0427948
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=8834
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 4 4
+split_gain=0.115644 0.604513 0.380922 0.288933 0.107473
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 66.500000000000014 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00084277888310627634 0.00010353446117487035 -0.0024503746823234689 -0.0015132812268904233 0.0025810743947764885 7.4909849374526927e-05
+leaf_weight=59 43 41 39 39 40
+leaf_count=59 43 41 39 39 40
+internal_value=0 -0.0123367 0.0155149 0.064641 -0.0349831
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=8835
+num_leaves=5
+num_cat=0
+split_feature=3 1 3 2
+split_gain=0.114357 0.439813 0.726377 0.726321
+threshold=71.500000000000014 8.5000000000000018 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00045596514553202411 -0.00079577827581065082 -0.0024959340793242789 0.0028295693999928159 0.0012178232529781528
+leaf_weight=57 64 48 53 39
+leaf_count=57 64 48 53 39
+internal_value=0 0.0129254 0.0560295 -0.0411159
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=8836
+num_leaves=5
+num_cat=0
+split_feature=4 2 1 9
+split_gain=0.113971 0.372491 0.502806 0.911757
+threshold=50.500000000000007 25.500000000000004 7.5000000000000009 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.001033506994862893 -0.0022775656148426408 -0.0019898151577872648 0.0015333790753618045 0.0014713985147369072
+leaf_weight=42 62 40 71 46
+leaf_count=42 62 40 71 46
+internal_value=0 -0.00993651 0.00988331 -0.0336732
+internal_weight=0 219 179 108
+internal_count=261 219 179 108
+shrinkage=0.02
+
+
+Tree=8837
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 5
+split_gain=0.11618 0.417588 0.341547 0.605061
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021972601839750521 -0.0015408143915728607 -0.00054242149673555185 -0.00087939942113074475 0.0022973227839792674
+leaf_weight=40 63 55 62 41
+leaf_count=40 63 55 62 41
+internal_value=0 0.0301741 -0.0172856 0.018903
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8838
+num_leaves=6
+num_cat=0
+split_feature=7 2 9 7 6
+split_gain=0.121938 0.301309 0.656788 0.782291 0.619973
+threshold=75.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0015960322232265666 -0.00099457324697177626 0.0017419344464045198 0.0019560305113177842 -0.0032601051275844522 0.0018509259417615889
+leaf_weight=42 47 44 44 40 44
+leaf_count=42 47 44 44 40 44
+internal_value=0 0.0109222 -0.00858615 -0.0460884 0.0079152
+internal_weight=0 214 170 126 86
+internal_count=261 214 170 126 86
+shrinkage=0.02
+
+
+Tree=8839
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 6
+split_gain=0.122362 0.270734 0.464581 0.124215
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00019956038877684865 8.1333149235031724e-05 -0.00072578057007835787 0.0024651678258660482 -0.0015444518217042047
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0163613 0.0478395 -0.0333096
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8840
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 6
+split_gain=0.116631 0.259212 0.452527 0.118566
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-8.1716688199069199e-05 7.9708866061837226e-05 -0.00071128056660141109 0.0026041657585138865 -0.0015136164643236728
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0160255 0.0468769 -0.0326353
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8841
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.116511 0.406255 0.335478 0.643077
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021770483318605655 -0.0015313165776038183 -0.00052672264900478587 -0.00089794909959268858 0.00238845220461789
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0302029 -0.0173145 0.0185658
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8842
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.120603 0.292868 0.470756 0.65427
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00038286006344699582 -0.001030311703154471 0.0017148151512938021 0.001646201648908541 -0.0025564453770237161
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0104374 -0.00851071 -0.0398261
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=8843
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 4 6
+split_gain=0.120051 0.243302 0.258848 0.478846 0.115415
+threshold=67.500000000000014 66.500000000000014 41.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=-0.0014920928247230203 6.2847220512126818e-05 0.0017725486329503764 0.0017424267880038168 -0.0011642546751333474 -0.0015117310248975418
+leaf_weight=40 46 39 55 41 40
+leaf_count=40 46 39 55 41 40
+internal_value=0 0.0162235 -0.00428039 0.024638 -0.0330427
+internal_weight=0 175 136 96 86
+internal_count=261 175 136 96 86
+shrinkage=0.02
+
+
+Tree=8844
+num_leaves=5
+num_cat=0
+split_feature=9 2 6 9
+split_gain=0.116928 0.49305 0.573713 1.3092
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0009517912975707364 0.0022456171088348822 -0.0021433855582722629 -0.0029924833415209372 0.0012489755483263978
+leaf_weight=49 45 44 49 74
+leaf_count=49 45 44 49 74
+internal_value=0 -0.011029 0.0139467 -0.0217476
+internal_weight=0 212 168 123
+internal_count=261 212 168 123
+shrinkage=0.02
+
+
+Tree=8845
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 7 6
+split_gain=0.11827 0.253046 0.316426 0.191632 0.109811
+threshold=67.500000000000014 58.500000000000007 58.500000000000007 50.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00055036426788100136 5.1552266471163938e-05 0.0017064908363438828 -0.0016306086824737474 0.0013871127036773063 -0.0014895527364162248
+leaf_weight=39 46 43 41 52 40
+leaf_count=39 46 43 41 52 40
+internal_value=0 0.0161232 -0.0061501 0.0274098 -0.0328287
+internal_weight=0 175 132 91 86
+internal_count=261 175 132 91 86
+shrinkage=0.02
+
+
+Tree=8846
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 6
+split_gain=0.112727 0.245362 0.453757 0.104731
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00010314576801739551 5.052270199953927e-05 -0.00068974498055379512 0.0025864687226207972 -0.0014598138824882486
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0157965 0.0458761 -0.032164
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8847
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.111901 0.308766 1.9669 0.816476
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0032424187961641194 -0.00085988607998410509 -0.0023619234930437232 -0.0021142550343804531 0.0014661243351120599
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.011738 0.0480021 -0.0323719
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=8848
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.112526 0.460009 0.598538 1.29227
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.000936312600226273 0.0022144031218214099 -0.002076956452169953 -0.002328087463485143 0.0018643407954634166
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.010853 0.0132979 -0.0242555
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8849
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.117203 0.464707 1.11982 1.0433
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013799960065525487 0.0010171637952747002 0.0015368550611363425 -0.0036653418815549483 0.0022988605957639961
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0103411 -0.0360291 0.00974543
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8850
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.114142 0.379706 0.326019 0.670243
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0020280405667283735 -0.0015123393463506284 -0.00056865582659351222 -0.00093049061665524387 0.0024227648411185064
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0299452 -0.0171582 0.0182372
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8851
+num_leaves=5
+num_cat=0
+split_feature=3 3 4 6
+split_gain=0.11793 0.460714 0.211921 0.362116
+threshold=71.500000000000014 65.500000000000014 52.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00073096005110767301 -0.00080637626911597682 0.002159853519666838 -0.0019045703949392709 0.00065142669654202207
+leaf_weight=59 64 42 57 39
+leaf_count=59 64 42 57 39
+internal_value=0 0.0130919 -0.0124024 -0.0429076
+internal_weight=0 197 155 96
+internal_count=261 197 155 96
+shrinkage=0.02
+
+
+Tree=8852
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 5 6
+split_gain=0.114663 0.254302 0.286486 0.348499 0.105393
+threshold=67.500000000000014 58.500000000000007 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00084925449267118317 4.7747291994891816e-05 0.0017055259801020111 -0.0015673202652931359 0.0016947379823685274 -0.0014665677919630579
+leaf_weight=42 46 43 41 49 40
+leaf_count=42 46 43 41 49 40
+internal_value=0 0.0159136 -0.0064122 0.0256026 -0.0323955
+internal_weight=0 175 132 91 86
+internal_count=261 175 132 91 86
+shrinkage=0.02
+
+
+Tree=8853
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.112697 0.530691 0.409018 2.06082 0.82932
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0021463496586829845 0.0010004052264852158 0.0021582958385222457 -0.00022158076131767619 0.0028816827177566419 -0.0043645908997618464
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0101657 0.0157681 -0.011197 -0.112667
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8854
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.112513 0.495403 0.626195
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00075146371309122437 0.00099749337115187411 0.0022284082917127753 -0.0016253992532376995
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0134998 -0.0136906
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8855
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 5 6
+split_gain=0.11619 0.246262 0.286885 0.325106 0.100797
+threshold=67.500000000000014 58.500000000000007 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00079580458001963508 3.0753365082054555e-05 0.0016868058696046682 -0.0015598325109341035 0.0016655339050103478 -0.0014548769905616554
+leaf_weight=42 46 43 41 49 40
+leaf_count=42 46 43 41 49 40
+internal_value=0 0.0160041 -0.005987 0.0260504 -0.0325782
+internal_weight=0 175 132 91 86
+internal_count=261 175 132 91 86
+shrinkage=0.02
+
+
+Tree=8856
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.115333 0.445913 0.582421 1.25879
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00094634809348499163 0.0021795993625471893 -0.0020515484068164861 -0.0023038992557121354 0.0018346320258059341
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0109588 0.0128313 -0.0242267
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8857
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 5 3
+split_gain=0.114156 0.251754 0.267978 0.313611 0.0965193
+threshold=67.500000000000014 58.500000000000007 58.500000000000007 47.850000000000001 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00080081287375645762 -0.0014539398429550599 0.0016985417397691503 -0.0015217286788992038 0.0016193167252163548 7.4668157396991214e-06
+leaf_weight=42 39 43 41 49 47
+leaf_count=42 39 43 41 49 47
+internal_value=0 0.0158875 -0.0063329 0.0246896 -0.0323306
+internal_weight=0 175 132 91 86
+internal_count=261 175 132 91 86
+shrinkage=0.02
+
+
+Tree=8858
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.122974 0.514157 0.399815 1.98662 0.802278
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0021245559422525275 0.0010385072555892559 0.0021229812230543926 -0.00022706879059314033 0.0028159326292747544 -0.0043040466751776488
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0105479 0.0149897 -0.0116829 -0.111331
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8859
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.117322 0.49301 0.383246 1.90745 0.769599
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0020821294414911711 0.0010177700260422899 0.002080597831582303 -0.00022253500572050873 0.0027596896411774142 -0.0042181199853884646
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0103375 0.0146854 -0.0114501 -0.109118
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8860
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.122672 0.481871 0.608087
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00077965912366113616 0.0009970221643443545 0.0022126858222221062 -0.0015889362214087006
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0140117 -0.012815
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8861
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.11703 0.462008 0.583258
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00076408171144169701 0.00097709966154240521 0.0021685054023389948 -0.0015571878669166331
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0137321 -0.0125537
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8862
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 5 6
+split_gain=0.1225 0.246526 0.280521 0.284103 0.099034
+threshold=67.500000000000014 58.500000000000007 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00071359579817314219 1.0589241192297896e-05 0.0016948187917242589 -0.0015377204489876299 0.0015959592795503194 -0.0014635732907561075
+leaf_weight=42 46 43 41 49 40
+leaf_count=42 46 43 41 49 40
+internal_value=0 0.0163747 -0.00562635 0.0260749 -0.0333203
+internal_weight=0 175 132 91 86
+internal_count=261 175 132 91 86
+shrinkage=0.02
+
+
+Tree=8863
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.120004 0.464034 0.384429 1.83565 0.747797
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0020303950833800767 0.0010276729719206565 0.0020669004073190604 -0.00023002138475170677 0.0026860339096807257 -0.0041704903153589636
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0104374 0.013862 -0.012314 -0.108148
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8864
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 2
+split_gain=0.124427 1.46514 0.958999 0.596644 1.26795
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 10.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.00097770612276156768 -0.0036967105736957395 0.0031112886883611023 -0.001559070503114042 -0.0023727843178785262 0.0033254076824419817
+leaf_weight=49 40 45 48 40 39
+leaf_count=49 40 45 48 40 39
+internal_value=0 -0.011317 0.0288625 -0.015778 0.0311124
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=8865
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.131492 0.914638 0.862338 0.749174
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00077413597870825757 0.0010090428105530938 0.0029053335323227457 -0.002981794958498919 -0.0023338229822888125
+leaf_weight=69 58 43 39 52
+leaf_count=69 58 43 39 52
+internal_value=0 0.0205546 -0.0287911 -0.0282216
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8866
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.12589 0.446606 1.08214 0.990851
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013524330836449667 0.0010491137445608667 0.0014976118525347061 -0.0036128001008391948 0.0022345570049637433
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0106515 -0.0358571 0.0091492
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8867
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.130065 0.467797 1.07024 0.716733
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0013103336645218897 -0.00084081498884793773 -0.0025027101444607841 0.0027590611722224235 0.0011868474917976881
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.01367 0.0580604 -0.0419979
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=8868
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 6
+split_gain=0.12557 0.248115 0.45837 0.0924832
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-8.9952135525629614e-05 0 -0.00067976202009111507 0.0026126321403578453 -0.0014481628516055357
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0165529 0.046784 -0.0336746
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8869
+num_leaves=5
+num_cat=0
+split_feature=5 1 3 5
+split_gain=0.126015 1.42417 0.998943 0.301475
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.00098300949294770693 -0.0036498222794055582 0.0031500397281630727 -0.0013324881654758875 0.00067513475301704767
+leaf_weight=49 40 45 65 62
+leaf_count=49 40 45 65 62
+internal_value=0 -0.011382 0.0282364 -0.0173131
+internal_weight=0 212 172 127
+internal_count=261 212 172 127
+shrinkage=0.02
+
+
+Tree=8870
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 9
+split_gain=0.126249 0.463398 1.01291 0.455947
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0012516551647990049 -0.00083017149548532821 0.00078687999787494163 0.0027088990388736654 -0.0021750375613901903
+leaf_weight=43 64 39 67 48
+leaf_count=43 64 39 67 48
+internal_value=0 0.0134892 0.0576801 -0.0419264
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=8871
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 2 2
+split_gain=0.122983 1.37238 0.951067 0.468193 1.1746
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 10.500000000000002 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.00097274696727330553 -0.0035855699672882237 0.003076569643973005 -0.0019567857941979435 0.0030551635510968483 -0.0018236507548636143
+leaf_weight=49 40 45 47 40 40
+leaf_count=49 40 45 47 40 40
+internal_value=0 -0.0112633 0.0276346 -0.0168251 0.0303152
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8872
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.123381 0.873223 0.901057 0.748099
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00081472075501554217 0.0010232407707590767 0.0028383096454036687 -0.0030230305479953387 -0.0023174076304569432
+leaf_weight=69 58 43 39 52
+leaf_count=69 58 43 39 52
+internal_value=0 0.0199937 -0.0282396 -0.0274588
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8873
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.12427 0.438163 1.07254 0.966508
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013320099910336522 0.0010432120867535075 0.0014831391187046512 -0.0035944931485392905 0.0022114822206521869
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.010595 -0.035573 0.00923571
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8874
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.13062 0.452951 0.982505 0.708888
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0012212953030274255 -0.00084242473289414743 -0.002476305068283188 0.0026803229100623416 0.0011936335843452139
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0136924 0.0574035 -0.0411168
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=8875
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 4
+split_gain=0.125564 0.409672 0.33401 1.06303
+threshold=55.500000000000007 49.500000000000007 69.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0021055625474574757 -0.0014278178182288374 -0.00058696770505287555 -0.0013892555233999935 0.0029423964208413573
+leaf_weight=43 52 52 74 40
+leaf_count=43 52 52 74 40
+internal_value=0 0.0311997 -0.017868 0.0232189
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=8876
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 3
+split_gain=0.12223 0.255624 0.431773 0.0990948
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-5.6125569250749317e-05 -0.0014818653455926597 -0.00069790416037191795 0.0025696191117656709 0
+leaf_weight=68 39 65 42 47
+leaf_count=68 39 65 42 47
+internal_value=0 0.0163565 0.047008 -0.0332913
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8877
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.123665 0.433601 0.934027 0.675466
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0011875620840706791 -0.00082293417685597896 -0.0024218725485156425 0.0026183071725078256 0.0011627172104135206
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0133631 0.0561741 -0.0403078
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=8878
+num_leaves=5
+num_cat=0
+split_feature=4 5 6 4
+split_gain=0.12886 0.485109 0.286124 0.568621
+threshold=52.500000000000007 53.500000000000007 63.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.00088290644573422691 -0.0022709256752726742 0.0012337491814851489 0.0010018008988910935 -0.0021927461636047502
+leaf_weight=59 40 70 48 44
+leaf_count=59 40 70 48 44
+internal_value=0 -0.0129225 0.0117144 -0.0258921
+internal_weight=0 202 162 92
+internal_count=261 202 162 92
+shrinkage=0.02
+
+
+Tree=8879
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 9
+split_gain=0.122972 0.811662 1.61799 0.563724
+threshold=52.500000000000007 6.5000000000000009 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00089474822626259319 -0.0028266260819612109 0.003470072846376045 -0.0015169907538840929 0.00026240823091542252
+leaf_weight=56 59 53 52 41
+leaf_count=56 59 53 52 41
+internal_value=0 -0.0122457 0.0496655 -0.0776415
+internal_weight=0 205 105 100
+internal_count=261 205 105 100
+shrinkage=0.02
+
+
+Tree=8880
+num_leaves=5
+num_cat=0
+split_feature=4 1 5 6
+split_gain=0.120281 0.603459 0.304427 0.454806
+threshold=52.500000000000007 9.5000000000000018 68.65000000000002 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00085720564400017588 -0.00020775511074338251 -0.0024525257141043851 -0.00069775757204887487 0.0026938321023938184
+leaf_weight=59 49 41 71 41
+leaf_count=59 49 41 71 41
+internal_value=0 -0.0125387 0.0152889 0.0553132
+internal_weight=0 202 161 90
+internal_count=261 202 161 90
+shrinkage=0.02
+
+
+Tree=8881
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 2 2
+split_gain=0.114096 1.31192 0.912211 0.438162 1.15063
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 10.500000000000002 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.00094197270169091947 -0.0035048134719043236 0.0030154770823901866 -0.0018982925933841335 0.0030088891106440831 -0.0018207982125977254
+leaf_weight=49 40 45 47 40 40
+leaf_count=49 40 45 47 40 40
+internal_value=0 -0.0109106 0.027129 -0.0164263 0.0292287
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8882
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.118877 0.412574 0.327311 0.702113
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021939512318228439 -0.001520484566301065 -0.00052983289887235366 -0.00096499598898561775 0.0024650035119871856
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.030469 -0.0174585 0.0180025
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8883
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.117515 0.852714 0.930327 0.781657
+threshold=7.5000000000000009 67.65000000000002 59.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00089644321505565202 0.0010687505394420505 0.002801839809338012 -0.0029621453140051602 -0.0023443863573654935
+leaf_weight=67 58 43 41 52
+leaf_count=67 58 43 41 52
+internal_value=0 0.0195752 -0.0280979 -0.0268965
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8884
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 4
+split_gain=0.122313 0.26566 0.4265 0.103518
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00015813337641074806 -0.0013736383906731977 -0.00071651567520772126 0.0023989709075334935 0.00012865206607416858
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.016359 0.0475621 -0.0333034
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8885
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 4
+split_gain=0.119158 0.395913 0.31961 0.984019
+threshold=55.500000000000007 52.500000000000007 69.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0021636907545101742 -0.001366302681182153 -0.00050682109916071628 -0.0013603131863146123 0.0028412721903507982
+leaf_weight=40 52 55 74 40
+leaf_count=40 52 55 74 40
+internal_value=0 0.0304978 -0.0174782 0.0227579
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=8886
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 8
+split_gain=0.117575 0.46352 0.410986 1.81369 0.355669
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0020278230053317088 0.0010185170587509809 0.0021260787690421156 -0.00076897205874632501 0.0026527965011868206 -0.0035419100930573549
+leaf_weight=46 44 39 40 52 40
+leaf_count=46 44 39 40 52 40
+internal_value=0 -0.0103565 0.01393 -0.0131014 -0.108366
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8887
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.124454 0.840074 0.901664 0.750257
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00083477776760265915 0.0010232680705229223 0.0027939955675327951 -0.0030043960256167833 -0.002322065446698233
+leaf_weight=69 58 43 39 52
+leaf_count=69 58 43 39 52
+internal_value=0 0.0200615 -0.0272618 -0.0275683
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8888
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.118697 0.773599 0.719838
+threshold=7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2
+left_child=1 -1 -2
+right_child=2 -3 -4
+leaf_value=-0.001021040642680679 0.0010028273109183041 0.001875171268189587 -0.0022756866642259831
+leaf_weight=77 58 74 52
+leaf_count=77 58 74 52
+internal_value=0 0.0196605 -0.0270105
+internal_weight=0 151 110
+internal_count=261 151 110
+shrinkage=0.02
+
+
+Tree=8889
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 4
+split_gain=0.12435 0.253307 0.41967 0.100692
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00016085908525694353 -0.0013701469462347932 -0.00069118180962152642 0.0023765719374004364 0.00011436722427048765
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.016474 0.0469961 -0.0335425
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8890
+num_leaves=5
+num_cat=0
+split_feature=7 2 1 5
+split_gain=0.124299 0.32534 0.310475 0.656169
+threshold=75.500000000000014 24.500000000000004 8.5000000000000018 58.20000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00082234003082654506 -0.0010028829695769676 0.0017996120907320628 -0.0012672629888290279 0.0024788445760727295
+leaf_weight=60 47 44 68 42
+leaf_count=60 47 44 68 42
+internal_value=0 0.0110089 -0.00922431 0.0264951
+internal_weight=0 214 170 102
+internal_count=261 214 170 102
+shrinkage=0.02
+
+
+Tree=8891
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 1 8
+split_gain=0.12592 0.432611 0.618956 1.985 1.06259
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 8.5000000000000018 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=0.00098251115205041603 0.0022815933688030239 -0.0020337002510545151 -0.00086621500967458518 -0.004247690356728181 0.0036727476785150611
+leaf_weight=49 45 44 45 39 39
+leaf_count=49 45 44 45 39 39
+internal_value=0 -0.0113871 0.0120569 -0.0249871 0.0616474
+internal_weight=0 212 168 123 84
+internal_count=261 212 168 123 84
+shrinkage=0.02
+
+
+Tree=8892
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.126735 0.423149 0.36989 0.630763
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012996099660395586 -0.00083178536892309393 0.0020922694925687249 -0.0010695878510815341 0.0024620327314604112
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0134999 -0.010967 0.0354218
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8893
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 5
+split_gain=0.126295 0.534553 0.473788 0.28935
+threshold=68.65000000000002 65.500000000000014 51.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00046385488106742495 -0.000774511521260447 0.0023174329632452669 -0.0019260260498897837 0.0017769107684435584
+leaf_weight=55 71 42 49 44
+leaf_count=55 71 42 49 44
+internal_value=0 0.0144547 -0.0140968 0.0262259
+internal_weight=0 190 148 99
+internal_count=261 190 148 99
+shrinkage=0.02
+
+
+Tree=8894
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 2
+split_gain=0.125329 0.398669 0.323866 0.67295
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021819378567256623 -0.0015228322079806542 -0.00049729598104001304 -0.00094961423876358507 0.0024103813328170587
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0311582 -0.0178699 0.0174114
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8895
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.121115 0.433699 0.628233 1.23322
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00096606017671341748 0.0022401213737108512 -0.0020322591461290275 -0.002324704417677831 0.0017719353156752879
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0112051 0.0122677 -0.0261857
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8896
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 6
+split_gain=0.123054 0.236478 0.430629 0.101059
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-7.5843656126125747e-05 1.491775439855254e-05 -0.00066062472006115703 0.0025467738216698155 -0.0014719696618506878
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0163915 0.0459617 -0.0333999
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8897
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.122384 0.462398 0.398478 1.86246 0.842605
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0020294131730289556 0.0010360181023264677 0.002094799545923706 -0.00014186087414342933 0.0026950859108022937 -0.0043160414844484385
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0105432 0.0137146 -0.0129177 -0.109438
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8898
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 3
+split_gain=0.118142 0.233269 0.415133 0.0967591
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-6.7767676617827078e-05 -0.0014645121681940412 -0.00066013476452245624 0.0025091026131695061 0
+leaf_weight=68 39 65 42 47
+leaf_count=68 39 65 42 47
+internal_value=0 0.016105 0.0454915 -0.0328241
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8899
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.122992 0.411261 0.922295 0.685167
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0011954920931816766 -0.00082128043752090977 -0.0024072053567867706 0.0025869582239518994 0.0012026602478322696
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0133179 0.0550638 -0.0390068
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=8900
+num_leaves=5
+num_cat=0
+split_feature=9 6 5 5
+split_gain=0.119396 0.352861 0.619965 0.353036
+threshold=42.500000000000007 47.500000000000007 57.650000000000013 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.0009600680385377855 -0.0019103578664583804 0.0024399445665318977 -0.0014891576815401404 0.00064190360789946621
+leaf_weight=49 42 39 69 62
+leaf_count=49 42 39 69 62
+internal_value=0 -0.011141 0.00950064 -0.0237328
+internal_weight=0 212 170 131
+internal_count=261 212 170 131
+shrinkage=0.02
+
+
+Tree=8901
+num_leaves=6
+num_cat=0
+split_feature=4 2 2 3 4
+split_gain=0.127343 0.335639 0.524179 0.96512 1.35607
+threshold=50.500000000000007 25.500000000000004 19.500000000000004 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0010836129445544551 0.00043568648575156231 -0.0019134828867030495 0.0021309092868528594 0.0020891541049915109 -0.0044612119235298599
+leaf_weight=42 55 40 43 42 39
+leaf_count=42 55 40 43 42 39
+internal_value=0 -0.0104329 0.00842204 -0.0223472 -0.0794654
+internal_weight=0 219 179 136 94
+internal_count=261 219 179 136 94
+shrinkage=0.02
+
+
+Tree=8902
+num_leaves=5
+num_cat=0
+split_feature=3 3 4 9
+split_gain=0.125387 0.417674 0.256012 0.608467
+threshold=71.500000000000014 65.500000000000014 52.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0008515240768147581 -0.00082797721635351998 0.0020797190524235684 -0.0027189489980193934 0.00053175481973656536
+leaf_weight=59 64 42 42 54
+leaf_count=59 64 42 42 54
+internal_value=0 0.0134366 -0.0108772 -0.0441523
+internal_weight=0 197 155 96
+internal_count=261 197 155 96
+shrinkage=0.02
+
+
+Tree=8903
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.121275 0.423202 1.11335 0.988468
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013218956118987691 0.0010321390125684953 0.0014571595499878482 -0.0036377486256342862 0.0022606608460197133
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0104939 -0.035063 0.0105816
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8904
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 4
+split_gain=0.127853 0.386539 0.323871 0.974784
+threshold=55.500000000000007 52.500000000000007 69.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0021647290841194946 -0.0013635442729174395 -0.00047510618012819918 -0.0013772778434922087 0.0028246453820930206
+leaf_weight=40 52 55 74 40
+leaf_count=40 52 55 74 40
+internal_value=0 0.0314382 -0.0180138 0.0224741
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=8905
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.121956 0.370515 0.324122 0.653134
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021215099376694414 -0.0015189682674215169 -0.00046561597045345274 -0.00092615312123347788 0.0023853092961011457
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0308023 -0.0176535 0.0176418
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8906
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.122231 0.309967 0.436871 0.603469
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00079305875906230761 -0.0010362057142688326 0.0017566778723658524 0.0015729742421972958 -0.0020038105706340547
+leaf_weight=56 44 44 44 73
+leaf_count=56 44 44 44 73
+internal_value=0 0.0105003 -0.00896477 -0.0391848
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=8907
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 4
+split_gain=0.122036 0.223093 0.416251 0.101306
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-7.6271919482987568e-05 -0.0013666185213967313 -0.00063525380710128718 0.0025040113456088571 0.00012188203567752881
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0163409 0.0451312 -0.0332731
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8908
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 4
+split_gain=0.120117 0.362279 0.325207 0.923382
+threshold=55.500000000000007 49.500000000000007 69.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0020095357550029168 -0.0013046496239726365 -0.00052941464846379608 -0.0013698382380923813 0.002773610132202294
+leaf_weight=43 52 52 74 40
+leaf_count=43 52 52 74 40
+internal_value=0 0.0306007 -0.0175403 0.0230289
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=8909
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.120343 0.404654 0.347368 0.626465
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001263594383569503 -0.00081348381135324917 0.002047915216654872 -0.0010866841561375728 0.0024334396396761188
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0132017 -0.0107444 0.0342751
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8910
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.121852 0.349382 0.316833 0.652715
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0019894005341266354 -0.001506547576035942 -0.0005060322622213937 -0.00093336541142444022 0.002377135337946092
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0307849 -0.0176532 0.0172623
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8911
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 4
+split_gain=0.120756 0.217001 0.414742 0.101578
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00020097498501847093 -0.001364632889107662 -0.00062468479355258738 0.0023225734895124289 0.00012563419417904178
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0162573 0.0446859 -0.0331326
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8912
+num_leaves=5
+num_cat=0
+split_feature=7 2 9 4
+split_gain=0.12304 0.284303 0.584317 0.741748
+threshold=75.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0003620057626814327 -0.00099870070083799304 0.0017016215137215952 0.0018497401278441473 -0.002818911450444158
+leaf_weight=77 47 44 44 49
+leaf_count=77 47 44 44 49
+internal_value=0 0.0109507 -0.00802792 -0.0434775
+internal_weight=0 214 170 126
+internal_count=261 214 170 126
+shrinkage=0.02
+
+
+Tree=8913
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=0.122298 0.344437 0.313469 0.882574
+threshold=55.500000000000007 55.500000000000007 69.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.00059622501642510079 -0.0012827396828667638 0.0018713470868685581 -0.0013551925562711416 0.002706306272755545
+leaf_weight=48 52 47 74 40
+leaf_count=48 52 47 74 40
+internal_value=0 0.0308319 -0.0176822 0.0221839
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=8914
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 4
+split_gain=0.118701 0.209516 0.405429 0.107578
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00020049447163432926 -0.0013771246801896032 -0.00061184109066815832 0.0022957830926175174 0.00015036507909185488
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0161367 0.0441145 -0.0328913
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=8915
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 2
+split_gain=0.120237 0.347423 0.314935 0.637673
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.002072318794797536 -0.0015014158135192299 -0.00043670946589091176 -0.00091896880113872495 0.0023542362527416505
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0306028 -0.0175587 0.0172576
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8916
+num_leaves=5
+num_cat=0
+split_feature=6 9 5 4
+split_gain=0.116925 0.298801 0.637505 0.212208
+threshold=70.500000000000014 72.500000000000014 58.900000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00079451752466781701 -0.0010169413446406267 -0.0014245027487147393 0.0026564851522425841 -0.00088470887413379942
+leaf_weight=59 44 39 45 74
+leaf_count=59 44 39 45 74
+internal_value=0 0.0102903 0.028396 -0.00668755
+internal_weight=0 217 178 133
+internal_count=261 217 178 133
+shrinkage=0.02
+
+
+Tree=8917
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.114207 0.470234 0.627327 1.24488
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0009419730372479425 0.0022627092705731285 -0.0020982773122209691 -0.0023084066776044051 0.001807436059570052
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0109346 0.0134745 -0.0249495
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8918
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 3 4
+split_gain=0.111198 0.213352 0.331683 0.318641 0.102475
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 53.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.00056352547591050507 -0.0013447232081247355 0.0016769974149185769 0.0014416517763940291 -0.0018386851655777573 0.00015169082316847732
+leaf_weight=42 46 39 42 52 40
+leaf_count=42 46 39 42 52 40
+internal_value=0 0.0156902 -0.00359467 -0.0378616 -0.0319932
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=8919
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 5
+split_gain=0.113537 0.39187 0.326001 0.629859
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012319313988567177 -0.00079357123521927176 0.0020143673871627237 -0.001033558655787101 0.0024981421047609205
+leaf_weight=72 64 42 43 40
+leaf_count=72 64 42 43 40
+internal_value=0 0.0128747 -0.0107049 0.0329753
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8920
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.112399 0.348351 0.312855 0.648545
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00062479989789542576 -0.0014878953119793936 0.0018563574367735653 -0.0009215727329858986 0.0023785570898286891
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0297384 -0.017058 0.0176507
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8921
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 2
+split_gain=0.119709 0.289399 0.602388 0.326339
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011480658591859214 -0.0010271498742140364 -0.0013979849262038613 0.0022234305245260721 -0.0010982647474269123
+leaf_weight=43 44 39 60 75
+leaf_count=43 44 39 60 75
+internal_value=0 0.0103982 0.0282366 -0.0136358
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=8922
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.114169 0.277184 0.584936 0.598101
+threshold=70.500000000000014 72.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0019209223055267472 -0.0010066395517863843 -0.0013700752477069813 0.0014202081028921942 -0.0017258538311859465
+leaf_weight=75 44 39 42 61
+leaf_count=75 44 39 42 61
+internal_value=0 0.0101868 0.0276728 -0.0217569
+internal_weight=0 217 178 103
+internal_count=261 217 178 103
+shrinkage=0.02
+
+
+Tree=8923
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.108847 0.283126 0.452418 0.563756
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00051665053548539703 -0.00098653879489167258 0.0016821077753417153 0.0016086255974893482 -0.0021663680678670298
+leaf_weight=66 44 44 44 63
+leaf_count=66 44 44 44 63
+internal_value=0 0.00997947 -0.00866863 -0.0393963
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=8924
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.106247 0.473659 0.619356
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00073381580911825934 0.00099562347626000101 0.0021799081945067947 -0.0016133668505657678
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.01316 -0.0134457
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8925
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 4
+split_gain=0.10959 0.20692 0.269425 0.314601 0.10066
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00074458612776834038 -0.0013355277798259649 0.001613488278453995 -0.0014370406249510817 0.001678348150531702 0.0001496184554247598
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.015595 -0.0040507 0.0275787 -0.0317954
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=8926
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.109461 0.374208 0.34227 0.62239
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012493037270022544 -0.00078147026665295952 0.0019722456643537188 -0.0010802712217281704 0.0024286855053531177
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0126714 -0.0103918 0.0343133
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8927
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 5
+split_gain=0.111692 0.346602 0.314613 0.633964
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0020518641638315495 -0.0014901108068561845 -0.00045459096924901899 -0.00093083382008136018 0.0023188921984803046
+leaf_weight=40 63 55 62 41
+leaf_count=40 63 55 62 41
+internal_value=0 0.0296539 -0.0170173 0.0177841
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8928
+num_leaves=6
+num_cat=0
+split_feature=7 2 9 7 6
+split_gain=0.116088 0.269861 0.584719 0.709683 0.591582
+threshold=75.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0015511225266300189 -0.00097423345793932136 0.0016605595128185117 0.0018541611564694982 -0.0030962085288314561 0.001818373575755899
+leaf_weight=42 47 44 44 40 44
+leaf_count=42 47 44 44 40 44
+internal_value=0 0.0106761 -0.00784153 -0.0433034 0.00817939
+internal_weight=0 214 170 126 86
+internal_count=261 214 170 126 86
+shrinkage=0.02
+
+
+Tree=8929
+num_leaves=5
+num_cat=0
+split_feature=9 6 2 4
+split_gain=0.117311 0.212172 0.37361 0.0987677
+threshold=67.500000000000014 54.500000000000007 13.500000000000002 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.001130626561258258 -0.0013484722644330003 0.0012584762759642026 -0.0012915748334726082 0.00012428454019079073
+leaf_weight=47 46 66 62 40
+leaf_count=47 46 66 62 40
+internal_value=0 0.0160502 -0.0119875 -0.0327315
+internal_weight=0 175 109 86
+internal_count=261 175 109 86
+shrinkage=0.02
+
+
+Tree=8930
+num_leaves=5
+num_cat=0
+split_feature=5 9 2 8
+split_gain=0.113117 0.459858 0.272197 0.766482
+threshold=68.65000000000002 65.500000000000014 21.500000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001162954926141462 -0.000738941972494226 0.0022531606696711984 0.0011327090796521928 -0.002291426512931077
+leaf_weight=46 71 39 44 61
+leaf_count=46 71 39 44 61
+internal_value=0 0.0137816 -0.0115316 -0.0399552
+internal_weight=0 190 151 107
+internal_count=261 190 151 107
+shrinkage=0.02
+
+
+Tree=8931
+num_leaves=5
+num_cat=0
+split_feature=9 6 4 3
+split_gain=0.115248 0.210782 0.337716 0.099552
+threshold=67.500000000000014 54.500000000000007 52.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0008248229321481768 -0.0014673883344912303 0.0012534106783574498 -0.0014668137753619031 1.3260839596811768e-05
+leaf_weight=58 39 66 51 47
+leaf_count=58 39 66 51 47
+internal_value=0 0.0159365 -0.0120165 -0.0324774
+internal_weight=0 175 109 86
+internal_count=261 175 109 86
+shrinkage=0.02
+
+
+Tree=8932
+num_leaves=5
+num_cat=0
+split_feature=9 6 4 3
+split_gain=0.109849 0.201635 0.323588 0.094877
+threshold=67.500000000000014 54.500000000000007 52.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00080834607644234674 -0.0014380931187948365 0.0012283689840563545 -0.0014375178181823976 1.2996441332276318e-05
+leaf_weight=58 39 66 51 47
+leaf_count=58 39 66 51 47
+internal_value=0 0.015618 -0.0117692 -0.0318198
+internal_weight=0 175 109 86
+internal_count=261 175 109 86
+shrinkage=0.02
+
+
+Tree=8933
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.111435 0.366885 0.327115 0.608913
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012208941794980479 -0.00078720214587581206 0.0019583135736308812 -0.0010740602385077653 0.0023978684287644888
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.012778 -0.0100674 0.0336865
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8934
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.114888 0.344419 0.310018 0.645822
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00061248914563583935 -0.0014860625736993053 0.0018552314400805876 -0.00092506829567108291 0.0023683783751132633
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0300218 -0.0172124 0.0173459
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8935
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 2 8
+split_gain=0.118067 0.285955 0.606785 0.204015 0.668051
+threshold=70.500000000000014 72.500000000000014 58.900000000000006 20.500000000000004 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.00098147390552216036 -0.001021003023496636 -0.0013901201928702344 0.0026007917866756342 0.0010357356768009314 -0.0025277405394453557
+leaf_weight=46 44 39 45 44 43
+leaf_count=46 44 39 45 44 43
+internal_value=0 0.0103417 0.0280814 -0.00616533 -0.0352831
+internal_weight=0 217 178 133 89
+internal_count=261 217 178 133 89
+shrinkage=0.02
+
+
+Tree=8936
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 5 4
+split_gain=0.113085 0.276324 0.696991 0.389603 0.329118
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 52.000000000000007 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0010476791966068852 -0.00096323201642159017 0.0017634610284704621 -0.0023838097845176711 0.0020603936701231841 -0.0015407644096422795
+leaf_weight=41 47 40 43 48 42
+leaf_count=41 47 40 43 48 42
+internal_value=0 0.0105672 -0.00707168 0.0294695 -0.012635
+internal_weight=0 214 174 131 83
+internal_count=261 214 174 131 83
+shrinkage=0.02
+
+
+Tree=8937
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 9
+split_gain=0.111268 0.29231 1.2102 0.540898
+threshold=73.500000000000014 7.5000000000000009 57.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00056487444949661879 -0.00085791240497262212 0.00085706380919158291 0.0038148191799882857 -0.0022599396818206103
+leaf_weight=74 56 48 39 44
+leaf_count=74 56 48 39 44
+internal_value=0 0.0117053 0.0470526 -0.0312786
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=8938
+num_leaves=5
+num_cat=0
+split_feature=5 9 2 8
+split_gain=0.107632 0.460825 0.25987 0.741566
+threshold=68.65000000000002 65.500000000000014 21.500000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011372895341828248 -0.00072349229781658189 0.0022495262108558215 0.0010971825000296814 -0.002261760960151116
+leaf_weight=46 71 39 44 61
+leaf_count=46 71 39 44 61
+internal_value=0 0.0134979 -0.0118415 -0.0396613
+internal_weight=0 190 151 107
+internal_count=261 190 151 107
+shrinkage=0.02
+
+
+Tree=8939
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 4
+split_gain=0.107013 0.196594 0.548763 0.0967232
+threshold=67.500000000000014 57.500000000000007 50.45000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0017200849254813734 -0.0013174934327822329 0.0012718924294363579 0.0011084927558723244 0.00014285878927475026
+leaf_weight=53 46 61 61 40
+leaf_count=53 46 61 61 40
+internal_value=0 0.0154467 -0.00998915 -0.0314701
+internal_weight=0 175 114 86
+internal_count=261 175 114 86
+shrinkage=0.02
+
+
+Tree=8940
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.109224 0.479384 0.636615 1.24183
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00092463432151284458 0.002285888889475641 -0.0021113548783020341 -0.0023027622240657229 0.0018081309859061254
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0107139 0.0139243 -0.0247755
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8941
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 6
+split_gain=0.105025 0.206266 0.300587 1.05212 0.0916698
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0013959192484458945 3.1079229736421271e-05 0.0016490143995959953 0.0013716715348993823 -0.0028671276539776638 -0.0013967388532153977
+leaf_weight=47 46 39 42 47 40
+leaf_count=47 46 39 42 47 40
+internal_value=0 0.015332 -0.00365384 -0.0363824 -0.0312162
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=8942
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 6
+split_gain=0.105525 0.344338 0.309415 0.656942
+threshold=55.500000000000007 55.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00063343786730795065 -0.0014727021813060689 0.0018342756046113224 -0.00092388105090983373 0.0023968990358712518
+leaf_weight=48 63 47 63 40
+leaf_count=48 63 47 63 40
+internal_value=0 0.0289734 -0.016592 0.0179366
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=8943
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.108774 0.367809 0.306369 0.616019
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0011930243935153269 -0.00077904009472026987 0.0019579184086143701 -0.0012011419846513004 0.0022968151958649569
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0126555 -0.0102177 0.032197
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8944
+num_leaves=5
+num_cat=0
+split_feature=4 4 9 9
+split_gain=0.107316 0.262037 0.397056 0.652346
+threshold=73.500000000000014 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015340188110680958 -0.00084471756625945115 0.0014417505492171395 -0.001805028970552831 0.0017742769880211729
+leaf_weight=40 56 56 46 63
+leaf_count=40 56 56 46 63
+internal_value=0 0.0115367 -0.0109754 0.0240785
+internal_weight=0 205 149 103
+internal_count=261 205 149 103
+shrinkage=0.02
+
+
+Tree=8945
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.108446 0.487354 0.460123 0.625795
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015033918654112439 -0.00072562237131926059 0.0022112235067567663 -0.0020001393707689383 0.0017388307417069407
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0135495 -0.01375 0.0235894
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=8946
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.111176 0.469941 0.614533 1.20449
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00093156524878644346 0.0022455393434811831 -0.0020949654944878411 -0.0022690498273761129 0.0017805127077898289
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.010796 0.013606 -0.0244331
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8947
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.105971 0.450589 0.5894 1.17145
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0009129605082890301 0.0022006953419812397 -0.0020531328665255311 -0.0021486034442907702 0.0018761213891325726
+leaf_weight=49 47 44 71 50
+leaf_count=49 47 44 71 50
+internal_value=0 -0.0105764 0.0133346 -0.0239382
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8948
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.113152 0.517123 0.396741 1.87575 0.860748
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0021226022890780062 0.0010021344306708627 0.002124966246898076 -9.2413210236796909e-05 0.0027410522559902727 -0.0043094649387650829
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0101823 0.0154273 -0.0111455 -0.108009
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8949
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.108655 0.464943 0.638772
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00074043081146997307 0.0010224361473263526 0.0021657400096372383 -0.00162599933698857
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0133025 -0.0130648
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8950
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.111759 0.492718 0.430968 0.609358
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015006216718634674 -0.00073482939772453603 0.0022249919667376005 -0.0019463197059064795 0.0017001731121986136
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0137278 -0.0137167 0.0224605
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=8951
+num_leaves=6
+num_cat=0
+split_feature=2 6 6 2 2
+split_gain=0.109792 0.489229 0.389864 0.636678 0.621315
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 9.5000000000000018 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.0020696153884237284 0.00098935835021191879 0.001888786971075205 -0.002300091230982773 0.0025582734122488854 -0.00098999817536598233
+leaf_weight=46 44 47 43 40 41
+leaf_count=46 44 47 43 40 41
+internal_value=0 -0.0100558 0.0148743 -0.0149972 0.0376531
+internal_weight=0 217 171 124 81
+internal_count=261 217 171 124 81
+shrinkage=0.02
+
+
+Tree=8952
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.107403 0.442828 0.572981 1.15242
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00091815723739040579 0.0021693400697695973 -0.002039052395153024 -0.0028223501739304403 0.0011700772735091962
+leaf_weight=49 47 44 50 71
+leaf_count=49 47 44 50 71
+internal_value=0 -0.0106351 0.0130758 -0.0236878
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8953
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.11354 0.482194 0.398801 1.81567 0.812973
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0020594599171551132 0.001003608796935734 0.0021122447438089932 -0.00013624052313708146 0.0026748213507884313 -0.0042384262500835684
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0101964 0.0145591 -0.0120818 -0.1074
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8954
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.108261 0.463419 1.48842 1.18423
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0038136989879575234 0.00098356830064796506 0.0027875088155236405 0.0012687563436238863 -0.0011667410858370616
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.00999301 -0.0646069 0.0306583
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=8955
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.111066 0.43902 0.556384 1.15746
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00093139143556277481 0.0021376180966644499 -0.0020344085008453723 -0.0021282688718468933 0.0018727868473384585
+leaf_weight=49 47 44 71 50
+leaf_count=49 47 44 71 50
+internal_value=0 -0.0107805 0.0128316 -0.0234103
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=8956
+num_leaves=5
+num_cat=0
+split_feature=2 6 9 1
+split_gain=0.11197 0.462371 0.383808 0.288965
+threshold=25.500000000000004 46.500000000000007 76.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0020211600143375899 0.00099782210833257575 0.0017636561744758979 -0.0014393634160983757 -0.0001772198950280952
+leaf_weight=46 44 68 41 62
+leaf_count=46 44 68 41 62
+internal_value=0 -0.0101298 0.014128 0.041613
+internal_weight=0 217 171 130
+internal_count=261 217 171 130
+shrinkage=0.02
+
+
+Tree=8957
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 9 9
+split_gain=0.107822 1.41814 1.0293 0.566236 0.986417
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.00091979206816980553 -0.003628033884808641 0.0032012750677283359 -0.0021220467520261586 0.0028796790973792436 -0.0015982762432202127
+leaf_weight=49 40 45 47 41 39
+leaf_count=49 40 45 47 41 39
+internal_value=0 -0.0106462 0.0288895 -0.0173373 0.0343598
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8958
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 5 6
+split_gain=0.108223 0.232387 0.302501 0.295213 0.0976375
+threshold=67.500000000000014 58.500000000000007 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00071799732296631738 4.1087758639434789e-05 0.001641339430655131 -0.0015936083844671262 0.0016333917085789653 -0.0014250301022853285
+leaf_weight=42 46 43 41 49 40
+leaf_count=42 46 43 41 49 40
+internal_value=0 0.015533 -0.00587004 0.0269817 -0.0316069
+internal_weight=0 175 132 91 86
+internal_count=261 175 132 91 86
+shrinkage=0.02
+
+
+Tree=8959
+num_leaves=5
+num_cat=0
+split_feature=9 2 2 4
+split_gain=0.107809 0.427351 0.546427 1.54065
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00091974709062268248 0.0013698556968605642 -0.0020084703839606971 0.0023313292837184594 -0.0031515989789044712
+leaf_weight=49 78 44 40 50
+leaf_count=49 78 44 40 50
+internal_value=0 -0.0106457 0.0126615 -0.0195424
+internal_weight=0 212 168 128
+internal_count=261 212 168 128
+shrinkage=0.02
+
+
+Tree=8960
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 4
+split_gain=0.107328 0.494831 0.306653 0.577662
+threshold=72.050000000000026 63.500000000000007 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014152229096224115 0.00091807337698344667 -0.0021666207482650382 0.0014231973220757397 -0.0016371239008140088
+leaf_weight=43 49 43 63 63
+leaf_count=43 49 43 63 63
+internal_value=0 -0.0106227 0.014036 -0.0195624
+internal_weight=0 212 169 106
+internal_count=261 212 169 106
+shrinkage=0.02
+
+
+Tree=8961
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.117372 0.467277 1.10205 1.02997
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013784591934068989 0.0010180944568152759 0.0015416668091574391 -0.0036434471855622918 0.0022772976319370372
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0103323 -0.036088 0.00932567
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8962
+num_leaves=5
+num_cat=0
+split_feature=2 6 2 3
+split_gain=0.111924 0.47218 0.384684 0.389782
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0020394038921818444 0.00099776504638651102 0.0020777907533538228 0.00072803637588232174 -0.0015178338141789761
+leaf_weight=46 44 39 75 57
+leaf_count=46 44 39 75 57
+internal_value=0 -0.0101223 0.0143831 -0.0118002
+internal_weight=0 217 171 132
+internal_count=261 217 171 132
+shrinkage=0.02
+
+
+Tree=8963
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 3
+split_gain=0.111951 0.412936 0.471869 0.40266
+threshold=42.500000000000007 50.500000000000007 69.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00093477177703747423 -0.0019576040995419887 0.0027868709589199204 -0.00091802436978773367 1.3668275752038042e-05
+leaf_weight=49 45 40 77 50
+leaf_count=49 45 40 77 50
+internal_value=0 -0.0108047 0.0124505 0.0628146
+internal_weight=0 212 167 90
+internal_count=261 212 167 90
+shrinkage=0.02
+
+
+Tree=8964
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.108634 0.459314 1.04626 0.991612
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013614798580917434 0.00098536899794735879 0.0015341781906666669 -0.0035588204900850106 0.0022269198760750163
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0099891 -0.0355354 0.00872692
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8965
+num_leaves=5
+num_cat=0
+split_feature=9 2 2 4
+split_gain=0.112975 0.421952 0.547705 1.44902
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00093851109392316943 0.001309641217601747 -0.0020014712946848289 0.0023269674475721982 -0.0030768931158436062
+leaf_weight=49 78 44 40 50
+leaf_count=49 78 44 40 50
+internal_value=0 -0.0108407 0.0123238 -0.0199174
+internal_weight=0 212 168 128
+internal_count=261 212 168 128
+shrinkage=0.02
+
+
+Tree=8966
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 5
+split_gain=0.117464 0.432876 0.275143 0.324657
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00089886139974298701 0.00095427035186109517 -0.0020531679464654189 0.0014153187933069655 -0.0013316709097089114
+leaf_weight=49 49 43 57 63
+leaf_count=49 49 43 57 63
+internal_value=0 -0.0110197 0.0120929 -0.0174361
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=8967
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 1
+split_gain=0.112208 0.314815 0.344864 0.62568
+threshold=76.500000000000014 72.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0012700919909959738 0.0010732518438185943 -0.0017509345913828704 0.0013378216168618072 -0.0018660396632315438
+leaf_weight=74 39 44 42 62
+leaf_count=74 39 44 42 62
+internal_value=0 -0.0094184 0.00969641 -0.0282228
+internal_weight=0 222 178 104
+internal_count=261 222 178 104
+shrinkage=0.02
+
+
+Tree=8968
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.115453 0.463657 0.367365 1.76333 0.696952
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0020257671949453046 0.00101135914548065 0.0020324602310450631 -0.00024163072496572783 0.0026432764778296092 -0.0040503765478261088
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0102399 0.0140503 -0.0115608 -0.105515
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8969
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.118803 0.51943 0.602194
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00076848470496556623 0.00096780368393383496 0.002280425031082574 -0.0016057881621960759
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0138468 -0.0139756
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8970
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.113447 0.458567 0.967058 0.941305
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013595864926804527 0.0010038284022493755 0.0015292904260738186 -0.0034539720040472005 0.0021386524158206418
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0101644 -0.0356905 0.00688319
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8971
+num_leaves=5
+num_cat=0
+split_feature=9 8 2 5
+split_gain=0.114366 0.409381 0.960187 1.05843
+threshold=42.500000000000007 50.500000000000007 18.500000000000004 70.65000000000002
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00094360181813160366 -0.0019520815513285824 -0.0024885261115416904 0.0022418109590071535 0.001696186222198951
+leaf_weight=49 45 66 62 39
+leaf_count=49 45 66 62 39
+internal_value=0 -0.0108875 0.012271 -0.0463248
+internal_weight=0 212 167 105
+internal_count=261 212 167 105
+shrinkage=0.02
+
+
+Tree=8972
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 2 2
+split_gain=0.109742 1.41898 0.912521 0.446526 1.1471
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 10.500000000000002 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.00092728409005907121 -0.0036300029875424729 0.0030501590616586129 -0.0018784263467608881 0.0030478809720743379 -0.0017741623046334499
+leaf_weight=49 40 45 47 40 40
+leaf_count=49 40 45 47 40 40
+internal_value=0 -0.0106953 0.0288519 -0.0147083 0.0313712
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8973
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.112109 0.970415 0.849144 0.71619
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00070793881168823894 0.0010994157542794029 0.0029522060828306353 -0.0030192770659999836 -0.0021662432064654198
+leaf_weight=69 55 43 39 55
+leaf_count=69 55 43 39 55
+internal_value=0 0.0192248 -0.0315841 -0.0263242
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8974
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 1
+split_gain=0.114238 0.305554 0.330801 0.425857 0.423494
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 5.5000000000000009 8.5000000000000018
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -4
+right_child=-2 -3 4 -5 -6
+leaf_value=-0.00068326539485506126 -0.0010058053674031364 0.001741224522895761 0.00016339971124250548 0.0022365690164026738 -0.0026546573165984358
+leaf_weight=42 44 44 51 41 39
+leaf_count=42 44 44 51 41 39
+internal_value=0 0.0102442 -0.00908931 0.0375051 -0.0524995
+internal_weight=0 217 173 83 90
+internal_count=261 217 173 83 90
+shrinkage=0.02
+
+
+Tree=8975
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.109803 0.483872 0.582608
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00074301318410717671 0.00095775502754066725 0.0022043454294281787 -0.0015750115649985994
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0133974 -0.0134843
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8976
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 2
+split_gain=0.111428 0.299994 0.435111 0.566836 0.537688
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 13.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0017488164075336518 -0.00099523518965686283 0.0017258996338105294 0.0015682628175988879 -0.0028313452734235064 -0.001399433627322598
+leaf_weight=43 44 44 44 39 47
+leaf_count=43 44 44 44 39 47
+internal_value=0 0.0101357 -0.0090302 -0.0391921 0.00480192
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=8977
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 4
+split_gain=0.114125 0.270174 0.290325 0.285531 0.0939423
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00070968640663149471 -0.0013254767165496858 0.0017904357797535837 -0.0015303472207224725 0.0016052243612146386 0.00011659162327747616
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0159173 -0.00634005 0.0264148 -0.0322952
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=8978
+num_leaves=6
+num_cat=0
+split_feature=4 2 2 3 4
+split_gain=0.108017 0.350402 0.503476 0.946705 1.25103
+threshold=50.500000000000007 25.500000000000004 19.500000000000004 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0010110162227942084 0.00040187316859928733 -0.0019335301287726984 0.0021160730081587675 0.0021003573271506809 -0.0043038677372894607
+leaf_weight=42 55 40 43 42 39
+leaf_count=42 55 40 43 42 39
+internal_value=0 -0.00967641 0.00957177 -0.0205993 -0.0771877
+internal_weight=0 219 179 136 94
+internal_count=261 219 179 136 94
+shrinkage=0.02
+
+
+Tree=8979
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.112421 0.448351 0.377085 1.70221 0.705346
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0019942456506805615 0.0010001744021897632 0.0020490389723652061 -0.00021043332954875479 0.0025816491281279957 -0.004040877135751313
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0101147 0.0137847 -0.01215 -0.104483
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8980
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.111489 0.472783 0.578855
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00074776135109967993 0.00096173512942357214 0.0021846985600894042 -0.0015631838661873574
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0134871 -0.0130942
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=8981
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.113304 0.438978 0.360209 0.603779
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001306537118796851 -0.00079188712723861354 0.0021128969646623703 -0.0010644086834749864 0.0023932358686749571
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0129131 -0.0119926 0.0338077
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=8982
+num_leaves=5
+num_cat=0
+split_feature=9 8 1 3
+split_gain=0.117816 0.382578 0.496131 1.11277
+threshold=42.500000000000007 50.500000000000007 7.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00095569920908513176 -0.0018997761479549776 0.0027840463384166091 -0.0011938346527246321 -0.0014761574861339793
+leaf_weight=49 45 63 63 41
+leaf_count=49 45 63 63 41
+internal_value=0 -0.0110233 0.0113931 0.0548496
+internal_weight=0 212 167 104
+internal_count=261 212 167 104
+shrinkage=0.02
+
+
+Tree=8983
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 2 2
+split_gain=0.117823 1.39399 0.89678 0.421113 1.10704
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 10.500000000000002 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0009556470998125017 -0.0036068391752326341 0.0030156784284622673 -0.001840842430720619 0.0029743470605960178 -0.0017643057145708245
+leaf_weight=49 40 45 47 40 40
+leaf_count=49 40 45 47 40 40
+internal_value=0 -0.0110274 0.028173 -0.0150162 0.0297779
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8984
+num_leaves=5
+num_cat=0
+split_feature=4 5 3 1
+split_gain=0.115765 0.309638 0.200373 0.630703
+threshold=50.500000000000007 52.000000000000007 71.500000000000014 8.5000000000000018
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0010410786159593362 -0.0017471434039365739 0.0020197488648772003 -0.00074227036194550531 -0.0010798799518244319
+leaf_weight=42 44 65 64 46
+leaf_count=42 44 65 64 46
+internal_value=0 -0.00996916 0.00928706 0.0364072
+internal_weight=0 219 175 111
+internal_count=261 219 175 111
+shrinkage=0.02
+
+
+Tree=8985
+num_leaves=6
+num_cat=0
+split_feature=9 5 6 2 3
+split_gain=0.115478 0.259076 0.248204 0.305849 0.100083
+threshold=67.500000000000014 62.400000000000006 49.500000000000007 14.500000000000002 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0018686735284560512 -0.0014689838566841419 0.0017634006650424044 -0.001318136319635885 -0.00058935748526815583 1.5025875333871512e-05
+leaf_weight=40 39 41 48 46 47
+leaf_count=40 39 41 48 46 47
+internal_value=0 0.0159896 -0.00583157 0.0272604 -0.0324654
+internal_weight=0 175 134 86 86
+internal_count=261 175 134 86 86
+shrinkage=0.02
+
+
+Tree=8986
+num_leaves=6
+num_cat=0
+split_feature=2 3 7 6 2
+split_gain=0.116401 0.441092 0.732895 0.750536 0.0201016
+threshold=25.500000000000004 72.500000000000014 66.500000000000014 46.500000000000007 13.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0019593459813137333 0.0010148268387597354 0.0014949367676535328 -0.0029526535144516579 0.00080707866012943291 0.0017731392812074408
+leaf_weight=46 44 49 44 39 39
+leaf_count=46 44 49 44 39 39
+internal_value=0 -0.0102789 -0.0353369 0.00424843 0.0650756
+internal_weight=0 217 168 124 78
+internal_count=261 217 168 124 78
+shrinkage=0.02
+
+
+Tree=8987
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 2 2
+split_gain=0.115132 1.34967 0.860334 0.39988 1.06606
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 10.500000000000002 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0009463013622348751 -0.0035511882209349429 0.0029562128646353383 -0.0017962050419565927 0.0029160467917734114 -0.0017355927648703773
+leaf_weight=49 40 45 47 40 40
+leaf_count=49 40 45 47 40 40
+internal_value=0 -0.0109177 0.0276602 -0.0146559 0.0290376
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8988
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.116476 0.414194 0.402484 1.65265 0.708305
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0019308912954271965 0.0010152110702898974 0.0020839039823848447 -0.00021753860319621493 0.0025027652063936605 -0.004055825548157351
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0102765 0.0127263 -0.0140367 -0.10503
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8989
+num_leaves=5
+num_cat=0
+split_feature=4 5 2 2
+split_gain=0.118888 0.47541 0.245788 0.728521
+threshold=52.500000000000007 53.500000000000007 9.5000000000000018 17.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.00085355534889743642 -0.0022420440527575851 -0.0010199301639053 0.0027740251939286672 -0.00052341206213777042
+leaf_weight=59 40 47 45 70
+leaf_count=59 40 47 45 70
+internal_value=0 -0.0124454 0.0119522 0.038042
+internal_weight=0 202 162 115
+internal_count=261 202 162 115
+shrinkage=0.02
+
+
+Tree=8990
+num_leaves=6
+num_cat=0
+split_feature=4 2 2 3 9
+split_gain=0.114264 0.326518 0.529693 0.930255 1.39325
+threshold=50.500000000000007 25.500000000000004 19.500000000000004 72.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0010352481992674861 0.00062405753832804806 -0.0018812504738740324 0.0021461925086992814 0.0020459910727805355 -0.0042945889976306858
+leaf_weight=42 52 40 43 42 42
+leaf_count=42 52 40 43 42 42
+internal_value=0 -0.0099167 0.00869288 -0.0222326 -0.0783346
+internal_weight=0 219 179 136 94
+internal_count=261 219 179 136 94
+shrinkage=0.02
+
+
+Tree=8991
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.124048 0.963553 0.886013 0.686037
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0007568726760356977 0.0010421371754899484 0.0029601732099142049 -0.0030489609771703007 -0.0021555494085638842
+leaf_weight=69 55 43 39 55
+leaf_count=69 55 43 39 55
+internal_value=0 0.0200731 -0.0305569 -0.0274896
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8992
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.126093 0.416043 1.39958 1.04962
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0036963053267043138 0.0010504322082297937 0.0026088210760707286 0.0012339646413692664 -0.0011177725733788823
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.0106294 -0.0624994 0.027964
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=8993
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.120301 0.404178 0.921754 0.872441
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012998335745195303 0.0010294572904533557 0.0014224622766209252 -0.0033656569978439332 0.002070665317231565
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0104135 -0.0344527 0.00712606
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=8994
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 4 2
+split_gain=0.120805 0.400125 0.94206 0.616005 0.257422
+threshold=42.500000000000007 12.500000000000002 50.500000000000007 67.500000000000014 22.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00096611534699490929 0.0026144099441678613 -0.0034684962397048963 -0.0008062323785420814 -0.00087498396134359118 0.0014393092220590616
+leaf_weight=49 42 41 47 41 41
+leaf_count=49 42 41 47 41 41
+internal_value=0 -0.0111368 -0.0469854 0.0440909 0.0115607
+internal_weight=0 212 129 83 88
+internal_count=261 212 129 83 88
+shrinkage=0.02
+
+
+Tree=8995
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 2 2
+split_gain=0.121139 1.28515 0.821373 0.387369 1.03385
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 10.500000000000002 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0009672470464588839 -0.0034764124090486495 0.0028793759530958592 -0.0017777439175339447 0.0028639371949358418 -0.001718187937124846
+leaf_weight=49 40 45 47 40 40
+leaf_count=49 40 45 47 40 40
+internal_value=0 -0.0111507 0.0265024 -0.0148612 0.0281692
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=8996
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.125151 0.924027 0.885863 0.65489
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00077915506604889022 0.00092141982441887055 0.0029098946438716961 -0.0030265408004523237 -0.0022093494132587542
+leaf_weight=69 58 43 39 52
+leaf_count=69 58 43 39 52
+internal_value=0 0.0201557 -0.0294396 -0.0275888
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8997
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.123666 0.399687 0.393015 1.59067 0.720802
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0019069501824251658 0.0010417883377754691 0.0020504057181592421 -0.00017489374297101161 0.0024436118479496875 -0.0040452369649391327
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0105347 0.0120763 -0.0143831 -0.103678
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=8998
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.132355 0.904978 0.845732 0.625494
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00076835889969545878 0.00095627492622139018 0.0028943212662823716 -0.0029520275315071025 -0.0021006596432594587
+leaf_weight=69 55 43 39 55
+leaf_count=69 55 43 39 55
+internal_value=0 0.0206504 -0.0284377 -0.0282644
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=8999
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 4 4
+split_gain=0.127825 0.651997 0.391331 0.228226 0.104381
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 66.500000000000014 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00088081007850781612 0.00024687790250678556 -0.0025423684409094575 -0.0015051944769341103 0.0024728485716290875 6.3145743333879834e-05
+leaf_weight=59 43 41 39 39 40
+leaf_count=59 43 41 39 39 40
+internal_value=0 -0.0128286 0.0160705 0.0658263 -0.0350814
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=9000
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.129641 0.446081 0.394052 0.562622
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013412793198181983 -0.00083884557723924616 0.002142600151558571 -0.0009532621303323356 0.0023873031864773786
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0136897 -0.0114086 0.0364051
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9001
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 2
+split_gain=0.130849 0.433691 0.329755 1.37371
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.002258657417616881 -0.0015687914011749558 -0.00053086712455844762 -0.0015048021333013328 0.0032126283681912231
+leaf_weight=40 61 55 64 41
+leaf_count=40 61 55 64 41
+internal_value=0 0.0318026 -0.0181478 0.0165271
+internal_weight=0 95 166 105
+internal_count=261 95 166 105
+shrinkage=0.02
+
+
+Tree=9002
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 4
+split_gain=0.124832 0.415804 0.316235 1.23552
+threshold=55.500000000000007 52.500000000000007 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0022135634033094475 -0.0016354568020680951 -0.0005202633755889371 0.0030542524594705644 -0.0013478511955950048
+leaf_weight=40 55 55 41 70
+leaf_count=40 55 55 41 70
+internal_value=0 0.0311595 -0.0177848 0.0135924
+internal_weight=0 95 166 111
+internal_count=261 95 166 111
+shrinkage=0.02
+
+
+Tree=9003
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.123398 0.865886 0.823604 0.630748
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0028664097575912873 0.00089795658353665465 0.0028290541456557771 0.00078649503750932096 -0.0021761523276161089
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0200328 -0.0280005 -0.0274225
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9004
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.128741 0.242642 0.322345 0.291802 0.0995349
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0006495461975816935 0.00011979278854955211 0.0017355585183892947 -0.0015621566018580505 0.0016881219776385618 -0.0013600205529868184
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0167667 -0.00439037 0.0300372 -0.0340048
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=9005
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 3
+split_gain=0.124588 0.40568 0.301336 0.894928
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0020973092831354672 -0.0015112748651823086 -0.00058262821217519166 0.0024688549423418794 -0.0012985459808523769
+leaf_weight=43 61 52 45 60
+leaf_count=43 61 52 45 60
+internal_value=0 0.0311316 -0.0177714 0.0154505
+internal_weight=0 95 166 105
+internal_count=261 95 166 105
+shrinkage=0.02
+
+
+Tree=9006
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 7
+split_gain=0.121735 0.235308 0.424526 0.0955552
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-7.088694148465052e-05 0.000122252324939781 -0.00065890475290060165 0.0025337893314108816 -0.0013325402522406204
+leaf_weight=68 39 65 42 47
+leaf_count=68 39 65 42 47
+internal_value=0 0.0163638 0.0458668 -0.0331976
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=9007
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.120291 0.396432 0.297676 0.62098
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021678606010759626 -0.001470449840859942 -0.00050428586796708085 -0.00092018125820636217 0.002311300087040548
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0306591 -0.0175117 0.0163859
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9008
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 2
+split_gain=0.128222 0.303427 0.423064 0.566397 0.502495
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 13.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0017139767081631788 -0.0010570514277857882 0.0017463516618271169 0.0015553112249945685 -0.0028123774939953963 -0.001333035434890457
+leaf_weight=43 44 44 44 39 47
+leaf_count=43 44 44 44 39 47
+internal_value=0 0.0107568 -0.00851159 -0.0382756 0.0057039
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=9009
+num_leaves=6
+num_cat=0
+split_feature=9 5 6 5 7
+split_gain=0.124276 0.231795 0.24082 0.306211 0.0927456
+threshold=67.500000000000014 62.400000000000006 49.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00067796321848324599 0.00010615392009071417 0.0017010553313601996 -0.0012693506637977568 0.0017757915955485741 -0.0013302835351675717
+leaf_weight=42 39 41 48 44 47
+leaf_count=42 39 41 48 44 47
+internal_value=0 0.0165025 -0.00420693 0.0284287 -0.0335012
+internal_weight=0 175 134 86 86
+internal_count=261 175 134 86 86
+shrinkage=0.02
+
+
+Tree=9010
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.119236 0.290682 0.408501 0.573465
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00035128981698668389 -0.0010245131480604553 0.0017093086160173323 0.0015277243674896945 -0.0024057735338741284
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0104255 -0.00845551 -0.0377294
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9011
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 3 4
+split_gain=0.123412 0.231557 0.343568 0.33722 0.100347
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 53.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.00058866285997245219 -0.001366289474032876 0.0017444065895903162 0.0014674693504704811 -0.0018789827858123071 0.00011612622509402528
+leaf_weight=42 46 39 42 52 40
+leaf_count=42 46 39 42 52 40
+internal_value=0 0.0164554 -0.00357799 -0.0384148 -0.0333983
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=9012
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 4
+split_gain=0.117716 0.224803 0.417778 0.095641
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-8.0165101232482455e-05 -0.0013390051474863882 -0.00064288109595899822 0.0025046891850687872 0.0001138078766271364
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0161316 0.0450238 -0.032722
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=9013
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.118823 0.430338 0.578373 1.18939
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00095916424454509639 0.0021629830514242475 -0.0020227611114953365 -0.0022616392036918262 0.001762807995743596
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0110645 0.0123205 -0.0246129
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=9014
+num_leaves=5
+num_cat=0
+split_feature=6 9 5 4
+split_gain=0.115959 0.286961 0.665404 0.221658
+threshold=70.500000000000014 72.500000000000014 58.900000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00079200187844634352 -0.001012223101755051 -0.0013933952817884526 0.0026940889760028609 -0.00092083523866979644
+leaf_weight=59 44 39 45 74
+leaf_count=59 44 39 45 74
+internal_value=0 0.01031 0.0280788 -0.00774882
+internal_weight=0 217 178 133
+internal_count=261 217 178 133
+shrinkage=0.02
+
+
+Tree=9015
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.114008 0.858294 0.802548 0.631484
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00073376961972548827 0.00099852648386618433 0.0028052854234889403 -0.0028923901676796023 -0.0020729225536256037
+leaf_weight=69 55 43 39 55
+leaf_count=69 55 43 39 55
+internal_value=0 0.0193617 -0.028465 -0.0265136
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9016
+num_leaves=5
+num_cat=0
+split_feature=5 3 3 1
+split_gain=0.120817 0.456189 0.208588 1.29695
+threshold=68.65000000000002 65.500000000000014 52.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00078591571323838023 -0.00075895568707899435 0.0022544244407943855 -0.0032544374728499742 0.0014483278242759946
+leaf_weight=56 71 39 46 49
+leaf_count=56 71 39 46 49
+internal_value=0 0.0142274 -0.010987 -0.0410553
+internal_weight=0 190 151 95
+internal_count=261 190 151 95
+shrinkage=0.02
+
+
+Tree=9017
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.115985 0.298049 0.404725 0.551234
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00032597184409361427 -0.0010122915246953547 0.0017247628648994675 0.0015133793874036597 -0.0023786619191998961
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0103125 -0.00879403 -0.0379384
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9018
+num_leaves=5
+num_cat=0
+split_feature=9 1 6 4
+split_gain=0.11643 0.227339 0.415139 0.0909006
+threshold=67.500000000000014 9.5000000000000018 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-7.561410228218718e-05 -0.001321597536667997 -0.00064937379203744807 0.002501358598829757 0.00010051585304371162
+leaf_weight=68 46 65 42 40
+leaf_count=68 46 65 42 40
+internal_value=0 0.0160594 0.0451009 -0.0325655
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=9019
+num_leaves=5
+num_cat=0
+split_feature=3 3 4 9
+split_gain=0.119883 0.410015 0.21662 0.534485
+threshold=71.500000000000014 65.500000000000014 52.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00077176076114248327 -0.00081123016131581034 0.0020596230544888379 -0.0025584649937663477 0.00049430837166112033
+leaf_weight=59 64 42 42 54
+leaf_count=59 64 42 42 54
+internal_value=0 0.013226 -0.0108723 -0.0416922
+internal_weight=0 197 155 96
+internal_count=261 197 155 96
+shrinkage=0.02
+
+
+Tree=9020
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 4
+split_gain=0.123776 0.338985 0.300533 0.925212
+threshold=55.500000000000007 49.500000000000007 69.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0019750525755148239 -0.0013399357546857069 -0.00048470858608277534 -0.0013363652167266177 0.002742563812013335
+leaf_weight=43 52 52 74 40
+leaf_count=43 52 52 74 40
+internal_value=0 0.0310438 -0.0177216 0.0213555
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=9021
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.115864 0.697975 0.62413
+threshold=7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2
+left_child=1 -1 -2
+right_child=2 -3 -4
+leaf_value=-0.00095483518372223026 0.00090515643740574829 0.001799667148985521 -0.0021533614222481864
+leaf_weight=77 58 74 52
+leaf_count=77 58 74 52
+internal_value=0 0.0194983 -0.0266935
+internal_weight=0 151 110
+internal_count=261 151 110
+shrinkage=0.02
+
+
+Tree=9022
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.119797 0.328042 0.298491 0.63941
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0019455801770142953 -0.0014712207473664459 -0.00047625615279917662 -0.00093658081258068157 0.0023411059757405929
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0306077 -0.0174782 0.0164636
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9023
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.121141 0.553392 0.501645 0.586638
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014311735754837737 -0.0007598921266205287 0.0023473466755319782 -0.0020939129429065734 0.0017108138436955093
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0142406 -0.0147966 0.024136
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=9024
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 2 9
+split_gain=0.11938 0.422391 0.571294 0.992588 0.385647
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 12.500000000000002 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.00096098097759812003 0.0022046307796438668 -0.00200734293376991 0.002364960920046118 -0.0028342837374967351 -0.00058261927391734002
+leaf_weight=49 44 44 40 45 39
+leaf_count=49 44 44 40 45 39
+internal_value=0 -0.011092 0.0120836 -0.0208269 0.0442971
+internal_weight=0 212 168 128 83
+internal_count=261 212 168 128 83
+shrinkage=0.02
+
+
+Tree=9025
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.114585 0.45413 0.383978 1.63306 0.789765
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0020071229474493291 0.0010080872400022834 0.0020654486596874181 -7.2329419193141263e-05 0.0025207570077866084 -0.0041165321999753202
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0102084 0.0138392 -0.0123221 -0.102787
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9026
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 9
+split_gain=0.123797 0.852608 0.785302 0.370758
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00073688060118593912 0.00079359806337846596 0.0028111370164223769 -0.0028511013803440561 -0.0016017894728692311
+leaf_weight=69 48 43 39 62
+leaf_count=69 48 43 39 62
+internal_value=0 0.0200501 -0.0276192 -0.0274711
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9027
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.118064 0.818069 0.826019 0.596774
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0028510218338089334 0.00086957180884427614 0.0027550053766716488 0.00080727514974358113 -0.0021230362070392048
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0196495 -0.0270608 -0.0269149
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9028
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 5
+split_gain=0.128294 0.543212 0.438985 0.317484
+threshold=68.65000000000002 65.500000000000014 51.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00053945054922645915 -0.00077891282358802925 0.0023360304592833872 -0.0018687041490565548 0.001802057669848197
+leaf_weight=55 71 42 49 44
+leaf_count=55 71 42 49 44
+internal_value=0 0.0145969 -0.0141785 0.0246841
+internal_weight=0 190 148 99
+internal_count=261 190 148 99
+shrinkage=0.02
+
+
+Tree=9029
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.122407 0.520967 0.472372 0.565671
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014018856332222956 -0.00076335004412777336 0.0022893876119977029 -0.0020248733307328963 0.0016851965468054966
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0143014 -0.0138952 0.0239215
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=9030
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 6 5
+split_gain=0.121173 0.411097 0.559603 1.05294 1.86269
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 53.500000000000007 70.65000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -5
+right_child=1 -3 -4 4 -6
+leaf_value=0.00096708633893858231 0.0022391701679262245 -0.0019858736031066813 0.0023364369979159386 -0.004333143389293824 0.0015681695187522043
+leaf_weight=49 41 44 40 48 39
+leaf_count=49 41 44 40 48 39
+internal_value=0 -0.011166 0.0117088 -0.0208726 -0.0839703
+internal_weight=0 212 168 128 87
+internal_count=261 212 168 128 87
+shrinkage=0.02
+
+
+Tree=9031
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.120825 0.301406 0.364579 0.335634
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0019067886348581103 -0.00098997775988389361 0.0015211384763516951 -0.0014532736855772722 -0.00054220794031687326
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.0109135 -0.0119458 0.0279229
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9032
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.118149 0.527743 0.444194 0.552371
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014104938521955208 -0.00075186528182657065 0.0022976059997633601 -0.0019820096247875163 0.0016415275740362639
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0140853 -0.0142894 0.0224181
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=9033
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 2 9
+split_gain=0.116104 0.398364 0.537385 0.939154 0.373314
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 12.500000000000002 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.00094955114925225929 0.0021585095369656233 -0.0019556495004266141 0.0022929599855140703 -0.0027607628157920684 -0.0005860150795947691
+leaf_weight=49 44 44 40 45 39
+leaf_count=49 44 44 40 45 39
+internal_value=0 -0.0109644 0.011567 -0.0203786 0.0429938
+internal_weight=0 212 168 128 83
+internal_count=261 212 168 128 83
+shrinkage=0.02
+
+
+Tree=9034
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.123946 0.450617 1.51029 1.08719
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.003828709138624983 0.0010424679213433625 0.0026759115963594917 0.0012905864057921332 -0.0011154892336644492
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.0105618 -0.0644461 0.0295426
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=9035
+num_leaves=5
+num_cat=0
+split_feature=9 7 2 4
+split_gain=0.119583 0.39065 0.847889 1.24784
+threshold=42.500000000000007 55.500000000000007 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00096165414142686386 -0.0017102055555466237 0.0014563936333260952 0.0022135619061619213 -0.0030850492263949747
+leaf_weight=49 55 48 59 50
+leaf_count=49 55 48 59 50
+internal_value=0 -0.0111014 0.0147372 -0.042653
+internal_weight=0 212 157 98
+internal_count=261 212 157 98
+shrinkage=0.02
+
+
+Tree=9036
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.114046 0.402391 0.519145 1.17311
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00094244863390801075 0.0020546960819291795 -0.0019622334704692329 -0.0022231289845841633 0.0017742624301874011
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.010876 0.0117648 -0.0232792
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=9037
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.121153 0.444639 0.374772 1.61101 0.758043
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0019937953369100468 0.0010324705777753635 0.0020353014061205033 -0.00010256245548174507 0.0024984865105207076 -0.0040675428800336349
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0104505 0.0133525 -0.0125066 -0.102367
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9038
+num_leaves=5
+num_cat=0
+split_feature=1 9 2 2
+split_gain=0.122175 0.70247 0.807136 0.582135
+threshold=7.5000000000000009 70.500000000000014 17.500000000000004 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.000967878272199722 0.00084466650083838139 0.0024265078674836791 -0.0026592121548156661 -0.002112014247081274
+leaf_weight=60 58 48 43 52
+leaf_count=60 58 48 43 52
+internal_value=0 0.0199412 -0.026968 -0.0273112
+internal_weight=0 151 103 110
+internal_count=261 151 103 110
+shrinkage=0.02
+
+
+Tree=9039
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.127583 0.419838 0.584199
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00079232221841164926 0.0010129822558003539 0.00209467222423091 -0.0015235712612411043
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0142828 -0.0108139
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9040
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.123927 0.429541 1.44431 1.03953
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0037488592941086847 0.0010425916006431468 0.0026125826970850997 0.0012586500638554535 -0.0010962699339903627
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.0105515 -0.0632174 0.0286388
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=9041
+num_leaves=5
+num_cat=0
+split_feature=9 2 2 4
+split_gain=0.122173 0.387336 0.535756 1.39649
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00097071895020931734 0.0012596936516470439 -0.0019371790969239251 0.0022793715359238219 -0.0030475024666785241
+leaf_weight=49 78 44 40 50
+leaf_count=49 78 44 40 50
+internal_value=0 -0.0111947 0.0110342 -0.0208652
+internal_weight=0 212 168 128
+internal_count=261 212 168 128
+shrinkage=0.02
+
+
+Tree=9042
+num_leaves=5
+num_cat=0
+split_feature=9 6 1 3
+split_gain=0.116534 0.382473 0.673548 1.18174
+threshold=42.500000000000007 47.500000000000007 7.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00095133192911637827 -0.0019726603793961887 0.0029340712499063611 -0.0014072606709144698 -0.0014400605587794422
+leaf_weight=49 42 64 65 41
+leaf_count=49 42 64 65 41
+internal_value=0 -0.0109675 0.0104875 0.0609321
+internal_weight=0 212 170 105
+internal_count=261 212 170 105
+shrinkage=0.02
+
+
+Tree=9043
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 4
+split_gain=0.115166 0.240469 0.281992 0.276759 0.108746
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00067529230665248159 -0.0013711140914742306 0.001714170918372939 -0.0014866739706274027 0.0016056752557153976 0.00016371341991638761
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0159796 -0.00509067 0.0272213 -0.0324197
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=9044
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 4
+split_gain=0.127301 0.465855 0.987482 0.841265
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0017197447551196116 0.001054741122269809 0.0015322162312671273 -0.0034961575316555756 0.0015844254303205125
+leaf_weight=56 44 49 40 72
+leaf_count=56 44 49 40 72
+internal_value=0 -0.0106744 -0.0363919 0.00662273
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=9045
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 9
+split_gain=0.121462 0.434407 1.37119 0.645548
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0036898177229651536 0.0010336801381995138 0.0021698610262923428 0.0011906238604075794 -0.00076350249754981742
+leaf_weight=47 44 57 46 67
+leaf_count=47 44 57 46 67
+internal_value=0 -0.0104579 -0.063408 0.0289457
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=9046
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 3
+split_gain=0.124593 1.32928 0.895352 0.563271 1.22432
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.00097899272354649565 -0.003533645861458832 0.0029904460640004659 -0.0017630623589033766 -0.0023239051306488687 0.0030126996751116135
+leaf_weight=49 40 45 44 40 43
+leaf_count=49 40 45 44 40 43
+internal_value=0 -0.0112873 0.0270004 -0.0161565 0.0294354
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=9047
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 9
+split_gain=0.123068 0.40762 1.31416 0.615494
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0036092765802774357 0.0010395630165538957 0.0021087777643837066 0.0011699311107895185 -0.00075757330021080445
+leaf_weight=47 44 57 46 67
+leaf_count=47 44 57 46 67
+internal_value=0 -0.0105156 -0.0618835 0.0277011
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=9048
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.133148 0.631484 0.339046 0.302331 0.117526
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00089647567217192997 -2.7960267690521005e-05 -0.0025118130171185781 -0.0014935758676344641 0.0024601749572145818 0.0001585718982678445
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.0130601 0.0153906 0.0618857 -0.0323764
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=9049
+num_leaves=5
+num_cat=0
+split_feature=9 2 6 9
+split_gain=0.129394 0.378557 0.537711 1.25392
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00099511773484361045 0.0021168818676421458 -0.0019241302714532861 -0.0029852494911886854 0.0011666521502539781
+leaf_weight=49 45 44 49 74
+leaf_count=49 45 44 49 74
+internal_value=0 -0.0114728 0.0105122 -0.0240807
+internal_weight=0 212 168 123
+internal_count=261 212 168 123
+shrinkage=0.02
+
+
+Tree=9050
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.127699 0.408995 0.944048 0.853331
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012824144194100678 0.0010563195836443952 0.0014263428736418116 -0.0034051899067892052 0.0020517643359602199
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.010681 -0.0348549 0.00721662
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=9051
+num_leaves=5
+num_cat=0
+split_feature=9 6 1 2
+split_gain=0.129659 0.378494 0.650136 2.13669
+threshold=42.500000000000007 47.500000000000007 7.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00099608938119939618 -0.0019740985557419235 -0.001187587979744651 -0.0013920598298102842 0.0046310806861188372
+leaf_weight=49 42 62 65 43
+leaf_count=49 42 62 65 43
+internal_value=0 -0.0114784 0.00986821 0.059459
+internal_weight=0 212 170 105
+internal_count=261 212 170 105
+shrinkage=0.02
+
+
+Tree=9052
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.123976 0.59975 0.339995 0.307071 0.111788
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00086924280491358782 -4.2375466763779856e-05 -0.0024484110563641514 -0.0014829834532884187 0.0024643236125432202 0.00013349750570326279
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.0126617 0.015082 0.0616401 -0.03275
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=9053
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 1 8
+split_gain=0.124771 0.385113 0.516235 1.94517 1.00086
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 8.5000000000000018 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=0.00097961402483571439 0.0020870334068687256 -0.0019344495030955606 -0.00078330047443485957 -0.004171518937424532 0.0036236101402661548
+leaf_weight=49 45 44 45 39 39
+leaf_count=49 45 44 45 39 39
+internal_value=0 -0.0112931 0.0108742 -0.0230398 0.0627281
+internal_weight=0 212 168 123 84
+internal_count=261 212 168 123 84
+shrinkage=0.02
+
+
+Tree=9054
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.123208 0.406375 0.361845 1.66243 0.738262
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0019201103651409737 0.0010400917896857629 0.0019847117922389664 -0.00016774047627801992 0.0025285491027797918 -0.0040830632727683761
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0105196 0.0122727 -0.013157 -0.104418
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9055
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.125327 0.41826 0.409027 0.581488
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013500346400518765 -0.00082683854971435128 0.0020818357584749627 -0.00095189258046239611 0.0024422856155514633
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0134822 -0.0108481 0.0378312
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9056
+num_leaves=5
+num_cat=0
+split_feature=9 2 2 4
+split_gain=0.124283 0.383729 0.508459 1.41589
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00097786650383499172 0.0012835343495494231 -0.0019312459495512838 0.002224559461777425 -0.0030531623098267895
+leaf_weight=49 78 44 40 50
+leaf_count=49 78 44 40 50
+internal_value=0 -0.0112789 0.0108502 -0.0202492
+internal_weight=0 212 168 128
+internal_count=261 212 168 128
+shrinkage=0.02
+
+
+Tree=9057
+num_leaves=5
+num_cat=0
+split_feature=9 6 1 3
+split_gain=0.11856 0.379131 0.625232 1.19506
+threshold=42.500000000000007 47.500000000000007 7.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00095833701828795684 -0.001966999468283158 0.0029045710648712814 -0.0013531570883837921 -0.0014940780862741352
+leaf_weight=49 42 64 65 41
+leaf_count=49 42 64 65 41
+internal_value=0 -0.01105 0.0103146 0.0589769
+internal_weight=0 212 170 105
+internal_count=261 212 170 105
+shrinkage=0.02
+
+
+Tree=9058
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 9 9
+split_gain=0.122078 1.32993 0.856098 0.587311 0.944494
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 64.500000000000014 77.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.00097033828733796761 -0.0035325819475560943 0.0029393473720012281 -0.0021093936393044165 0.0028965111462876019 -0.0014863904872787618
+leaf_weight=49 40 45 47 41 39
+leaf_count=49 40 45 47 41 39
+internal_value=0 -0.0111937 0.0271034 -0.0151109 0.0375212
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=9059
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 9
+split_gain=0.121329 0.393416 1.30711 0.570801
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0035847084593349948 0.0010331277098546419 0.0020414983061706415 0.0011819145602558398 -0.00072196875334083733
+leaf_weight=47 44 57 46 67
+leaf_count=47 44 57 46 67
+internal_value=0 -0.0104564 -0.0609656 0.0271161
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=9060
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 4 4
+split_gain=0.128068 0.60252 0.32165 0.201346 0.118664
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 66.500000000000014 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00088139253619138171 0.00019554974738312123 -0.0024569716696117897 -0.0014823090165113594 0.00229806333423683 0.00017713406316830033
+leaf_weight=59 43 41 39 39 40
+leaf_count=59 43 41 39 39 40
+internal_value=0 -0.0128461 0.0149598 0.060319 -0.0316277
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=9061
+num_leaves=5
+num_cat=0
+split_feature=4 5 6 4
+split_gain=0.122172 0.466351 0.266871 0.553564
+threshold=52.500000000000007 53.500000000000007 63.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.00086378555544968164 -0.0022264390710824027 0.0011993807470669197 0.0010039110142921295 -0.0021496000255022511
+leaf_weight=59 40 70 48 44
+leaf_count=59 40 70 48 44
+internal_value=0 -0.0125817 0.0115894 -0.0248044
+internal_weight=0 202 162 92
+internal_count=261 202 162 92
+shrinkage=0.02
+
+
+Tree=9062
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.120073 0.399812 0.330376 0.642187
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0020774604788727736 -0.0015262182978096599 -0.00058395168969927445 -0.0009058109149974727 0.0023784633802302556
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0306458 -0.0174875 0.0181311
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9063
+num_leaves=5
+num_cat=0
+split_feature=9 6 1 3
+split_gain=0.115344 0.366869 0.604908 1.17468
+threshold=42.500000000000007 47.500000000000007 7.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00094719819607646247 -0.0019373612357682049 0.0028706783862368491 -0.0013323659138945515 -0.0014909293361249445
+leaf_weight=49 42 64 65 41
+leaf_count=49 42 64 65 41
+internal_value=0 -0.0109186 0.010112 0.0580051
+internal_weight=0 212 170 105
+internal_count=261 212 170 105
+shrinkage=0.02
+
+
+Tree=9064
+num_leaves=6
+num_cat=0
+split_feature=4 2 2 3 4
+split_gain=0.116526 0.32451 0.440133 0.93848 1.23228
+threshold=50.500000000000007 25.500000000000004 19.500000000000004 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0010440992942070603 0.00040995918346908188 -0.0018778492680267113 0.0019759615844049446 0.0021074920257990451 -0.0042609355791865455
+leaf_weight=42 55 40 43 42 39
+leaf_count=42 55 40 43 42 39
+internal_value=0 -0.00999152 0.00856329 -0.019709 -0.0760595
+internal_weight=0 219 179 136 94
+internal_count=261 219 179 136 94
+shrinkage=0.02
+
+
+Tree=9065
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.124898 0.404484 0.900122 0.840473
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012868536694710243 0.0010462432405914555 0.0014197001313942135 -0.0033381724512306326 0.0020227875812302188
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0105799 -0.0346273 0.00646698
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=9066
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 3
+split_gain=0.118222 0.403975 0.334635 0.888952
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021776021980186157 -0.0015617494149868922 -0.00051882671369860348 0.002503579785798959 -0.0012511436559231365
+leaf_weight=40 61 55 45 60
+leaf_count=40 61 55 45 60
+internal_value=0 0.0304432 -0.017371 0.0175503
+internal_weight=0 95 166 105
+internal_count=261 95 166 105
+shrinkage=0.02
+
+
+Tree=9067
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.118544 0.406449 0.365913 1.65595 0.707036
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0019168079975812118 0.0010230419128314963 0.0019974421094011278 -0.00020270694628637262 0.0025239580695393771 -0.0040374851459458504
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0103456 0.012449 -0.013117 -0.104202
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9068
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 2 2
+split_gain=0.114567 1.28158 0.833594 0.371309 1.09603
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 10.500000000000002 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.00094446877145538846 -0.0034667301313342199 0.0029005943854519818 -0.0017500829425825797 0.0029116796916906214 -0.0018041159238248864
+leaf_weight=49 40 45 47 40 40
+leaf_count=49 40 45 47 40 40
+internal_value=0 -0.0108875 0.026714 -0.0149509 0.0272137
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=9069
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 4
+split_gain=0.118756 0.402132 0.87283 0.780199
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016623277566756966 0.0010237938145377184 0.0014196835771212151 -0.0032928149881492623 0.0015225519758507154
+leaf_weight=56 44 49 40 72
+leaf_count=56 44 49 40 72
+internal_value=0 -0.0103551 -0.0343367 0.00613868
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=9070
+num_leaves=6
+num_cat=0
+split_feature=4 9 5 2 7
+split_gain=0.120639 0.751708 1.94328 1.4536 0.685747
+threshold=51.500000000000007 57.500000000000007 53.500000000000007 18.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.0009778362900694467 -0.0049865690942368368 -0.0028771081031212968 0.0012656581654712932 0.0032972201272713302 0.00086639997011293704
+leaf_weight=48 39 40 41 53 40
+leaf_count=48 39 40 41 53 40
+internal_value=0 -0.0109894 -0.0887003 0.0354755 -0.0498121
+internal_weight=0 213 80 133 80
+internal_count=261 213 80 133 80
+shrinkage=0.02
+
+
+Tree=9071
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 2
+split_gain=0.119456 0.407447 0.319611 1.18236
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021867505589833365 -0.001537240356943778 -0.00052072827382422797 -0.0013696527829943498 0.0030116176530845789
+leaf_weight=40 61 55 64 41
+leaf_count=40 61 55 64 41
+internal_value=0 0.0305809 -0.0174462 0.0167191
+internal_weight=0 95 166 105
+internal_count=261 95 166 105
+shrinkage=0.02
+
+
+Tree=9072
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.114018 0.592993 0.329007 0.280868 0.115632
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00083869680371283673 -0 -0.002427509643694389 -0.0014745397753260282 0.0024052406266236036 0.00016628786605404653
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.0122132 0.0153782 0.0612199 -0.0317106
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=9073
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.118152 0.408143 0.360295 0.565097
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012848546220225107 -0.00080608728191601216 0.0020541908989574328 -0.00098682077168431455 0.0023611903306790137
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0131494 -0.010896 0.0349143
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9074
+num_leaves=5
+num_cat=0
+split_feature=4 1 5 6
+split_gain=0.111977 0.565135 0.285741 0.423355
+threshold=52.500000000000007 9.5000000000000018 68.65000000000002 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00083221364133810453 -0.00019546028168157233 -0.0023755486487856102 -0.00067743855558804404 0.0026078603292051419
+leaf_weight=59 49 41 71 41
+leaf_count=59 49 41 71 41
+internal_value=0 -0.0121235 0.0148283 0.053688
+internal_weight=0 202 161 90
+internal_count=261 202 161 90
+shrinkage=0.02
+
+
+Tree=9075
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.122318 0.379485 0.321354 0.633678
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021402979749067779 -0.001513913606659856 -0.00047653367490913033 -0.00090990760011162267 0.0023532695905776101
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.030882 -0.0176356 0.0175161
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9076
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.11793 0.392645 0.343607 0.552411
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012528291392197338 -0.00080564342828739913 0.0020210526738557561 -0.00098030966812019541 0.0023311636956961611
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0131286 -0.0104729 0.0343149
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9077
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.112456 0.378022 0.853741 0.694343
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0011517118277006148 -0.00078954839469890848 -0.0023856581025567996 0.002490227382718424 0.0012480263353645085
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0128627 0.0529733 -0.0373942
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9078
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.12367 0.3665 0.307774 0.623153
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0020255210042165886 -0.0014924393216479085 -0.00052739177254767849 -0.00091584908196991137 0.0023210521848950863
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0310181 -0.0177293 0.016708
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9079
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.117939 0.364337 0.294786 0.59775
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021013735043220101 -0.0014626235251326901 -0.00046518225740321383 -0.0008975522947473006 0.002274712128385749
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0303905 -0.0173748 0.0163671
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9080
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.12681 0.258588 0.450964 0.561012
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00076464021425951348 -0.0010522136087452226 0.001634984048337441 0.0016360329504399335 -0.0019350695763299744
+leaf_weight=56 44 44 44 73
+leaf_count=56 44 44 44 73
+internal_value=0 0.0106951 -0.00717114 -0.0378563
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9081
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 6 2
+split_gain=0.121024 0.264616 0.609276 0.220269 0.253028
+threshold=70.500000000000014 72.500000000000014 58.900000000000006 49.500000000000007 14.500000000000002
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0016322169313174061 -0.0010312024473684133 -0.0013302298406406472 0.0025952766377446601 -0.0013467603869819034 -0.00057766721839734591
+leaf_weight=42 44 39 45 44 47
+leaf_count=42 44 39 45 44 47
+internal_value=0 0.0104855 0.0275998 -0.00671645 0.022834
+internal_weight=0 217 178 133 89
+internal_count=261 217 178 133 89
+shrinkage=0.02
+
+
+Tree=9082
+num_leaves=5
+num_cat=0
+split_feature=6 9 5 4
+split_gain=0.115415 0.253354 0.584438 0.213852
+threshold=70.500000000000014 72.500000000000014 58.900000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00079994835086899681 -0.0010106114517379192 -0.0013036728406047042 0.0025434516550651115 -0.00088525733599557205
+leaf_weight=59 44 39 45 74
+leaf_count=59 44 39 45 74
+internal_value=0 0.0102688 0.0270442 -0.00658227
+internal_weight=0 217 178 133
+internal_count=261 217 178 133
+shrinkage=0.02
+
+
+Tree=9083
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.111681 0.343041 0.300645 0.597889
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.002045352250404539 -0.0014652198711382109 -0.00044881127199720554 -0.00088350486353486277 0.0022889781122437313
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.029684 -0.0169852 0.0170742
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9084
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.11357 0.374541 0.329119 0.561347
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012259628387087673 -0.00079324119234905626 0.0019774577483828797 -0.0010056416602909114 0.0023318345490192217
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0128977 -0.0101749 0.0337057
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9085
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 2
+split_gain=0.113153 0.332264 0.297178 0.891351
+threshold=55.500000000000007 52.500000000000007 69.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=0.0020267937838332087 0.0021491365334352845 -0.00042978770672376647 -0.0013185724056879969 -0.0018719106827942891
+leaf_weight=40 53 55 74 39
+leaf_count=40 53 55 74 39
+internal_value=0 0.0298439 -0.0170854 0.0217873
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=9086
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.109568 0.44472 0.551729 1.25918
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00092606762069195284 0.0021341849982877787 -0.002044426321252988 -0.0022807587942498993 0.0018585525486223078
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0107181 0.0130417 -0.0230519
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=9087
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 4
+split_gain=0.111629 0.267968 0.4524 0.572742 0.54745
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0013014986312910781 -0.00099654580544851945 0.0016472593659253138 0.0016209753862253954 -0.0028335171963305371 0.0018906388794554716
+leaf_weight=50 44 44 44 39 40
+leaf_count=50 44 44 44 39 40
+internal_value=0 0.010116 -0.00805376 -0.0387827 0.0054357
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=9088
+num_leaves=6
+num_cat=0
+split_feature=9 5 6 5 6
+split_gain=0.108254 0.214486 0.202319 0.321947 0.0848825
+threshold=67.500000000000014 62.400000000000006 49.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00076369757185589817 2.2154108307639506e-06 0.0016339394165008412 -0.0011832723570497413 0.0017497214612058429 -0.001380329316680438
+leaf_weight=42 46 41 48 44 40
+leaf_count=42 46 41 48 44 40
+internal_value=0 0.0155388 -0.0044374 0.025666 -0.0316067
+internal_weight=0 175 134 86 86
+internal_count=261 175 134 86 86
+shrinkage=0.02
+
+
+Tree=9089
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 1
+split_gain=0.103205 0.256748 0.331229 0.398093 0.391325
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 8.5000000000000018 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0006037458847559118 -0.00096413107991678425 0.0016123073280114612 0.00014838568184948585 -0.002587268979524388 0.0021996790249039434
+leaf_weight=42 44 44 51 39 41
+leaf_count=42 44 44 51 39 41
+internal_value=0 0.00978695 -0.00802141 -0.0514636 0.0386067
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=9090
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.106633 0.44659 0.527041 1.20313
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00091558344973452792 0.0020967685877453734 -0.0020456169872617191 -0.0022212250041457305 0.0018263821472173944
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0105928 0.0132154 -0.0220834
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=9091
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 3
+split_gain=0.106339 0.223263 0.315035 1.06198 0.104126
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0013788580805196211 -0.0014611357641564876 0.001700469680551925 0.0013915599982132674 -0.002903595119999654 4.8694039178750601e-05
+leaf_weight=47 39 39 42 47 47
+leaf_count=47 39 39 42 47 47
+internal_value=0 0.0154255 -0.00427223 -0.0377216 -0.0313666
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=9092
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 2
+split_gain=0.1019 0.306903 0.293031 1.14074
+threshold=55.500000000000007 41.500000000000007 64.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00070531964641118894 -0.0014677798640655773 0.0016418491682244833 -0.0013450921016270087 0.0029596458124742909
+leaf_weight=43 61 52 64 41
+leaf_count=43 61 52 64 41
+internal_value=0 0.0285647 -0.0163379 0.0164522
+internal_weight=0 95 166 105
+internal_count=261 95 166 105
+shrinkage=0.02
+
+
+Tree=9093
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.102416 0.446691 0.498354 1.1657
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00090033668302726859 0.0020518195689902177 -0.0020421603371395341 -0.0021712470239385983 0.0018139987389499328
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0104085 0.0134025 -0.0209498
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=9094
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 5 3
+split_gain=0.103648 0.230571 0.274815 0.326239 0.096034
+threshold=67.500000000000014 58.500000000000007 58.500000000000007 47.850000000000001 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00081239436120184461 -0.0014264850336548189 0.0016312667750304774 -0.0015327262551513992 0.0016532000480855534 3.24407012847064e-05
+leaf_weight=42 39 43 41 49 47
+leaf_count=42 39 43 41 49 47
+internal_value=0 0.0152667 -0.0060589 0.025335 -0.0310246
+internal_weight=0 175 132 91 86
+internal_count=261 175 132 91 86
+shrinkage=0.02
+
+
+Tree=9095
+num_leaves=5
+num_cat=0
+split_feature=7 6 7 5
+split_gain=0.100692 0.355899 0.28326 0.255534
+threshold=76.500000000000014 63.500000000000007 58.500000000000007 48.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00079255362786997941 0.001025255215055106 -0.0016507552977176132 0.0014659804681360733 -0.0012011727879707799
+leaf_weight=49 39 53 57 63
+leaf_count=49 39 53 57 63
+internal_value=0 -0.00900829 0.0138393 -0.0160914
+internal_weight=0 222 169 112
+internal_count=261 222 169 112
+shrinkage=0.02
+
+
+Tree=9096
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 5
+split_gain=0.0987769 0.428661 0.988579 0.578877 0.425129
+threshold=42.500000000000007 12.500000000000002 53.500000000000007 67.500000000000014 66.600000000000009
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00088696977508901363 0.0026177122617117832 -0.003630318832208288 0.0017887286145713284 -0.000767159928130732 -0.0010369153288350222
+leaf_weight=49 42 39 40 41 50
+leaf_count=49 42 39 40 41 50
+internal_value=0 -0.0102468 -0.0472924 0.04684 0.0105229
+internal_weight=0 212 129 83 90
+internal_count=261 212 129 83 90
+shrinkage=0.02
+
+
+Tree=9097
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.104178 0.455987 0.639028
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00072704344453373439 0.0010233442008541736 0.0021438721394011831 -0.0016256115466062621
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0130886 -0.013032
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9098
+num_leaves=5
+num_cat=0
+split_feature=2 4 9 1
+split_gain=0.102822 0.445583 0.401876 0.835733
+threshold=25.500000000000004 53.500000000000007 67.500000000000014 7.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0017671466922938601 0.00096286445754656912 -0.00044702263680542582 -0.00090561048914545401 0.003331397388025052
+leaf_weight=56 44 55 64 42
+leaf_count=56 44 55 64 42
+internal_value=0 -0.00975999 0.0173564 0.0590988
+internal_weight=0 217 161 97
+internal_count=261 217 161 97
+shrinkage=0.02
+
+
+Tree=9099
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.10023 0.267603 0.442115 0.551974
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00030788400084402865 -0.00095224476987227637 0.0016376496351357623 0.0015927651467823323 -0.002398343887734555
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.00967689 -0.00848211 -0.0388755
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9100
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 3
+split_gain=0.102397 0.222695 0.314525 1.03099 0.0973167
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0013441775446994709 -0.0014278222350458491 0.00169421550167745 0.001386170099091581 -0.0028763057437448561 3.9394024086018799e-05
+leaf_weight=47 39 39 42 47 47
+leaf_count=47 39 39 42 47 47
+internal_value=0 0.0151916 -0.00448339 -0.0379065 -0.0308648
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=9101
+num_leaves=6
+num_cat=0
+split_feature=5 6 2 6 6
+split_gain=0.0983036 0.461563 0.279577 1.20628 0.796017
+threshold=72.050000000000026 63.500000000000007 8.5000000000000018 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0011169593647082708 0.00088531325457172382 -0.0020944667863048699 0.0015088421036425393 0.0037189481061668016 -0.0024086687505734529
+leaf_weight=45 49 43 40 39 45
+leaf_count=45 49 43 40 39 45
+internal_value=0 -0.0102207 0.0136211 0.0391714 -0.0278003
+internal_weight=0 212 169 124 85
+internal_count=261 212 169 124 85
+shrinkage=0.02
+
+
+Tree=9102
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 2 9
+split_gain=0.101209 0.259197 0.619186 0.194791 0.604046
+threshold=70.500000000000014 72.500000000000014 58.900000000000006 20.500000000000004 44.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0026268342894790178 -0.0009559397033236317 -0.0013307963929820585 0.0025930220291550789 0.00097618479725452732 0.00073808598398138528
+leaf_weight=39 44 39 45 44 50
+leaf_count=39 44 39 45 44 50
+internal_value=0 0.00972481 0.0266787 -0.00791087 -0.0364177
+internal_weight=0 217 178 133 89
+internal_count=261 217 178 133 89
+shrinkage=0.02
+
+
+Tree=9103
+num_leaves=5
+num_cat=0
+split_feature=5 6 4 4
+split_gain=0.0980747 0.44468 0.275269 0.238616
+threshold=72.050000000000026 63.500000000000007 61.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00070476728212577101 0.00088444203162645161 -0.0020608662281618724 0.0016320632475270401 -0.0011264157016600688
+leaf_weight=59 49 43 46 64
+leaf_count=59 49 43 46 64
+internal_value=0 -0.0102115 0.0132047 -0.0120821
+internal_weight=0 212 169 123
+internal_count=261 212 169 123
+shrinkage=0.02
+
+
+Tree=9104
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.102144 0.430442 0.492929 1.18344
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00089960246452226982 0.002034578200533356 -0.0020094613263957053 -0.0021885837776857591 0.0018263693422778235
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0103836 0.0130053 -0.0211661
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=9105
+num_leaves=5
+num_cat=0
+split_feature=6 9 5 4
+split_gain=0.0993479 0.247449 0.621166 0.170702
+threshold=70.500000000000014 72.500000000000014 58.900000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00067231278512730952 -0.0009484688284744988 -0.0012996028658428826 0.0025877242861346607 -0.00084852691113635002
+leaf_weight=59 44 39 45 74
+leaf_count=59 44 39 45 74
+internal_value=0 0.00965504 0.0262514 -0.0083929
+internal_weight=0 217 178 133
+internal_count=261 217 178 133
+shrinkage=0.02
+
+
+Tree=9106
+num_leaves=5
+num_cat=0
+split_feature=2 6 2 3
+split_gain=0.100159 0.504639 0.384944 0.362975
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0020895366091543978 0.00095251692485614559 0.0021037174732690582 0.00072127455230879228 -0.0014500009251550553
+leaf_weight=46 44 39 75 57
+leaf_count=46 44 39 75 57
+internal_value=0 -0.00964624 0.0156622 -0.0105268
+internal_weight=0 217 171 132
+internal_count=261 217 171 132
+shrinkage=0.02
+
+
+Tree=9107
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 2
+split_gain=0.100256 0.321546 0.34188 0.813659
+threshold=76.500000000000014 72.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0023171527932568958 0.0010236559718626065 -0.0017578645825254177 -0.00093395651932310503 -0.0012409696781617294
+leaf_weight=67 39 44 68 43
+leaf_count=67 39 44 68 43
+internal_value=0 -0.00897929 0.0103298 0.0459539
+internal_weight=0 222 178 110
+internal_count=261 222 178 110
+shrinkage=0.02
+
+
+Tree=9108
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.102776 0.473803 0.615088
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00072280047736189318 0.00098849586907552361 0.0021774279605132371 -0.0016117345952736432
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0130209 -0.013589
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9109
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.103306 0.481663 0.371358 1.64778 0.737883
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0020500761187073981 0.00096488476692210097 0.0020596916282881791 -0.00011307724767178841 0.0025641619361577894 -0.004026764309677835
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.00977305 0.01497 -0.0107723 -0.101642
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9110
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.103529 0.455295 0.595388
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00072502550812077041 0.00097966984140589902 0.0021419350291788934 -0.0015799340981884566
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.01306 -0.0130415
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9111
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 4
+split_gain=0.101823 0.280012 0.445311 0.55767 0.541513
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0013159378639280809 -0.00095836174049857849 0.0016699130937629528 0.0015924284029823869 -0.0028173727945870137 0.0018596894084470122
+leaf_weight=50 44 44 44 39 40
+leaf_count=50 44 44 44 39 40
+internal_value=0 0.00974925 -0.00880213 -0.0392988 0.00434592
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=9112
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 6
+split_gain=0.102108 0.415145 0.493625 1.18338
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00089941605576337753 0.0020277259108973126 -0.0019786331468032064 -0.0026201222275370412 0.001380319597862917
+leaf_weight=49 47 44 55 66
+leaf_count=49 47 44 55 66
+internal_value=0 -0.0103847 0.0125997 -0.0215959
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=9113
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 8
+split_gain=0.104341 0.464683 0.368689 1.57587 0.288181
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0020192108926427371 0.00096895574928276764 0.0020444498151838244 -0.00073155583799376232 0.0024958464893274006 -0.0032467266132565602
+leaf_weight=46 44 39 40 52 40
+leaf_count=46 44 39 40 52 40
+internal_value=0 -0.00981237 0.0145045 -0.0111498 -0.100044
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9114
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.103229 0.428521 0.580269
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00072411140281099218 0.00097908004727811546 0.0020879113084776315 -0.0015489537823668452
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0130458 -0.0123024
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9115
+num_leaves=6
+num_cat=0
+split_feature=9 5 6 5 7
+split_gain=0.104416 0.227008 0.198108 0.310018 0.0900366
+threshold=67.500000000000014 62.400000000000006 49.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00076196024947475867 0.00014485066507268141 0.0016646170578416258 -0.0011877591270641104 0.0017072643572601947 -0.0012749991935226907
+leaf_weight=42 39 41 48 44 47
+leaf_count=42 39 41 48 44 47
+internal_value=0 0.0153235 -0.00518837 0.0246215 -0.0311112
+internal_weight=0 175 134 86 86
+internal_count=261 175 134 86 86
+shrinkage=0.02
+
+
+Tree=9116
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.110919 0.909645 0.850531 0.602455
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00073907988270267638 0.00096985203471891849 0.0028703497194872952 -0.0029913622739295505 -0.0020322173192017477
+leaf_weight=69 55 43 39 55
+leaf_count=69 55 43 39 55
+internal_value=0 0.0191308 -0.0300843 -0.0262126
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9117
+num_leaves=5
+num_cat=0
+split_feature=6 9 5 4
+split_gain=0.110574 0.258971 0.612925 0.198463
+threshold=70.500000000000014 72.500000000000014 58.900000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00075252911174016827 -0.00099211949108678633 -0.0013226616042297851 0.0025901306356258553 -0.0008759188178066174
+leaf_weight=59 44 39 45 74
+leaf_count=59 44 39 45 74
+internal_value=0 0.0100966 0.0270427 -0.00737484
+internal_weight=0 217 178 133
+internal_count=261 217 178 133
+shrinkage=0.02
+
+
+Tree=9118
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 8
+split_gain=0.108893 0.445229 0.354378 1.52657 0.29099
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0019858410084405433 0.00098648863745460667 0.0019984050287686563 -0.00070256385596160847 0.0024494448387453417 -0.0032284180191142144
+leaf_weight=46 44 39 40 52 40
+leaf_count=46 44 39 40 52 40
+internal_value=0 -0.0099926 0.0138265 -0.011347 -0.09886
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9119
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.11833 0.638155 0.577535
+threshold=7.5000000000000009 15.500000000000002 14.500000000000002
+decision_type=2 2 2
+left_child=1 -1 -2
+right_child=2 -3 -4
+leaf_value=-0.00089394760832521136 0.00092466600969182133 0.0017430271372044154 -0.0020163554051664014
+leaf_weight=77 55 74 55
+leaf_count=77 55 74 55
+internal_value=0 0.0196629 -0.0269462
+internal_weight=0 151 110
+internal_count=261 151 110
+shrinkage=0.02
+
+
+Tree=9120
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.112785 0.890173 0.825848 0.554386
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00073293080645910958 0.00083024154362527447 0.0028468326632982623 -0.0029442059140941325 -0.0020574344129417688
+leaf_weight=69 58 43 39 52
+leaf_count=69 58 43 39 52
+internal_value=0 0.0192647 -0.0294284 -0.0264007
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9121
+num_leaves=5
+num_cat=0
+split_feature=7 3 9 9
+split_gain=0.119905 0.289505 0.186612 0.351465
+threshold=75.500000000000014 68.500000000000014 45.500000000000007 57.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00081954866211305765 -0.0009868363817330248 0.0018283945866289547 -0.0020282693043276782 0.00027612454474421039
+leaf_weight=59 47 39 46 70
+leaf_count=59 47 39 46 70
+internal_value=0 0.010873 -0.00687827 -0.0315733
+internal_weight=0 214 175 116
+internal_count=261 214 175 116
+shrinkage=0.02
+
+
+Tree=9122
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.11454 0.291173 0.425428 0.562527
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00032569986599976879 -0.0010070627944686393 0.0017070046165294055 0.0015571962592378175 -0.0024055786247111017
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0102494 -0.00864712 -0.0384895
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9123
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.110895 0.388227 1.31543 0.070611
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00074619376609931553 0.0030585421993291496 -0.0012369355087159392 -0.00016429066699973633 -0.0015445543187855189
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0134505 0.0417206 -0.0437012
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=9124
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 7
+split_gain=0.11605 0.218088 0.187534 0.092395
+threshold=67.500000000000014 62.400000000000006 51.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00059862404282089599 0.00012440716989490003 0.0016535790961590422 -0.00098778803748950615 -0.0013102154145327905
+leaf_weight=76 39 41 58 47
+leaf_count=76 39 41 58 47
+internal_value=0 0.016019 -0.00411111 -0.0325382
+internal_weight=0 175 134 86
+internal_count=261 175 134 86
+shrinkage=0.02
+
+
+Tree=9125
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.110619 0.20867 0.262344 0.296728 0.0880018
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00071639946387163787 0.00012192392437870176 0.001620563735833039 -0.0014198579137359056 0.001640607504026453 -0.0012840500518296564
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0156991 -0.00402312 0.027213 -0.0318791
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=9126
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.109218 0.422679 0.346573 1.52131 0.710667
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0019422914494990993 0.00098772509909011573 0.001968411157617552 -9.5720660745995961e-05 0.0024381123128689973 -0.0039386837613500231
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0100057 0.0132234 -0.0116844 -0.0990481
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9127
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.111155 0.897047 0.793806 0.361871
+threshold=7.5000000000000009 67.65000000000002 59.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00075407633016090633 0.00080288184483928693 0.0028537498778136612 -0.0028156463105965335 -0.0015652503102158955
+leaf_weight=67 48 43 41 62
+leaf_count=67 48 43 41 62
+internal_value=0 0.0191462 -0.029732 -0.0262381
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9128
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.112246 0.402872 0.56329
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00075014128881014872 0.00098586529184945351 0.0020441898687990367 -0.0015063007404731796
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0135144 -0.0110897
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9129
+num_leaves=5
+num_cat=0
+split_feature=7 2 9 4
+split_gain=0.113635 0.287715 0.554905 0.673379
+threshold=75.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00031369510907073179 -0.0009644601418254277 0.0017035018867555866 0.0017913490404189564 -0.002720528373911154
+leaf_weight=77 47 44 44 49
+leaf_count=77 47 44 44 49
+internal_value=0 0.010627 -0.00845978 -0.0430395
+internal_weight=0 214 170 126
+internal_count=261 214 170 126
+shrinkage=0.02
+
+
+Tree=9130
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 5 4
+split_gain=0.118866 0.216376 0.265908 0.275927 0.0856881
+threshold=67.500000000000014 58.500000000000007 58.500000000000007 47.850000000000001 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00068996017275894798 -0.0013114266692645993 0.0016113833913898312 -0.0014806181266958302 0.0015880255272074097 7.5906566738160079e-05
+leaf_weight=42 46 43 41 49 40
+leaf_count=42 46 43 41 49 40
+internal_value=0 0.016191 -0.00450943 0.026407 -0.0328662
+internal_weight=0 175 132 91 86
+internal_count=261 175 132 91 86
+shrinkage=0.02
+
+
+Tree=9131
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 7
+split_gain=0.113298 0.209282 0.335923 1.04386 0.0874362
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.001360791993572982 0.00011334901745335776 0.0016684459752825357 0.0014577491002324247 -0.0028855631815474176 -0.0012886893227522303
+leaf_weight=47 39 39 42 47 47
+leaf_count=47 39 39 42 47 47
+internal_value=0 0.015863 -0.00324961 -0.0377224 -0.0322006
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=9132
+num_leaves=5
+num_cat=0
+split_feature=9 6 4 4
+split_gain=0.108002 0.212278 0.318633 0.0832608
+threshold=67.500000000000014 54.500000000000007 52.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00078611878962715504 -0.0012777630377452498 0.0012487886449404145 -0.0014432595241599664 9.382140689994559e-05
+leaf_weight=58 46 66 51 40
+leaf_count=58 46 66 51 40
+internal_value=0 0.015551 -0.0124953 -0.0315482
+internal_weight=0 175 109 86
+internal_count=261 175 109 86
+shrinkage=0.02
+
+
+Tree=9133
+num_leaves=5
+num_cat=0
+split_feature=3 3 4 9
+split_gain=0.110212 0.376326 0.195318 0.531986
+threshold=71.500000000000014 65.500000000000014 52.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00073603607793638946 -0.00078265832900182317 0.0019786537755462261 -0.0025164313718148814 0.00052981063434194456
+leaf_weight=59 64 42 42 54
+leaf_count=59 64 42 42 54
+internal_value=0 0.012762 -0.0103636 -0.0397728
+internal_weight=0 197 155 96
+internal_count=261 197 155 96
+shrinkage=0.02
+
+
+Tree=9134
+num_leaves=5
+num_cat=0
+split_feature=5 9 2 8
+split_gain=0.109028 0.431145 0.280114 0.653142
+threshold=68.65000000000002 65.500000000000014 21.500000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010197128816090309 -0.00072638074858909565 0.0021899525644086034 0.0011636819124275903 -0.0021750624685935448
+leaf_weight=46 71 39 44 61
+leaf_count=46 71 39 44 61
+internal_value=0 0.0136245 -0.010912 -0.0397184
+internal_weight=0 190 151 107
+internal_count=261 190 151 107
+shrinkage=0.02
+
+
+Tree=9135
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.105722 0.632076 0.568521
+threshold=7.5000000000000009 15.500000000000002 14.500000000000002
+decision_type=2 2 2
+left_child=1 -1 -2
+right_child=2 -3 -4
+leaf_value=-0.00090599052494905869 0.00093911389109820791 0.0017188893467996614 -0.0019798009220692689
+leaf_weight=77 55 74 55
+leaf_count=77 55 74 55
+internal_value=0 0.018764 -0.0256703
+internal_weight=0 151 110
+internal_count=261 151 110
+shrinkage=0.02
+
+
+Tree=9136
+num_leaves=5
+num_cat=0
+split_feature=9 4 4 4
+split_gain=0.113228 0.323129 0.294613 0.92802
+threshold=55.500000000000007 55.500000000000007 69.500000000000014 62.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.00057875999838690362 -0.00133650460993234 0.0018153423119106058 -0.001314023193784196 0.0027520132023726791
+leaf_weight=48 52 47 74 40
+leaf_count=48 52 47 74 40
+internal_value=0 0.029887 -0.0170556 0.0216582
+internal_weight=0 95 166 92
+internal_count=261 95 166 92
+shrinkage=0.02
+
+
+Tree=9137
+num_leaves=5
+num_cat=0
+split_feature=9 6 4 3
+split_gain=0.109081 0.203532 0.295788 0.0929871
+threshold=67.500000000000014 54.500000000000007 52.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00076246106896093351 -0.001428592837374397 0.001232317224126893 -0.0013903370537542189 1.0314088275991277e-05
+leaf_weight=58 39 66 51 47
+leaf_count=58 39 66 51 47
+internal_value=0 0.0156197 -0.0118861 -0.0316775
+internal_weight=0 175 109 86
+internal_count=261 175 109 86
+shrinkage=0.02
+
+
+Tree=9138
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 5
+split_gain=0.103867 0.527028 0.446567 0.332506
+threshold=68.65000000000002 65.500000000000014 51.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00057270159208560266 -0.00071167320184974678 0.002281709759913886 -0.001898171441860699 0.0018207809653632734
+leaf_weight=55 71 42 49 44
+leaf_count=55 71 42 49 44
+internal_value=0 0.0133507 -0.0150065 0.0241764
+internal_weight=0 190 148 99
+internal_count=261 190 148 99
+shrinkage=0.02
+
+
+Tree=9139
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 6 3
+split_gain=0.106136 0.410248 0.508134 0.970166 1.67335
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 53.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -5
+right_child=1 -3 -4 4 -6
+leaf_value=0.00091437729381120493 0.0021763593244355237 -0.0019717657639105519 0.002252928034560711 -0.0041638621498656702 0.0014204374599075984
+leaf_weight=49 41 44 40 47 40
+leaf_count=49 41 44 40 47 40
+internal_value=0 -0.0105422 0.0123109 -0.0187761 -0.0794051
+internal_weight=0 212 168 128 87
+internal_count=261 212 168 128 87
+shrinkage=0.02
+
+
+Tree=9140
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.107209 0.454151 0.346736 1.50751 0.701282
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0020012291355067848 0.00098037768037837988 0.0019869303566005369 -8.1816547150474861e-05 0.0024443872826056213 -0.0038999898394172627
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.00990943 0.0141392 -0.0107722 -0.0977475
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9141
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.110374 0.417437 0.584653
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00074451066518534939 0.00099775843012440426 0.0020728808114385275 -0.0015396206245077151
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0134335 -0.0115955
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9142
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.108521 0.372054 0.939835 0.759902
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0012685250541243276 -0.00077747086836634188 -0.0024550809038425959 0.0025494947051511404 0.0013423722269957957
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0126833 0.0524935 -0.0371938
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9143
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.103417 0.360079 0.373339 0.594962
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.00128943949863387 -0.00076193863764668066 0.0019362813482047304 -0.0010859688998245051 0.0023524796969500534
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0124256 -0.0102163 0.036382
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9144
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 3
+split_gain=0.106325 0.196676 0.497815 0.0900888
+threshold=67.500000000000014 57.500000000000007 48.500000000000007 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0015765794052868493 -0.0014115873081134054 0.001272103367518223 0.0011159277777648617 8.4924790948876306e-06
+leaf_weight=56 39 61 58 47
+leaf_count=56 39 61 58 47
+internal_value=0 0.0154482 -0.0099925 -0.0313413
+internal_weight=0 175 114 86
+internal_count=261 175 114 86
+shrinkage=0.02
+
+
+Tree=9145
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 2 2
+split_gain=0.108296 1.28553 0.922853 0.333044 1.09371
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 10.500000000000002 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.0009221587138941702 -0.003466580190026674 0.0030275105348256523 -0.0017136571680605001 0.0028301775292964059 -0.0018813543152951945
+leaf_weight=49 40 45 47 40 40
+leaf_count=49 40 45 47 40 40
+internal_value=0 -0.0106329 0.027026 -0.0167791 0.0232418
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=9146
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.108545 0.896535 0.813152 0.576322
+threshold=7.5000000000000009 67.65000000000002 59.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00076680893916317345 0.00094289209217100994 0.0028494868448446543 -0.0028451877520021683 -0.0019953157989650193
+leaf_weight=67 55 43 41 55
+leaf_count=67 55 43 41 55
+internal_value=0 0.0189665 -0.0298982 -0.0259639
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9147
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 5
+split_gain=0.109572 0.504634 0.449985 0.301462
+threshold=68.65000000000002 65.500000000000014 51.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00050358258429945152 -0.00072793674264357401 0.0022460173701436669 -0.0018862690824187043 0.0017811916992727633
+leaf_weight=55 71 42 49 44
+leaf_count=55 71 42 49 44
+internal_value=0 0.0136517 -0.0141131 0.0252169
+internal_weight=0 190 148 99
+internal_count=261 190 148 99
+shrinkage=0.02
+
+
+Tree=9148
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.107967 0.406502 0.356765 1.46299 0.705652
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0019090048243625838 0.00098313184911928307 0.0019845384399024978 -8.3344093502830472e-05 0.0023724420814747564 -0.0039130190427128786
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0099469 0.0128498 -0.0124069 -0.0981045
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9149
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 2 2
+split_gain=0.113469 1.25683 0.892421 0.337136 1.05728
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 10.500000000000002 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.00094050484924858638 -0.0034349171599753932 0.0029744182198757018 -0.001719964907481073 0.0027975837828320459 -0.0018360726484372963
+leaf_weight=49 40 45 47 40 40
+leaf_count=49 40 45 47 40 40
+internal_value=0 -0.0108481 0.0263922 -0.0166959 0.0235592
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=9150
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.121376 0.880797 0.797463 0.554963
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00072795629315806378 0.00089077075577045234 0.0028464975722682483 -0.0028869322245539627 -0.0019939096889197987
+leaf_weight=69 55 43 39 55
+leaf_count=69 55 43 39 55
+internal_value=0 0.0198869 -0.0285521 -0.0272326
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9151
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.115741 0.845143 0.766257 0.357408
+threshold=7.5000000000000009 67.65000000000002 59.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00076609398447064912 0.0007860974753897429 0.0027896602257017141 -0.0027428097612221571 -0.0015679734878587717
+leaf_weight=67 48 43 41 62
+leaf_count=67 48 43 41 62
+internal_value=0 0.0194894 -0.0279751 -0.0266814
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9152
+num_leaves=5
+num_cat=0
+split_feature=5 9 2 8
+split_gain=0.120071 0.446904 0.288926 0.679435
+threshold=68.65000000000002 65.500000000000014 21.500000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010495178885992422 -0.00075687531975732344 0.0022344363568432197 0.0011867825669010994 -0.0022072876328353857
+leaf_weight=46 71 39 44 61
+leaf_count=46 71 39 44 61
+internal_value=0 0.014193 -0.0107719 -0.0399962
+internal_weight=0 190 151 107
+internal_count=261 190 151 107
+shrinkage=0.02
+
+
+Tree=9153
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.114555 0.504767 0.502287 0.593237
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014221345048861698 -0.00074175252187465074 0.0022514751382634339 -0.0020762951461532567 0.0017367574126969545
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0139142 -0.0138537 0.0251054
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=9154
+num_leaves=5
+num_cat=0
+split_feature=1 9 2 2
+split_gain=0.108622 0.67564 0.691788 0.547118
+threshold=7.5000000000000009 72.500000000000014 17.500000000000004 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00086118322190004994 0.00090621569029011395 0.0026034813788081137 -0.0024165139612573766 -0.0019588862507534215
+leaf_weight=66 55 41 44 55
+leaf_count=66 55 41 44 55
+internal_value=0 0.0189738 -0.0221665 -0.0259701
+internal_weight=0 151 110 110
+internal_count=261 151 110 110
+shrinkage=0.02
+
+
+Tree=9155
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.114915 0.479075 0.487809 0.571066
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013834572654651651 -0.0007427729400582701 0.0022029055750636384 -0.0020370636208242024 0.0017175852342322529
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0139314 -0.0131416 0.0252707
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=9156
+num_leaves=5
+num_cat=0
+split_feature=9 2 2 4
+split_gain=0.11219 0.384786 0.526964 1.44313
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00093603275250169003 0.0012989791847008651 -0.0019238594537531136 0.0022696066714892045 -0.0030787086945130533
+leaf_weight=49 78 44 40 50
+leaf_count=49 78 44 40 50
+internal_value=0 -0.0107938 0.0113654 -0.0202778
+internal_weight=0 212 168 128
+internal_count=261 212 168 128
+shrinkage=0.02
+
+
+Tree=9157
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.115744 0.407401 0.919983 0.874355
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013005601193088506 0.0010126235565144862 0.0014321290625558018 -0.0033615353987613817 0.0020735463012968407
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0102418 -0.0343721 0.00716728
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=9158
+num_leaves=5
+num_cat=0
+split_feature=9 8 2 5
+split_gain=0.11289 0.392042 0.875324 0.985601
+threshold=42.500000000000007 50.500000000000007 18.500000000000004 70.65000000000002
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00093859914727455879 -0.0019153228101271179 -0.0023910937164107375 0.0021454415245055771 0.0016496943551803874
+leaf_weight=49 45 66 62 39
+leaf_count=49 45 66 62 39
+internal_value=0 -0.0108177 0.0118638 -0.0441258
+internal_weight=0 212 167 105
+internal_count=261 212 167 105
+shrinkage=0.02
+
+
+Tree=9159
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.111966 0.375805 0.900423 0.757347
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0012128754342435434 -0.00078778780314188142 -0.0024536399014754482 0.0025255475079509395 0.0013375533585173716
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0128537 0.0528527 -0.0372621
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9160
+num_leaves=5
+num_cat=0
+split_feature=9 9 6 7
+split_gain=0.109158 0.203534 0.4742 0.0804491
+threshold=67.500000000000014 57.500000000000007 48.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0015494453248991269 9.7832166007451771e-05 0.0012907581945351459 0.0010808035708990815 -0.0012569847533296116
+leaf_weight=56 39 61 58 47
+leaf_count=56 39 61 58 47
+internal_value=0 0.0156256 -0.0102197 -0.0316858
+internal_weight=0 175 114 86
+internal_count=261 175 114 86
+shrinkage=0.02
+
+
+Tree=9161
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 1 8
+split_gain=0.109246 0.39379 0.492041 1.93414 0.944084
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 8.5000000000000018 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=0.00092566790395145484 0.0020615984819166567 -0.0019402338924498846 -0.00069706908457554809 -0.0041282694343127563 0.0035847305392620967
+leaf_weight=49 45 44 45 39 39
+leaf_count=49 45 44 45 39 39
+internal_value=0 -0.010667 0.0117401 -0.0213915 0.0641361
+internal_weight=0 212 168 123 84
+internal_count=261 212 168 123 84
+shrinkage=0.02
+
+
+Tree=9162
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 5
+split_gain=0.110668 0.365256 0.383033 0.573206
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012985621820098903 -0.00078394993197737465 0.0019549264678776278 -0.00087319454212379148 0.0024995152465208882
+leaf_weight=72 64 42 43 40
+leaf_count=72 64 42 43 40
+internal_value=0 0.0127882 -0.0100085 0.0371657
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9163
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 3
+split_gain=0.114192 1.25241 0.886353 0.57341 1.11234
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.00094312068098476173 -0.003429861354402452 0.0029644628700479744 -0.0016559122051407159 -0.0023508501934951637 0.0028994729717065101
+leaf_weight=49 40 45 44 40 43
+leaf_count=49 40 45 44 40 43
+internal_value=0 -0.0108739 0.0263015 -0.0166421 0.0293466
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=9164
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.114119 0.359456 0.852243 0.722265
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0011669911313754431 -0.00079432330545330457 -0.00239178904285141 0.0024719387523477799 0.001312754492885413
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0129514 0.0521171 -0.0361112
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9165
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 2 2
+split_gain=0.112612 1.20553 0.861338 0.319791 1.01756
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 10.500000000000002 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.00093746452800897665 -0.0033689618444603399 0.0029179246314010466 -0.0016855393228480612 0.0027348455079020725 -0.0018125879721419009
+leaf_weight=49 40 45 47 40 40
+leaf_count=49 40 45 47 40 40
+internal_value=0 -0.0108141 0.0256661 -0.0166772 0.022577
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=9166
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.111573 0.390144 0.368707 1.47747 0.74847
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.001878710312448201 0.00099683589964516713 0.0020000546296478263 -5.7569348720671748e-05 0.0023653638286904909 -0.0039976768597239634
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0100887 0.0122619 -0.0133979 -0.0995089
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9167
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.114333 0.558071 0.336332 0.265049 0.11132
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00083947169941170309 0 -0.0023649144590913249 -0.0014872204518269359 0.002366791406917776 0.00012619153739866368
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.0122382 0.0145488 0.0608728 -0.0330398
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=9168
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 9
+split_gain=0.111466 0.366965 0.811378 0.357628
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0011090826933556099 -0.00078644846446971478 0.00046700422123584218 0.0024431406242562711 -0.0021647068169800042
+leaf_weight=43 64 47 67 40
+leaf_count=43 64 47 67 40
+internal_value=0 0.0128217 0.0523727 -0.0367279
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9169
+num_leaves=6
+num_cat=0
+split_feature=4 2 2 5 4
+split_gain=0.113039 0.329366 0.897143 0.656912 0.711747
+threshold=51.500000000000007 25.500000000000004 19.500000000000004 70.65000000000002 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.000950886699980749 0 -0.0018983785833002237 0.0028715218027320884 0.0015972740381063632 -0.0035362294778891776
+leaf_weight=48 54 40 39 39 41
+leaf_count=48 54 40 39 39 41
+internal_value=0 -0.0106965 0.00857627 -0.0304708 -0.0762122
+internal_weight=0 213 173 134 95
+internal_count=261 213 173 134 95
+shrinkage=0.02
+
+
+Tree=9170
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.114333 0.393493 1.30472 1.00236
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0035774147398144624 0.001007293052405004 0.002551558173226868 0.0011849309723652027 -0.001091688126829099
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.0101913 -0.0607065 0.0273856
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=9171
+num_leaves=5
+num_cat=0
+split_feature=5 1 2 2
+split_gain=0.115559 1.16863 1.382 0.868124
+threshold=48.45000000000001 6.5000000000000009 10.500000000000002 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00094791490412278305 0.0005030772596463076 -0.0017478590212058678 0.0029971814818874026 -0.0032352600152280452
+leaf_weight=49 42 39 68 63
+leaf_count=49 42 39 68 63
+internal_value=0 -0.010929 0.0630098 -0.0866486
+internal_weight=0 212 107 105
+internal_count=261 212 107 105
+shrinkage=0.02
+
+
+Tree=9172
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.112818 0.548322 0.32022 0.250816 0.106601
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00083489488418662895 0 -0.0023454184437069485 -0.001453437518975849 0.0023136127471130421 0.00013058112124002039
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.0121604 0.0143978 0.0596653 -0.032094
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=9173
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.113439 0.314123 1.91557 0.824545
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.003221002617349672 -0.00086385941003677322 -0.002374943334858012 -0.0020658568199704587 0.0014715377633403857
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0118576 0.0484147 -0.0326123
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=9174
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.113129 0.390102 0.362843 1.43538 0.732256
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0018796419689809005 0.0010028780483187854 0.0019857280270230105 -5.0715349736166078e-05 0.0023308666882775717 -0.0039491749263676282
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.01014 0.0122095 -0.0132539 -0.0981498
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9175
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 3
+split_gain=0.11182 1.15629 0.805939 0.558203 1.07762
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.00093479954438112844 -0.0033042260627363395 0.0028270654391232049 -0.0016205669618637511 -0.0023125079252608615 0.0028642997416551525
+leaf_weight=49 40 45 44 40 43
+leaf_count=49 40 45 44 40 43
+internal_value=0 -0.0107747 0.024961 -0.0160208 0.0293712
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=9176
+num_leaves=5
+num_cat=0
+split_feature=1 9 4 2
+split_gain=0.117914 0.683008 0.699427 0.615744
+threshold=7.5000000000000009 72.500000000000014 64.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00075585299673271004 0.00097222232880297076 0.0026286201266468023 -0.0026186681794928015 -0.0020617062815611997
+leaf_weight=71 55 41 39 55
+leaf_count=71 55 41 39 55
+internal_value=0 0.019648 -0.0217102 -0.026891
+internal_weight=0 151 110 110
+internal_count=261 151 110 110
+shrinkage=0.02
+
+
+Tree=9177
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.117099 0.365006 0.356844 0.568114
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012560327953177119 -0.00080301389605183689 0.0019605330638684877 -0.00097107874525705052 0.0023853773982331619
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0130989 -0.00968971 0.0359159
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9178
+num_leaves=6
+num_cat=0
+split_feature=4 2 2 3 4
+split_gain=0.114165 0.313095 0.884048 0.993047 0.922208
+threshold=51.500000000000007 25.500000000000004 19.500000000000004 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.00095502946148400794 -4.0455808024555135e-05 -0.0018594419866956498 0.002842288580176041 0.0019487588105814911 -0.0041495984983407602
+leaf_weight=48 53 40 39 42 39
+leaf_count=48 53 40 39 42 39
+internal_value=0 -0.0107352 0.00807786 -0.0306883 -0.0896447
+internal_weight=0 213 173 134 92
+internal_count=261 213 173 134 92
+shrinkage=0.02
+
+
+Tree=9179
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.120849 0.380104 0.350775 1.37378 0.71143
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0018649140879631507 0.0010314604704250736 0.0019467380994538503 -4.4181508930286175e-05 0.0022718873648150013 -0.0038885100984896786
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0104342 0.0116378 -0.0134177 -0.0965022
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9180
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.118675 0.360501 0.337522 0.551534
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012244324747742307 -0.00080771764399332926 0.0019519502890061845 -0.0010493367272690188 0.0022652126956221358
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0131689 -0.00948427 0.0349286
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9181
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 3 7
+split_gain=0.121883 0.705646 1.40751 1.23141 0.602774
+threshold=51.500000000000007 57.500000000000007 18.500000000000004 58.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 4 -2 -3
+right_child=1 2 -4 -5 -6
+leaf_value=0.00098200161875670639 -0.0042923847850033598 -0.002765436731283545 0.0032271308705578519 0.00069481728313205483 0.00074983312835531519
+leaf_weight=48 39 40 53 41 40
+leaf_count=48 39 40 53 41 40
+internal_value=0 -0.0110454 0.0340041 -0.086404 -0.0499346
+internal_weight=0 213 133 80 80
+internal_count=261 213 133 80 80
+shrinkage=0.02
+
+
+Tree=9182
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 8
+split_gain=0.124374 0.84073 0.840457 0.240761
+threshold=7.5000000000000009 67.65000000000002 59.500000000000007 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00084246548380637759 0.00048503931522054264 0.002795704201725317 -0.0028288393436461897 -0.0014583080055153327
+leaf_weight=67 51 43 41 59
+leaf_count=67 51 43 41 59
+internal_value=0 0.0201015 -0.0272399 -0.0275149
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9183
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 5
+split_gain=0.121538 0.487951 0.487359 0.301073
+threshold=68.65000000000002 65.500000000000014 51.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00045030507823073192 -0.00076077793324498576 0.0022266543591592043 -0.0019275503493625301 0.0018323637728710576
+leaf_weight=55 71 42 49 44
+leaf_count=55 71 42 49 44
+internal_value=0 0.0142696 -0.0130448 0.0278359
+internal_weight=0 190 148 99
+internal_count=261 190 148 99
+shrinkage=0.02
+
+
+Tree=9184
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.12252 0.392232 0.29968 0.603551
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021649038582939833 -0.0014766366071248935 -0.00049359278982383096 -0.00090348879527758362 0.0022836692435264823
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0309065 -0.0176455 0.0163596
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9185
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.123466 0.390094 0.814257 0.624253
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0010781130412628513 -0.00082161061499463775 -0.0023079032622183191 0.0024800167241527697 0.0011420997051988871
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0133915 0.0541021 -0.0376244
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9186
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.120916 0.471023 0.511453 0.586308
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0013794490985436603 -0.00075931428571416313 0.0021931982407001468 -0.0020675667102397189 0.0017611771141063284
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0142278 -0.0126232 0.0266823
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=9187
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.11877 0.373011 0.781493 0.595242
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.001056652770868332 -0.00080819013982485631 -0.00225556679094795 0.0024307237506863691 0.0011156775588601149
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0131636 0.0530202 -0.0367725
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9188
+num_leaves=5
+num_cat=0
+split_feature=5 1 2 2
+split_gain=0.121566 1.13568 1.28234 0.81797
+threshold=48.45000000000001 6.5000000000000009 10.500000000000002 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00096838414842888797 0.00045444331940999358 -0.0016642581826132644 0.0029085887131211833 -0.0031761321184212536
+leaf_weight=49 42 39 68 63
+leaf_count=49 42 39 68 63
+internal_value=0 -0.0111838 0.061719 -0.0858476
+internal_weight=0 212 107 105
+internal_count=261 212 107 105
+shrinkage=0.02
+
+
+Tree=9189
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.117144 0.520358 0.333336 0.247548 0.100941
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00084808651678893539 1.8599095385003805e-06 -0.0022972482192144795 -0.0014700359165180298 0.0023066484953279251 7.6558235014707681e-05
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.0123718 0.0135185 0.0596535 -0.0338729
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=9190
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.121974 0.315096 1.8694 0.709755
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0032021748370173091 -0.00089134716777127974 -0.0022479132038986283 -0.0020210726656808608 0.0013268221993500918
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0122164 0.0488249 -0.0323169
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=9191
+num_leaves=5
+num_cat=0
+split_feature=3 1 3 2
+split_gain=0.118849 0.360955 0.647956 0.53303
+threshold=71.500000000000014 8.5000000000000018 58.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00044262017262928203 -0.00080840182463464501 -0.0021611870597371421 0.0026650826729565928 0.0010343981548926395
+leaf_weight=57 64 48 53 39
+leaf_count=57 64 48 53 39
+internal_value=0 0.0131682 0.0524101 -0.0359908
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9192
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.115256 0.290206 1.80129 0.659522
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0031282209052969209 -0.00087013363272127082 -0.0021640903340564687 -0.002000011972957474 0.0012852442007677844
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0119173 0.0471446 -0.0309195
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=9193
+num_leaves=5
+num_cat=0
+split_feature=5 1 4 2
+split_gain=0.112681 1.15997 1.95255 0.743321
+threshold=48.45000000000001 6.5000000000000009 69.500000000000014 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00093746473441070884 0.00034584982677964774 0.0038990330888763066 -0.0015240205934552741 -0.0031178803310986654
+leaf_weight=49 42 55 52 63
+leaf_count=49 42 55 52 63
+internal_value=0 -0.0108292 0.0628393 -0.0862733
+internal_weight=0 212 107 105
+internal_count=261 212 107 105
+shrinkage=0.02
+
+
+Tree=9194
+num_leaves=5
+num_cat=0
+split_feature=5 1 2 7
+split_gain=0.107417 1.11308 1.19487 0.714448
+threshold=48.45000000000001 6.5000000000000009 10.500000000000002 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00091874221829136269 -0.003822722221018818 -0.0015674914577549182 0.0028485668697633181 -0.00036392050543211749
+leaf_weight=49 40 39 68 65
+leaf_count=49 40 39 68 65
+internal_value=0 -0.0106089 0.0615766 -0.0845421
+internal_weight=0 212 107 105
+internal_count=261 212 107 105
+shrinkage=0.02
+
+
+Tree=9195
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.115357 0.776495 0.700188
+threshold=7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=-0.00095796982095416958 0.0010682854435719526 -0.0023338546848168914 0.0018007916359343286
+leaf_weight=77 58 52 74
+leaf_count=77 58 52 74
+internal_value=0 -0.0266596 0.0194459
+internal_weight=0 110 151
+internal_count=261 110 151
+shrinkage=0.02
+
+
+Tree=9196
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.111165 0.449163 0.475995 0.585026
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001402482310933367 -0.00073277557342384917 0.0021400793635252963 -0.0020040802980953133 0.0017350579479029123
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0137165 -0.0125249 0.0254355
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=9197
+num_leaves=5
+num_cat=0
+split_feature=4 1 2 2
+split_gain=0.110188 0.315765 1.74041 0.633534
+threshold=73.500000000000014 7.5000000000000009 17.500000000000004 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0031150890995559565 -0.00085383672677133307 -0.0021736379450820612 -0.001926405580091655 0.0012084653926412352
+leaf_weight=65 56 51 48 41
+leaf_count=65 56 51 48 41
+internal_value=0 0.0116839 0.0483314 -0.0328967
+internal_weight=0 205 113 92
+internal_count=261 205 113 92
+shrinkage=0.02
+
+
+Tree=9198
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 3
+split_gain=0.107374 0.368958 0.777393 0.340258
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 57.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0010666231423208158 -0.00077456280861217929 0.00063797517619666342 0.0024118987907102468 -0.0019319299030878853
+leaf_weight=43 64 40 67 47
+leaf_count=43 64 40 67 47
+internal_value=0 0.0125981 0.0522516 -0.0370807
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9199
+num_leaves=6
+num_cat=0
+split_feature=4 9 5 2 7
+split_gain=0.105519 0.726655 1.81941 1.31826 0.594344
+threshold=51.500000000000007 57.500000000000007 53.500000000000007 18.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.00092318993305897106 -0.0048467173813185526 -0.0026745341689562246 0.0012045864248206096 0.0031718723858640495 0.00081754351765966069
+leaf_weight=48 39 40 41 53 40
+leaf_count=48 39 40 41 53 40
+internal_value=0 -0.0104114 -0.0868546 0.0352903 -0.0459658
+internal_weight=0 213 80 133 80
+internal_count=261 213 80 133 80
+shrinkage=0.02
+
+
+Tree=9200
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 7
+split_gain=0.110843 0.451335 0.28037 0.475805
+threshold=68.65000000000002 65.500000000000014 55.95000000000001 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0007123375716369439 -0.00073196475903696369 0.0022338015860171156 -0.0015774166467574303 0.0021115501923010122
+leaf_weight=65 71 39 46 40
+leaf_count=65 71 39 46 40
+internal_value=0 0.0136952 -0.0113899 0.0178253
+internal_weight=0 190 151 105
+internal_count=261 190 151 105
+shrinkage=0.02
+
+
+Tree=9201
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 5 9
+split_gain=0.110829 0.440105 0.8525 0.44667 0.312957
+threshold=42.500000000000007 12.500000000000002 53.500000000000007 66.600000000000009 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 4 -3 -4 -2
+right_child=1 2 3 -5 -6
+leaf_value=0.00093072529223984612 0.0021350223280443797 -0.0034618675742333644 0.0017259033284997714 -0.0011686692488795869 -0.0003870550137073267
+leaf_weight=49 44 39 40 50 39
+leaf_count=49 44 39 40 50 39
+internal_value=0 -0.0107618 -0.0482736 0.00546335 0.0470496
+internal_weight=0 212 129 90 83
+internal_count=261 212 129 90 83
+shrinkage=0.02
+
+
+Tree=9202
+num_leaves=5
+num_cat=0
+split_feature=5 1 4 2
+split_gain=0.112715 1.1379 1.88846 0.723972
+threshold=48.45000000000001 6.5000000000000009 69.500000000000014 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00093740807642349051 0.00033312882554199563 0.003841706353928187 -0.0014923728250692554 -0.0030861537943830276
+leaf_weight=49 42 55 52 63
+leaf_count=49 42 55 52 63
+internal_value=0 -0.0108394 0.0621345 -0.0855758
+internal_weight=0 212 107 105
+internal_count=261 212 107 105
+shrinkage=0.02
+
+
+Tree=9203
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.110369 0.818316 0.929084 0.783509
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0029990781835109062 0.0010852277595296423 0.0027440273310597326 0.00087609163601352598 -0.0023319781887707566
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0190798 -0.0276383 -0.0261683
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9204
+num_leaves=5
+num_cat=0
+split_feature=5 1 4 2
+split_gain=0.111196 1.08661 1.83773 0.721387
+threshold=48.45000000000001 6.5000000000000009 69.500000000000014 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0009321436950975253 0.00036445105928747902 0.003775596280095364 -0.0014870820257012164 -0.0030491098171607695
+leaf_weight=49 42 55 52 63
+leaf_count=49 42 55 52 63
+internal_value=0 -0.0107712 0.0605631 -0.0838369
+internal_weight=0 212 107 105
+internal_count=261 212 107 105
+shrinkage=0.02
+
+
+Tree=9205
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.121964 0.757575 0.710664
+threshold=7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=-0.00095836590530344286 0.0010361308333117067 -0.0023251446484603647 0.0018203617944414197
+leaf_weight=77 58 52 74
+leaf_count=77 58 52 74
+internal_value=0 -0.0273018 0.0199156
+internal_weight=0 110 151
+internal_count=261 110 151
+shrinkage=0.02
+
+
+Tree=9206
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.116275 0.726866 0.681788
+threshold=7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=-0.00093921608991840713 0.0010154331322815202 -0.0022787043453979935 0.0017839889340801763
+leaf_weight=77 58 52 74
+leaf_count=77 58 52 74
+internal_value=0 -0.0267493 0.0195124
+internal_weight=0 110 151
+internal_count=261 110 151
+shrinkage=0.02
+
+
+Tree=9207
+num_leaves=5
+num_cat=0
+split_feature=3 2 4 4
+split_gain=0.111945 0.410914 0.84529 0.496509
+threshold=52.500000000000007 17.500000000000004 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.00086001083433454668 0.0019961742219702975 -0.0029032655881325083 -0.0014330951815508619 0.00019732547572325025
+leaf_weight=56 69 42 51 43
+leaf_count=56 69 42 51 43
+internal_value=0 -0.0117409 0.0266043 -0.0663228
+internal_weight=0 205 120 85
+internal_count=261 205 120 85
+shrinkage=0.02
+
+
+Tree=9208
+num_leaves=5
+num_cat=0
+split_feature=4 2 4 4
+split_gain=0.10845 0.446487 0.861585 0.537691
+threshold=52.500000000000007 17.500000000000004 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.00082070929604904604 0.0020786235863083221 -0.0030488336705250087 -0.0014044725864582946 0.00019338497228181802
+leaf_weight=59 67 41 51 43
+leaf_count=59 67 41 51 43
+internal_value=0 -0.011976 0.0283251 -0.0690416
+internal_weight=0 202 118 84
+internal_count=261 202 118 84
+shrinkage=0.02
+
+
+Tree=9209
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.113344 0.784862 0.903013 0.680766
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0029418935438388894 0.0010568989993182802 0.0027009232433926676 0.00087974284519020719 -0.0021289714652959028
+leaf_weight=40 55 43 68 55
+leaf_count=40 55 43 68 55
+internal_value=0 0.019306 -0.0264632 -0.0264555
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9210
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.112647 0.401214 0.933507 0.840457
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001261132885728083 0.0010007980260985331 0.0014223431925958739 -0.0033751372973282855 0.0020482820670748008
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0101349 -0.0340911 0.00774885
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=9211
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.118129 0.388235 0.320077 0.578677
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0021477239031720248 -0.0015066314479316946 -0.00049789811330112628 -0.00085143795093710188 0.002271095062093542
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0304197 -0.0173784 0.0177077
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9212
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 1
+split_gain=0.118138 0.283221 0.305068 0.523616 0.414293
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 8.5000000000000018 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00068296279537725935 -0.001020492067852609 0.0016903287395479891 0.00034428773431458627 -0.0027788361186165929 0.0021987355110061582
+leaf_weight=42 44 44 51 39 41
+leaf_count=42 44 44 51 39 41
+internal_value=0 0.0103829 -0.00826733 -0.0500646 0.0365775
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=9213
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.112676 0.27122 0.434552 0.57044
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0003381170661458017 -0.0010001146622950566 0.0016565759289635263 0.001585967284679034 -0.002411786911496508
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0101755 -0.00809773 -0.038244
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9214
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 5
+split_gain=0.114099 0.366153 0.29974 0.575076
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0020966023617822213 -0.0014663777459399227 -0.0004761532508614753 -0.00088907118851298849 0.0022107372466508334
+leaf_weight=40 63 55 62 41
+leaf_count=40 63 55 62 41
+internal_value=0 0.0299722 -0.0171235 0.0168867
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9215
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 5
+split_gain=0.113826 0.291066 0.515534 0.38521
+threshold=72.500000000000014 7.5000000000000009 15.500000000000002 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.001690704311463847 -0.00096515958783275539 -0.0016967663229930732 -0.000844406668094186 0.0016410188862031397
+leaf_weight=45 47 60 43 66
+leaf_count=45 47 60 43 66
+internal_value=0 0.0106341 -0.00883398 0.0326641
+internal_weight=0 214 169 109
+internal_count=261 214 169 109
+shrinkage=0.02
+
+
+Tree=9216
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 5
+split_gain=0.108873 0.35534 0.288696 0.559688
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0020636533260985092 -0.0014402268459571227 -0.0004727556738161621 -0.00087833179566371232 0.0021810994193679897
+leaf_weight=40 63 55 62 41
+leaf_count=40 63 55 62 41
+internal_value=0 0.0293762 -0.0167927 0.0166196
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9217
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 4
+split_gain=0.120454 0.261878 0.576358 0.857222
+threshold=70.500000000000014 72.500000000000014 9.5000000000000018 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00079443164894125767 -0.0010291616679157613 -0.0013232391965695895 -0.00091467047007586161 0.0028676719102361092
+leaf_weight=42 44 39 68 68
+leaf_count=42 44 39 68 68
+internal_value=0 0.0104621 0.0274945 0.0731265
+internal_weight=0 217 178 110
+internal_count=261 217 178 110
+shrinkage=0.02
+
+
+Tree=9218
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 4
+split_gain=0.11485 0.25553 0.431243 0.558545 0.477827
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0011978260004814453 -0.0010086112929115444 0.0016181880897044162 0.001591087872019181 -0.0027844766395832533 0.0017917479116898211
+leaf_weight=50 44 44 44 39 40
+leaf_count=50 44 44 44 39 40
+internal_value=0 0.0102417 -0.00752588 -0.0375646 0.00611757
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=9219
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 6 5
+split_gain=0.109518 0.26075 0.609937 0.227483 0.242689
+threshold=70.500000000000014 72.500000000000014 58.900000000000006 49.500000000000007 47.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00068196249294725879 -0.00098847114954617979 -0.0013287391552869886 0.0025851672884495895 -0.0013762986203535144 0.0014854393086794052
+leaf_weight=42 44 39 45 44 47
+leaf_count=42 44 39 45 44 47
+internal_value=0 0.0100372 0.027037 -0.00729842 0.0226953
+internal_weight=0 217 178 133 89
+internal_count=261 217 178 133 89
+shrinkage=0.02
+
+
+Tree=9220
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 1 8
+split_gain=0.106338 0.414748 0.520877 1.85968 0.90192
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 8.5000000000000018 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=0.0009144431411831301 0.0021251889657942502 -0.0019817757195346557 -0.00069160298025473159 -0.0040626763741790648 0.0034953463624467747
+leaf_weight=49 45 44 45 39 39
+leaf_count=49 45 44 45 39 39
+internal_value=0 -0.0105839 0.0123895 -0.021669 0.0622057
+internal_weight=0 212 168 123 84
+internal_count=261 212 168 123 84
+shrinkage=0.02
+
+
+Tree=9221
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.112261 0.25493 0.432737 0.537296
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00031731047357847153 -0.00099900792563126575 0.0016145689165021437 0.0015922549276164472 -0.0023539935311956096
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0101367 -0.00761156 -0.0376994
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9222
+num_leaves=5
+num_cat=0
+split_feature=8 2 7 2
+split_gain=0.104853 0.283433 0.511218 0.443098
+threshold=72.500000000000014 7.5000000000000009 53.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0016649005993033608 -0.00093261479964194479 -0.0017130850900020701 -0.00055932783825215463 0.0020342723030574361
+leaf_weight=45 47 59 59 51
+leaf_count=45 47 59 59 51
+internal_value=0 0.0102527 -0.00897295 0.031821
+internal_weight=0 214 169 110
+internal_count=261 214 169 110
+shrinkage=0.02
+
+
+Tree=9223
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.103378 0.411103 0.499091 1.12677
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00090367328403667538 0.0020335196102655743 -0.0019718636983858907 -0.0021624751835163953 0.0017565696651127597
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.010459 0.0124172 -0.0219619
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=9224
+num_leaves=6
+num_cat=0
+split_feature=9 6 6 5 6
+split_gain=0.106512 0.219963 0.218643 0.287224 0.0854557
+threshold=67.500000000000014 58.500000000000007 49.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00070294283867052335 8.367449999347228e-06 0.0016061386393371468 -0.0012752190980407712 0.0016787462836900264 -0.0013781501789743953
+leaf_weight=42 46 43 46 44 40
+leaf_count=42 46 43 46 44 40
+internal_value=0 0.0154329 -0.00542886 0.0253338 -0.0313913
+internal_weight=0 175 132 86 86
+internal_count=261 175 132 86 86
+shrinkage=0.02
+
+
+Tree=9225
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.101494 0.421087 1.28086 0.0916525
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00071937598901839514 0.0030414447519731187 -0.001307073576003456 -5.6380515692634956e-05 -0.0015820333572108757
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0129346 0.0423168 -0.0419849
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=9226
+num_leaves=6
+num_cat=0
+split_feature=2 6 6 2 2
+split_gain=0.104473 0.416304 0.337432 0.488613 0.528897
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 9.5000000000000018 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.001926551426433161 0.00096889196541511151 0.001750568363262332 -0.0020539180068971665 0.0023033479635543529 -0.00097940949666433324
+leaf_weight=46 44 47 43 40 41
+leaf_count=46 44 47 43 40 41
+internal_value=0 -0.00984669 0.0132132 -0.0146657 0.0316213
+internal_weight=0 217 171 124 81
+internal_count=261 217 171 124 81
+shrinkage=0.02
+
+
+Tree=9227
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 4
+split_gain=0.104286 0.211145 0.308254 1.00072 0.0969172
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0013312835789408076 -0.0013112142954740552 0.0016625572333700187 0.001383853239488341 -0.0028279425482702326 0.00015054435229581105
+leaf_weight=47 46 39 42 47 40
+leaf_count=47 46 39 42 47 40
+internal_value=0 0.0152873 -0.00390572 -0.0370191 -0.0311231
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=9228
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.100281 0.344549 0.283469 0.58904
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0020221527614906181 -0.0014198831449092539 -0.00047756499856228791 -0.00087839992553000407 0.0022712702316210875
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0283623 -0.016241 0.0168862
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9229
+num_leaves=5
+num_cat=0
+split_feature=8 2 7 2
+split_gain=0.105702 0.281025 0.514584 0.442499
+threshold=72.500000000000014 7.5000000000000009 53.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0016596851672622617 -0.00093588163942852061 -0.0017157952951379935 -0.00055377508589150599 0.0020380879121329049
+leaf_weight=45 47 59 59 51
+leaf_count=45 47 59 59 51
+internal_value=0 0.0102825 -0.00886567 0.0320585
+internal_weight=0 214 169 110
+internal_count=261 214 169 110
+shrinkage=0.02
+
+
+Tree=9230
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 2 8
+split_gain=0.10488 0.255723 0.627104 0.206118 0.586048
+threshold=70.500000000000014 72.500000000000014 58.900000000000006 20.500000000000004 50.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.00083521413205048776 -0.00097082609353434449 -0.0013187976283912069 0.002606049482153767 0.0010019018920825295 -0.0024569335674669394
+leaf_weight=46 44 39 45 44 43
+leaf_count=46 44 39 45 44 43
+internal_value=0 0.00984503 0.0266936 -0.00811152 -0.0373537
+internal_weight=0 217 178 133 89
+internal_count=261 217 178 133 89
+shrinkage=0.02
+
+
+Tree=9231
+num_leaves=5
+num_cat=0
+split_feature=6 9 6 4
+split_gain=0.0999419 0.244865 0.536161 0.296488
+threshold=70.500000000000014 72.500000000000014 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00075876404472175992 -0.00095144051122697862 -0.0012924690119157463 0.0020914068934061929 -0.0013080565292096205
+leaf_weight=59 44 39 60 59
+leaf_count=59 44 39 60 59
+internal_value=0 0.00964835 0.026165 -0.0134017
+internal_weight=0 217 178 118
+internal_count=261 217 178 118
+shrinkage=0.02
+
+
+Tree=9232
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.0985735 0.398169 0.480577 1.13297
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00088574422290691032 0.0019984155547626463 -0.0019413033812825632 -0.0021576990050787581 0.0017720021357447813
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0102613 0.012266 -0.0214894
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=9233
+num_leaves=5
+num_cat=0
+split_feature=7 6 4 4
+split_gain=0.0997034 0.379843 0.295846 0.244342
+threshold=76.500000000000014 63.500000000000007 61.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0007254595669601015 0.0010207120619193653 -0.0016964450573458472 0.0017062415518004077 -0.0011260988002208946
+leaf_weight=59 39 53 46 64
+leaf_count=59 39 53 46 64
+internal_value=0 -0.00898817 0.0145828 -0.0115773
+internal_weight=0 222 169 123
+internal_count=261 222 169 123
+shrinkage=0.02
+
+
+Tree=9234
+num_leaves=6
+num_cat=0
+split_feature=2 6 6 2 2
+split_gain=0.104088 0.443632 0.335796 0.474823 0.518404
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 9.5000000000000018 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.0019794777977911646 0.0009674899781510379 0.0017618045463464759 -0.0020139359412764575 0.0022906910894159248 -0.00096035492251120779
+leaf_weight=46 44 47 43 40 41
+leaf_count=46 44 47 43 40 41
+internal_value=0 -0.00982642 0.0139516 -0.0138607 0.0317912
+internal_weight=0 217 171 124 81
+internal_count=261 217 171 124 81
+shrinkage=0.02
+
+
+Tree=9235
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.0991816 0.425278 0.340707 1.44244 0.752729
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0019399484068588707 0.00094817100643489487 0.0019635335884040537 -0 0.0023816635133707526 -0.0039355641687377077
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.00963018 0.0136684 -0.0110359 -0.0961431
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9236
+num_leaves=5
+num_cat=0
+split_feature=3 3 4 9
+split_gain=0.0969829 0.374315 0.208218 0.518917
+threshold=71.500000000000014 65.500000000000014 52.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00075127977128004242 -0.00074244101652307191 0.0019604790887775688 -0.0025256811817326507 0.00048376551436390215
+leaf_weight=59 64 42 42 54
+leaf_count=59 64 42 42 54
+internal_value=0 0.0120661 -0.0110015 -0.0412711
+internal_weight=0 197 155 96
+internal_count=261 197 155 96
+shrinkage=0.02
+
+
+Tree=9237
+num_leaves=6
+num_cat=0
+split_feature=7 6 2 6 4
+split_gain=0.0976156 0.368906 0.286236 1.11749 0.818239
+threshold=76.500000000000014 63.500000000000007 8.5000000000000018 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0011178637888602414 0.0010119463499165386 -0.0016738347030526078 0.0015581030006939283 0.0036305194715572377 -0.002408774907772358
+leaf_weight=45 39 53 41 39 44
+leaf_count=45 39 53 41 39 44
+internal_value=0 -0.0089007 0.0143428 0.0401713 -0.0243114
+internal_weight=0 222 169 124 85
+internal_count=261 222 169 124 85
+shrinkage=0.02
+
+
+Tree=9238
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.0968094 0.39251 0.471841 1.10868
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00087937899314995225 0.0019817638474460973 -0.0019277529205787957 -0.0021348026794244211 0.001753265696583168
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0101723 0.0122007 -0.0212564
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=9239
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 8
+split_gain=0.104049 0.426935 0.33647 1.38859 0.302924
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0019468811332907779 0.00096751506701331575 0.0019507512678293307 -0.00059408099176968784 0.0023332526347636948 -0.0031651095618682817
+leaf_weight=46 44 39 40 52 40
+leaf_count=46 44 39 40 52 40
+internal_value=0 -0.00981602 0.0135259 -0.0110314 -0.0945615
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9240
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.104954 0.814401 0.893113 0.651021
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0029581576090427835 0.00095662453768199755 0.0027304763354694924 0.00084264791049462715 -0.0021654785202541759
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0186759 -0.027933 -0.0256225
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9241
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 7 6
+split_gain=0.105813 0.218893 0.305252 0.187464 0.0917512
+threshold=67.500000000000014 58.500000000000007 58.500000000000007 50.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00053591346348647051 2.9685271914788792e-05 0.0016025343470211395 -0.0015909038701972039 0.0013821286630419868 -0.0013986249397096712
+leaf_weight=39 46 43 41 52 40
+leaf_count=39 46 43 41 52 40
+internal_value=0 0.0153973 -0.00541725 0.0275773 -0.0312974
+internal_weight=0 175 132 91 86
+internal_count=261 175 132 91 86
+shrinkage=0.02
+
+
+Tree=9242
+num_leaves=6
+num_cat=0
+split_feature=6 2 9 3 4
+split_gain=0.101714 0.259949 0.413097 0.519186 0.504123
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 62.500000000000007 53.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0012641248743685749 -0.00095814420789013595 0.0016194376164833002 0.0015424279327603027 -0.0027148105921321491 0.001803835096250962
+leaf_weight=50 44 44 44 39 40
+leaf_count=50 44 44 44 39 40
+internal_value=0 0.00973435 -0.00817817 -0.0376085 0.00454365
+internal_weight=0 217 173 129 90
+internal_count=261 217 173 129 90
+shrinkage=0.02
+
+
+Tree=9243
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.0994279 0.792412 0.844836 0.636917
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0028897809626784207 0.00095253372259870427 0.0026909712674530856 0.00080896875505687669 -0.0021365874666890191
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0182608 -0.027726 -0.025047
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9244
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 1 1
+split_gain=0.105469 0.249319 0.300578 0.476497 0.391141
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 8.5000000000000018 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00063863370391346083 -0.000972760960456328 0.0015951197532020189 0.00030141203483887233 -0.0026824775709653106 0.0021646066750611792
+leaf_weight=42 44 44 51 39 41
+leaf_count=42 44 44 51 39 41
+internal_value=0 0.00988592 -0.00767846 -0.0491902 0.0368563
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=9245
+num_leaves=5
+num_cat=0
+split_feature=7 3 3 2
+split_gain=0.101468 0.296124 0.187113 0.191456
+threshold=75.500000000000014 68.500000000000014 63.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0009743563405853864 -0.00091969353329079257 0.0018306815897316954 -0.0013822691495009411 -0.00061998348483260327
+leaf_weight=71 47 39 42 62
+leaf_count=71 47 39 42 62
+internal_value=0 0.0101223 -0.00782171 0.0112592
+internal_weight=0 214 175 133
+internal_count=261 214 175 133
+shrinkage=0.02
+
+
+Tree=9246
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 1 4
+split_gain=0.112053 0.214337 0.236309 0.740235 0.0905251
+threshold=67.500000000000014 66.500000000000014 41.500000000000007 8.5000000000000018 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 -1 -4 -2
+right_child=4 -3 3 -5 -6
+leaf_value=-0.0014198262812692923 -0.0013105722659091409 0.0016815162602252351 -0.0010756048258095676 0.0025049144814522782 0.00010932251926309782
+leaf_weight=40 46 39 54 42 40
+leaf_count=40 46 39 54 42 40
+internal_value=0 0.0157732 -0.00355282 0.0241614 -0.0320655
+internal_weight=0 175 136 96 86
+internal_count=261 175 136 96 86
+shrinkage=0.02
+
+
+Tree=9247
+num_leaves=5
+num_cat=0
+split_feature=9 2 2 4
+split_gain=0.110261 0.391567 0.486897 1.3806
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0009287266322398881 0.0012907473727453759 -0.0019369886109205177 0.0021982525833674372 -0.002992437950074851
+leaf_weight=49 78 44 40 50
+leaf_count=49 78 44 40 50
+internal_value=0 -0.0107375 0.0116086 -0.0188423
+internal_weight=0 212 168 128
+internal_count=261 212 168 128
+shrinkage=0.02
+
+
+Tree=9248
+num_leaves=5
+num_cat=0
+split_feature=9 8 2 4
+split_gain=0.105094 0.389772 0.801525 1.03234
+threshold=42.500000000000007 50.500000000000007 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00091017880244133114 -0.0019047215084345081 0.0010675236163314196 0.002069907933629633 -0.002932673005470145
+leaf_weight=49 45 55 62 50
+leaf_count=49 45 55 62 50
+internal_value=0 -0.0105194 0.0120994 -0.0415201
+internal_weight=0 212 167 105
+internal_count=261 212 167 105
+shrinkage=0.02
+
+
+Tree=9249
+num_leaves=5
+num_cat=0
+split_feature=7 6 4 4
+split_gain=0.102932 0.365694 0.27905 0.26348
+threshold=76.500000000000014 63.500000000000007 61.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00076359192855733095 0.0010347724192765536 -0.0016713894188505167 0.00165767702436354 -0.001154098055357864
+leaf_weight=59 39 53 46 64
+leaf_count=59 39 53 46 64
+internal_value=0 -0.00908928 0.0140567 -0.011391
+internal_weight=0 222 169 123
+internal_count=261 222 169 123
+shrinkage=0.02
+
+
+Tree=9250
+num_leaves=6
+num_cat=0
+split_feature=5 6 2 6 6
+split_gain=0.0986358 0.468497 0.273872 1.07117 0.817715
+threshold=72.050000000000026 63.500000000000007 8.5000000000000018 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0011004444083073063 0.0008864895231446351 -0.0021083716040341794 0.0016112964487087706 0.0035506733839972444 -0.0023587707030236233
+leaf_weight=45 49 43 40 39 45
+leaf_count=45 49 43 40 39 45
+internal_value=0 -0.0102383 0.0137761 0.0390826 -0.0240656
+internal_weight=0 212 169 124 85
+internal_count=261 212 169 124 85
+shrinkage=0.02
+
+
+Tree=9251
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 4 6
+split_gain=0.0989339 0.393328 0.799682 0.510296 0.244483
+threshold=42.500000000000007 12.500000000000002 50.500000000000007 67.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00088759893805414149 0.0024725317243807195 -0.0032502495497283724 0.0013711988788524827 -0.00071190382097944139 -0.00082625173241526219
+leaf_weight=49 42 41 40 41 48
+leaf_count=49 42 41 40 41 48
+internal_value=0 -0.0102514 -0.045813 0.0445296 0.00819009
+internal_weight=0 212 129 83 88
+internal_count=261 212 129 83 88
+shrinkage=0.02
+
+
+Tree=9252
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.100858 0.415494 0.848707 0.833693
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012929404032928635 0.00095518291740426134 0.0014589475174720124 -0.0032513671944585862 0.00200371698423018
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.00967941 -0.0340372 0.00588332
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=9253
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 4
+split_gain=0.102809 0.345198 0.298857 1.09942
+threshold=55.500000000000007 52.500000000000007 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.002029717015969447 -0.0015742795788758254 -0.00047215877096428284 0.0029106486447396753 -0.0012457066122841226
+leaf_weight=40 55 55 41 70
+leaf_count=40 55 55 41 70
+internal_value=0 0.0286783 -0.0163913 0.0141594
+internal_weight=0 95 166 111
+internal_count=261 95 166 111
+shrinkage=0.02
+
+
+Tree=9254
+num_leaves=6
+num_cat=0
+split_feature=7 6 2 6 4
+split_gain=0.100938 0.332573 0.272885 1.00685 0.793408
+threshold=76.500000000000014 63.500000000000007 8.5000000000000018 54.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0011116061833012865 0.0010263940821622747 -0.0016045082004051861 0.0015563041072620915 0.0034536785621025359 -0.0023515055356502857
+leaf_weight=45 39 53 41 39 44
+leaf_count=45 39 53 41 39 44
+internal_value=0 -0.00901282 0.0131075 0.0383742 -0.0228714
+internal_weight=0 222 169 124 85
+internal_count=261 222 169 124 85
+shrinkage=0.02
+
+
+Tree=9255
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 2
+split_gain=0.098326 0.802632 0.833626 0.601825
+threshold=7.5000000000000009 67.65000000000002 59.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00081978222617133298 0.0009153373220621762 0.0027040107210910816 -0.002836744161352192 -0.0020899082385168115
+leaf_weight=67 58 43 41 52
+leaf_count=67 58 43 41 52
+internal_value=0 0.0181834 -0.028094 -0.0249241
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9256
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 4
+split_gain=0.100257 0.327492 0.284464 1.07191
+threshold=55.500000000000007 52.500000000000007 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0019880088586997058 -0.0015424181518689628 -0.00045215683297710927 0.0028675933195664001 -0.0012374032716942942
+leaf_weight=40 55 55 41 70
+leaf_count=40 55 55 41 70
+internal_value=0 0.0283787 -0.0162202 0.0136253
+internal_weight=0 95 166 111
+internal_count=261 95 166 111
+shrinkage=0.02
+
+
+Tree=9257
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 4
+split_gain=0.0975405 0.222678 0.294176 0.306738 0.106836
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00073020075679193746 -0.0013226873193338264 0.001644048212594524 -0.0015211863526030042 0.0016639223673544324 0.00020148639462373193
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0148891 -0.00544058 0.0275223 -0.0302444
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=9258
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.100085 0.417087 0.34719 1.39752 0.745
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0019241835823513458 0.00095210610995196364 0.0019739757439716107 0 0.0023320357118907973 -0.0039083916142998616
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.00964914 0.013432 -0.0114965 -0.0952891
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9259
+num_leaves=5
+num_cat=0
+split_feature=5 9 4 9
+split_gain=0.0981742 0.815253 0.87374 0.968069
+threshold=48.45000000000001 54.500000000000007 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00088479970656418858 -0.0022511767184793877 0.004311915699221883 -0.00099407018248780341 -0.00014096625121591587
+leaf_weight=49 58 39 75 40
+leaf_count=49 58 39 75 40
+internal_value=0 -0.0102166 0.0281019 0.102452
+internal_weight=0 212 154 79
+internal_count=261 212 154 79
+shrinkage=0.02
+
+
+Tree=9260
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.107951 0.798307 0.810998 0.580872
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0028341159811334062 0.00087114451717394789 0.0027122500910403587 0.00079144699826006935 -0.0020826853792567115
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0189076 -0.0272459 -0.025919
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9261
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.10285 0.765916 0.797639 0.557149
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00076533058656354518 0.00085374251918988162 0.0026580932564792981 -0.0028502606349087353 -0.0020410877532594509
+leaf_weight=69 58 43 39 52
+leaf_count=69 58 43 39 52
+internal_value=0 0.0185297 -0.0266949 -0.0253941
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9262
+num_leaves=5
+num_cat=0
+split_feature=9 6 1 6
+split_gain=0.111166 0.365868 0.609871 0.799407
+threshold=42.500000000000007 47.500000000000007 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00093219751185814035 -0.0019320360559280337 0.002917448408839919 -0.001335877385296744 -0.00060435880133669323
+leaf_weight=49 42 53 65 52
+leaf_count=49 42 53 65 52
+internal_value=0 -0.0107621 0.0102412 0.058323
+internal_weight=0 212 170 105
+internal_count=261 212 170 105
+shrinkage=0.02
+
+
+Tree=9263
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.106089 0.326616 0.289148 0.568676
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0019120773396277221 -0.0014374185748196298 -0.00050517119503030398 -0.0008589039512020859 0.002237554905954251
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.029057 -0.0166105 0.0168273
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9264
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.111369 0.260996 0.42458 0.511118
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0002926829598232112 -0.00099532151461621376 0.0016296959112689746 0.0015720552321923128 -0.0023147960445611656
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0101181 -0.00782743 -0.0376441
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9265
+num_leaves=6
+num_cat=0
+split_feature=9 5 6 5 6
+split_gain=0.107991 0.223275 0.205126 0.287615 0.0932084
+threshold=67.500000000000014 62.400000000000006 49.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00070082199291574259 2.8804346889949603e-05 0.0016585376344227518 -0.001197616511202972 0.0016823487704320102 -0.0014088666710527515
+leaf_weight=42 46 41 48 44 40
+leaf_count=42 46 41 48 44 40
+internal_value=0 0.0155379 -0.00481536 0.0254778 -0.0315594
+internal_weight=0 175 134 86 86
+internal_count=261 175 134 86 86
+shrinkage=0.02
+
+
+Tree=9266
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 4 9
+split_gain=0.103713 0.337383 0.639736 0.281885 1.79142
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 49.500000000000007 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.00094498305063525937 -0.00092804722492675104 0.0019090806487747816 -0.0023342783456840811 -0.0013578115222749119 0.0042771883785274745
+leaf_weight=39 47 40 43 51 41
+leaf_count=39 47 40 43 51 41
+internal_value=0 0.0102209 -0.00917366 0.0258641 0.0573046
+internal_weight=0 214 174 131 92
+internal_count=261 214 174 131 92
+shrinkage=0.02
+
+
+Tree=9267
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 4
+split_gain=0.110144 0.312035 0.284861 1.03881
+threshold=55.500000000000007 52.500000000000007 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0019785326675402426 -0.0015563492019472543 -0.00040607389881841625 0.0028151930107059111 -0.0012271341160620282
+leaf_weight=40 55 55 41 70
+leaf_count=40 55 55 41 70
+internal_value=0 0.0295137 -0.0168825 0.0129804
+internal_weight=0 95 166 111
+internal_count=261 95 166 111
+shrinkage=0.02
+
+
+Tree=9268
+num_leaves=5
+num_cat=0
+split_feature=9 2 2 4
+split_gain=0.105994 0.389826 0.480803 1.23509
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0009133839463298472 0.0012076457362921211 -0.001929829953775564 0.0021889779795010488 -0.0028467382558786825
+leaf_weight=49 78 44 40 50
+leaf_count=49 78 44 40 50
+internal_value=0 -0.0105603 0.0117383 -0.0185271
+internal_weight=0 212 168 128
+internal_count=261 212 168 128
+shrinkage=0.02
+
+
+Tree=9269
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 4
+split_gain=0.102635 0.42886 0.832852 0.807064
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0017136535247804774 0.0009620648261395501 0.0014826750503642292 -0.0032366186920725439 0.0015244454108253567
+leaf_weight=56 44 49 40 72
+leaf_count=56 44 49 40 72
+internal_value=0 -0.00975589 -0.0344824 0.00506841
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=9270
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 5
+split_gain=0.10091 0.379578 0.473975 1.13832
+threshold=42.500000000000007 24.500000000000004 70.000000000000014 53.150000000000013
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00089487815036267402 0.0019579016401277925 -0.0019038299634285139 0.0019012763601637945 -0.0020839663483836709
+leaf_weight=49 47 44 50 71
+leaf_count=49 47 44 50 71
+internal_value=0 -0.0103395 0.011676 -0.0233544
+internal_weight=0 212 168 118
+internal_count=261 212 168 118
+shrinkage=0.02
+
+
+Tree=9271
+num_leaves=5
+num_cat=0
+split_feature=2 6 2 2
+split_gain=0.105802 0.417211 0.339224 0.337066
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0019289185265889777 0.00097451963391140641 0.0019509450134365706 -0.0013214183625646569 0.00075735157148825447
+leaf_weight=46 44 39 63 69
+leaf_count=46 44 39 63 69
+internal_value=0 -0.00987549 0.0132086 -0.0114453
+internal_weight=0 217 171 132
+internal_count=261 217 171 132
+shrinkage=0.02
+
+
+Tree=9272
+num_leaves=5
+num_cat=0
+split_feature=9 6 1 3
+split_gain=0.0986477 0.368084 0.582935 1.08613
+threshold=42.500000000000007 47.500000000000007 7.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00088658627972161672 -0.001926537548699457 0.0028034419932584233 -0.0012906231313991954 -0.0013927988617948323
+leaf_weight=49 42 64 65 41
+leaf_count=49 42 64 65 41
+internal_value=0 -0.0102362 0.0108289 0.057873
+internal_weight=0 212 170 105
+internal_count=261 212 170 105
+shrinkage=0.02
+
+
+Tree=9273
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 3
+split_gain=0.102582 1.18509 0.720341 0.59934 1.0739
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.00090108877032333222 -0.0033345104676248548 0.0027190556758958932 -0.0015242692068073791 -0.0023224331212811319 0.0029522576437632088
+leaf_weight=49 40 45 44 40 43
+leaf_count=49 40 45 44 40 43
+internal_value=0 -0.0104085 0.0257648 -0.0130167 0.0339837
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=9274
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 9
+split_gain=0.107006 0.397576 1.34286 0.554217
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0036108508529760848 0.00097914696686495612 0.0020347199182084675 0.0012198071805701639 -0.00068941048867039614
+leaf_weight=47 44 57 46 67
+leaf_count=47 44 57 46 67
+internal_value=0 -0.00992388 -0.0606889 0.0278402
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=9275
+num_leaves=5
+num_cat=0
+split_feature=5 9 4 9
+split_gain=0.104188 0.780625 0.823425 0.948397
+threshold=48.45000000000001 54.500000000000007 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00090701560014397635 -0.0022134586719118297 0.0042258294178818944 -0.00097075194850627532 -0.00018264278599358809
+leaf_weight=49 58 39 75 40
+leaf_count=49 58 39 75 40
+internal_value=0 -0.0104742 0.0270365 0.0992694
+internal_weight=0 212 154 79
+internal_count=261 212 154 79
+shrinkage=0.02
+
+
+Tree=9276
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.110351 0.323273 0.307781 0.59563
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0020024096967649185 -0.0014758145861151631 -0.00042248653752933248 -0.00087171001176420543 0.0022948590449808483
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0295415 -0.0168915 0.0175494
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9277
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 4
+split_gain=0.105149 0.306827 0.297202 0.994754
+threshold=55.500000000000007 49.500000000000007 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0018712474002704174 -0.0015742612681641636 -0.00047554439269628684 0.0027801715557030124 -0.0011769437588899116
+leaf_weight=43 55 52 41 70
+leaf_count=43 55 52 41 70
+internal_value=0 0.0289434 -0.0165537 0.0139161
+internal_weight=0 95 166 111
+internal_count=261 95 166 111
+shrinkage=0.02
+
+
+Tree=9278
+num_leaves=5
+num_cat=0
+split_feature=4 1 5 5
+split_gain=0.103527 0.679579 1.30659 0.931757
+threshold=75.500000000000014 6.5000000000000009 57.300000000000004 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00052093171255369062 0.0010218558287457661 -0.00077795222073677364 -0.0039062108068409779 0.0029431488841045552
+leaf_weight=65 40 59 46 51
+leaf_count=65 40 59 46 51
+internal_value=0 -0.00925253 -0.0653921 0.0470396
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9279
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.10578 0.256317 0.427732 0.511454
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00069848945043783086 -0.00097395672031560122 0.0016134148017873779 0.0015768265720695217 -0.0018829117236429259
+leaf_weight=56 44 44 44 73
+leaf_count=56 44 44 44 73
+internal_value=0 0.00989862 -0.00789545 -0.0378167
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9280
+num_leaves=5
+num_cat=0
+split_feature=9 9 9 6
+split_gain=0.104835 0.304704 0.286563 0.571256
+threshold=55.500000000000007 41.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00069400581608854877 -0.0014311831417449666 0.00164510715888058 -0.00086275907189316367 0.0022405057914214803
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0289102 -0.0165297 0.0167667
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9281
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.109761 0.254962 0.457849 0.584974
+threshold=70.500000000000014 66.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013682976449296553 -0.00098924961941080454 0.0014238403541979112 -0.000937203903223785 0.0024099094383807041
+leaf_weight=76 44 55 41 45
+leaf_count=76 44 55 41 45
+internal_value=0 0.0100539 -0.0104778 0.0402717
+internal_weight=0 217 162 86
+internal_count=261 217 162 86
+shrinkage=0.02
+
+
+Tree=9282
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 1 8
+split_gain=0.109498 0.384831 0.491759 1.85819 0.852073
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 8.5000000000000018 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=0.00092601866201128078 0.0020554482003842115 -0.0019221920993611036 -0.00063867320434095483 -0.0040612038868017702 0.0034329173354837694
+leaf_weight=49 45 44 45 39 39
+leaf_count=49 45 44 45 39 39
+internal_value=0 -0.010705 0.0114556 -0.0216674 0.0621738
+internal_weight=0 212 168 123 84
+internal_count=261 212 168 123 84
+shrinkage=0.02
+
+
+Tree=9283
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 6
+split_gain=0.112358 0.25215 0.444159 0.588673
+threshold=70.500000000000014 66.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013475709855536898 -0.00099916783669705238 0.0014194876990031261 -0.0010372120830022314 0.0023312167600446228
+leaf_weight=76 44 55 39 47
+leaf_count=76 44 55 39 47
+internal_value=0 0.0101506 -0.0102743 0.0397389
+internal_weight=0 217 162 86
+internal_count=261 217 162 86
+shrinkage=0.02
+
+
+Tree=9284
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 6
+split_gain=0.10869 0.288089 0.504389 0.404478
+threshold=72.500000000000014 7.5000000000000009 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0016792359833762841 -0.00094675862443454706 -0.0016834188044438331 -0.0010165047017027418 0.0015775227001694739
+leaf_weight=45 47 60 39 70
+leaf_count=45 47 60 39 70
+internal_value=0 0.010413 -0.00896102 0.0320997
+internal_weight=0 214 169 109
+internal_count=261 214 169 109
+shrinkage=0.02
+
+
+Tree=9285
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 1 9
+split_gain=0.105746 0.375711 0.485283 1.78845 0.757314
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 8.5000000000000018 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=0.00091237622683490883 0.0020418078486898771 -0.0018998738860283304 -0.00056191132450403964 -0.0039911109747878572 0.003281097331405876
+leaf_weight=49 45 44 45 39 39
+leaf_count=49 45 44 45 39 39
+internal_value=0 -0.0105552 0.011352 -0.0215591 0.0607037
+internal_weight=0 212 168 123 84
+internal_count=261 212 168 123 84
+shrinkage=0.02
+
+
+Tree=9286
+num_leaves=5
+num_cat=0
+split_feature=2 4 9 1
+split_gain=0.104877 0.388511 0.400412 0.713387
+threshold=25.500000000000004 53.500000000000007 67.500000000000014 7.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.001669552643280606 0.00097065481978369475 -0.00036274917776501396 -0.00094009460180425719 0.0031339366251254327
+leaf_weight=56 44 55 64 42
+leaf_count=56 44 55 64 42
+internal_value=0 -0.00985294 0.0155325 0.0572103
+internal_weight=0 217 161 97
+internal_count=261 217 161 97
+shrinkage=0.02
+
+
+Tree=9287
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 3
+split_gain=0.105053 0.279992 0.37416 0.315086
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0019657557278626096 -0.00093340411798093436 0.0014640098719837535 -0.0014657675729810825 -0.00043012170771494394
+leaf_weight=40 47 56 63 55
+leaf_count=40 47 56 63 55
+internal_value=0 0.0102588 -0.0118191 0.0285479
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9288
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 4
+split_gain=0.102811 0.219558 0.28744 0.278462 0.112015
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00067100545297134838 -0.001350925240737641 0.0016415041776535891 -0.001497188997771725 0.0016164319718566717 0.00020432360992783883
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0152001 -0.00499545 0.0276101 -0.0309341
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=9289
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.103316 0.245299 0.420625 0.574787
+threshold=70.500000000000014 66.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013203760309175951 -0.00096467171277701239 0.0013968556686905717 -0.00096109613554884639 0.0023579725320941733
+leaf_weight=76 44 55 41 45
+leaf_count=76 44 55 41 45
+internal_value=0 0.00978612 -0.010378 0.0383418
+internal_weight=0 217 162 86
+internal_count=261 217 162 86
+shrinkage=0.02
+
+
+Tree=9290
+num_leaves=5
+num_cat=0
+split_feature=9 6 5 5
+split_gain=0.104784 0.353455 0.574671 0.347207
+threshold=42.500000000000007 47.500000000000007 57.650000000000013 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.00090871481991285509 -0.0018994599746530005 0.0023715466328798609 -0.0014445378921307927 0.00067013325040344641
+leaf_weight=49 42 39 69 62
+leaf_count=49 42 39 69 62
+internal_value=0 -0.0105232 0.0101362 -0.0218887
+internal_weight=0 212 170 131
+internal_count=261 212 170 131
+shrinkage=0.02
+
+
+Tree=9291
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 3
+split_gain=0.107843 1.1489 0.736232 0.58485 1.00981
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.00091985234468780572 -0.0032919908948066024 0.0027268911167129539 -0.0014938102426214071 -0.0023222043640987815 0.0028495521364603404
+leaf_weight=49 40 45 44 40 43
+leaf_count=49 40 45 44 40 43
+internal_value=0 -0.0106479 0.0249748 -0.0142255 0.0322143
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=9292
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 6
+split_gain=0.104135 0.280457 0.481249 0.397125
+threshold=72.500000000000014 7.5000000000000009 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0016570520759561201 -0.00093001569459614088 -0.0016489239607830504 -0.0010195067612631167 0.0015520257729225142
+leaf_weight=45 47 60 39 70
+leaf_count=45 47 60 39 70
+internal_value=0 0.0102188 -0.00891126 0.0312269
+internal_weight=0 214 169 109
+internal_count=261 214 169 109
+shrinkage=0.02
+
+
+Tree=9293
+num_leaves=5
+num_cat=0
+split_feature=5 9 3 7
+split_gain=0.105941 0.75988 0.750155 0.602996
+threshold=48.45000000000001 54.500000000000007 64.500000000000014 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.00091292093837239336 -0.0021892822153169603 0.0026962019956911464 0.0014685202576738999 -0.0016285491397766653
+leaf_weight=49 58 46 43 65
+leaf_count=49 58 46 43 65
+internal_value=0 -0.0105715 0.0264469 -0.0193951
+internal_weight=0 212 154 108
+internal_count=261 212 154 108
+shrinkage=0.02
+
+
+Tree=9294
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 2
+split_gain=0.109156 0.304279 0.284148 1.12034
+threshold=55.500000000000007 41.500000000000007 64.500000000000014 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00068352571818981907 -0.0014612577762378499 0.0016539117419172528 -0.0013496521337180798 0.0029171900694637889
+leaf_weight=43 61 52 64 41
+leaf_count=43 61 52 64 41
+internal_value=0 0.0293887 -0.0168309 0.0154834
+internal_weight=0 95 166 105
+internal_count=261 95 166 105
+shrinkage=0.02
+
+
+Tree=9295
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 5
+split_gain=0.10613 0.382116 0.827158 0.510211 0.364284
+threshold=42.500000000000007 12.500000000000002 53.500000000000007 67.500000000000014 66.600000000000009
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00091362581765406332 0.0024509210585095635 -0.0033732067559239564 0.001613229240786116 -0.0007334968081233505 -0.0010126742718818303
+leaf_weight=49 42 39 40 41 50
+leaf_count=49 42 39 40 41 50
+internal_value=0 -0.0105786 -0.045655 0.0434486 0.00729294
+internal_weight=0 212 129 83 90
+internal_count=261 212 129 83 90
+shrinkage=0.02
+
+
+Tree=9296
+num_leaves=5
+num_cat=0
+split_feature=5 1 4 2
+split_gain=0.106404 1.14425 1.67894 0.807966
+threshold=48.45000000000001 6.5000000000000009 69.500000000000014 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00091461792843318011 0.00044765182563803496 0.0037038771707015982 -0.0013280795157150319 -0.0031610661651835792
+leaf_weight=49 42 55 52 63
+leaf_count=49 42 55 52 63
+internal_value=0 -0.01059 0.062585 -0.0855314
+internal_weight=0 212 107 105
+internal_count=261 212 107 105
+shrinkage=0.02
+
+
+Tree=9297
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.111393 0.436096 0.62215
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00074817831103911239 0.0010251046003914228 0.002111248402392068 -0.0015898021869148709
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0134477 -0.012115
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9298
+num_leaves=5
+num_cat=0
+split_feature=5 1 4 4
+split_gain=0.103686 1.0971 1.62483 0.688081
+threshold=48.45000000000001 6.5000000000000009 69.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00090480190085519318 -0.0037710727175215637 0.0036369205273543083 -0.00131416356967648 -0.00037445012193911128
+leaf_weight=49 40 55 52 65
+leaf_count=49 40 55 52 65
+internal_value=0 -0.0104719 0.0612014 -0.0838833
+internal_weight=0 212 107 105
+internal_count=261 212 107 105
+shrinkage=0.02
+
+
+Tree=9299
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.107481 0.423418 0.600429
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00073701700293865536 0.0010065016365475084 0.0020813989715080861 -0.0015637569215092098
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.013243 -0.0119586
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9300
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.117175 0.738224 0.807258 0.57436
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00080988744785355244 0.00084470142487360191 0.0026378711404173782 -0.0028272733655773695 -0.0020928449148359786
+leaf_weight=69 58 43 39 52
+leaf_count=69 58 43 39 52
+internal_value=0 0.0195573 -0.0248555 -0.0268568
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9301
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.111707 0.708213 0.780904 0.293386
+threshold=7.5000000000000009 67.65000000000002 59.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00085112458034690007 0.00067507239210895769 0.0025851993759242516 -0.0026910141879787465 -0.0014689324757132113
+leaf_weight=67 48 43 41 62
+leaf_count=67 48 43 41 62
+internal_value=0 0.0191664 -0.0243523 -0.0263132
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9302
+num_leaves=6
+num_cat=0
+split_feature=2 1 2 4 9
+split_gain=0.113819 0.411904 0.631271 1.37813 0.259169
+threshold=25.500000000000004 8.5000000000000018 17.500000000000004 69.500000000000014 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -3
+right_child=-2 4 -4 -5 -6
+leaf_value=0.0033783935502090579 0.0010048029591551925 -0.0025935098495680504 -0.0016458879513355366 -0.0014518447304863347 -0.00017748675581581732
+leaf_weight=57 44 39 41 41 39
+leaf_count=57 44 39 41 41 39
+internal_value=0 -0.0101999 0.0230032 0.0674914 -0.0698494
+internal_weight=0 217 139 98 78
+internal_count=261 217 139 98 78
+shrinkage=0.02
+
+
+Tree=9303
+num_leaves=6
+num_cat=0
+split_feature=2 6 6 2 2
+split_gain=0.108562 0.395514 0.31975 0.470993 0.493316
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 9.5000000000000018 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.0018879712353449777 0.00098473853039205924 0.0016990835058960105 -0.0020234895890696692 0.0022318255898361645 -0.00094244535674078208
+leaf_weight=46 44 47 43 40 41
+leaf_count=46 44 47 43 40 41
+internal_value=0 -0.0100041 0.0124941 -0.0146807 0.0307901
+internal_weight=0 217 171 124 81
+internal_count=261 217 171 124 81
+shrinkage=0.02
+
+
+Tree=9304
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 4
+split_gain=0.107163 0.241999 0.407414 0.12285
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00017810852718330223 -0.0013913314038491804 -0.00068994511400332411 0.0023237641692465351 0.0002273962971930317
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0154662 0.0453567 -0.0314784
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=9305
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.106608 0.309377 0.278313 0.585351
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.001964606213166525 -0.0014190379865804223 -0.0004104851837034383 -0.00088903847586854399 0.0022512017738976799
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0290924 -0.0166691 0.0161706
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9306
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 4
+split_gain=0.105114 0.235097 0.397231 0.111993
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00017546017167647716 -0.0013566990883461766 -0.00067920223382260554 0.0022962967424946215 0.00019828681744094023
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0153357 0.0448315 -0.0312291
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=9307
+num_leaves=5
+num_cat=0
+split_feature=9 9 9 6
+split_gain=0.105132 0.306444 0.275491 0.556364
+threshold=55.500000000000007 41.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00069731678266189809 -0.0014120609897884493 0.0016480961552457476 -0.00086071043120986858 0.00220327061401331
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0289171 -0.0165769 0.0161056
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9308
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.113914 0.264066 0.411789 0.502133
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00029170615893170051 -0.0010055007304576131 0.0016388291768376344 0.001546288941715725 -0.0022935754127281056
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0101865 -0.00785801 -0.0372452
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9309
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.108636 0.252794 0.394682 0.488278
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00069266240211312993 -0.00098542279698882814 0.0016061043874568779 0.0015154124396473392 -0.0018317524990798743
+leaf_weight=56 44 44 44 73
+leaf_count=56 44 44 44 73
+internal_value=0 0.0099868 -0.00769179 -0.0364951
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9310
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 6
+split_gain=0.112469 0.230272 0.392057 0.0890344
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00016538567232474895 4.5073954847388393e-06 -0.00066075248314851774 0.0022908302699549917 -0.0014055225020309385
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0157821 0.0449962 -0.0321318
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=9311
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 4
+split_gain=0.107273 0.295785 0.268584 0.963829
+threshold=55.500000000000007 41.500000000000007 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00067104249874344829 -0.0015200534252142418 0.0016354220952185465 0.0027102547450050521 -0.0011862766511331055
+leaf_weight=43 55 52 41 70
+leaf_count=43 55 52 41 70
+internal_value=0 0.0291652 -0.0167163 0.0123291
+internal_weight=0 95 166 111
+internal_count=261 95 166 111
+shrinkage=0.02
+
+
+Tree=9312
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 1 8
+split_gain=0.107212 0.37645 0.486455 1.78586 0.828449
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 8.5000000000000018 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=0.00091736872393705451 0.0020427866767747244 -0.0019029787443164039 -0.00064534476904282417 -0.0039904503710234233 0.0033706907194564497
+leaf_weight=49 45 44 45 39 39
+leaf_count=49 45 44 45 39 39
+internal_value=0 -0.0106322 0.0112955 -0.0216542 0.0605491
+internal_weight=0 212 168 123 84
+internal_count=261 212 168 123 84
+shrinkage=0.02
+
+
+Tree=9313
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.10489 0.247346 0.390633 0.473536
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0002810803157656484 -0.00097100289562594092 0.0015890511564043122 0.0015078362040449925 -0.0022321785298600543
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.00983857 -0.00766058 -0.036324
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9314
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 4
+split_gain=0.108031 0.226329 0.298592 0.954705 0.117396
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.001285439543956299 -0.0013787847009208679 0.0017109710116931963 0.0013539197996333117 -0.002778696499358121 0.00020813680108658001
+leaf_weight=47 46 39 42 47 40
+leaf_count=47 46 39 42 47 40
+internal_value=0 0.0155136 -0.00430962 -0.036934 -0.0315909
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=9315
+num_leaves=6
+num_cat=0
+split_feature=9 6 4 5 4
+split_gain=0.102944 0.221303 0.276234 0.280696 0.112013
+threshold=67.500000000000014 58.500000000000007 58.500000000000007 47.850000000000001 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00071293598169778344 -0.0013512509323483515 0.0016053264205295801 -0.0015292600484980788 0.0015836513060670243 0.00020398106172193697
+leaf_weight=42 46 43 41 49 40
+leaf_count=42 46 43 41 49 40
+internal_value=0 0.0152086 -0.00571294 0.0257585 -0.0309507
+internal_weight=0 175 132 91 86
+internal_count=261 175 132 91 86
+shrinkage=0.02
+
+
+Tree=9316
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 6
+split_gain=0.103143 0.268441 0.503266 0.396432
+threshold=72.500000000000014 7.5000000000000009 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0016268832055016582 -0.00092630032257641699 -0.0016738675371747614 -0.00099337376305170307 0.0015757184476298308
+leaf_weight=45 47 60 39 70
+leaf_count=45 47 60 39 70
+internal_value=0 0.0101775 -0.00856147 0.032456
+internal_weight=0 214 169 109
+internal_count=261 214 169 109
+shrinkage=0.02
+
+
+Tree=9317
+num_leaves=5
+num_cat=0
+split_feature=9 6 5 5
+split_gain=0.102353 0.357317 0.548971 0.334896
+threshold=42.500000000000007 47.500000000000007 57.650000000000013 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.00089981302731338871 -0.0019061328010602152 0.0023283808961194101 -0.0014093080156745556 0.00066964974769440479
+leaf_weight=49 42 39 69 62
+leaf_count=49 42 39 69 62
+internal_value=0 -0.0104204 0.0103469 -0.0209719
+internal_weight=0 212 170 131
+internal_count=261 212 170 131
+shrinkage=0.02
+
+
+Tree=9318
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.103313 0.420497 1.25651 0.0789732
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00072483841287204363 0.0030222320946066751 -0.0013041737047225289 -8.3059553073164678e-05 -0.0015217141804662107
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0130263 0.0423886 -0.0411156
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=9319
+num_leaves=5
+num_cat=0
+split_feature=8 2 2 6
+split_gain=0.103306 0.262217 0.50054 0.376552
+threshold=72.500000000000014 7.5000000000000009 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0016113939741306091 -0.00092709496569831022 -0.0016659066978540003 -0.00095133142014247911 0.0015552821664283972
+leaf_weight=45 47 60 39 70
+leaf_count=45 47 60 39 70
+internal_value=0 0.0101753 -0.00835775 0.0325525
+internal_weight=0 214 169 109
+internal_count=261 214 169 109
+shrinkage=0.02
+
+
+Tree=9320
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.102673 0.400073 1.22821 0.0750368
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.0007231990089935315 0.002983412977588027 -0.001268211526469624 -9.3204014848070064e-05 -0.0015037992659287767
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0129803 0.0416571 -0.0409123
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=9321
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 2 3
+split_gain=0.102139 1.16216 0.741532 0.305288 1.24052
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.00089867094911624302 -0.0033050399182709728 0.0027430703161507087 -0.0020226862269624745 -0.0017736527514868256 0.0027854885645794011
+leaf_weight=49 40 45 43 40 44
+leaf_count=49 40 45 43 40 44
+internal_value=0 -0.010429 0.0253964 -0.0139415 0.0200065
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=9322
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.108632 0.411614 0.376289 0.525166
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013193240901319598 -0.00077899898279563539 0.0020511232972825143 -0.00092090103511308736 0.0023102139142663568
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0126291 -0.0115156 0.035253
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9323
+num_leaves=5
+num_cat=0
+split_feature=9 9 9 6
+split_gain=0.106776 0.299079 0.262323 0.582418
+threshold=55.500000000000007 41.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00067910678091363612 -0.0013901229400972717 0.0016394610911613467 -0.00090478186793442248 0.0022280139345345665
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0290931 -0.0166987 0.0152382
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9324
+num_leaves=5
+num_cat=0
+split_feature=6 9 5 4
+split_gain=0.108723 0.249276 0.616263 0.218937
+threshold=70.500000000000014 72.500000000000014 58.900000000000006 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00078387454560772908 -0.00098608633484298315 -0.0012982792562311924 0.0025872398640804234 -0.00091922707329624277
+leaf_weight=59 44 39 45 74
+leaf_count=59 44 39 45 74
+internal_value=0 0.00997361 0.0266253 -0.00788445
+internal_weight=0 217 178 133
+internal_count=261 217 178 133
+shrinkage=0.02
+
+
+Tree=9325
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.106585 0.396422 0.360875 0.480996
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001291521113007678 -0.0007729166896383794 0.0020170401328599508 -0.00094231895986102501 0.0021599777865523462
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0125211 -0.0111905 0.0346538
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9326
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 5 9
+split_gain=0.106625 0.359845 0.786297 0.375761 0.333456
+threshold=42.500000000000007 12.500000000000002 53.500000000000007 66.600000000000009 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 4 -3 -4 -2
+right_child=1 2 3 -5 -6
+leaf_value=0.00091485983619797801 0.0020685963495967337 -0.0032944643480685592 0.0016275538452060734 -0.0010374314813097723 -0.00053220706327983052
+leaf_weight=49 44 39 40 50 39
+leaf_count=49 44 39 40 50 39
+internal_value=0 -0.0106269 -0.044721 0.00692344 0.0418741
+internal_weight=0 212 129 90 83
+internal_count=261 212 129 90 83
+shrinkage=0.02
+
+
+Tree=9327
+num_leaves=5
+num_cat=0
+split_feature=5 1 4 2
+split_gain=0.107657 1.12033 1.69725 0.779679
+threshold=48.45000000000001 6.5000000000000009 69.500000000000014 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00091859569957938002 0.00042398204125104451 0.0037003494376482066 -0.0013587993541376501 -0.0031221764903874112
+leaf_weight=49 42 55 52 63
+leaf_count=49 42 55 52 63
+internal_value=0 -0.0106694 0.0617473 -0.0848381
+internal_weight=0 212 107 105
+internal_count=261 212 107 105
+shrinkage=0.02
+
+
+Tree=9328
+num_leaves=6
+num_cat=0
+split_feature=2 6 6 2 2
+split_gain=0.111064 0.3858 0.329738 0.452196 0.462466
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 9.5000000000000018 16.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.0018705160233703797 0.00099380103995909842 0.0017125377412279979 -0.002005772823444065 0.0021492081190363438 -0.00092814131595225183
+leaf_weight=46 44 47 43 40 41
+leaf_count=46 44 47 43 40 41
+internal_value=0 -0.0101244 0.0121063 -0.0154706 0.0291106
+internal_weight=0 217 171 124 81
+internal_count=261 217 171 124 81
+shrinkage=0.02
+
+
+Tree=9329
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.105882 0.375379 1.36043 0.934768
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0035990258389682257 0.00097395639233451752 0.0024729333861277705 0.0012629581908613528 -0.0010476289854817443
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.00992224 -0.0593218 0.0268176
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=9330
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.111926 0.578808 0.325086 0.241767 0.140794
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00083091354277284497 3.4661366271205096e-05 -0.0024014104063533534 -0.0015500925223114 0.0023152592811500599 0.00023906156729366646
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.0121782 0.0150894 0.0606749 -0.0317332
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=9331
+num_leaves=5
+num_cat=0
+split_feature=5 2 3 4
+split_gain=0.111003 0.254802 0.971803 0.295308
+threshold=48.45000000000001 20.500000000000004 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00093086029434607382 8.6518591982029627e-05 -0.0012881877254714437 0.0027752781787006827 -0.0021684434535383223
+leaf_weight=49 61 66 44 41
+leaf_count=49 61 66 44 41
+internal_value=0 -0.0107932 0.0131896 -0.0406458
+internal_weight=0 212 146 102
+internal_count=261 212 146 102
+shrinkage=0.02
+
+
+Tree=9332
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 5
+split_gain=0.10615 0.307036 0.284861 0.564797
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0019585036967783636 -0.0014304204891161588 -0.0004080911932351781 -0.00088495927856071036 0.0021879679766454805
+leaf_weight=40 63 55 62 41
+leaf_count=40 63 55 62 41
+internal_value=0 0.0290332 -0.0166455 0.0165569
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9333
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.108557 0.392972 0.241775 0.207176
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00049488122750696701 -0.00077862111236118065 0.0020119227935802009 -0.0013620701927669937 0.0013912887244764496
+leaf_weight=55 64 42 53 47
+leaf_count=55 64 42 53 47
+internal_value=0 0.0126329 -0.010979 0.0183378
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=9334
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 4 3
+split_gain=0.104923 1.08451 0.710389 0.303383 0.814496
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 68.500000000000014 74.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.00090896948947303039 -0.0032039110829980705 0.002670696854115273 -0.0016773050591528808 0.0025735386826969461 -0.0014369856563823846
+leaf_weight=49 40 45 44 39 44
+leaf_count=49 40 45 44 39 44
+internal_value=0 -0.0105416 0.0240802 -0.0144403 0.0219214
+internal_weight=0 212 172 127 83
+internal_count=261 212 172 127 83
+shrinkage=0.02
+
+
+Tree=9335
+num_leaves=6
+num_cat=0
+split_feature=2 6 6 2 4
+split_gain=0.109456 0.376446 0.333524 0.436243 0.448416
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 9.5000000000000018 68.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.0018497578600158344 0.0009878819281480902 0.0017167396059278371 -0.0019836341268278093 -0.00092800591067513738 0.0021042626937941957
+leaf_weight=46 44 47 43 41 40
+leaf_count=46 44 47 43 41 40
+internal_value=0 -0.0100525 0.011918 -0.0158098 0.0280033
+internal_weight=0 217 171 124 81
+internal_count=261 217 171 124 81
+shrinkage=0.02
+
+
+Tree=9336
+num_leaves=5
+num_cat=0
+split_feature=5 1 7 9
+split_gain=0.105789 1.0541 0.654226 0.600222
+threshold=48.45000000000001 6.5000000000000009 58.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.00091212882261570679 -0.003694164782636089 0.0025943355660276776 -0.00037919569747965886 -0.00044865659469010166
+leaf_weight=49 40 58 65 49
+leaf_count=49 40 58 65 49
+internal_value=0 -0.0105772 -0.0825637 0.0596981
+internal_weight=0 212 105 107
+internal_count=261 212 105 107
+shrinkage=0.02
+
+
+Tree=9337
+num_leaves=5
+num_cat=0
+split_feature=7 3 5 1
+split_gain=0.107987 0.292544 0.167803 1.13238
+threshold=75.500000000000014 68.500000000000014 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00089391267992630489 -0.00094469651994569454 0.0018260993858852258 -0.0027376706995352741 0.0011130047919454332
+leaf_weight=49 47 39 55 71
+leaf_count=49 47 39 55 71
+internal_value=0 0.0103582 -0.00748214 -0.0281043
+internal_weight=0 214 175 126
+internal_count=261 214 175 126
+shrinkage=0.02
+
+
+Tree=9338
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.110124 0.647009 0.592032
+threshold=7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2
+left_child=1 -1 -2
+right_child=2 -3 -4
+leaf_value=-0.00091523494085666039 0.00087904229739641437 0.0017395556874425368 -0.0021021367217726552
+leaf_weight=77 58 74 52
+leaf_count=77 58 74 52
+internal_value=0 0.0190348 -0.0261707
+internal_weight=0 151 110
+internal_count=261 151 110
+shrinkage=0.02
+
+
+Tree=9339
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.106027 0.39525 0.742102 0.628753
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00099438517925936904 -0.00077094085659905613 -0.0023373978079723077 0.0024056938781487854 0.0011244452808224883
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.012507 0.0534758 -0.0388346
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9340
+num_leaves=5
+num_cat=0
+split_feature=4 2 4 4
+split_gain=0.110386 0.411382 0.777465 0.543585
+threshold=52.500000000000007 17.500000000000004 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.00082612819138448289 0.0019712475864115319 -0.0030167163056209196 -0.0013413326929804629 0.00024317432000337024
+leaf_weight=59 67 41 51 43
+leaf_count=59 67 41 51 43
+internal_value=0 -0.0121031 0.0266409 -0.0669817
+internal_weight=0 202 118 84
+internal_count=261 202 118 84
+shrinkage=0.02
+
+
+Tree=9341
+num_leaves=6
+num_cat=0
+split_feature=4 9 5 2 7
+split_gain=0.105301 0.675559 1.75596 1.37444 0.587878
+threshold=51.500000000000007 57.500000000000007 53.500000000000007 18.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.00092197561086724503 -0.0047398357797010741 -0.0027310873779656736 0.0012061200325930819 0.0031909844321406722 0.00074175972607714701
+leaf_weight=48 39 40 41 53 40
+leaf_count=48 39 40 41 53 40
+internal_value=0 -0.0104231 -0.0842076 0.033679 -0.0492771
+internal_weight=0 213 80 133 80
+internal_count=261 213 80 133 80
+shrinkage=0.02
+
+
+Tree=9342
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.112915 0.466566 0.497167 0.604432
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014253214614510924 -0.00073814484318952898 0.002175689258083386 -0.0020494297761093996 0.0017622265520688563
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0137829 -0.0129455 0.0258227
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=9343
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 5
+split_gain=0.108802 0.302777 0.282432 0.543591
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0019555191628380193 -0.0014294842723358333 -0.00039541992573809961 -0.00086870269611926787 0.0021479305339056932
+leaf_weight=40 63 55 62 41
+leaf_count=40 63 55 62 41
+internal_value=0 0.0293373 -0.0168189 0.0162487
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9344
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 4 2
+split_gain=0.112294 0.32445 0.655293 0.275713 1.75867
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 49.500000000000007 18.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.00090781461744013109 -0.00096035035598143823 0.0018841971334098786 -0.0023460652876583915 0.0036037457688129042 -0.0019945786466079667
+leaf_weight=39 47 40 43 52 40
+leaf_count=39 47 40 43 52 40
+internal_value=0 0.0105364 -0.00849919 0.0269535 0.0580668
+internal_weight=0 214 174 131 92
+internal_count=261 214 174 131 92
+shrinkage=0.02
+
+
+Tree=9345
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 5
+split_gain=0.109942 0.446792 0.488148 0.332926
+threshold=68.65000000000002 65.500000000000014 51.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00048932057252180472 -0.00073006874719584605 0.0021333740888168319 -0.0019191751003930421 0.0019045066255978889
+leaf_weight=55 71 42 49 44
+leaf_count=55 71 42 49 44
+internal_value=0 0.0136165 -0.012558 0.0283561
+internal_weight=0 190 148 99
+internal_count=261 190 148 99
+shrinkage=0.02
+
+
+Tree=9346
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.107013 0.379621 0.720687 0.616405
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00097968961049709402 -0.00077409242931549894 -0.0023021254501113136 0.0023721370525242669 0.0011266668277046764
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0125488 0.052741 -0.0378111
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9347
+num_leaves=5
+num_cat=0
+split_feature=4 2 4 4
+split_gain=0.108396 0.411451 0.767903 0.488054
+threshold=52.500000000000007 17.500000000000004 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.00081965331394942412 0.001964386206270775 -0.0029299864268993009 -0.0013282068474362316 0.00016362476640058513
+leaf_weight=59 67 41 51 43
+leaf_count=59 67 41 51 43
+internal_value=0 -0.0120175 0.0267298 -0.0669009
+internal_weight=0 202 118 84
+internal_count=261 202 118 84
+shrinkage=0.02
+
+
+Tree=9348
+num_leaves=5
+num_cat=0
+split_feature=4 2 7 4
+split_gain=0.1033 0.394262 0.769587 0.468074
+threshold=52.500000000000007 17.500000000000004 72.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.00080327975557240733 -0.00066178325074987691 -0.0028714864776409224 0.0027671287365716715 0.00016035743738218212
+leaf_weight=59 77 41 41 43
+leaf_count=59 77 41 41 43
+internal_value=0 -0.0117739 0.0261888 -0.0655557
+internal_weight=0 202 118 84
+internal_count=261 202 118 84
+shrinkage=0.02
+
+
+Tree=9349
+num_leaves=5
+num_cat=0
+split_feature=5 9 5 7
+split_gain=0.113154 0.452509 0.252058 0.399597
+threshold=68.65000000000002 65.500000000000014 55.95000000000001 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.000653394702756132 -0.00073899561835187426 0.0022380426919575477 -0.0015111097769776574 0.0019440725348315274
+leaf_weight=65 71 39 46 40
+leaf_count=65 71 39 46 40
+internal_value=0 0.013786 -0.0113306 0.0164569
+internal_weight=0 190 151 105
+internal_count=261 190 151 105
+shrinkage=0.02
+
+
+Tree=9350
+num_leaves=5
+num_cat=0
+split_feature=5 9 2 8
+split_gain=0.107867 0.43385 0.263136 0.653033
+threshold=68.65000000000002 65.500000000000014 21.500000000000004 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010322279438282629 -0.00072423022084721245 0.002193362073036493 0.0011198792677767455 -0.0021623988522041912
+leaf_weight=46 71 39 44 61
+leaf_count=46 71 39 44 61
+internal_value=0 0.0135068 -0.0111041 -0.039088
+internal_weight=0 190 151 107
+internal_count=261 190 151 107
+shrinkage=0.02
+
+
+Tree=9351
+num_leaves=5
+num_cat=0
+split_feature=9 9 9 6
+split_gain=0.104185 0.299183 0.266169 0.559527
+threshold=55.500000000000007 41.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00068518469539573246 -0.0013937463120762476 0.0016338454954153018 -0.00087337978993131543 0.0021991146738344161
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0288016 -0.0165199 0.0156372
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9352
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 2
+split_gain=0.109785 0.241628 0.565832 0.850928
+threshold=70.500000000000014 72.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0028335610096878782 -0.00098999422438322674 -0.0012757552822177938 -0.00092283525099326328 -0.00081551290436204869
+leaf_weight=68 44 39 68 42
+leaf_count=68 44 39 68 42
+internal_value=0 0.0100223 0.0264375 0.0716689
+internal_weight=0 217 178 110
+internal_count=261 217 178 110
+shrinkage=0.02
+
+
+Tree=9353
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.104605 0.245608 0.409623 0.501607
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00029719522555189654 -0.0009702256971106714 0.0015839665501951386 0.0015465712046243516 -0.0022868332182242679
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.00981071 -0.00763078 -0.0369453
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9354
+num_leaves=5
+num_cat=0
+split_feature=9 2 2 4
+split_gain=0.10352 0.365633 0.514275 1.24711
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00090369863339589908 0.0011829605262449309 -0.001876932197561712 0.0022412012369433078 -0.0028906096195731785
+leaf_weight=49 78 44 40 50
+leaf_count=49 78 44 40 50
+internal_value=0 -0.0104896 0.011134 -0.0201371
+internal_weight=0 212 168 128
+internal_count=261 212 168 128
+shrinkage=0.02
+
+
+Tree=9355
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 8
+split_gain=0.106287 0.392223 0.331311 1.40849 0.387651
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0018798690491574482 0.00097562523447577304 0.0019177300657858651 -0.00046782762643590383 0.0023337754227731838 -0.0033495763204443299
+leaf_weight=46 44 39 40 52 40
+leaf_count=46 44 39 40 52 40
+internal_value=0 -0.0099331 0.012475 -0.0119042 -0.0960181
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9356
+num_leaves=5
+num_cat=0
+split_feature=2 9 6 3
+split_gain=0.101295 0.388868 1.35045 0.935362
+threshold=25.500000000000004 56.500000000000007 47.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0040563066331190554 0.0009561437329170464 0.0024897365421369015 0.00085171851666242194 -0.0010318080497301149
+leaf_weight=39 44 56 54 68
+leaf_count=39 44 56 54 68
+internal_value=0 -0.00973491 -0.0599696 0.0276313
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=9357
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 6 5
+split_gain=0.106485 0.363501 0.497728 0.945594 1.80877
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 53.500000000000007 70.65000000000002
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -5
+right_child=1 -3 -4 4 -6
+leaf_value=0.00091463493024207239 0.0021233343858918568 -0.0018746485092322358 0.0022061775267231787 -0.0042096208432421565 0.0016067516724410983
+leaf_weight=49 41 44 40 48 39
+leaf_count=49 41 44 40 48 39
+internal_value=0 -0.0106072 0.0109556 -0.0198233 -0.0796949
+internal_weight=0 212 168 128 87
+internal_count=261 212 168 128 87
+shrinkage=0.02
+
+
+Tree=9358
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 2
+split_gain=0.104308 0.380982 0.649108 1.27167
+threshold=25.500000000000004 72.500000000000014 5.5000000000000009 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00069988500308504028 0.00096815542133860176 0.0013885173693584747 0.00090680038498770353 -0.0038917458355026148
+leaf_weight=77 44 49 39 52
+leaf_count=77 44 49 39 52
+internal_value=0 -0.00984471 -0.0332226 -0.0913663
+internal_weight=0 217 168 91
+internal_count=261 217 168 91
+shrinkage=0.02
+
+
+Tree=9359
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.103498 0.408502 1.15996 0.0860307
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00072537528184020471 0.0029305850524978085 -0.0012824139041911623 -2.308690161016367e-06 -0.0014880790675418287
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0130364 0.041998 -0.0382683
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=9360
+num_leaves=5
+num_cat=0
+split_feature=5 1 4 2
+split_gain=0.104379 1.08097 1.68254 0.740295
+threshold=48.45000000000001 6.5000000000000009 69.500000000000014 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00090712320083072425 0.0003995502255777296 0.003667706383542052 -0.0013697925906550387 -0.0030576989051992369
+leaf_weight=49 42 55 52 63
+leaf_count=49 42 55 52 63
+internal_value=0 -0.0105117 0.0606405 -0.083392
+internal_weight=0 212 107 105
+internal_count=261 212 107 105
+shrinkage=0.02
+
+
+Tree=9361
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 3
+split_gain=0.108771 0.375962 1.30939 0.901351
+threshold=25.500000000000004 56.500000000000007 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0035565758339027101 0.00098546118430061251 0.0024374439820530306 0.0012143553075703462 -0.0010208294086912967
+leaf_weight=47 44 56 46 68
+leaf_count=47 44 56 46 68
+internal_value=0 -0.0100159 -0.0594513 0.0267509
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=9362
+num_leaves=5
+num_cat=0
+split_feature=9 2 2 4
+split_gain=0.108716 0.343408 0.502964 1.17512
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00092294339804972942 0.0011269603012003452 -0.0018320789314436215 0.0022031373163925298 -0.0028289837410570453
+leaf_weight=49 78 44 40 50
+leaf_count=49 78 44 40 50
+internal_value=0 -0.0106864 0.0102976 -0.0206393
+internal_weight=0 212 168 128
+internal_count=261 212 168 128
+shrinkage=0.02
+
+
+Tree=9363
+num_leaves=5
+num_cat=0
+split_feature=2 3 1 2
+split_gain=0.111536 0.396189 0.630324 1.2124
+threshold=25.500000000000004 72.500000000000014 5.5000000000000009 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00066625808545575464 0.00099611520009812307 0.0014129519513127779 0.00084517063684084548 -0.003841408247770951
+leaf_weight=77 44 49 39 52
+leaf_count=77 44 49 39 52
+internal_value=0 -0.0101164 -0.0339301 -0.0912492
+internal_weight=0 217 168 91
+internal_count=261 217 168 91
+shrinkage=0.02
+
+
+Tree=9364
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.10913 0.437001 0.56073
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00074152902187219979 0.00095994270994797203 0.0021109448518893599 -0.0015265464716412123
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0133403 -0.0122483
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9365
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.109496 0.377718 0.805833 0.75126
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012283555725473411 0.00098854875088495438 0.0013783250671997591 -0.0031726046177085153 0.0019050503072985205
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0100283 -0.0333108 0.00560443
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=9366
+num_leaves=5
+num_cat=0
+split_feature=9 6 2 5
+split_gain=0.114047 0.338551 0.571101 0.821761
+threshold=42.500000000000007 47.500000000000007 18.500000000000004 70.65000000000002
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00094217460528881554 -0.0018726779054739654 -0.0021164463390472873 0.0016886076398551081 0.0015805181228568371
+leaf_weight=49 42 66 65 39
+leaf_count=49 42 66 65 39
+internal_value=0 -0.0108899 0.0093476 -0.0367768
+internal_weight=0 212 170 105
+internal_count=261 212 170 105
+shrinkage=0.02
+
+
+Tree=9367
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 4
+split_gain=0.109088 0.340125 0.272455 0.950339
+threshold=55.500000000000007 49.500000000000007 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0019445183317540055 -0.0015298585308300015 -0.00051960175053867739 0.0026953610688600338 -0.0011743198906484713
+leaf_weight=43 55 52 41 70
+leaf_count=43 55 52 41 70
+internal_value=0 0.0293966 -0.0168108 0.0124308
+internal_weight=0 95 166 111
+internal_count=261 95 166 111
+shrinkage=0.02
+
+
+Tree=9368
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 4 9
+split_gain=0.104669 0.349523 0.491322 1.15394 0.0014995
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.00090862697078055907 0.00148249700875242 -0.0018419803625227564 0.0021879968508085111 -0.0027933097867782848 0.00074995401605014033
+leaf_weight=49 39 44 40 50 39
+leaf_count=49 39 44 40 50 39
+internal_value=0 -0.0105018 0.0106604 -0.0199263 0.0563737
+internal_weight=0 212 168 128 78
+internal_count=261 212 168 128 78
+shrinkage=0.02
+
+
+Tree=9369
+num_leaves=5
+num_cat=0
+split_feature=4 1 7 4
+split_gain=0.110746 0.671695 1.22376 0.815228
+threshold=75.500000000000014 6.5000000000000009 59.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00043092601270778143 0.0010514358039698994 -0.00086633905535344463 -0.0038696201822102827 0.0026117801174863494
+leaf_weight=66 40 53 45 57
+leaf_count=66 40 53 45 57
+internal_value=0 -0.00951165 -0.0653338 0.0464603
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9370
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 4
+split_gain=0.107699 0.37532 0.7895 0.722103
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0016115575624337187 0.00098190108826838314 0.0013751795115862259 -0.0031446535777303387 0.0014555799948477758
+leaf_weight=56 44 49 40 72
+leaf_count=56 44 49 40 72
+internal_value=0 -0.0099467 -0.0331596 0.00536567
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=9371
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.102832 0.435395 0.551728
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0007229315542386862 0.00094508866229316569 0.002101454535388085 -0.0015219737729538819
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0130253 -0.0125184
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9372
+num_leaves=5
+num_cat=0
+split_feature=5 9 4 9
+split_gain=0.110215 0.762565 0.76532 0.926731
+threshold=48.45000000000001 54.500000000000007 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0009288313085699558 -0.0021956739397227137 0.0041367553564664317 -0.00093101444704163112 -0.00022223612846537501
+leaf_weight=49 58 39 75 40
+leaf_count=49 58 39 75 40
+internal_value=0 -0.0107219 0.0263603 0.0960655
+internal_weight=0 212 154 79
+internal_count=261 212 154 79
+shrinkage=0.02
+
+
+Tree=9373
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 5
+split_gain=0.107096 0.332285 0.769351 0.421527 0.350971
+threshold=42.500000000000007 12.500000000000002 53.500000000000007 67.500000000000014 66.600000000000009
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00091758747143465562 0.0022430186549040891 -0.0032434690045919875 0.0015950268274696096 -0.00066190183351357435 -0.00098481682631601378
+leaf_weight=49 42 39 40 41 50
+leaf_count=49 42 39 40 41 50
+internal_value=0 -0.0105955 -0.0434336 0.0399539 0.00766234
+internal_weight=0 212 129 83 90
+internal_count=261 212 129 83 90
+shrinkage=0.02
+
+
+Tree=9374
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.109699 0.369131 0.758683 0.719403
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012179454224036563 0.00098953625120920801 0.0013611674662326414 -0.0030948525647376411 0.001850169896484179
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.0100255 -0.0330568 0.00472147
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=9375
+num_leaves=5
+num_cat=0
+split_feature=9 8 7 2
+split_gain=0.112499 0.332658 0.29116 0.69985
+threshold=55.500000000000007 49.500000000000007 66.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0019381747444793635 -0.0013818011375860231 -0.00049999487590075495 0.0021286074810244636 -0.0012943289281522499
+leaf_weight=43 68 52 48 50
+leaf_count=43 68 52 48 50
+internal_value=0 0.0297899 -0.0170242 0.0187188
+internal_weight=0 95 166 98
+internal_count=261 95 166 98
+shrinkage=0.02
+
+
+Tree=9376
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 4
+split_gain=0.107213 0.323987 0.284572 0.912447
+threshold=55.500000000000007 52.500000000000007 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0019968436621566467 -0.0015518317724805882 -0.00043068665979301211 0.0026618081492346683 -0.0011313694875048847
+leaf_weight=40 55 55 41 70
+leaf_count=40 55 55 41 70
+internal_value=0 0.0291867 -0.0166839 0.0131653
+internal_weight=0 95 166 111
+internal_count=261 95 166 111
+shrinkage=0.02
+
+
+Tree=9377
+num_leaves=5
+num_cat=0
+split_feature=2 6 2 2
+split_gain=0.106996 0.370227 0.322288 0.363136
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0018342239517554404 0.00097910490413628554 0.0018842274307563907 -0.0013752719569158039 0.00077807069698515043
+leaf_weight=46 44 39 63 69
+leaf_count=46 44 39 63 69
+internal_value=0 -0.00992376 0.0118722 -0.0121894
+internal_weight=0 217 171 132
+internal_count=261 217 171 132
+shrinkage=0.02
+
+
+Tree=9378
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 4
+split_gain=0.108257 0.653794 0.486551 0.451207
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0014002849868106711 0.0010414018231044988 -0.0019195192592895607 0.002250589282745157 -0.001277910468829661
+leaf_weight=43 40 64 47 67
+leaf_count=43 40 64 47 67
+internal_value=0 -0.00941954 0.025637 -0.0111743
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=9379
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.107572 0.440762 0.529782
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0007367739938086257 0.00092371613773310323 0.0021171822895311196 -0.001495467251261274
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.013273 -0.0124219
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9380
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.106909 0.307919 0.285635 0.557405
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0019627738835316572 -0.0014321221133618155 -0.00040700005590969801 -0.0008521883342363706 0.0022144670758070064
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0291548 -0.016661 0.016584
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9381
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.105865 0.26019 0.417517 0.49014
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00027263675945052941 -0.00097417232561252114 0.0016234804127582595 0.0015544890450993739 -0.0022825476836498284
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.00990763 -0.00801231 -0.0375921
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9382
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 4
+split_gain=0.103402 0.30058 0.266421 0.890109
+threshold=55.500000000000007 41.500000000000007 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00068903464236667986 -0.0015099045004007688 0.0016351151776583931 0.0026198599836035081 -0.0011276591009594236
+leaf_weight=43 55 52 41 70
+leaf_count=43 55 52 41 70
+internal_value=0 0.0287492 -0.0164292 0.0125068
+internal_weight=0 95 166 111
+internal_count=261 95 166 111
+shrinkage=0.02
+
+
+Tree=9383
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.108332 0.652975 0.487446 0.459583
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015265283322608552 0.0010417003542908133 -0.0019185323444467937 0.0022516376476569466 0.001110903613885273
+leaf_weight=56 40 64 47 54
+leaf_count=56 40 64 47 54
+internal_value=0 -0.00942273 0.0256124 -0.0112319
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=9384
+num_leaves=5
+num_cat=0
+split_feature=9 6 1 6
+split_gain=0.104539 0.322819 0.60437 0.74378
+threshold=42.500000000000007 47.500000000000007 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00090834534278172495 -0.001827964228038865 0.00283397778223225 -0.0013480611058017599 -0.00056569805627412252
+leaf_weight=49 42 53 65 52
+leaf_count=49 42 53 65 52
+internal_value=0 -0.0104865 0.00929763 0.057173
+internal_weight=0 212 170 105
+internal_count=261 212 170 105
+shrinkage=0.02
+
+
+Tree=9385
+num_leaves=5
+num_cat=0
+split_feature=4 1 5 5
+split_gain=0.103896 0.660555 1.24228 0.903377
+threshold=75.500000000000014 6.5000000000000009 57.300000000000004 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00049097039521116075 0.0010235332255373727 -0.00076757658155048806 -0.0038272019949708714 0.0028975257120949192
+leaf_weight=65 40 59 46 51
+leaf_count=65 40 59 46 51
+internal_value=0 -0.00925857 -0.0646312 0.0462596
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9386
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 2
+split_gain=0.103851 1.07309 0.695724 0.57178 0.902044
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 10.500000000000002
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.00090582183705514136 -0.0031867395642245834 0.0026466645592328102 -0.0012078492503069978 -0.0022985072207474667 0.0029232817584668273
+leaf_weight=49 40 45 48 40 39
+leaf_count=49 40 45 48 40 39
+internal_value=0 -0.0104582 0.0239831 -0.0141457 0.0317855
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=9387
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.106846 0.742957 0.725963 0.295637
+threshold=7.5000000000000009 67.65000000000002 59.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0007765412903390132 0.00068970599035252545 0.0026304068626537107 -0.002641402731030737 -0.0014621687962205318
+leaf_weight=67 48 43 41 62
+leaf_count=67 48 43 41 62
+internal_value=0 0.0188296 -0.025724 -0.025803
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9388
+num_leaves=6
+num_cat=0
+split_feature=2 1 6 9 9
+split_gain=0.107845 0.374785 0.655926 0.764066 0.243805
+threshold=25.500000000000004 8.5000000000000018 64.500000000000014 55.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -3
+right_child=-2 4 -4 -5 -6
+leaf_value=0.0013523372528252426 0.00098251460224477931 -0.0025026682890343303 0.0023273947824036393 -0.0023764462930801092 -0.00015377175729385203
+leaf_weight=43 44 39 49 47 39
+leaf_count=43 44 39 49 47 39
+internal_value=0 -0.00994979 0.0217844 -0.0293184 -0.0669829
+internal_weight=0 217 139 90 78
+internal_count=261 217 139 90 78
+shrinkage=0.02
+
+
+Tree=9389
+num_leaves=5
+num_cat=0
+split_feature=8 7 2 8
+split_gain=0.115082 0.272539 0.409413 0.668087
+threshold=72.500000000000014 66.500000000000014 15.500000000000002 51.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00058604465150357101 -0.00096967230018901805 0.0014567100543569323 0.00085415585934469393 -0.0030625504615215716
+leaf_weight=41 47 56 76 41
+leaf_count=41 47 56 76 41
+internal_value=0 0.0106842 -0.0111136 -0.0614781
+internal_weight=0 214 158 82
+internal_count=261 214 158 82
+shrinkage=0.02
+
+
+Tree=9390
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.109756 0.286947 0.366017 0.300973
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0018425599559847483 -0.00095030759857140051 0.0014827871842790527 -0.001453845043043072 -0.00048321019448175387
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.0104742 -0.0118605 0.0280837
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9391
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 9
+split_gain=0.104609 0.274822 0.350707 0.294322
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00070133207301432553 -0.00093132959744062611 0.0014531685284365301 -0.0014248002493118775 0.0016002037144220102
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.0102614 -0.0116233 0.0275146
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9392
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 2
+split_gain=0.10142 0.244937 0.384621 0.463642
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 11.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00066450111760650067 -0.00095682381183781375 0.0015806290620250282 0.0014950140186807167 -0.0017976913228707496
+leaf_weight=56 44 44 44 73
+leaf_count=56 44 44 44 73
+internal_value=0 0.0097307 -0.00768864 -0.0361427
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9393
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 5
+split_gain=0.103099 0.67032 0.509026 0.457249
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001598352185914313 0.0010203012249878525 -0.0019367427521447614 0.00230116757524477 0.0010339176096054766
+leaf_weight=53 40 64 47 57
+leaf_count=53 40 64 47 57
+internal_value=0 -0.00922559 0.0262612 -0.011365
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=9394
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 4 9
+split_gain=0.102113 0.348399 0.505833 1.11971 0.00159519
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.00089951002767257534 0.0014528131996056658 -0.0018371032770458521 0.0022175572059689717 -0.0027650754433181058 0.00072073968394347431
+leaf_weight=49 39 44 40 50 39
+leaf_count=49 39 44 40 50 39
+internal_value=0 -0.0103811 0.0107488 -0.0202727 0.0548999
+internal_weight=0 212 168 128 78
+internal_count=261 212 168 128 78
+shrinkage=0.02
+
+
+Tree=9395
+num_leaves=5
+num_cat=0
+split_feature=4 1 5 5
+split_gain=0.105765 0.64092 1.20208 0.899956
+threshold=75.500000000000014 6.5000000000000009 57.300000000000004 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00047706619887486097 0.0010314609489299306 -0.00078182378874951987 -0.003771621937691092 0.00287658379299576
+leaf_weight=65 40 59 46 51
+leaf_count=65 40 59 46 51
+internal_value=0 -0.00931631 -0.0638858 0.0453915
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9396
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.103414 0.706915 0.837622 0.572666
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0028237401914025352 0.00087117823527714348 0.00257169080210972 0.00085997667774367632 -0.0020624332846252706
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0185854 -0.0248953 -0.0254391
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9397
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 4 2
+split_gain=0.105806 0.37561 0.621805 0.246507 1.62652
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 49.500000000000007 18.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.00088401223406756296 -0.00093552924770191523 0.0019999782110829141 -0.0023231452156726676 0.0034304854002501655 -0.0019557849219055405
+leaf_weight=39 47 40 43 52 40
+leaf_count=39 47 40 43 52 40
+internal_value=0 0.0103237 -0.0100934 0.0244597 0.0540117
+internal_weight=0 214 174 131 92
+internal_count=261 214 174 131 92
+shrinkage=0.02
+
+
+Tree=9398
+num_leaves=6
+num_cat=0
+split_feature=2 1 5 2 9
+split_gain=0.108712 0.371381 0.621162 0.884161 0.229252
+threshold=25.500000000000004 8.5000000000000018 67.65000000000002 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -3
+right_child=-2 4 -4 -5 -6
+leaf_value=-0.0027956919405922676 0.00098593461316054377 -0.0024661261899363881 0.0023341269921238368 0.0011961224809394864 -0.00018162952879997266
+leaf_weight=40 44 39 47 52 39
+leaf_count=40 44 39 47 52 39
+internal_value=0 -0.00997875 0.0216172 -0.0265783 -0.0667656
+internal_weight=0 217 139 92 78
+internal_count=261 217 139 92 78
+shrinkage=0.02
+
+
+Tree=9399
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 5 9
+split_gain=0.111068 0.331357 0.74572 0.359283 0.333396
+threshold=42.500000000000007 12.500000000000002 53.500000000000007 66.600000000000009 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 4 -3 -4 -2
+right_child=1 2 3 -5 -6
+leaf_value=0.00093195571569262392 0.0020259008777907088 -0.0032098382127111087 0.0015933295623274972 -0.0010155483061904938 -0.00057527044561548799
+leaf_weight=49 44 39 40 50 39
+leaf_count=49 44 39 40 50 39
+internal_value=0 -0.0107527 -0.043547 0.00677041 0.0397289
+internal_weight=0 212 129 90 83
+internal_count=261 212 129 90 83
+shrinkage=0.02
+
+
+Tree=9400
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.113167 0.586678 0.322542 0.250617 0.137196
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.000835797277898661 1.551520470776164e-05 -0.0024156968361426653 -0.0015328710520888401 0.002333623031935727 0.00023598378395421388
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.0121861 0.0152616 0.0606782 -0.0313857
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=9401
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.111193 0.272895 0.360685 0.313818
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0018741190074725688 -0.00095541564033419955 0.0014545887226110285 -0.001433744414086215 -0.00049796232832400754
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.0105391 -0.0112725 0.0283946
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9402
+num_leaves=5
+num_cat=0
+split_feature=2 6 2 2
+split_gain=0.108118 0.356483 0.336213 0.345769
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0018057807854012654 0.00098367063074607502 0.0019090220247475669 -0.0013675638989254358 0.0007360772736423421
+leaf_weight=46 44 39 63 69
+leaf_count=46 44 39 63 69
+internal_value=0 -0.00995491 0.0114497 -0.0131034
+internal_weight=0 217 171 132
+internal_count=261 217 171 132
+shrinkage=0.02
+
+
+Tree=9403
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 4
+split_gain=0.110804 0.560871 0.317821 0.460873
+threshold=52.500000000000007 9.5000000000000018 63.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00082844492337496645 0.0013426002399551729 -0.0023667541552005763 0.00089299343037255782 -0.002008094815188642
+leaf_weight=59 70 41 47 44
+leaf_count=59 70 41 47 44
+internal_value=0 -0.0120726 0.0147801 -0.0250706
+internal_weight=0 202 161 91
+internal_count=261 202 161 91
+shrinkage=0.02
+
+
+Tree=9404
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 4
+split_gain=0.105613 0.537923 0.30442 0.441898
+threshold=52.500000000000007 9.5000000000000018 63.500000000000007 73.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00081189537640652799 0.0013157752023238132 -0.0023194999521086185 0.00087516011352470173 -0.0019679965782468485
+leaf_weight=59 70 41 47 44
+leaf_count=59 70 41 47 44
+internal_value=0 -0.0118279 0.0144846 -0.0245612
+internal_weight=0 202 161 91
+internal_count=261 202 161 91
+shrinkage=0.02
+
+
+Tree=9405
+num_leaves=5
+num_cat=0
+split_feature=2 9 6 3
+split_gain=0.105471 0.362283 1.30324 0.894705
+threshold=25.500000000000004 56.500000000000007 47.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.003975795802212384 0.00097359879827834815 0.0024211603084578113 0.00084686917806258148 -0.0010246570441509041
+leaf_weight=39 44 56 54 68
+leaf_count=39 44 56 54 68
+internal_value=0 -0.00984431 -0.0584206 0.0262779
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=9406
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.110284 0.329487 0.500818 1.12699
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00092937854209936444 0.0019857808927935552 -0.0018012412640684339 -0.0022147916965115453 0.0017042823396770546
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0107098 0.00986378 -0.0245786
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=9407
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 9
+split_gain=0.108124 0.355115 0.788127 0.743147
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 54.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0012146339900878317 0.00098392928271491651 0.0013343144177218331 -0.0031306054695486828 0.0019021850412253875
+leaf_weight=73 44 49 40 55
+leaf_count=73 44 49 40 55
+internal_value=0 -0.00994346 -0.0325589 0.00593426
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=9408
+num_leaves=6
+num_cat=0
+split_feature=9 2 2 4 9
+split_gain=0.110599 0.320192 0.50171 1.08871 0.00395745
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.0009305948991080226 0.0014260254332346168 -0.0017801524185122668 0.0021864463249279551 -0.0027537262046887106 0.00066407925792330211
+leaf_weight=49 39 44 40 50 39
+leaf_count=49 39 44 40 50 39
+internal_value=0 -0.0107179 0.00957703 -0.0213238 0.0528118
+internal_weight=0 212 168 128 78
+internal_count=261 212 168 128 78
+shrinkage=0.02
+
+
+Tree=9409
+num_leaves=5
+num_cat=0
+split_feature=2 6 2 2
+split_gain=0.110637 0.359953 0.328326 0.326042
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0018147169498292904 0.00099367757029670796 0.0018907417859267116 -0.0013314946589420579 0.00071453253155949329
+leaf_weight=46 44 39 63 69
+leaf_count=46 44 39 63 69
+internal_value=0 -0.010033 0.0114709 -0.0128056
+internal_weight=0 217 171 132
+internal_count=261 217 171 132
+shrinkage=0.02
+
+
+Tree=9410
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 5
+split_gain=0.107883 0.323209 0.736921 0.396383 0.326202
+threshold=42.500000000000007 12.500000000000002 53.500000000000007 67.500000000000014 66.600000000000009
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.000921031308345404 0.0021881259433856083 -0.0031856891094097436 0.0015334274198386716 -0.00063243469110451267 -0.00095883674403257851
+leaf_weight=49 42 39 40 41 50
+leaf_count=49 42 39 40 41 50
+internal_value=0 -0.0105977 -0.0430113 0.0392924 0.00701426
+internal_weight=0 212 129 83 90
+internal_count=261 212 129 83 90
+shrinkage=0.02
+
+
+Tree=9411
+num_leaves=5
+num_cat=0
+split_feature=2 9 6 9
+split_gain=0.110065 0.412889 0.536571 1.40364
+threshold=8.5000000000000018 74.500000000000014 46.500000000000007 54.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00074339377314938573 0.0017819663015779248 0.0020633927547282775 -0.0040380790737360554 0.00070837898122229803
+leaf_weight=69 40 42 39 71
+leaf_count=69 40 42 39 71
+internal_value=0 0.0134292 -0.0114679 -0.0484343
+internal_weight=0 192 150 110
+internal_count=261 192 150 110
+shrinkage=0.02
+
+
+Tree=9412
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 5
+split_gain=0.110074 0.31452 0.700253 0.380534 0.319549
+threshold=42.500000000000007 12.500000000000002 53.500000000000007 67.500000000000014 66.600000000000009
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.0009289013071314779 0.0021466636813584641 -0.0031221448104339455 0.0015018716495249832 -0.00061948173246971147 -0.00096655226293047294
+leaf_weight=49 42 39 40 41 50
+leaf_count=49 42 39 40 41 50
+internal_value=0 -0.0106874 -0.042689 0.0385627 0.00609788
+internal_weight=0 212 129 83 90
+internal_count=261 212 129 83 90
+shrinkage=0.02
+
+
+Tree=9413
+num_leaves=5
+num_cat=0
+split_feature=2 3 5 4
+split_gain=0.110934 0.359256 0.753696 0.701211
+threshold=25.500000000000004 72.500000000000014 65.100000000000009 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015969321869987419 0.00099485289220072005 0.0013408038677279127 -0.0030815524720209848 0.0014267782802870649
+leaf_weight=56 44 49 40 72
+leaf_count=56 44 49 40 72
+internal_value=0 -0.0100421 -0.0327809 0.00487543
+internal_weight=0 217 168 128
+internal_count=261 217 168 128
+shrinkage=0.02
+
+
+Tree=9414
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 3
+split_gain=0.11455 1.11106 0.673962 0.565451 0.945232
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.00094475211216156171 -0.0032461761144559997 0.002617120057392377 -0.0014232515757225095 -0.0022723371819096789 0.0027813618799179813
+leaf_weight=49 40 45 44 40 43
+leaf_count=49 40 45 44 40 43
+internal_value=0 -0.0108697 0.024168 -0.0133714 0.0323134
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=9415
+num_leaves=5
+num_cat=0
+split_feature=2 9 4 2
+split_gain=0.112657 0.406082 0.50875 1.22232
+threshold=8.5000000000000018 74.500000000000014 56.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00075073644886149583 0.0012042461817561654 0.0020518876981616219 0.001060793242615993 -0.0036552879631489912
+leaf_weight=69 61 42 46 43
+leaf_count=69 61 42 46 43
+internal_value=0 0.0135637 -0.0111345 -0.0604932
+internal_weight=0 192 150 89
+internal_count=261 192 150 89
+shrinkage=0.02
+
+
+Tree=9416
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.117297 0.344529 0.31237 1.4008 0.759576
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0017865461404434327 0.0010187735061459404 0.0018384939287213495 -0 0.0023061965688217423 -0.0039579600895918755
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0102815 0.0107763 -0.0129325 -0.0968175
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9417
+num_leaves=5
+num_cat=0
+split_feature=4 2 7 4
+split_gain=0.114718 0.330087 0.809973 0.496135
+threshold=52.500000000000007 17.500000000000004 72.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.0008411871492408628 -0.00076301859875659277 -0.0028387715480994915 0.0027532916423727016 0.00028072055089299353
+leaf_weight=59 77 41 41 43
+leaf_count=59 77 41 41 43
+internal_value=0 -0.0122299 0.0226441 -0.0616734
+internal_weight=0 202 118 84
+internal_count=261 202 118 84
+shrinkage=0.02
+
+
+Tree=9418
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.116726 0.388533 1.04427 0.0759283
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00076208679880059656 0.002826535283728632 -0.0012309884086368591 2.7550457535053658e-06 -0.0013704780858481407
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.013774 0.0420536 -0.0341516
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=9419
+num_leaves=6
+num_cat=0
+split_feature=2 1 6 9 9
+split_gain=0.121083 0.338073 0.670281 0.772859 0.20603
+threshold=25.500000000000004 8.5000000000000018 64.500000000000014 55.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -3
+right_child=-2 4 -4 -5 -6
+leaf_value=0.0013120867911529895 0.0010326753191215424 -0.0023719763589890863 0.002307607709013179 -0.002437152412886424 -0.00019488260576166339
+leaf_weight=43 44 39 49 47 39
+leaf_count=43 44 39 49 47 39
+internal_value=0 -0.0104248 0.0197847 -0.031867 -0.0647414
+internal_weight=0 217 139 90 78
+internal_count=261 217 139 90 78
+shrinkage=0.02
+
+
+Tree=9420
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.116847 0.54209 0.331461 0.266144 0.147661
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00084773757243511623 -0 -0.0023372221560497945 -0.0015981529572788396 0.0023533510695678025 0.00022879214589661842
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.0123298 0.0140809 0.0600904 -0.0331808
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=9421
+num_leaves=5
+num_cat=0
+split_feature=3 3 7 5
+split_gain=0.119511 0.397754 0.265825 0.193862
+threshold=71.500000000000014 65.500000000000014 57.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00043277036611735547 -0.00080978208626323212 0.0020338547930793516 -0.0014042746042753763 0.0013963311039416279
+leaf_weight=55 64 42 53 47
+leaf_count=55 64 42 53 47
+internal_value=0 0.0132268 -0.0105218 0.0201296
+internal_weight=0 197 155 102
+internal_count=261 197 155 102
+shrinkage=0.02
+
+
+Tree=9422
+num_leaves=6
+num_cat=0
+split_feature=2 6 6 2 4
+split_gain=0.118687 0.326394 0.308176 0.428222 0.431461
+threshold=25.500000000000004 46.500000000000007 53.500000000000007 9.5000000000000018 68.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=-0.001747874638503561 0.0010237929962756333 0.0016283538020135796 -0.0019831682927690278 -0.0009228545485011325 0.0020540443441912156
+leaf_weight=46 44 47 43 41 40
+leaf_count=46 44 47 43 41 40
+internal_value=0 -0.0103398 0.0101816 -0.0165274 0.0268928
+internal_weight=0 217 171 124 81
+internal_count=261 217 171 124 81
+shrinkage=0.02
+
+
+Tree=9423
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 3
+split_gain=0.120759 1.08062 0.69251 0.518482 0.89565
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.00096616266129433267 -0.003210238730755714 0.0026309007768287171 -0.0014317803687726881 -0.0022148815062178738 0.0026636582546218082
+leaf_weight=49 40 45 44 40 43
+leaf_count=49 40 45 44 40 43
+internal_value=0 -0.0111248 0.0234351 -0.0146081 0.0291864
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=9424
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.124355 0.389866 0.452027 0.495597
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013898950704997965 -0.00082385034127262962 0.0020214500154264758 -0.00076003976363987139 0.0023804569875213576
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0134479 -0.0100725 0.0410082
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9425
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 4
+split_gain=0.121358 0.321811 0.265774 0.899695
+threshold=55.500000000000007 52.500000000000007 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0020241287030653373 -0.0015310927972316591 -0.00039522899632361266 0.0026089573333174577 -0.0011584557754065897
+leaf_weight=40 55 55 41 70
+leaf_count=40 55 55 41 70
+internal_value=0 0.0307887 -0.017565 0.0113338
+internal_weight=0 95 166 111
+internal_count=261 95 166 111
+shrinkage=0.02
+
+
+Tree=9426
+num_leaves=6
+num_cat=0
+split_feature=2 1 6 9 9
+split_gain=0.115727 0.327706 0.633264 0.739571 0.192475
+threshold=25.500000000000004 8.5000000000000018 64.500000000000014 55.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -3
+right_child=-2 4 -4 -5 -6
+leaf_value=0.0012936686895163229 0.0010126423765424431 -0.0023198790361211828 0.0022505790383285677 -0.0023759783825310576 -0.00020791051445454015
+leaf_weight=43 44 39 49 47 39
+leaf_count=43 44 39 49 47 39
+internal_value=0 -0.0102372 0.0195286 -0.0307089 -0.0637638
+internal_weight=0 217 139 90 78
+internal_count=261 217 139 90 78
+shrinkage=0.02
+
+
+Tree=9427
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.120578 0.51249 0.326649 0.248792 0.149362
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00085894538862503022 0 -0.0022850173482835104 -0.0016141544201961711 0.0022938293747077907 0.00022194059049217429
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.0125102 0.013189 0.058888 -0.0337497
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=9428
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.124232 0.361726 0.427115 0.484254
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013418745715339092 -0.00082359631101184953 0.0019599856068018228 -0.00075344482970580236 0.0023522250631628
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0134373 -0.0092522 0.0404563
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9429
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 5
+split_gain=0.118508 0.346652 0.409368 0.437722
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 50.850000000000001
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013150633665002535 -0.00080714230962470939 0.0019208512337542301 -0.00062480338424658697 0.0023350726445104408
+leaf_weight=72 64 42 43 40
+leaf_count=72 64 42 43 40
+internal_value=0 0.0131653 -0.00906705 0.0396389
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9430
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.12711 0.314939 0.246968 0.567466
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0019359276263639662 -0.0013853770005867411 -0.00043934535265930421 -0.00093220084799305663 0.0021618318644015012
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0313999 -0.0179277 0.0131128
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9431
+num_leaves=5
+num_cat=0
+split_feature=5 4 6 5
+split_gain=0.123483 0.450767 0.526247 0.311922
+threshold=68.65000000000002 65.500000000000014 51.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00041367173357236746 -0.00076612483030199521 0.0021560408041458503 -0.0019679249566035479 0.0019067894246590658
+leaf_weight=55 71 42 49 44
+leaf_count=55 71 42 49 44
+internal_value=0 0.0143605 -0.011925 0.0305094
+internal_weight=0 190 148 99
+internal_count=261 190 148 99
+shrinkage=0.02
+
+
+Tree=9432
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.120516 0.482121 0.31837 0.239226 0.145912
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00085854490698947911 -0 -0.0022262967337400904 -0.0016083151444560096 0.0022477468979282167 0.00020860196126795542
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.012518 0.0124305 0.0575861 -0.0339435
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=9433
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.12156 0.336419 0.394274 0.471201
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012860120214398865 -0.00081615005953134803 0.001900243935409233 -0.00075762102979507243 0.0023076220101136504
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0133015 -0.00861441 0.0392236
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9434
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 2
+split_gain=0.125111 0.303761 0.25109 0.559756
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0019941081304501976 -0.0013910006425905022 -0.00035992828074829833 -0.0009171067901364413 0.0021564424203605109
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0311784 -0.0178129 0.0134698
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9435
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.119323 0.294365 0.240348 0.549514
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0018781617760575231 -0.001363211349656961 -0.00042268370812791354 -0.00091203762336488053 0.0021342485859740961
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0305476 -0.0174567 0.0131935
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9436
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 6 4
+split_gain=0.126965 0.252484 0.575957 0.260297 0.30922
+threshold=70.500000000000014 72.500000000000014 58.900000000000006 49.500000000000007 49.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0008427737681860199 -0.0010526679352429657 -0.0012924259528470047 0.002537461942471341 -0.0014280893981443233 0.0015992065395141327
+leaf_weight=39 44 39 45 44 50
+leaf_count=39 44 39 45 44 50
+internal_value=0 0.0107057 0.0274534 -0.00593327 0.0260161
+internal_weight=0 217 178 133 89
+internal_count=261 217 178 133 89
+shrinkage=0.02
+
+
+Tree=9437
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 6 4
+split_gain=0.12112 0.241702 0.552438 0.249172 0.296243
+threshold=70.500000000000014 72.500000000000014 58.900000000000006 49.500000000000007 49.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0008259486771465905 -0.001031648077295566 -0.0012666238123883065 0.0024867914662687536 -0.0013995730185795458 0.0015672671400265041
+leaf_weight=39 44 39 45 44 50
+leaf_count=39 44 39 45 44 50
+internal_value=0 0.0104844 0.0269006 -0.00581496 0.0254874
+internal_weight=0 217 178 133 89
+internal_count=261 217 178 133 89
+shrinkage=0.02
+
+
+Tree=9438
+num_leaves=6
+num_cat=0
+split_feature=4 9 5 2 8
+split_gain=0.115802 0.639103 1.73651 1.33417 0.244615
+threshold=51.500000000000007 57.500000000000007 53.500000000000007 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.00096028995267164938 -0.0046920781339835054 -0.0021149246584663056 0.0012212804057808843 0.0031228373717044245 0.00016764048102691043
+leaf_weight=48 39 41 41 53 39
+leaf_count=48 39 41 41 53 39
+internal_value=0 -0.0108281 -0.0826536 0.0320954 -0.0496505
+internal_weight=0 213 80 133 80
+internal_count=261 213 80 133 80
+shrinkage=0.02
+
+
+Tree=9439
+num_leaves=5
+num_cat=0
+split_feature=5 4 9 9
+split_gain=0.121897 0.420013 0.506673 0.570674
+threshold=68.65000000000002 65.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.001328143045986743 -0.00076223388278603456 0.002092021391068441 -0.0020299510743666547 0.0017713228616091498
+leaf_weight=40 71 42 45 63
+leaf_count=40 71 42 45 63
+internal_value=0 0.0142632 -0.0111404 0.02799
+internal_weight=0 190 148 103
+internal_count=261 190 148 103
+shrinkage=0.02
+
+
+Tree=9440
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 5
+split_gain=0.123512 0.349971 0.670438 0.453703 0.330741
+threshold=42.500000000000007 12.500000000000002 53.500000000000007 67.500000000000014 66.600000000000009
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00097481353961148423 0.0023063114052583066 -0.0031188802051519784 0.0014595993189687351 -0.00070318047730975528 -0.0010501634893670681
+leaf_weight=49 42 39 40 41 50
+leaf_count=49 42 39 40 41 50
+internal_value=0 -0.0112706 -0.0449176 0.0405362 0.00283361
+internal_weight=0 212 129 83 90
+internal_count=261 212 129 83 90
+shrinkage=0.02
+
+
+Tree=9441
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 1 8
+split_gain=0.117837 0.337443 0.558337 1.69858 0.790939
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 8.5000000000000018 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=0.00095534482708537513 0.002136903892064375 -0.0018258589493976799 -0.0007206401799228733 -0.0039794784733591286 0.0032061443513911004
+leaf_weight=49 45 44 45 39 39
+leaf_count=49 45 44 45 39 39
+internal_value=0 -0.0110456 0.00976285 -0.0254706 0.0547073
+internal_weight=0 212 168 123 84
+internal_count=261 212 168 123 84
+shrinkage=0.02
+
+
+Tree=9442
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.120496 0.234919 0.390784 0.518426
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00034704535743273606 -0.0010294521441934655 0.001568525755299931 0.0015290354374252616 -0.0022788413447909742
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0104568 -0.00662388 -0.0352958
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9443
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 6 5
+split_gain=0.114957 0.234746 0.538538 0.23685 0.238624
+threshold=70.500000000000014 72.500000000000014 58.900000000000006 49.500000000000007 47.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00063246463469068261 -0.0010088959838734318 -0.0012514650953458282 0.0024540146727413305 -0.0013708705925903598 0.0015173378480400077
+leaf_weight=42 44 39 45 44 47
+leaf_count=42 44 39 45 44 47
+internal_value=0 0.0102517 0.0264507 -0.00586194 0.0247071
+internal_weight=0 217 178 133 89
+internal_count=261 217 178 133 89
+shrinkage=0.02
+
+
+Tree=9444
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.113087 0.337603 0.372255 0.44075
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012653413079797902 -0.00079180727334146812 0.0018944912606866648 -0.00081809314691047086 0.002155599774167682
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0128742 -0.00907937 0.037459
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9445
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 5
+split_gain=0.114265 0.342274 0.656035 0.436345 0.314012
+threshold=42.500000000000007 12.500000000000002 53.500000000000007 67.500000000000014 66.600000000000009
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00094276041345147364 0.002275053598579982 -0.0030813887081458679 0.0014300323992275912 -0.00067845424074368485 -0.0010190410437354409
+leaf_weight=49 42 39 40 41 50
+leaf_count=49 42 39 40 41 50
+internal_value=0 -0.0109078 -0.0442054 0.040356 0.00304098
+internal_weight=0 212 129 83 90
+internal_count=261 212 129 83 90
+shrinkage=0.02
+
+
+Tree=9446
+num_leaves=5
+num_cat=0
+split_feature=5 1 4 2
+split_gain=0.116048 1.10851 1.65084 0.760759
+threshold=48.45000000000001 6.5000000000000009 69.500000000000014 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.000948998481521107 0.00039997116301500064 0.0036530788464257604 -0.0013371345839231195 -0.0031036611215941069
+leaf_weight=49 42 55 52 63
+leaf_count=49 42 55 52 63
+internal_value=0 -0.01098 0.0610584 -0.0847631
+internal_weight=0 212 107 105
+internal_count=261 212 107 105
+shrinkage=0.02
+
+
+Tree=9447
+num_leaves=5
+num_cat=0
+split_feature=9 9 9 6
+split_gain=0.10692 0.295755 0.266058 0.560773
+threshold=55.500000000000007 41.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00067148479371605607 -0.0013966727659368509 0.00163487331924911 -0.00087797216532079446 0.002197863662409491
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0291401 -0.0166777 0.0154723
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9448
+num_leaves=5
+num_cat=0
+split_feature=5 1 2 2
+split_gain=0.111768 1.05295 1.25461 0.732682
+threshold=48.45000000000001 6.5000000000000009 10.500000000000002 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00093395749401944169 0.00040188527685291895 -0.0016789498175919868 0.0028450574317709794 -0.0030379674815566447
+leaf_weight=49 42 39 68 63
+leaf_count=49 42 39 68 63
+internal_value=0 -0.0108056 0.0594314 -0.0827531
+internal_weight=0 212 107 105
+internal_count=261 212 107 105
+shrinkage=0.02
+
+
+Tree=9449
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.112593 0.235446 0.391383 0.511712
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00033357864133390114 -0.0010001372439617307 0.0015639757582571654 0.0015238088571969677 -0.0022757386973809891
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0101557 -0.00694359 -0.0356352
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9450
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.107367 0.225309 0.375084 0.490739
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00032691316989681766 -0.00098016657721355211 0.0015327457646434203 0.001493381066703629 -0.0022302850718310041
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.00995662 -0.00679564 -0.0349174
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9451
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.104509 0.290394 0.245307 1.35292
+threshold=55.500000000000007 55.500000000000007 72.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.00054094066915850341 0.0013611586981611473 0.0017355585109663282 0.00068424500133242711 -0.0032478218824272317
+leaf_weight=48 51 47 63 52
+leaf_count=48 51 47 63 52
+internal_value=0 0.0288681 -0.0165124 -0.0479285
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9452
+num_leaves=5
+num_cat=0
+split_feature=9 9 5 4
+split_gain=0.104105 0.190272 0.449413 0.125993
+threshold=67.500000000000014 57.500000000000007 50.45000000000001 71.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0015768086320603213 -0.0013918234580338959 0.0012547500905632212 0.00099254106341162577 0.00024509328736133161
+leaf_weight=53 46 61 61 40
+leaf_count=53 46 61 61 40
+internal_value=0 0.015297 -0.00976013 -0.0310796
+internal_weight=0 175 114 86
+internal_count=261 175 114 86
+shrinkage=0.02
+
+
+Tree=9453
+num_leaves=5
+num_cat=0
+split_feature=5 1 4 2
+split_gain=0.105967 1.05306 1.59492 0.708464
+threshold=48.45000000000001 6.5000000000000009 69.500000000000014 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00091345782733167626 0.00037317462479782008 0.0035847653794373467 -0.001321133382493941 -0.0030104627164557109
+leaf_weight=49 42 55 52 63
+leaf_count=49 42 55 52 63
+internal_value=0 -0.0105505 0.0596907 -0.0825023
+internal_weight=0 212 107 105
+internal_count=261 212 107 105
+shrinkage=0.02
+
+
+Tree=9454
+num_leaves=5
+num_cat=0
+split_feature=5 1 3 5
+split_gain=0.100968 1.01601 0.677949 0.279387
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.00089521446276857723 -0.0031055584917319573 0.0026037825136510555 -0.0012414084695450205 0.0006964286744104831
+leaf_weight=49 40 45 65 62
+leaf_count=49 40 45 65 62
+internal_value=0 -0.0103358 0.0231886 -0.014461
+internal_weight=0 212 172 127
+internal_count=261 212 172 127
+shrinkage=0.02
+
+
+Tree=9455
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 5
+split_gain=0.0978793 0.654957 0.481776 0.439146
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0015564323463625482 0.00099848162515787584 -0.0019131728804367783 0.0022508128381520036 0.00102550748248056
+leaf_weight=53 40 64 47 57
+leaf_count=53 40 64 47 57
+internal_value=0 -0.00902551 0.0260621 -0.0105724
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=9456
+num_leaves=6
+num_cat=0
+split_feature=2 1 6 2 9
+split_gain=0.102082 0.350572 0.625941 0.748634 0.202902
+threshold=25.500000000000004 8.5000000000000018 64.500000000000014 11.500000000000002 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -3
+right_child=-2 4 -4 -5 -6
+leaf_value=-0.0026484511979714513 0.00096018155875702627 -0.0023694038434211085 0.0022697595703837486 0.0010626887419527583 -0.00020696830956514668
+leaf_weight=40 44 39 49 50 39
+leaf_count=40 44 39 49 50 39
+internal_value=0 -0.00971953 0.0210191 -0.0289301 -0.0649794
+internal_weight=0 217 139 90 78
+internal_count=261 217 139 90 78
+shrinkage=0.02
+
+
+Tree=9457
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.11039 0.298522 0.264368 0.546996
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0019507757726418041 -0.0013976350756970755 -0.00038444566698543647 -0.00086978542685271873 0.0021693335894131739
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0295552 -0.0168848 0.0151682
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9458
+num_leaves=6
+num_cat=0
+split_feature=6 2 2 3 1
+split_gain=0.113726 0.220913 0.250182 0.473928 0.388662
+threshold=70.500000000000014 24.500000000000004 12.500000000000002 57.500000000000007 5.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 4 -4 -1
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.00068216525561910974 -0.0010040748614368997 0.0015258524272889272 0.00071418681166774019 -0.002248145017764562 0.0021131651750755254
+leaf_weight=42 44 44 41 49 41
+leaf_count=42 44 44 41 49 41
+internal_value=0 0.0102153 -0.00638349 -0.0445125 0.0344824
+internal_weight=0 217 173 90 83
+internal_count=261 217 173 90 83
+shrinkage=0.02
+
+
+Tree=9459
+num_leaves=5
+num_cat=0
+split_feature=7 4 5 2
+split_gain=0.109146 0.361445 0.350134 0.450881
+threshold=75.500000000000014 69.500000000000014 55.95000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00065056062498990706 -0.00094813027838017497 0.0019700104626100617 -0.0014188122163866787 0.0019656096856463384
+leaf_weight=62 47 40 63 49
+leaf_count=62 47 40 63 49
+internal_value=0 0.0104466 -0.00959738 0.0248817
+internal_weight=0 214 174 111
+internal_count=261 214 174 111
+shrinkage=0.02
+
+
+Tree=9460
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 2
+split_gain=0.104549 0.214782 0.519887 0.826519
+threshold=70.500000000000014 72.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0027573942561953087 -0.0009690656685926543 -0.0012009016781595317 -0.00088494725250647934 -0.00084028190252884052
+leaf_weight=68 44 39 68 42
+leaf_count=68 44 39 68 42
+internal_value=0 0.00985571 0.0254133 0.0688404
+internal_weight=0 217 178 110
+internal_count=261 217 178 110
+shrinkage=0.02
+
+
+Tree=9461
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 4 9
+split_gain=0.100029 0.345555 0.627037 0.25882 1.66007
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 49.500000000000007 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.00090207574432818265 -0.00091429788043905728 0.0019252530027609499 -0.0023211552607600924 -0.0013037988322050062 0.0041227667452733482
+leaf_weight=39 47 40 43 51 41
+leaf_count=39 47 40 43 51 41
+internal_value=0 0.0100588 -0.00955915 0.0251365 0.0553584
+internal_weight=0 214 174 131 92
+internal_count=261 214 174 131 92
+shrinkage=0.02
+
+
+Tree=9462
+num_leaves=5
+num_cat=0
+split_feature=9 9 9 1
+split_gain=0.104701 0.292827 0.269906 1.32125
+threshold=55.500000000000007 41.500000000000007 72.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.00067079106975880475 0.0013051848393353038 0.0016248457735597182 0.00073023078493586111 -0.0032500151318873745
+leaf_weight=43 51 52 63 52
+leaf_count=43 51 52 63 52
+internal_value=0 0.0288812 -0.0165342 -0.0493706
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9463
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 1 8
+split_gain=0.104949 0.332064 0.502124 1.6925 0.803087
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 8.5000000000000018 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=0.00090952794556282968 0.002047540401774974 -0.0018033091273198518 -0.00069420103837546045 -0.0039307470820960496 0.0032616877718322076
+leaf_weight=49 45 44 45 39 39
+leaf_count=49 45 44 45 39 39
+internal_value=0 -0.0105194 0.0101312 -0.0233314 0.0567066
+internal_weight=0 212 168 123 84
+internal_count=261 212 168 123 84
+shrinkage=0.02
+
+
+Tree=9464
+num_leaves=5
+num_cat=0
+split_feature=2 4 9 1
+split_gain=0.102069 0.355516 0.372797 0.728379
+threshold=25.500000000000004 53.500000000000007 67.500000000000014 7.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0016066093049081057 0.00095972623310041499 -0.00042490768940236189 -0.00091698604028143461 0.0031079489681254324
+leaf_weight=56 44 55 64 42
+leaf_count=56 44 55 64 42
+internal_value=0 -0.00973929 0.0145901 0.054884
+internal_weight=0 217 161 97
+internal_count=261 217 161 97
+shrinkage=0.02
+
+
+Tree=9465
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 6
+split_gain=0.0986513 0.366164 0.365016 0.449514
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012869773019455139 -0.00074768068064518759 0.0019443507607745565 -0.00087400378352820124 0.0021285039711247396
+leaf_weight=72 64 42 39 44
+leaf_count=72 64 42 39 44
+internal_value=0 0.0121536 -0.0106715 0.0354254
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9466
+num_leaves=6
+num_cat=0
+split_feature=4 9 5 2 7
+split_gain=0.101385 0.666223 1.65851 1.28719 0.564993
+threshold=51.500000000000007 57.500000000000007 53.500000000000007 18.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.00090775849418925814 -0.004641301698748157 -0.0026475496268183892 0.0011387003727832325 0.0031086192505944132 0.00075942497271863131
+leaf_weight=48 39 40 41 53 40
+leaf_count=48 39 40 41 53 40
+internal_value=0 -0.0102436 -0.0835327 0.0335603 -0.0467448
+internal_weight=0 213 80 133 80
+internal_count=261 213 80 133 80
+shrinkage=0.02
+
+
+Tree=9467
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.107127 0.296346 0.259258 0.538452
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0018547125965692425 -0.0013842232698530067 -0.00045381520150237559 -0.00086281077684375359 0.0021532940196669664
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0291639 -0.0166911 0.0150699
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9468
+num_leaves=5
+num_cat=0
+split_feature=6 7 9 5
+split_gain=0.112962 0.214462 0.862872 0.397335
+threshold=70.500000000000014 66.500000000000014 58.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00062503488642953633 -0.0010015799144051745 0.001280166113212142 -0.0024593504793385544 0.0018544712371147242
+leaf_weight=47 44 59 48 63
+leaf_count=47 44 59 48 63
+internal_value=0 0.0101671 -0.00970452 0.0394027
+internal_weight=0 217 158 110
+internal_count=261 217 158 110
+shrinkage=0.02
+
+
+Tree=9469
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 6 4
+split_gain=0.107688 0.20991 0.539785 0.24895 0.311579
+threshold=70.500000000000014 72.500000000000014 58.900000000000006 49.500000000000007 49.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00088248468197487425 -0.00098157998971558228 -0.0011841215411335084 0.0024344333062712572 -0.0014224041571334726 0.001568775076455572
+leaf_weight=39 44 39 45 44 50
+leaf_count=39 44 39 45 44 50
+internal_value=0 0.00996011 0.0253564 -0.00699461 0.0242898
+internal_weight=0 217 178 133 89
+internal_count=261 217 178 133 89
+shrinkage=0.02
+
+
+Tree=9470
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 4 9
+split_gain=0.10266 0.32624 0.614668 0.24666 1.64255
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 49.500000000000007 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.00086486679919699065 -0.0009245719999828384 0.0018809507539556721 -0.0022882835229152535 -0.00129863108025212 0.0040995371556496844
+leaf_weight=39 47 40 43 51 41
+leaf_count=39 47 40 43 51 41
+internal_value=0 0.0101532 -0.00893313 0.0254278 0.0549837
+internal_weight=0 214 174 131 92
+internal_count=261 214 174 131 92
+shrinkage=0.02
+
+
+Tree=9471
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 4 6
+split_gain=0.104641 0.34457 0.621819 0.434207 0.196682
+threshold=42.500000000000007 12.500000000000002 50.500000000000007 67.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00090804687923415274 0.002282507269565102 -0.0029435297168314179 0.0011703514686867218 -0.0006638924573963798 -0.0008196786603387983
+leaf_weight=49 42 41 40 41 48
+leaf_count=49 42 41 40 41 48
+internal_value=0 -0.0105243 -0.0439284 0.0409047 0.0038004
+internal_weight=0 212 129 83 88
+internal_count=261 212 129 83 88
+shrinkage=0.02
+
+
+Tree=9472
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 9
+split_gain=0.105402 0.515602 0.305211 0.454809
+threshold=52.500000000000007 9.5000000000000018 63.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00081031128168812419 0.001305663115533014 -0.0022781121004794617 -0.0021383509812641834 0.00076394168351852951
+leaf_weight=59 70 41 40 51
+leaf_count=59 70 41 40 51
+internal_value=0 -0.0118631 0.0139128 -0.0251835
+internal_weight=0 202 161 91
+internal_count=261 202 161 91
+shrinkage=0.02
+
+
+Tree=9473
+num_leaves=6
+num_cat=0
+split_feature=4 1 9 6 4
+split_gain=0.100426 0.494442 0.295008 0.223541 0.134959
+threshold=52.500000000000007 9.5000000000000018 67.500000000000014 57.500000000000007 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -4
+right_child=1 -3 4 -5 -6
+leaf_value=0.00079412410985814027 6.5143050875543559e-06 -0.0022326275340927935 -0.0015205351318015082 0.0022064971436449999 0.00023561465017272557
+leaf_weight=59 40 41 39 42 40
+leaf_count=59 40 41 39 42 40
+internal_value=0 -0.0116227 0.0136345 0.0572002 -0.0310903
+internal_weight=0 202 161 82 79
+internal_count=261 202 161 82 79
+shrinkage=0.02
+
+
+Tree=9474
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 5
+split_gain=0.0993282 0.333326 0.660808 0.419997 0.298358
+threshold=42.500000000000007 12.500000000000002 53.500000000000007 67.500000000000014 66.600000000000009
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00088866806448429107 0.0022481368230100138 -0.0030686968204948891 0.0014215281044184372 -0.0006516179242852775 -0.00096906625578116348
+leaf_weight=49 42 39 40 41 50
+leaf_count=49 42 39 40 41 50
+internal_value=0 -0.0102884 -0.043176 0.0403378 0.00424086
+internal_weight=0 212 129 83 90
+internal_count=261 212 129 83 90
+shrinkage=0.02
+
+
+Tree=9475
+num_leaves=5
+num_cat=0
+split_feature=5 1 4 4
+split_gain=0.0998326 1.07217 1.59052 0.658085
+threshold=48.45000000000001 6.5000000000000009 69.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0008905458051444849 -0.0037067201935147183 0.0035987641910757025 -0.0013003318036085634 -0.0003823032111859238
+leaf_weight=49 40 55 52 65
+leaf_count=49 40 55 52 65
+internal_value=0 -0.0103101 0.0605565 -0.0828994
+internal_weight=0 212 107 105
+internal_count=261 212 107 105
+shrinkage=0.02
+
+
+Tree=9476
+num_leaves=5
+num_cat=0
+split_feature=9 9 9 6
+split_gain=0.0971855 0.304309 0.277433 0.55217
+threshold=55.500000000000007 41.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00071177311547814979 -0.001404885925920788 0.0016261593107758682 -0.00084330407637687543 0.0022093496183995627
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0279889 -0.0160368 0.0167563
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9477
+num_leaves=5
+num_cat=0
+split_feature=2 9 6 3
+split_gain=0.0981633 0.365214 1.27537 0.89107
+threshold=25.500000000000004 56.500000000000007 47.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0039448280374862546 0.00094396582909227634 0.0024251220337694417 0.00082659834884596286 -0.0010137713964647075
+leaf_weight=39 44 56 54 68
+leaf_count=39 44 56 54 68
+internal_value=0 -0.00959623 -0.0583594 0.0266661
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=9478
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 9
+split_gain=0.105018 0.520506 0.296745 0.447863
+threshold=52.500000000000007 9.5000000000000018 63.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00080920066524928279 0.0012950709519584322 -0.0022869432013684129 -0.002113231591432208 0.00076781798265721196
+leaf_weight=59 70 41 40 51
+leaf_count=59 70 41 40 51
+internal_value=0 -0.0118384 0.0140563 -0.0245222
+internal_weight=0 202 161 91
+internal_count=261 202 161 91
+shrinkage=0.02
+
+
+Tree=9479
+num_leaves=5
+num_cat=0
+split_feature=4 2 7 4
+split_gain=0.100057 0.389309 0.740147 0.447548
+threshold=52.500000000000007 17.500000000000004 72.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -3
+right_child=1 3 -4 -5
+leaf_value=0.00079303588173918989 -0.00064036072805220324 -0.0028282961927831446 0.0027238589391703726 0.00013855580715339315
+leaf_weight=59 77 41 41 43
+leaf_count=59 77 41 41 43
+internal_value=0 -0.0115985 0.0261355 -0.0650592
+internal_weight=0 202 118 84
+internal_count=261 202 118 84
+shrinkage=0.02
+
+
+Tree=9480
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.10318 0.298625 0.26537 0.527099
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0018501344991409784 -0.00139057834694271 -0.00046687905553070857 -0.00083863323421793539 0.0021464620101829704
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0287025 -0.0164351 0.0156768
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9481
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.108234 0.21963 0.406106 0.502424
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00032153372285592506 -0.00098371215078439569 0.0015176655528278665 0.0015608512671735787 -0.0022647458901269343
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.00997962 -0.0065748 -0.0357731
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9482
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.103779 0.979062 0.729472 0.877971 0.46238
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0025592839873712649 -0.0009936633397585313 0.0028848711668511811 -0.0028481277915605352 0.002295057794595374 0.00049401676860092467
+leaf_weight=42 42 44 41 52 40
+leaf_count=42 42 44 41 52 40
+internal_value=0 0.00953885 -0.0241454 0.011796 -0.0530485
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9483
+num_leaves=5
+num_cat=0
+split_feature=9 9 9 6
+split_gain=0.103412 0.29076 0.254341 0.536102
+threshold=55.500000000000007 41.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00066964767852528673 -0.0013701522122552925 0.0016183775134523425 -0.00086118938204356459 0.0021485594090512187
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.02873 -0.0164503 0.0150274
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9484
+num_leaves=5
+num_cat=0
+split_feature=6 7 9 5
+split_gain=0.104129 0.221538 0.861373 0.394662
+threshold=70.500000000000014 66.500000000000014 58.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00063440464842223255 -0.00096783473867934012 0.0012893927980114084 -0.0024703734304383166 0.00183724460642255
+leaf_weight=47 44 59 48 63
+leaf_count=47 44 59 48 63
+internal_value=0 0.00981876 -0.0103553 0.0387088
+internal_weight=0 217 158 110
+internal_count=261 217 158 110
+shrinkage=0.02
+
+
+Tree=9485
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.101836 0.94056 0.705739 0.885021 0.433913
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0025193512972089211 -0.00098595410960854624 0.0028308591743648414 -0.0027988668166723219 0.0023031150988500407 0.00044163662104467394
+leaf_weight=42 42 44 41 52 40
+leaf_count=42 42 44 41 52 40
+internal_value=0 0.00945747 -0.0235674 0.0117963 -0.0533037
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9486
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 1 8
+split_gain=0.101165 0.371637 0.498754 1.65899 0.798219
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 8.5000000000000018 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=0.0008954384003919425 0.0020672440762950438 -0.0018874790007385883 -0.00067638665966694548 -0.0038687482677611787 0.0032676164926791818
+leaf_weight=49 45 44 45 39 39
+leaf_count=49 45 44 45 39 39
+internal_value=0 -0.0103696 0.0114237 -0.0219269 0.0573219
+internal_weight=0 212 168 123 84
+internal_count=261 212 168 123 84
+shrinkage=0.02
+
+
+Tree=9487
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.0989213 0.230861 0.400186 0.509436
+threshold=70.500000000000014 66.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012866894708388314 -0.00094738115866978962 0.0013601722773242304 -0.00087780434080420662 0.0022528187380427924
+leaf_weight=76 44 55 41 45
+leaf_count=76 44 55 41 45
+internal_value=0 0.00960735 -0.00999425 0.0375759
+internal_weight=0 217 162 86
+internal_count=261 217 162 86
+shrinkage=0.02
+
+
+Tree=9488
+num_leaves=5
+num_cat=0
+split_feature=9 6 5 5
+split_gain=0.101381 0.314667 0.548953 0.366148
+threshold=42.500000000000007 47.500000000000007 57.650000000000013 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.00089618268655660511 -0.0018065244358963601 0.0023048613258783608 -0.0014754807126557449 0.00069323508572766645
+leaf_weight=49 42 39 69 62
+leaf_count=49 42 39 69 62
+internal_value=0 -0.0103815 0.00916346 -0.022157
+internal_weight=0 212 170 131
+internal_count=261 212 170 131
+shrinkage=0.02
+
+
+Tree=9489
+num_leaves=6
+num_cat=0
+split_feature=4 9 5 2 7
+split_gain=0.0983495 0.676948 1.59204 1.21755 0.541932
+threshold=51.500000000000007 57.500000000000007 53.500000000000007 18.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.00089625086553979123 -0.0045907181676640247 -0.0025607810314304965 0.0010732003939770015 0.0030521397474280675 0.00077852374304849246
+leaf_weight=48 39 40 41 53 40
+leaf_count=48 39 40 41 53 40
+internal_value=0 -0.010119 -0.0839784 0.034028 -0.0440958
+internal_weight=0 213 80 133 80
+internal_count=261 213 80 133 80
+shrinkage=0.02
+
+
+Tree=9490
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 5
+split_gain=0.10496 0.30112 0.245506 0.500508
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 72.050000000000026
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0018592467875007323 -0.0013552717383243928 -0.00046683068327650081 -0.00085872428864120615 0.0020404374682906194
+leaf_weight=43 63 52 62 41
+leaf_count=43 63 52 62 41
+internal_value=0 0.0289102 -0.0165524 0.0144076
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9491
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.113215 0.220889 0.370849 0.491041
+threshold=70.500000000000014 66.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012289633602589522 -0.0010026131359687435 0.0013479198381204625 -0.00086367447706565742 0.0022119381156257604
+leaf_weight=76 44 55 41 45
+leaf_count=76 44 55 41 45
+internal_value=0 0.0101727 -0.00902891 0.0368427
+internal_weight=0 217 162 86
+internal_count=261 217 162 86
+shrinkage=0.02
+
+
+Tree=9492
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.107932 0.211376 0.355331 0.470893
+threshold=70.500000000000014 66.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012044066052692385 -0.00098259283080511092 0.0013209956025003586 -0.00084643052098580974 0.0021677683453840773
+leaf_weight=76 44 55 41 45
+leaf_count=76 44 55 41 45
+internal_value=0 0.00996601 -0.00884827 0.0360976
+internal_weight=0 217 162 86
+internal_count=261 217 162 86
+shrinkage=0.02
+
+
+Tree=9493
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.112523 0.297538 0.241026 0.519333
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0019528099494196692 -0.0013565474804369722 -0.00037871647491545128 -0.00087127292747587906 0.0020929473383426069
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.029764 -0.0170543 0.0136379
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9494
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.111254 0.211376 0.5042 0.556108
+threshold=70.500000000000014 72.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0017837839296346413 -0.0009953719628406322 -0.0011859359584571396 0.0013817510556049745 -0.0016555165585703246
+leaf_weight=75 44 39 42 61
+leaf_count=75 44 39 42 61
+internal_value=0 0.0100894 0.0255339 -0.020458
+internal_weight=0 217 178 103
+internal_count=261 217 178 103
+shrinkage=0.02
+
+
+Tree=9495
+num_leaves=5
+num_cat=0
+split_feature=6 7 9 5
+split_gain=0.106048 0.214613 0.847069 0.388914
+threshold=70.500000000000014 66.500000000000014 58.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00062531792420426175 -0.00097549573266644157 0.0012749043314392763 -0.0024447896633632768 0.001829024738907833
+leaf_weight=47 44 59 48 63
+leaf_count=47 44 59 48 63
+internal_value=0 0.00988401 -0.00999499 0.0386676
+internal_weight=0 217 158 110
+internal_count=261 217 158 110
+shrinkage=0.02
+
+
+Tree=9496
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.10387 0.892012 0.698966 0.888873 0.426295
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024948246207859501 -0.00099435401141346005 0.0027646359524706311 -0.0027697096851756172 0.002322502350203932 0.00044113077366474053
+leaf_weight=42 42 44 41 52 40
+leaf_count=42 42 44 41 52 40
+internal_value=0 0.00952597 -0.0226482 0.01255 -0.0526874
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9497
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.0995787 0.401973 0.491283 1.0941
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00088935463555272587 0.0020181032430854652 -0.0019501754792336571 -0.002134550260769843 0.0017282046979377112
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0103115 0.012319 -0.0217986
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=9498
+num_leaves=6
+num_cat=0
+split_feature=9 5 9 8 1
+split_gain=0.103618 0.577062 0.321518 0.198965 0.950813
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 48.500000000000007 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0013260378202181273 -0.0009932683013682414 0.0023343541504851086 -0.0019144466047685221 -0.0024453537603094282 0.0016572594216054204
+leaf_weight=44 42 42 41 46 46
+leaf_count=44 42 42 41 46 46
+internal_value=0 0.00952 -0.0157269 0.0081322 -0.0192829
+internal_weight=0 219 177 136 92
+internal_count=261 219 177 136 92
+shrinkage=0.02
+
+
+Tree=9499
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.0987309 0.873508 0.679826 0.867037 0.373375
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024305919651690412 -0.00097343599014223299 0.0027345057166242156 -0.0027359864525705584 0.0022907095498347981 0.00032341198660551209
+leaf_weight=41 42 44 41 52 41
+leaf_count=41 42 44 41 52 41
+internal_value=0 0.00932991 -0.0225143 0.0122083 -0.052237
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9500
+num_leaves=5
+num_cat=0
+split_feature=4 1 5 5
+split_gain=0.0952747 0.680593 1.22017 0.857675
+threshold=75.500000000000014 6.5000000000000009 57.300000000000004 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00046496228929377201 0.00098671281206836898 -0.00070245064611338423 -0.0038150140430777456 0.0028702718402299722
+leaf_weight=65 40 59 46 51
+leaf_count=65 40 59 46 51
+internal_value=0 -0.00895906 -0.0651403 0.0473749
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9501
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.100734 0.30141 0.251619 0.500731
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0019341863591818033 -0.0013615870876472539 -0.00041199221278960031 -0.00082305033338160637 0.0020891903417051541
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0284077 -0.0162796 0.0150403
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9502
+num_leaves=5
+num_cat=0
+split_feature=6 7 9 5
+split_gain=0.108196 0.226564 0.81833 0.385014
+threshold=70.500000000000014 66.500000000000014 58.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00064347588205688284 -0.00098373299787069945 0.0013037018294521691 -0.0024156748015679219 0.0017993289478913492
+leaf_weight=47 44 59 48 63
+leaf_count=47 44 59 48 63
+internal_value=0 0.00996993 -0.0104151 0.0374286
+internal_weight=0 217 158 110
+internal_count=261 217 158 110
+shrinkage=0.02
+
+
+Tree=9503
+num_leaves=6
+num_cat=0
+split_feature=8 2 7 2 2
+split_gain=0.103521 0.289079 0.431452 0.439745 0.46589
+threshold=72.500000000000014 7.5000000000000009 52.500000000000007 14.500000000000002 22.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=0.0016770184944074461 -0.00092794512490545437 -0.0017589293205273555 -0.0012748273075893161 0.0029195875565525835 -0.00019816433312430968
+leaf_weight=45 47 51 39 40 39
+leaf_count=45 47 51 39 40 39
+internal_value=0 0.0101819 -0.00922412 0.0244931 0.0685757
+internal_weight=0 214 169 118 79
+internal_count=261 214 169 118 79
+shrinkage=0.02
+
+
+Tree=9504
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 6
+split_gain=0.0990308 0.213418 0.350655 0.444595
+threshold=70.500000000000014 66.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012070186561397378 -0.00094809819125306826 0.0013186410045924672 -0.00089149304796491767 0.0020501041966675447
+leaf_weight=76 44 55 39 47
+leaf_count=76 44 55 39 47
+internal_value=0 0.00959769 -0.00930158 0.0353595
+internal_weight=0 217 162 86
+internal_count=261 217 162 86
+shrinkage=0.02
+
+
+Tree=9505
+num_leaves=6
+num_cat=0
+split_feature=4 2 2 3 4
+split_gain=0.100499 0.39194 0.792147 0.945693 0.870542
+threshold=51.500000000000007 25.500000000000004 19.500000000000004 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.00090401000897949338 2.0779366881379704e-06 -0.0020337481989002536 0.0027550253449978046 0.0019819428641920222 -0.0039626680994570822
+leaf_weight=48 53 40 39 42 39
+leaf_count=48 53 40 39 42 39
+internal_value=0 -0.0102277 0.0107205 -0.0260054 -0.0835838
+internal_weight=0 213 173 134 92
+internal_count=261 213 173 134 92
+shrinkage=0.02
+
+
+Tree=9506
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.0986762 0.363817 0.276154 0.448007
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0011542148385401102 -0.0007481142022186609 0.0019388437667112893 -0.00091046070541695779 0.0020833602281553404
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0121371 -0.0106178 0.0297667
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9507
+num_leaves=6
+num_cat=0
+split_feature=3 2 7 9 4
+split_gain=0.0988597 0.429739 0.704126 1.22562 0.401693
+threshold=52.500000000000007 17.500000000000004 72.500000000000014 58.500000000000007 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -3
+right_child=1 4 -4 -5 -6
+leaf_value=0.00081560214551237788 0.0019149408427919865 -0.0027626811280945774 0.0027176192928933733 -0.0030993661133795099 3.5668971756093038e-05
+leaf_weight=56 40 42 41 39 43
+leaf_count=56 40 42 41 39 43
+internal_value=0 -0.0111761 0.0280054 -0.0275456 -0.0669388
+internal_weight=0 205 120 79 85
+internal_count=261 205 120 79 85
+shrinkage=0.02
+
+
+Tree=9508
+num_leaves=6
+num_cat=0
+split_feature=8 2 7 2 2
+split_gain=0.104042 0.285061 0.406703 0.396752 0.441393
+threshold=72.500000000000014 7.5000000000000009 52.500000000000007 14.500000000000002 22.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=0.0016678827175375017 -0.00092985159346118762 -0.0017122053742898941 -0.0012055849525548321 0.0028223498200006191 -0.00021560352782871159
+leaf_weight=45 47 51 39 40 39
+leaf_count=45 47 51 39 40 39
+internal_value=0 0.0102057 -0.00907216 0.0237002 0.065681
+internal_weight=0 214 169 118 79
+internal_count=261 214 169 118 79
+shrinkage=0.02
+
+
+Tree=9509
+num_leaves=5
+num_cat=0
+split_feature=5 1 4 2
+split_gain=0.103351 1.0212 1.60503 0.763773
+threshold=48.45000000000001 6.5000000000000009 69.500000000000014 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00090324787782485787 0.00047254151110131127 0.0035727548700442264 -0.0013486341894851986 -0.0030384272304887021
+leaf_weight=49 42 55 52 63
+leaf_count=49 42 55 52 63
+internal_value=0 -0.0104743 0.0587131 -0.0813523
+internal_weight=0 212 107 105
+internal_count=261 212 107 105
+shrinkage=0.02
+
+
+Tree=9510
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 3
+split_gain=0.0984565 0.992616 0.698265 0.616148 0.933344
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.00088520887318261406 -0.0030711781455002615 0.002628593955437783 -0.0014103442859238499 -0.0023959043080562185 0.0027682285493104398
+leaf_weight=49 40 45 44 40 43
+leaf_count=49 40 45 44 40 43
+internal_value=0 -0.0102611 0.0228804 -0.0153184 0.0323152
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=9511
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.0987907 0.374781 0.730039 0.515865
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.001005571336003891 -0.00074843292763718066 -0.0021768015293574567 0.0023675704464167515 0.00096812039865445444
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0121451 0.0520955 -0.0379088
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9512
+num_leaves=6
+num_cat=0
+split_feature=4 9 5 2 7
+split_gain=0.100857 0.699015 1.4836 1.13904 0.483427
+threshold=51.500000000000007 57.500000000000007 53.500000000000007 18.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.00090546597518369372 -0.0045164159611573093 -0.0024090658507205497 0.00095275454025417169 0.0029872185144512384 0.00075123357347398436
+leaf_weight=48 39 40 41 53 40
+leaf_count=48 39 40 41 53 40
+internal_value=0 -0.0102371 -0.0852546 0.0346067 -0.0409825
+internal_weight=0 213 80 133 80
+internal_count=261 213 80 133 80
+shrinkage=0.02
+
+
+Tree=9513
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 7
+split_gain=0.101688 0.277245 0.409468 0.329499
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00060958510714743269 -0.00092096531589952587 0.0014552763677047693 -0.0020294006577536504 0.0015728237394988258
+leaf_weight=65 47 56 40 53
+leaf_count=65 47 56 40 53
+internal_value=0 0.0101096 -0.0118663 0.0182113
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=9514
+num_leaves=5
+num_cat=0
+split_feature=5 1 4 2
+split_gain=0.101393 0.976143 1.54532 0.750989
+threshold=48.45000000000001 6.5000000000000009 69.500000000000014 12.500000000000002
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00089612730000405711 0.00048799236114897295 0.0034997482745838361 -0.0013302867119408899 -0.0029942580583854268
+leaf_weight=49 42 55 52 63
+leaf_count=49 42 55 52 63
+internal_value=0 -0.0103869 0.0572817 -0.0797173
+internal_weight=0 212 107 105
+internal_count=261 212 107 105
+shrinkage=0.02
+
+
+Tree=9515
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 4
+split_gain=0.100913 0.632953 0.477405 0.434466
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013716710667879026 0.0010106032986369608 -0.0018876616300822274 0.002228792749293068 -0.0012584324538556658
+leaf_weight=43 40 64 47 67
+leaf_count=43 40 64 47 67
+internal_value=0 -0.0091732 0.025334 -0.0111407
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=9516
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=0.103152 0.742405 0.685491 0.789848
+threshold=7.5000000000000009 15.500000000000002 67.65000000000002 11.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0027462853537791087 0.0010576737434384357 -0.0022708701064038557 0.0025378982639379173 0.00083321945420523154
+leaf_weight=40 58 52 43 68
+leaf_count=40 58 52 43 68
+internal_value=0 -0.0254498 0.0185281 -0.024302
+internal_weight=0 110 151 108
+internal_count=261 110 151 108
+shrinkage=0.02
+
+
+Tree=9517
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 7
+split_gain=0.100245 0.277632 0.386973 0.323512
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00061868732628520321 -0.00091534107094082523 0.0014550416537469002 -0.0019831992690629249 0.0015450828707620251
+leaf_weight=65 47 56 40 53
+leaf_count=65 47 56 40 53
+internal_value=0 0.0100567 -0.0119337 0.017337
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=9518
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.100336 0.323356 0.250995 0.508707
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.001892036166005762 -0.0013598162310048218 -0.0005139273213909802 -0.00083184383518888124 0.0021026671701813984
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0283632 -0.0162504 0.0150332
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9519
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.103527 0.202607 0.325234 0.473217
+threshold=70.500000000000014 66.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0011587544128742447 -0.00096561046395411102 0.0012960200319386272 -0.00088366409999075552 0.0021380862771050511
+leaf_weight=76 44 55 41 45
+leaf_count=76 44 55 41 45
+internal_value=0 0.00978874 -0.00866138 0.0344321
+internal_weight=0 217 162 86
+internal_count=261 217 162 86
+shrinkage=0.02
+
+
+Tree=9520
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.101652 0.882713 0.699984 0.865924 0.398244
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024299276027662867 -0.00098532372885938211 0.002749869851858296 -0.002769680866104917 0.0022984026901276193 0.000411628456611957
+leaf_weight=42 42 44 41 52 40
+leaf_count=42 42 44 41 52 40
+internal_value=0 0.00944463 -0.0225641 0.0126593 -0.0517443
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9521
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 6
+split_gain=0.10529 0.307957 0.250218 0.514603
+threshold=55.500000000000007 52.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0019585203064150275 -0.0013649998008685082 -0.00041145410417796092 -0.00084588464992441299 0.0021050636651422545
+leaf_weight=40 63 55 63 40
+leaf_count=40 63 55 63 40
+internal_value=0 0.0289361 -0.0165866 0.0146502
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9522
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 4
+split_gain=0.10029 0.307201 0.239963 0.866927
+threshold=55.500000000000007 49.500000000000007 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0018602191796277642 -0.0014505255960749264 -0.00048808711960651328 0.002565453888466099 -0.0011341753843185549
+leaf_weight=43 55 52 41 70
+leaf_count=43 55 52 41 70
+internal_value=0 0.0283501 -0.0162549 0.0112954
+internal_weight=0 95 166 111
+internal_count=261 95 166 111
+shrinkage=0.02
+
+
+Tree=9523
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 4
+split_gain=0.0997905 0.637465 0.462933 0.408707
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013395552762546423 0.0010057734890504164 -0.001892812271260565 0.0022066260627026718 -0.0012149369641105377
+leaf_weight=43 40 64 47 67
+leaf_count=43 40 64 47 67
+internal_value=0 -0.00913687 0.0254901 -0.0104439
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=9524
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=0.100043 0.742763 0.667275 0.742844
+threshold=7.5000000000000009 15.500000000000002 67.65000000000002 11.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0026734213753772367 0.0010644045057275917 -0.0022649747211094758 0.0025049414466837318 0.00080045480020886058
+leaf_weight=40 58 52 43 68
+leaf_count=40 58 52 43 68
+internal_value=0 -0.0251328 0.0182865 -0.0239831
+internal_weight=0 110 151 108
+internal_count=261 110 151 108
+shrinkage=0.02
+
+
+Tree=9525
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.103546 0.20423 0.305225 0.454509
+threshold=70.500000000000014 66.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0011311983193923536 -0.0009656918539815894 0.0013000312482453482 -0.00088027127575113846 0.0020836160799501029
+leaf_weight=76 44 55 41 45
+leaf_count=76 44 55 41 45
+internal_value=0 0.00978908 -0.00872907 0.0330869
+internal_weight=0 217 162 86
+internal_count=261 217 162 86
+shrinkage=0.02
+
+
+Tree=9526
+num_leaves=5
+num_cat=0
+split_feature=9 9 9 6
+split_gain=0.108075 0.301173 0.245865 0.498048
+threshold=55.500000000000007 41.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00068002154337493516 -0.0013602843689279661 0.0016461506050379829 -0.00083678887640773554 0.0020681034712414208
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0292556 -0.0167702 0.0142101
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9527
+num_leaves=5
+num_cat=0
+split_feature=6 9 1 3
+split_gain=0.106784 0.20449 0.534789 0.758137
+threshold=70.500000000000014 72.500000000000014 9.5000000000000018 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00025590743677531501 -0.0009783698816215043 -0.0011686035717265657 -0.00090992796031063986 0.0030955114542048985
+leaf_weight=56 44 39 68 54
+leaf_count=56 44 39 68 54
+internal_value=0 0.00991142 0.0251269 0.0691494
+internal_weight=0 217 178 110
+internal_count=261 217 178 110
+shrinkage=0.02
+
+
+Tree=9528
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 1 8
+split_gain=0.104874 0.397454 0.511342 1.64993 0.7414
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 8.5000000000000018 69.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=0.00090868853904126209 0.0021001081599783468 -0.001945434191450392 -0.00061291734072457674 -0.0038568078952126105 0.003190935113361677
+leaf_weight=49 45 44 45 39 39
+leaf_count=49 45 44 45 39 39
+internal_value=0 -0.0105445 0.0119629 -0.0217924 0.0572414
+internal_weight=0 212 168 123 84
+internal_count=261 212 168 123 84
+shrinkage=0.02
+
+
+Tree=9529
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 2 9
+split_gain=0.10825 0.329378 0.603029 0.280321 0.392041
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 19.500000000000004 49.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00015885139778982528 -0.00094571073755023583 0.001892762377668504 -0.0022663602630285809 -0.00076432233875360568 0.0026244781969107611
+leaf_weight=42 47 40 43 47 42
+leaf_count=42 47 40 43 47 42
+internal_value=0 0.0103665 -0.00880676 0.0252355 0.0612162
+internal_weight=0 214 174 131 84
+internal_count=261 214 174 131 84
+shrinkage=0.02
+
+
+Tree=9530
+num_leaves=5
+num_cat=0
+split_feature=6 7 9 5
+split_gain=0.104696 0.201362 0.803102 0.38109
+threshold=70.500000000000014 66.500000000000014 58.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0006267694081451854 -0.00097056019047855489 0.0012426781141854583 -0.0023771069951034618 0.0018039768060073621
+leaf_weight=47 44 59 48 63
+leaf_count=47 44 59 48 63
+internal_value=0 0.00981532 -0.00948717 0.037919
+internal_weight=0 217 158 110
+internal_count=261 217 158 110
+shrinkage=0.02
+
+
+Tree=9531
+num_leaves=6
+num_cat=0
+split_feature=8 2 7 2 2
+split_gain=0.099878 0.28929 0.403484 0.365835 0.423325
+threshold=72.500000000000014 7.5000000000000009 52.500000000000007 14.500000000000002 22.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=0.0016741856361654822 -0.00091450420944508867 -0.0017129310728029796 -0.00115068109590195 0.0027519733957120729 -0.00022573171017082689
+leaf_weight=45 47 51 39 40 39
+leaf_count=45 47 51 39 40 39
+internal_value=0 0.0100134 -0.00939974 0.0232469 0.0636476
+internal_weight=0 214 169 118 79
+internal_count=261 214 169 118 79
+shrinkage=0.02
+
+
+Tree=9532
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 5
+split_gain=0.0984245 0.371204 0.643954 0.452444 0.275757
+threshold=42.500000000000007 12.500000000000002 53.500000000000007 67.500000000000014 66.600000000000009
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00088463608114022654 0.0023533509393995891 -0.0030750631747539919 0.0013277667983487855 -0.0006515277408758219 -0.00097702345800228349
+leaf_weight=49 42 39 40 41 50
+leaf_count=49 42 39 40 41 50
+internal_value=0 -0.0102823 -0.0448821 0.0430042 0.00193408
+internal_weight=0 212 129 83 90
+internal_count=261 212 129 83 90
+shrinkage=0.02
+
+
+Tree=9533
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 9
+split_gain=0.0968035 0.655634 1.22192 0.483891
+threshold=52.500000000000007 6.5000000000000009 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00080816102945827984 -0.0025848694481945735 0.0030507643312210194 -0.0012907321447485443 0.00028440456248281037
+leaf_weight=56 59 53 52 41
+leaf_count=56 59 53 52 41
+internal_value=0 -0.0110967 0.0446824 -0.0700548
+internal_weight=0 205 105 100
+internal_count=261 205 105 100
+shrinkage=0.02
+
+
+Tree=9534
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 4
+split_gain=0.0957054 0.611415 0.464543 0.416156
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013406031618393404 0.00098815474764260081 -0.0018558153799592995 0.0021984177800609679 -0.0012358840687256806
+leaf_weight=43 40 64 47 67
+leaf_count=43 40 64 47 67
+internal_value=0 -0.00899569 0.0249343 -0.0110616
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=9535
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 1 9
+split_gain=0.0921992 0.357698 0.479706 1.63079 0.7138
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 8.5000000000000018 70.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -4
+right_child=1 -3 3 -5 -6
+leaf_value=0.00086122598908257037 0.0020326804659148131 -0.0018500010553930849 -0.00058027602806571632 -0.0038279516039554928 0.003153591206863295
+leaf_weight=49 45 44 45 39 39
+leaf_count=49 45 44 45 39 39
+internal_value=0 -0.0100007 0.0113978 -0.0213294 0.0572486
+internal_weight=0 212 168 123 84
+internal_count=261 212 168 123 84
+shrinkage=0.02
+
+
+Tree=9536
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.0914558 0.446069 0.62392
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00068960445434549744 0.00099934226760175029 0.0021096935829301331 -0.0016189526752747861
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0123594 -0.0134862
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9537
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.0956541 0.930128 0.661709 0.869412 0.412865
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024974331709737589 -0.0009610312666707688 0.0028112370602149171 -0.0027287600642432542 0.0022617140674109719 0.00039330014362577964
+leaf_weight=42 42 44 41 52 40
+leaf_count=42 42 44 41 52 40
+internal_value=0 0.00919364 -0.0236506 0.0106138 -0.0539219
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9538
+num_leaves=5
+num_cat=0
+split_feature=7 6 2 1
+split_gain=0.095241 0.350465 0.257994 0.949024
+threshold=76.500000000000014 63.500000000000007 8.5000000000000018 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001061177624491609 0.0010010932052962336 -0.0016367467236604219 0.0022748099093236147 -0.0013004877936114315
+leaf_weight=45 39 53 72 52
+leaf_count=45 39 53 72 52
+internal_value=0 -0.00883962 0.013841 0.0384578
+internal_weight=0 222 169 124
+internal_count=261 222 169 124
+shrinkage=0.02
+
+
+Tree=9539
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.0948087 0.311291 0.258611 0.500762
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0018550167145825521 -0.0013672143232242155 -0.00050820157810436094 -0.00080720424701715018 0.0021049520551845976
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0276815 -0.0158955 0.0158315
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9540
+num_leaves=5
+num_cat=0
+split_feature=6 7 9 9
+split_gain=0.0950564 0.216061 0.793138 0.365662
+threshold=70.500000000000014 66.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00073265579418610709 -0.00093236190230770125 0.0012691227253573748 -0.0023843373612130484 0.0016836153044330218
+leaf_weight=43 44 59 48 67
+leaf_count=43 44 59 48 67
+internal_value=0 0.00942474 -0.0105177 0.036597
+internal_weight=0 217 158 110
+internal_count=261 217 158 110
+shrinkage=0.02
+
+
+Tree=9541
+num_leaves=5
+num_cat=0
+split_feature=4 1 5 5
+split_gain=0.092054 0.626342 1.22883 0.874286
+threshold=75.500000000000014 6.5000000000000009 57.300000000000004 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0005176256551012679 0.00097239449006647786 -0.00076083548854521249 -0.0037776160551166757 0.0028459936083646961
+leaf_weight=65 40 59 46 51
+leaf_count=65 40 59 46 51
+internal_value=0 -0.00885478 -0.062822 0.045245
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9542
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 4 2
+split_gain=0.0999208 0.332254 0.565678 0.259441 1.67223
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 49.500000000000007 18.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.00093144059158329587 -0.00091463975872688554 0.0018927560408632446 -0.002211345221634521 0.0034630642220269182 -0.0019976445409999929
+leaf_weight=39 47 40 43 52 40
+leaf_count=39 47 40 43 52 40
+internal_value=0 0.0100165 -0.00923706 0.0237601 0.054022
+internal_weight=0 214 174 131 92
+internal_count=261 214 174 131 92
+shrinkage=0.02
+
+
+Tree=9543
+num_leaves=5
+num_cat=0
+split_feature=6 7 9 5
+split_gain=0.0959636 0.211259 0.757307 0.354307
+threshold=70.500000000000014 66.500000000000014 58.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00062217614875240948 -0.00093612059764859893 0.001258722635603141 -0.0023312068617911802 0.0017258945819559274
+leaf_weight=47 44 59 48 63
+leaf_count=47 44 59 48 63
+internal_value=0 0.00945731 -0.0102786 0.0357801
+internal_weight=0 217 158 110
+internal_count=261 217 158 110
+shrinkage=0.02
+
+
+Tree=9544
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 1
+split_gain=0.0926097 0.687135 0.611471 0.277938 2.60014
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0018042976097501541 -0.00094853690777364471 0.0025852734298964287 -0.0021370397067360077 -0.0038405766382918673 0.0033020523989435702
+leaf_weight=42 42 40 55 41 41
+leaf_count=42 42 40 55 41 41
+internal_value=0 0.00905983 -0.017618 0.0216771 -0.0129872
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=9545
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.0987595 0.373599 0.716231 0.519875
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00098817156283961165 -0.00074879837646412925 -0.0021810923721187945 0.0023536246935539473 0.00097565004655946884
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0121202 0.052011 -0.0378583
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9546
+num_leaves=5
+num_cat=0
+split_feature=3 3 8 4
+split_gain=0.0940416 0.360098 0.269556 0.25314
+threshold=71.500000000000014 65.500000000000014 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0008879149061564994 -0.00073383868047631777 0.0019253877870382536 -0.0014000130870483027 0.001240339521489724
+leaf_weight=39 64 42 54 62
+leaf_count=39 64 42 54 62
+internal_value=0 0.0118738 -0.0107699 0.0205289
+internal_weight=0 197 155 101
+internal_count=261 197 155 101
+shrinkage=0.02
+
+
+Tree=9547
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.0913299 0.310125 0.347355 0.31535
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0018180347875449119 -0.00088152881346869314 0.0015133911003834539 -0.0014573936026637294 -0.00056032848422257623
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.00963808 -0.0135356 0.0254162
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9548
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.0907447 0.899917 0.653517 0.910695 0.385941
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024798886581904704 -0.00094076947472229808 0.0027648753854242181 -0.0027089113946201331 0.0023107655990968253 0.00031825656824823563
+leaf_weight=42 42 44 41 52 40
+leaf_count=42 42 44 41 52 40
+internal_value=0 0.00897847 -0.0233363 0.0107202 -0.0553042
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9549
+num_leaves=5
+num_cat=0
+split_feature=7 6 9 4
+split_gain=0.0977447 0.346909 0.283339 0.509831
+threshold=76.500000000000014 63.500000000000007 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001325299766598845 0.0010115753388447563 -0.0016319505011988197 0.0013734053868333191 -0.0015483135031277809
+leaf_weight=43 39 53 63 63
+leaf_count=43 39 53 63 63
+internal_value=0 -0.00895177 0.0136184 -0.0187477
+internal_weight=0 222 169 106
+internal_count=261 222 169 106
+shrinkage=0.02
+
+
+Tree=9550
+num_leaves=5
+num_cat=0
+split_feature=7 6 9 4
+split_gain=0.0930756 0.332413 0.271308 0.488907
+threshold=76.500000000000014 63.500000000000007 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012988369797045265 0.00099138023978705158 -0.001599354501697827 0.0013459677512332058 -0.001517381423699491
+leaf_weight=43 39 53 63 63
+leaf_count=43 39 53 63 63
+internal_value=0 -0.00876928 0.0133465 -0.0183654
+internal_weight=0 222 169 106
+internal_count=261 222 169 106
+shrinkage=0.02
+
+
+Tree=9551
+num_leaves=5
+num_cat=0
+split_feature=7 6 2 1
+split_gain=0.0885914 0.31849 0.242933 0.943394
+threshold=76.500000000000014 63.500000000000007 8.5000000000000018 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0010395138693048919 0.00097158824440949038 -0.0015674096382964865 0.0022419251612021511 -0.00132313876342517
+leaf_weight=45 39 53 72 52
+leaf_count=45 39 53 72 52
+internal_value=0 -0.00859045 0.01308 0.0370274
+internal_weight=0 222 169 124
+internal_count=261 222 169 124
+shrinkage=0.02
+
+
+Tree=9552
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 2 4
+split_gain=0.0881851 0.328489 0.534673 0.252457 0.339335
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-9.5260467558646103e-05 -0.00086891630221659242 0.0018735498404871772 -0.0021651328472532582 -0.00075931990465744048 0.0025059034620879563
+leaf_weight=44 47 40 43 47 40
+leaf_count=44 47 40 43 47 40
+internal_value=0 0.00950463 -0.00964556 0.0224583 0.0567464
+internal_weight=0 214 174 131 84
+internal_count=261 214 174 131 84
+shrinkage=0.02
+
+
+Tree=9553
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.0917284 0.719985 0.431967 1.00774
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014273712915138976 0.00073221899302647081 -0.0025909236934198061 -0.00097367656061162963 0.0027908263177481448
+leaf_weight=40 63 42 54 62
+leaf_count=40 63 42 54 62
+internal_value=0 -0.0117168 0.019794 0.0515981
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9554
+num_leaves=5
+num_cat=0
+split_feature=7 6 9 4
+split_gain=0.0906778 0.304504 0.252277 0.481606
+threshold=76.500000000000014 63.500000000000007 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012917010066630752 0.0009806778612025779 -0.0015401108766514096 0.0012939580969851502 -0.0015042371181521604
+leaf_weight=43 39 53 63 63
+leaf_count=43 39 53 63 63
+internal_value=0 -0.00868249 0.0125307 -0.0181195
+internal_weight=0 222 169 106
+internal_count=261 222 169 106
+shrinkage=0.02
+
+
+Tree=9555
+num_leaves=5
+num_cat=0
+split_feature=9 6 5 5
+split_gain=0.0913007 0.356624 0.555327 0.370646
+threshold=42.500000000000007 47.500000000000007 57.650000000000013 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.00085750256142925769 -0.001895726148153332 0.0023486825230330925 -0.0014528745036575994 0.00072880434955359082
+leaf_weight=49 42 39 69 62
+leaf_count=49 42 39 69 62
+internal_value=0 -0.00997391 0.0107749 -0.0207191
+internal_weight=0 212 170 131
+internal_count=261 212 170 131
+shrinkage=0.02
+
+
+Tree=9556
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 9
+split_gain=0.0898042 0.698443 0.92799 0.66744
+threshold=72.500000000000014 6.5000000000000009 58.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=-0.00044405086707264126 0.00072599256824951869 0.00016911068859692797 -0.0038185393884647869 0.0029042542458203959
+leaf_weight=58 63 58 40 42
+leaf_count=58 63 58 40 42
+internal_value=0 -0.0116102 -0.0725954 0.0477645
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=9557
+num_leaves=5
+num_cat=0
+split_feature=4 1 5 5
+split_gain=0.0900512 0.616568 1.18125 0.898047
+threshold=75.500000000000014 6.5000000000000009 57.300000000000004 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00049302266204487224 0.00096366559660342492 -0.00078966545545552328 -0.0037193401337368569 0.0028650004829717563
+leaf_weight=65 40 59 46 51
+leaf_count=65 40 59 46 51
+internal_value=0 -0.00877527 -0.0623341 0.0449123
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9558
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 2 9
+split_gain=0.0909046 0.323725 0.501168 0.24511 0.368302
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 19.500000000000004 49.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00023156767064187034 -0.00087960239280579532 0.0018645207557500911 -0.0020995267325614815 -0.00075749138940386083 0.0024708783059837645
+leaf_weight=42 47 40 43 47 42
+leaf_count=42 47 40 43 47 42
+internal_value=0 0.00963176 -0.00938529 0.0217261 0.0555536
+internal_weight=0 214 174 131 84
+internal_count=261 214 174 131 84
+shrinkage=0.02
+
+
+Tree=9559
+num_leaves=5
+num_cat=0
+split_feature=9 6 5 5
+split_gain=0.0911047 0.349449 0.531568 0.351124
+threshold=42.500000000000007 47.500000000000007 57.650000000000013 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.00085686964584339516 -0.0018791966127164861 0.0023005116685351542 -0.0014171508988153839 0.0007091868255993815
+leaf_weight=49 42 39 69 62
+leaf_count=49 42 39 69 62
+internal_value=0 -0.00995902 0.0105891 -0.0202424
+internal_weight=0 212 170 131
+internal_count=261 212 170 131
+shrinkage=0.02
+
+
+Tree=9560
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 4 2
+split_gain=0.0900403 0.31067 0.475772 0.236322 1.59567
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 49.500000000000007 18.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.00092137217216550283 -0.0008761990745912978 0.001831685180583142 -0.0020458641239911811 0.0033340256458135125 -0.0020018775380696032
+leaf_weight=39 47 40 43 52 40
+leaf_count=39 47 40 43 52 40
+internal_value=0 0.00959259 -0.00905552 0.0212823 0.050281
+internal_weight=0 214 174 131 92
+internal_count=261 214 174 131 92
+shrinkage=0.02
+
+
+Tree=9561
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.0888914 0.702089 0.424231 1.58443
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014162542336274774 0.00072297237984321038 -0.0025591828847458505 -0.0012401339920761385 0.0034583315731094174
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0115617 0.0195632 0.0510958
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9562
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 5
+split_gain=0.0908393 0.360581 0.699317 0.434675 0.242652
+threshold=42.500000000000007 12.500000000000002 53.500000000000007 67.500000000000014 66.600000000000009
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00085575933168661772 0.0023170211353691905 -0.0031483276762375298 0.0013081438203419191 -0.00063049501126950932 -0.00086284745154991251
+leaf_weight=49 42 39 40 41 50
+leaf_count=49 42 39 40 41 50
+internal_value=0 -0.00995142 -0.044081 0.0426042 0.00467112
+internal_weight=0 212 129 83 90
+internal_count=261 212 129 83 90
+shrinkage=0.02
+
+
+Tree=9563
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 5
+split_gain=0.0894234 0.603919 1.1409 0.873429
+threshold=75.500000000000014 6.5000000000000009 49.500000000000007 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0010945831030601024 0.00096080776622892161 -0.00077710327330490498 -0.0030229334868443446 0.0028281177018389951
+leaf_weight=48 40 59 63 51
+leaf_count=48 40 59 63 51
+internal_value=0 -0.00875545 -0.0617808 0.0443938
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9564
+num_leaves=6
+num_cat=0
+split_feature=8 2 7 2 2
+split_gain=0.0887419 0.277901 0.411735 0.410894 0.371217
+threshold=72.500000000000014 7.5000000000000009 52.500000000000007 14.500000000000002 22.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=0.0016372643683261925 -0.0008710835015214069 -0.0017300160346209526 -0.0012391428099833152 0.0027112549794282336 -8.3296094704748326e-05
+leaf_weight=45 47 51 39 40 39
+leaf_count=45 47 51 39 40 39
+internal_value=0 0.00953237 -0.00951666 0.0234489 0.0661348
+internal_weight=0 214 169 118 79
+internal_count=261 214 169 118 79
+shrinkage=0.02
+
+
+Tree=9565
+num_leaves=5
+num_cat=0
+split_feature=2 9 5 3
+split_gain=0.0909758 0.345447 0.841815 0.824292
+threshold=25.500000000000004 56.500000000000007 50.850000000000001 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0030840344101332883 0.00091419570971325141 0.0023409525452197312 0.00075417829175296303 -0.00096931330263133066
+leaf_weight=46 44 56 47 68
+leaf_count=46 44 56 47 68
+internal_value=0 -0.00933023 -0.0568294 0.0259837
+internal_weight=0 217 93 124
+internal_count=261 217 93 124
+shrinkage=0.02
+
+
+Tree=9566
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 4
+split_gain=0.0940531 0.638291 0.662464 0.238394
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00079858521725407723 -0.0027493081886402031 0.0023787884616754797 -0.00059697526767986213 -0.000446735369620808
+leaf_weight=56 41 54 71 39
+leaf_count=56 41 54 71 39
+internal_value=0 -0.0109655 0.0341385 -0.0819084
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=9567
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 4 6
+split_gain=0.09476 0.339333 0.608707 0.410547 0.180116
+threshold=42.500000000000007 12.500000000000002 50.500000000000007 67.500000000000014 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00087079918535476735 0.0022444017603550667 -0.0029095853832129697 -0.00082200430308951582 -0.00062367021776273178 0.0010843402572332155
+leaf_weight=49 42 41 46 41 42
+leaf_count=49 42 41 46 41 42
+internal_value=0 -0.0101241 -0.0432898 0.0409341 0.00394485
+internal_weight=0 212 129 83 88
+internal_count=261 212 129 83 88
+shrinkage=0.02
+
+
+Tree=9568
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 4
+split_gain=0.0933667 0.319008 0.268384 0.908007
+threshold=55.500000000000007 49.500000000000007 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.001866460115509767 -0.0015015488422782026 -0.00052435493478395899 0.002657473427929494 -0.0011266399264352647
+leaf_weight=43 55 52 41 70
+leaf_count=43 55 52 41 70
+internal_value=0 0.0274983 -0.015804 0.0132343
+internal_weight=0 95 166 111
+internal_count=261 95 166 111
+shrinkage=0.02
+
+
+Tree=9569
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 2
+split_gain=0.0939154 0.289392 0.346593 0.614312
+threshold=76.500000000000014 72.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0021280645132864644 0.00099505165973709227 -0.0016782298235851188 -0.00095677920222168595 -0.00097363858695425449
+leaf_weight=67 39 44 68 43
+leaf_count=67 39 44 68 43
+internal_value=0 -0.00880193 0.00956554 0.0454232
+internal_weight=0 222 178 110
+internal_count=261 222 178 110
+shrinkage=0.02
+
+
+Tree=9570
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 5
+split_gain=0.0896694 0.575685 1.11809 0.836891
+threshold=75.500000000000014 6.5000000000000009 49.500000000000007 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0010954533826419512 0.00096182307192652723 -0.00076720158696749784 -0.0029814012289113394 0.002763428340715416
+leaf_weight=48 40 59 63 51
+leaf_count=48 40 59 63 51
+internal_value=0 -0.00876845 -0.0605828 0.0431588
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9571
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.0993067 0.451961 0.559468
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00071366022762590204 0.00093889541139982559 0.0021297378460840115 -0.0015447204155826784
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0127782 -0.0132312
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9572
+num_leaves=5
+num_cat=0
+split_feature=9 9 9 6
+split_gain=0.0935564 0.307099 0.255482 0.469753
+threshold=55.500000000000007 41.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00072669730479572772 -0.0013597326550295449 0.0016214663235587627 -0.00077495230202045842 0.0020489758980119501
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0275223 -0.0158163 0.0157302
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9573
+num_leaves=5
+num_cat=0
+split_feature=6 7 9 5
+split_gain=0.0987957 0.227686 0.779472 0.350382
+threshold=70.500000000000014 66.500000000000014 58.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00061363825983294055 -0.00094753123368431392 0.0012982784399571347 -0.002372890247025459 0.001721977320189179
+leaf_weight=47 44 59 48 63
+leaf_count=47 44 59 48 63
+internal_value=0 0.00956964 -0.0108634 0.0358504
+internal_weight=0 217 158 110
+internal_count=261 217 158 110
+shrinkage=0.02
+
+
+Tree=9574
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.0974463 0.38271 0.352156 1.2921 0.807741
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0018537272279869847 0.00094046470879264124 0.0019679460217039207 0.00010239423213865393 0.0022134367832443596 -0.003947192607101864
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.00959861 0.0125474 -0.0125531 -0.0931756
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9575
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.101869 0.694764 0.802568 0.687374
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0027720586654697834 0.0010017724664548556 0.0025496135987315457 0.00083544459706740156 -0.0022040817025345623
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0184034 -0.0247098 -0.0253446
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9576
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 3
+split_gain=0.103862 0.953772 0.646676 0.572242 0.939432
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.00090485669002893481 -0.0030206211514832342 0.0025313750974997624 -0.001440467328164538 -0.0023123771942536492 0.0027516556582568219
+leaf_weight=49 40 45 44 40 43
+leaf_count=49 40 45 44 40 43
+internal_value=0 -0.0105087 0.0219866 -0.0148047 0.031143
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=9577
+num_leaves=6
+num_cat=0
+split_feature=8 9 4 9 4
+split_gain=0.104896 0.29502 0.359191 0.306179 0.0228532
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 55.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.0015557119954355484 -0.00093341003317526003 0.0014944332669367332 -0.0019320182447603643 -0.0011407632217283466 0.00057127124731699949
+leaf_weight=39 47 56 40 40 39
+leaf_count=39 47 56 40 40 39
+internal_value=0 0.0102228 -0.0124075 0.0158342 0.0537346
+internal_weight=0 214 158 118 78
+internal_count=261 214 158 118 78
+shrinkage=0.02
+
+
+Tree=9578
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.103826 0.665717 0.77045 0.658019
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0027064115868145489 0.00096593199683016827 0.0025078629928424567 0.00082997003615349076 -0.0021724703242322271
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0185556 -0.0236651 -0.0255423
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9579
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 4 2
+split_gain=0.108806 0.29673 0.492644 0.214688 1.48037
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 49.500000000000007 18.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.00082795572091711128 -0.00094781644463488466 0.0018124517159536946 -0.0020535356679506163 0.0032586762053948897 -0.001882780704499481
+leaf_weight=39 47 40 43 52 40
+leaf_count=39 47 40 43 52 40
+internal_value=0 0.0103861 -0.00785827 0.0229984 0.050742
+internal_weight=0 214 174 131 92
+internal_count=261 214 174 131 92
+shrinkage=0.02
+
+
+Tree=9580
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.1082 0.984435 0.609879 0.818177 0.369656
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024224519955593359 -0.0010118862797510802 0.0028948256700034041 -0.0026501503761650032 0.0021663076565133213 0.00031877174233450151
+leaf_weight=42 42 44 41 52 40
+leaf_count=42 42 44 41 52 40
+internal_value=0 0.0096758 -0.0240993 0.00882385 -0.0538195
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9581
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 3
+split_gain=0.108544 0.575176 1.17163 0.426201
+threshold=52.500000000000007 6.5000000000000009 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00084793704359081097 -0.002408319798592354 0.0029273185926865608 -0.0013256316859112699 0.00031305740236290162
+leaf_weight=56 61 53 52 39
+leaf_count=56 61 53 52 39
+internal_value=0 -0.0116345 0.0407001 -0.0669756
+internal_weight=0 205 105 100
+internal_count=261 205 105 100
+shrinkage=0.02
+
+
+Tree=9582
+num_leaves=4
+num_cat=0
+split_feature=1 2 2
+split_gain=0.107929 0.641356 0.622716
+threshold=7.5000000000000009 15.500000000000002 15.500000000000002
+decision_type=2 2 2
+left_child=2 -2 -1
+right_child=1 -3 -4
+leaf_value=-0.00089471317554117263 0.00093915981735982193 -0.0021602475315773122 0.0017112006480056571
+leaf_weight=77 58 52 74
+leaf_count=77 58 52 74
+internal_value=0 -0.0259594 0.0188631
+internal_weight=0 110 151
+internal_count=261 110 151
+shrinkage=0.02
+
+
+Tree=9583
+num_leaves=6
+num_cat=0
+split_feature=3 2 7 9 4
+split_gain=0.10636 0.339255 0.736223 1.16688 0.372322
+threshold=52.500000000000007 17.500000000000004 72.500000000000014 58.500000000000007 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -3
+right_child=1 4 -4 -5 -6
+leaf_value=0.00084078167979254189 0.001739675329753161 -0.0026013940550335545 0.0026745176242742919 -0.0031538510963221569 9.7893515373842878e-05
+leaf_weight=56 40 42 41 39 43
+leaf_count=56 40 42 41 39 43
+internal_value=0 -0.0115312 0.0234573 -0.0333326 -0.0613756
+internal_weight=0 205 120 79 85
+internal_count=261 205 120 79 85
+shrinkage=0.02
+
+
+Tree=9584
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.107749 0.643475 0.743962 0.603627
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.002648869371336834 0.00089712613119979673 0.0024789180753816164 0.00082778749599739796 -0.0021122990261004254
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0188569 -0.0226671 -0.0259341
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9585
+num_leaves=5
+num_cat=0
+split_feature=7 3 4 1
+split_gain=0.113305 0.293971 0.187031 0.561797
+threshold=75.500000000000014 68.500000000000014 52.500000000000007 5.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00081190102204708201 -0.0009640366609230249 0.001834091343079072 0.00067136548604772393 -0.0021603638509645664
+leaf_weight=59 47 39 62 54
+leaf_count=59 47 39 62 54
+internal_value=0 0.0105754 -0.00730571 -0.0320234
+internal_weight=0 214 175 116
+internal_count=261 214 175 116
+shrinkage=0.02
+
+
+Tree=9586
+num_leaves=5
+num_cat=0
+split_feature=6 2 9 4
+split_gain=0.10904 0.224617 0.406711 0.517417
+threshold=70.500000000000014 24.500000000000004 66.500000000000014 59.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00033299996120635529 -0.0009870073902571799 0.0015317304772207575 0.0015589765344843835 -0.0022902924707830126
+leaf_weight=77 44 44 44 52
+leaf_count=77 44 44 44 52
+internal_value=0 0.0100005 -0.00672766 -0.0359461
+internal_weight=0 217 173 129
+internal_count=261 217 173 129
+shrinkage=0.02
+
+
+Tree=9587
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.111293 0.945439 0.558937 0.579858
+threshold=77.500000000000014 24.500000000000004 64.200000000000003 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0008488133100716125 -0.0010235816433526344 0.0028446438744248299 -0.0022847578645761387 0.001984966984889841
+leaf_weight=76 42 44 50 49
+leaf_count=76 42 44 50 49
+internal_value=0 0.00981392 -0.0232949 0.0128061
+internal_weight=0 219 175 125
+internal_count=261 219 175 125
+shrinkage=0.02
+
+
+Tree=9588
+num_leaves=6
+num_cat=0
+split_feature=4 2 2 3 4
+split_gain=0.0991002 0.334972 0.864195 0.952337 0.772058
+threshold=51.500000000000007 25.500000000000004 19.500000000000004 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.00089894028799385542 -0.00012808290999702127 -0.0019011861301581104 0.0028364361541229864 0.0019291613502629389 -0.0038978937395643572
+leaf_weight=48 53 40 39 42 39
+leaf_count=48 53 40 39 42 39
+internal_value=0 -0.0101584 0.00927119 -0.0290625 -0.0868296
+internal_weight=0 213 173 134 92
+internal_count=261 213 173 134 92
+shrinkage=0.02
+
+
+Tree=9589
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 6
+split_gain=0.106119 0.257955 0.29611 0.991244 0.13851
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0012983912774362661 0.00015798222521024437 0.0017959644528554473 0.0013205639168970768 -0.0028412524351325037 -0.0015486945015535647
+leaf_weight=47 46 39 42 47 40
+leaf_count=47 46 39 42 47 40
+internal_value=0 0.0153944 -0.00568323 -0.038175 -0.031357
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=9590
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.101451 0.388465 0.318978 0.413423
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012312866295196155 -0.00075660593022752406 0.0019954641152546073 -0.00080749951576936964 0.0020724313904068405
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0122884 -0.0111935 0.0320351
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9591
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 7
+split_gain=0.104125 0.243913 0.276745 0.95392 0.132064
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0012884120082485464 0.0002840489311169262 0.001755491520304615 0.0012843430937682474 -0.0027741118454492498 -0.0013902874333997276
+leaf_weight=47 39 39 42 47 47
+leaf_count=47 39 39 42 47 47
+internal_value=0 0.015276 -0.00525449 -0.0367449 -0.0311044
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=9592
+num_leaves=5
+num_cat=0
+split_feature=9 9 4 4
+split_gain=0.102168 0.291808 0.255918 0.911917
+threshold=55.500000000000007 41.500000000000007 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00067474155632088354 -0.0014868388796683157 0.0016172091759897272 0.002638441283525212 -0.0011538368434169009
+leaf_weight=43 55 52 41 70
+leaf_count=43 55 52 41 70
+internal_value=0 0.0285826 -0.0163692 0.0120246
+internal_weight=0 95 166 111
+internal_count=261 95 166 111
+shrinkage=0.02
+
+
+Tree=9593
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 6
+split_gain=0.102764 0.339685 0.461937 1.07496
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00090134964313336055 0.0019292189404035997 -0.001818813699320219 -0.0025409655772462092 0.0012745945601054106
+leaf_weight=49 47 44 55 66
+leaf_count=49 47 44 55 66
+internal_value=0 -0.0104365 0.0104391 -0.0226805
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=9594
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 1
+split_gain=0.0983834 0.685128 0.627332 0.247955 2.49794
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0017492415670093855 -0.00097180164985611966 0.0025871613497504397 -0.0021532376812588654 -0.0037179734396592004 0.0032841924810339887
+leaf_weight=42 42 40 55 41 41
+leaf_count=42 42 40 55 41 41
+internal_value=0 0.00932669 -0.0173127 0.0224773 -0.0103664
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=9595
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.106741 0.640064 0.670807 0.28202
+threshold=7.5000000000000009 67.65000000000002 59.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00078984637209426043 0.00066288661415546683 0.0024724039966112945 -0.0024995215118043842 -0.001441747808412728
+leaf_weight=67 48 43 41 62
+leaf_count=67 48 43 41 62
+internal_value=0 0.0188012 -0.0226151 -0.0258128
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9596
+num_leaves=5
+num_cat=0
+split_feature=1 2 5 2
+split_gain=0.101686 0.633767 0.613936 0.702203
+threshold=7.5000000000000009 15.500000000000002 67.65000000000002 11.500000000000002
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.0025779259915895704 0.00094414375780144848 -0.0021374949207913973 0.0024230363034014636 0.00080223823443714086
+leaf_weight=40 58 52 43 68
+leaf_count=40 58 52 43 68
+internal_value=0 -0.0252898 0.0184256 -0.0221565
+internal_weight=0 110 151 108
+internal_count=261 110 151 108
+shrinkage=0.02
+
+
+Tree=9597
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 9
+split_gain=0.107544 0.283941 0.354604 0.281606
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00067599591787187473 -0.00094255139300568433 0.0014743846144499957 -0.0014357143315891655 0.0015781864632061996
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.0103656 -0.0118585 0.0274856
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9598
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.10369 0.910792 0.636931 0.800303 0.40796
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0024372925072207088 -0.0009932758923002793 0.0027912032317487672 -0.0026738147589595524 0.0021815956134827734 0.00043750157670424943
+leaf_weight=42 42 44 41 52 40
+leaf_count=42 42 44 41 52 40
+internal_value=0 0.00953673 -0.0229691 0.0106621 -0.0513015
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9599
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 5
+split_gain=0.102058 0.342561 0.680719 0.414809 0.26338
+threshold=42.500000000000007 12.500000000000002 53.500000000000007 67.500000000000014 66.600000000000009
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00089887896334418012 0.0022505044783234225 -0.0031114550598875346 0.0013494973747691431 -0.00063184269376703208 -0.0009057427542174389
+leaf_weight=49 42 39 40 41 50
+leaf_count=49 42 39 40 41 50
+internal_value=0 -0.0104003 -0.043713 0.0408866 0.0043987
+internal_weight=0 212 129 83 90
+internal_count=261 212 129 83 90
+shrinkage=0.02
+
+
+Tree=9600
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 7
+split_gain=0.0999955 0.247874 0.373934 0.128472
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00013615734473084489 0.0002837461554990008 -0.00070998480506567654 0.0022649100937440587 -0.0013705998693323957
+leaf_weight=62 39 65 48 47
+leaf_count=62 39 65 48 47
+internal_value=0 0.0150295 0.0452544 -0.0305729
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=9601
+num_leaves=5
+num_cat=0
+split_feature=9 6 1 2
+split_gain=0.0996643 0.332889 0.547871 1.98737
+threshold=42.500000000000007 47.500000000000007 7.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00088996084156822523 -0.0018478843532210437 -0.0011839105204451154 -0.0012671039391905 0.0044296842226674276
+leaf_weight=49 42 62 65 43
+leaf_count=49 42 62 65 43
+internal_value=0 -0.0103008 0.0097756 0.0554398
+internal_weight=0 212 170 105
+internal_count=261 212 170 105
+shrinkage=0.02
+
+
+Tree=9602
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 6
+split_gain=0.098893 0.234223 0.362559 0.123593
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00013790434563392331 0.00013763981258174411 -0.00068517319002751669 0.0022281254598274535 -0.0014858169442761829
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0149546 0.0444019 -0.0304378
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=9603
+num_leaves=5
+num_cat=0
+split_feature=9 6 5 5
+split_gain=0.0972872 0.320097 0.54513 0.339131
+threshold=42.500000000000007 47.500000000000007 57.650000000000013 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.00088096368624402668 -0.0018159244794133784 0.0023044353670130489 -0.0014299051641400696 0.00066130943669584497
+leaf_weight=49 42 39 69 62
+leaf_count=49 42 39 69 62
+internal_value=0 -0.0102036 0.00950145 -0.0217121
+internal_weight=0 212 170 131
+internal_count=261 212 170 131
+shrinkage=0.02
+
+
+Tree=9604
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.096431 0.381816 0.738256 0.599449
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0010119786484905206 -0.00074076436668173921 -0.0022944675668351787 0.0023796484182176769 0.00108798900833208
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0120337 0.0523381 -0.0384675
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9605
+num_leaves=6
+num_cat=0
+split_feature=4 9 5 2 7
+split_gain=0.0968669 0.666273 1.47186 1.10577 0.514908
+threshold=51.500000000000007 57.500000000000007 53.500000000000007 18.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.00089058411699187521 -0.0044674668251506993 -0.0024532662225514837 0.00098046293928003795 0.0029369571680859059 0.00080501150350068495
+leaf_weight=48 39 40 41 53 40
+leaf_count=48 39 40 41 53 40
+internal_value=0 -0.0100572 -0.0833498 0.0337487 -0.0407428
+internal_weight=0 213 80 133 80
+internal_count=261 213 80 133 80
+shrinkage=0.02
+
+
+Tree=9606
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 3
+split_gain=0.0977432 0.615998 1.18536 0.394761
+threshold=52.500000000000007 6.5000000000000009 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00081210836220684804 -0.0023963796638351272 0.0029853530651558946 -0.00129179589219988 0.00022592800350667634
+leaf_weight=56 61 53 52 39
+leaf_count=56 61 53 52 39
+internal_value=0 -0.0111062 0.0430041 -0.0683121
+internal_weight=0 205 105 100
+internal_count=261 205 105 100
+shrinkage=0.02
+
+
+Tree=9607
+num_leaves=5
+num_cat=0
+split_feature=9 9 9 6
+split_gain=0.100709 0.29748 0.237836 0.495317
+threshold=55.500000000000007 41.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00068954307097264381 -0.0013346975299925326 0.0016233572514381797 -0.00083324136912104479 0.0020639631871365539
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0284157 -0.0162669 0.0142381
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9608
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 7
+split_gain=0.101062 0.233345 0.355239 0.129983
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00012611659085556604 0.00028562933765780842 -0.00068064435569943616 0.0022169406364557771 -0.0013771925346471967
+leaf_weight=62 39 65 48 47
+leaf_count=62 39 65 48 47
+internal_value=0 0.0150942 0.04449 -0.0307104
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=9609
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 9
+split_gain=0.0991725 0.361382 0.558565 0.338329 0.172954
+threshold=42.500000000000007 12.500000000000002 50.500000000000007 67.500000000000014 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00088809152969049289 0.002086082424386061 -0.0028491305341272421 -0.00082828610205516403 -0.0005326290937612085 0.0010506012482977224
+leaf_weight=49 44 41 48 39 40
+leaf_count=49 44 41 48 39 40
+internal_value=0 -0.0102815 -0.0444456 0.0423281 0.000841308
+internal_weight=0 212 129 83 88
+internal_count=261 212 129 83 88
+shrinkage=0.02
+
+
+Tree=9610
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.0987542 0.302517 0.234833 0.48107
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0018475284803998646 -0.0013262906383746057 -0.00048383858878346491 -0.00081860851757529606 0.00203818640210309
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.028179 -0.0161404 0.0141848
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9611
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 6
+split_gain=0.103331 0.267948 0.361209 0.292429
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00044752010555825487 -0.00092706987637862644 0.0014369679288315767 -0.0019173802822523354 0.0016746283898906478
+leaf_weight=74 47 56 40 44
+leaf_count=74 47 56 40 44
+internal_value=0 0.0101823 -0.0114431 0.0168769
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=9612
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 7
+split_gain=0.103816 0.229064 0.351196 0.125807
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00012229327746821964 0.00026549119146653747 -0.00066896171937235057 0.0022080110590374093 -0.0013734843654885321
+leaf_weight=62 39 65 48 47
+leaf_count=62 39 65 48 47
+internal_value=0 0.0152565 0.0444028 -0.0310661
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=9613
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.0965436 0.380736 0.715458 0.573251
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00098165437721004899 -0.00074128143662630141 -0.0022605762187262101 0.0023583314682001401 0.0010492401767454398
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0120316 0.0522819 -0.0384013
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9614
+num_leaves=6
+num_cat=0
+split_feature=9 3 6 5 6
+split_gain=0.0998182 0.212865 0.271825 0.320241 0.120042
+threshold=67.500000000000014 66.500000000000014 49.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00065842396106605486 0.0001254889367070249 0.0016619752194529333 -0.0013044297420766651 0.0018472506263127856 -0.0014773700349283898
+leaf_weight=42 46 39 50 44 40
+leaf_count=42 46 39 50 44 40
+internal_value=0 0.0150023 -0.00426411 0.0307357 -0.0305664
+internal_weight=0 175 136 86 86
+internal_count=261 175 136 86 86
+shrinkage=0.02
+
+
+Tree=9615
+num_leaves=6
+num_cat=0
+split_feature=3 2 7 4 4
+split_gain=0.0978473 0.435256 0.699022 0.432804 0.369291
+threshold=52.500000000000007 17.500000000000004 72.500000000000014 62.500000000000007 65.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -3
+right_child=1 4 -4 -5 -6
+leaf_value=0.00081220010154989708 0.00093959316488570162 -0.0027123795528454508 0.0027158256785434795 -0.0020791588278379104 -0
+leaf_weight=56 40 42 41 39 43
+leaf_count=56 40 42 41 39 43
+internal_value=0 -0.0111245 0.0282984 -0.027054 -0.067228
+internal_weight=0 205 120 79 85
+internal_count=261 205 120 79 85
+shrinkage=0.02
+
+
+Tree=9616
+num_leaves=5
+num_cat=0
+split_feature=8 2 1 9
+split_gain=0.100429 0.288933 0.371697 0.718669
+threshold=72.500000000000014 7.5000000000000009 9.5000000000000018 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=0.001674171088770485 -0.00091621774246998088 0.0019037474774897555 -0.0015754373079639003 -0.0013344584908005315
+leaf_weight=45 47 64 55 50
+leaf_count=45 47 64 55 50
+internal_value=0 0.0100557 -0.009346 0.0238261
+internal_weight=0 214 169 114
+internal_count=261 214 169 114
+shrinkage=0.02
+
+
+Tree=9617
+num_leaves=5
+num_cat=0
+split_feature=8 2 7 2
+split_gain=0.0956508 0.276734 0.372895 0.363213
+threshold=72.500000000000014 7.5000000000000009 52.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.001640739598823329 -0.00089792069781350823 -0.0016521255963465368 -0.0010213110146404583 0.0013286256770496108
+leaf_weight=45 47 51 44 74
+leaf_count=45 47 51 44 74
+internal_value=0 0.00985103 -0.0091595 0.0222758
+internal_weight=0 214 169 118
+internal_count=261 214 169 118
+shrinkage=0.02
+
+
+Tree=9618
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 6
+split_gain=0.0952089 0.303996 0.240365 0.484477
+threshold=55.500000000000007 49.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0018417797658513751 -0.0013325985300289538 -0.00049508671042143972 -0.00081112503635088541 0.0020552627581639097
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0277408 -0.015912 0.0147457
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9619
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 9
+split_gain=0.0988302 0.197917 0.292613 0.424549
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0011723951139594971 -0.00094730288953447876 0.0011950926670772511 -0.00084164372885462313 0.0020754199640372461
+leaf_weight=72 44 62 41 42
+leaf_count=72 44 62 41 42
+internal_value=0 0.00958942 -0.0102366 0.0312668
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=9620
+num_leaves=5
+num_cat=0
+split_feature=9 9 9 1
+split_gain=0.0960529 0.29584 0.233564 1.1989
+threshold=55.500000000000007 41.500000000000007 72.500000000000014 6.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -2
+right_child=2 -3 -4 -5
+leaf_value=-0.00069789071955065284 0.0012511818552988251 0.0016091446000141858 0.00067214515954445065 -0.0030910206720195766
+leaf_weight=43 51 52 63 52
+leaf_count=43 51 52 63 52
+internal_value=0 0.0278374 -0.015975 -0.0466923
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9621
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.0975904 0.200663 0.312211 0.284964 0.120295
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00064848229469696467 0.00026389444260713782 0.0015808035755116834 -0.001542667001382032 0.0016633987495994918 -0.001343610749734494
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0148576 -0.00451307 0.0293957 -0.0302855
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=9622
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.0976129 0.357783 0.473362 1.07334
+threshold=42.500000000000007 24.500000000000004 53.150000000000013 70.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00088195554877168068 0.0019640083303617676 -0.0018547169770517127 -0.0021294825410149393 0.0016969823834402245
+leaf_weight=49 47 44 68 53
+leaf_count=49 47 44 68 53
+internal_value=0 -0.0102293 0.0111712 -0.0223404
+internal_weight=0 212 168 121
+internal_count=261 212 168 121
+shrinkage=0.02
+
+
+Tree=9623
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 7
+split_gain=0.0958915 0.21357 0.25462 0.915536 0.115932
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0012858948493006377 0.00025440780731503969 0.0016591243530924679 0.0012456021963175726 -0.0026958320473621728 -0.0013275639869831464
+leaf_weight=47 39 39 42 47 47
+leaf_count=47 39 39 42 47 47
+internal_value=0 0.0147537 -0.00454298 -0.0348494 -0.030062
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=9624
+num_leaves=6
+num_cat=0
+split_feature=7 6 2 6 6
+split_gain=0.0898543 0.348317 0.26226 0.89431 0.790008
+threshold=76.500000000000014 63.500000000000007 8.5000000000000018 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0010682530755051916 0.00097775602076771847 -0.0016280269653688882 0.0016787090044471432 0.0033106407213270555 -0.002225950730198737
+leaf_weight=45 39 53 40 39 45
+leaf_count=45 39 53 40 39 45
+internal_value=0 -0.00861362 0.014001 0.0388043 -0.0189595
+internal_weight=0 222 169 124 85
+internal_count=261 222 169 124 85
+shrinkage=0.02
+
+
+Tree=9625
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 5
+split_gain=0.0917647 0.35502 0.606567 0.396164 0.24391
+threshold=42.500000000000007 12.500000000000002 53.500000000000007 67.500000000000014 66.600000000000009
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00085995270733024817 0.002245625574889987 -0.0029920356742616258 0.001250699387952994 -0.00057344949126446765 -0.00092649314794350892
+leaf_weight=49 42 39 40 41 50
+leaf_count=49 42 39 40 41 50
+internal_value=0 -0.00996155 -0.0438416 0.0422065 0.0016243
+internal_weight=0 212 129 83 90
+internal_count=261 212 129 83 90
+shrinkage=0.02
+
+
+Tree=9626
+num_leaves=6
+num_cat=0
+split_feature=9 3 2 8 6
+split_gain=0.0885036 0.202267 0.250811 0.883479 0.109614
+threshold=67.500000000000014 66.500000000000014 21.500000000000004 50.500000000000007 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=0.0012557409448255925 0.00012668027839899738 0.0016163362274702045 0.0012364073226988556 -0.002657004023259274 -0.0014149438699701344
+leaf_weight=47 46 39 42 47 40
+leaf_count=47 46 39 42 47 40
+internal_value=0 0.0142824 -0.00453509 -0.0346324 -0.0290814
+internal_weight=0 175 136 94 86
+internal_count=261 175 136 94 86
+shrinkage=0.02
+
+
+Tree=9627
+num_leaves=6
+num_cat=0
+split_feature=7 6 2 6 6
+split_gain=0.090255 0.329619 0.259841 0.849106 0.752917
+threshold=76.500000000000014 63.500000000000007 8.5000000000000018 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0010744441757055087 0.00097967856423702873 -0.001590786328395702 0.0016459548985062616 0.0032332233082677572 -0.0021682305962991257
+leaf_weight=45 39 53 40 39 45
+leaf_count=45 39 53 40 39 45
+internal_value=0 -0.00862227 0.0134051 0.0381048 -0.0182019
+internal_weight=0 222 169 124 85
+internal_count=261 222 169 124 85
+shrinkage=0.02
+
+
+Tree=9628
+num_leaves=5
+num_cat=0
+split_feature=9 9 9 6
+split_gain=0.0900568 0.305389 0.245257 0.503624
+threshold=55.500000000000007 41.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.0007312196506641845 -0.001334622731219386 0.001610866846004832 -0.00081870664991420664 0.0021015518273770554
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0271296 -0.015536 0.0154135
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9629
+num_leaves=5
+num_cat=0
+split_feature=3 3 8 4
+split_gain=0.0929362 0.352544 0.263182 0.268801
+threshold=71.500000000000014 65.500000000000014 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00092794037670743774 -0.00072956616439498576 0.0019080877314880224 -0.0013828272141677429 0.0012608757796342465
+leaf_weight=39 64 42 54 62
+leaf_count=39 64 42 54 62
+internal_value=0 0.0118516 -0.0105635 0.0203858
+internal_weight=0 197 155 101
+internal_count=261 197 155 101
+shrinkage=0.02
+
+
+Tree=9630
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.0884504 0.337835 0.274651 0.421752
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001146561387211469 -0.0007149908361502663 0.0018699896467363917 -0.00086386001774769561 0.0020442984020813417
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0116108 -0.0103527 0.0299295
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9631
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 3
+split_gain=0.0916515 0.356623 0.594771 0.390056 0.237912
+threshold=42.500000000000007 12.500000000000002 53.500000000000007 67.500000000000014 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00085948987702063012 0.0022375831451060682 -0.0029733343889623582 0.0012268970681376251 -0.00056053133465990056 -0.00092556466676766509
+leaf_weight=49 42 39 40 41 50
+leaf_count=49 42 39 40 41 50
+internal_value=0 -0.00995787 -0.0439101 0.0423222 0.00112065
+internal_weight=0 212 129 83 90
+internal_count=261 212 129 83 90
+shrinkage=0.02
+
+
+Tree=9632
+num_leaves=5
+num_cat=0
+split_feature=2 2 3 7
+split_gain=0.0848993 0.399792 0.413607 0.65555
+threshold=8.5000000000000018 13.500000000000002 66.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=-0.00066866988779210284 0.0018835282730959974 -0.0015237466117405732 -0.0018688558520076888 0.0018476283452751839
+leaf_weight=69 47 40 47 58
+leaf_count=69 47 40 47 58
+internal_value=0 0.0120076 -0.0143833 0.0231647
+internal_weight=0 192 145 98
+internal_count=261 192 145 98
+shrinkage=0.02
+
+
+Tree=9633
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 4
+split_gain=0.0908851 0.621406 0.461452 0.388363
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0013016730919912791 0.0009677364305870355 -0.0018648619071609689 0.0022024729425597655 -0.0011913430137998288
+leaf_weight=43 40 64 47 67
+leaf_count=43 40 64 47 67
+internal_value=0 -0.00878718 0.0254123 -0.0104662
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=9634
+num_leaves=5
+num_cat=0
+split_feature=9 9 9 6
+split_gain=0.0895287 0.301902 0.248047 0.502926
+threshold=55.500000000000007 41.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00072574527645736609 -0.0013393986159919349 0.0016036934693600959 -0.00081404299755963609 0.0021042208681833663
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0270572 -0.0155059 0.0156081
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9635
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 4 2
+split_gain=0.0863452 0.298908 0.518449 0.246074 1.60002
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 49.500000000000007 18.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=-0.0009170327705741387 -0.00086097512138555931 0.001799422193784383 -0.002120510270022892 0.0033774871074503166 -0.001965369284078609
+leaf_weight=39 47 40 43 52 40
+leaf_count=39 47 40 43 52 40
+internal_value=0 0.00944957 -0.00886007 0.0227683 0.0523044
+internal_weight=0 214 174 131 92
+internal_count=261 214 174 131 92
+shrinkage=0.02
+
+
+Tree=9636
+num_leaves=5
+num_cat=0
+split_feature=9 6 5 5
+split_gain=0.086481 0.312255 0.54796 0.348814
+threshold=42.500000000000007 47.500000000000007 57.650000000000013 70.000000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 -3 -4
+right_child=1 2 3 -5
+leaf_value=0.00083919328306608979 -0.0017878991886813992 0.0023144967038978663 -0.0014399910388659756 0.00067939757023607449
+leaf_weight=49 42 39 69 62
+leaf_count=49 42 39 69 62
+internal_value=0 -0.00973252 0.00974229 -0.0215495
+internal_weight=0 212 170 131
+internal_count=261 212 170 131
+shrinkage=0.02
+
+
+Tree=9637
+num_leaves=5
+num_cat=0
+split_feature=2 4 9 1
+split_gain=0.0902204 0.358445 0.339054 0.712094
+threshold=25.500000000000004 53.500000000000007 67.500000000000014 7.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0016028390064987031 0.00091159943850478101 -0.00043221613397307333 -0.00085218943888067155 0.003061979355156379
+leaf_weight=56 44 55 64 42
+leaf_count=56 44 55 64 42
+internal_value=0 -0.0092725 0.0151535 0.0536805
+internal_weight=0 217 161 97
+internal_count=261 217 161 97
+shrinkage=0.02
+
+
+Tree=9638
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 6
+split_gain=0.0900751 0.639301 1.15012 0.401109
+threshold=52.500000000000007 6.5000000000000009 69.500000000000014 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00078491704376683173 -0.0026257335635437623 0.0029807806475639388 -0.00123301904026826 -1.1844383438362112e-05
+leaf_weight=56 52 53 52 48
+leaf_count=56 52 53 52 48
+internal_value=0 -0.0107535 0.0443451 -0.0689974
+internal_weight=0 205 105 100
+internal_count=261 205 105 100
+shrinkage=0.02
+
+
+Tree=9639
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.0895063 0.707203 0.418181 1.57772
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0014018848708718978 0.00072537362576712331 -0.0025676965004394138 -0.0012377499030298018 0.0034508701043267595
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0115762 0.0196595 0.0509773
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9640
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 4
+split_gain=0.0927665 0.584963 0.454085 0.394435
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012968408369135075 0.00097572452399627744 -0.0018178857456057202 0.0021680842440979786 -0.0012144896648885314
+leaf_weight=43 40 64 47 67
+leaf_count=43 40 64 47 67
+internal_value=0 -0.00887074 0.0243366 -0.011266
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=9641
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.0918215 0.679625 0.398164 1.51388
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013747181769600825 0.00073302570162823869 -0.0025253822092548639 -0.0012208389827588722 0.0033730743574292479
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0116967 0.0189362 0.0495358
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9642
+num_leaves=5
+num_cat=0
+split_feature=4 1 5 5
+split_gain=0.0939008 0.569655 1.12527 0.836456
+threshold=75.500000000000014 6.5000000000000009 57.300000000000004 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00048913821878018458 0.00098064154274956901 -0.0007750260748949191 -0.0036237564197629663 0.0027547673256208879
+leaf_weight=65 40 59 46 51
+leaf_count=65 40 59 46 51
+internal_value=0 -0.00891416 -0.0604656 0.0427479
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9643
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 3
+split_gain=0.0953056 0.359452 0.608124 0.378824 0.214386
+threshold=42.500000000000007 12.500000000000002 53.500000000000007 67.500000000000014 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00087328987747631217 0.0022189045275953566 -0.0030018955174693374 0.0011749223427066548 -0.00054030351447803657 -0.00087691359416867585
+leaf_weight=49 42 39 40 41 50
+leaf_count=49 42 39 40 41 50
+internal_value=0 -0.0101271 -0.0442055 0.0423493 0.0013168
+internal_weight=0 212 129 83 90
+internal_count=261 212 129 83 90
+shrinkage=0.02
+
+
+Tree=9644
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 4
+split_gain=0.0922576 0.569108 0.432192 0.381354
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012809898893019981 0.00097361536819737899 -0.0017957747019321515 0.0021204970787481719 -0.0011904028720572755
+leaf_weight=43 40 64 47 67
+leaf_count=43 40 64 47 67
+internal_value=0 -0.00884597 0.0239205 -0.0108422
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=9645
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.0935521 0.690508 0.938263 0.748367
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0028845056679181625 0.00073877320156051868 0.00043620952117085941 -0.0035084015067681812 -0.00062855873281950959
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.011782 -0.0724295 0.0472619
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=9646
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 5
+split_gain=0.0907424 0.549326 0.420541 0.393232
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 50.45000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014937403105692113 0.00096716324349487395 -0.0017670591887995425 0.0020894224988900097 0.00095537959563245462
+leaf_weight=53 40 64 47 57
+leaf_count=53 40 64 47 57
+internal_value=0 -0.00877904 0.023429 -0.0108791
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=9647
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.0955684 0.663139 0.910984 0.724112
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0023322765364689776 0.00074544330888454526 0.0004306004273580996 -0.0034572925816074617 -0.001178290169227739
+leaf_weight=60 63 51 47 40
+leaf_count=60 63 51 47 40
+internal_value=0 -0.0118792 -0.071349 0.0460107
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=9648
+num_leaves=6
+num_cat=0
+split_feature=7 6 2 6 6
+split_gain=0.0967097 0.282558 0.258705 0.827016 0.746685
+threshold=76.500000000000014 63.500000000000007 8.5000000000000018 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0011080763114247219 0.0010079153779525112 -0.001496884732152505 0.0016152351153054557 0.0031648930813139866 -0.0021832984094744593
+leaf_weight=45 39 53 40 39 45
+leaf_count=45 39 53 40 39 45
+internal_value=0 -0.00887267 0.0116025 0.0362592 -0.0193245
+internal_weight=0 222 169 124 85
+internal_count=261 222 169 124 85
+shrinkage=0.02
+
+
+Tree=9649
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.0931809 0.367944 0.377983 0.366946
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0010025786551045885 0.00074556268709608951 -0.0019932396023059863 0.0018253957936153514 -0.0013590247607859376
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0116298 0.0102993 -0.0203698
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=9650
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.0919257 0.641849 0.399974 1.52608
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013953089069957175 0.00073372888502099172 -0.002462434278039998 -0.0012449767107036401 0.0033673096225077569
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0116841 0.0181038 0.048772
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9651
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 2
+split_gain=0.0923951 0.272747 0.323899 0.66956
+threshold=76.500000000000014 72.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0021495297526271688 0.00098911316941881038 -0.0016353853615112849 -0.00092874259929991837 -0.0010854183018055321
+leaf_weight=67 39 44 68 43
+leaf_count=67 39 44 68 43
+internal_value=0 -0.00870693 0.00915384 0.0438902
+internal_weight=0 222 178 110
+internal_count=261 222 178 110
+shrinkage=0.02
+
+
+Tree=9652
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.0926372 0.624039 0.383135 1.48747
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013685703193171527 0.00073592920806681244 -0.0024331162593300678 -0.0012383150829636993 0.0033159955033266082
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0117276 0.0176535 0.047705
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9653
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 4
+split_gain=0.0944716 0.356869 0.375008 0.332768
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00065643346688560537 0.00074967525754167732 -0.0019693564542896703 0.0018115748467850718 -0.001553252474581768
+leaf_weight=59 62 40 44 56
+leaf_count=59 62 40 44 56
+internal_value=0 -0.0117023 0.00990783 -0.0206463
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=9654
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 5
+split_gain=0.0916442 0.584796 1.07216 0.843622
+threshold=75.500000000000014 6.5000000000000009 49.500000000000007 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0010393424099650282 0.00097116753172630491 -0.00076652759227309507 -0.0029540006018287887 0.0027779415877295589
+leaf_weight=48 40 59 63 51
+leaf_count=48 40 59 63 51
+internal_value=0 -0.008811 -0.061019 0.0435135
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9655
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 7
+split_gain=0.0938602 0.358952 0.442683 0.669402
+threshold=42.500000000000007 24.500000000000004 5.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00086809061955040335 -0.0010542628691194709 -0.0018536906735221357 0.0028932123191028813 -0.00041238150258169904
+leaf_weight=49 67 44 46 55
+leaf_count=49 67 44 46 55
+internal_value=0 -0.0100488 0.0113854 0.0543091
+internal_weight=0 212 168 101
+internal_count=261 212 168 101
+shrinkage=0.02
+
+
+Tree=9656
+num_leaves=5
+num_cat=0
+split_feature=4 1 5 5
+split_gain=0.0900589 0.543801 1.03197 0.817756
+threshold=75.500000000000014 6.5000000000000009 57.300000000000004 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00044410528373806199 0.00096425978180057304 -0.00077671857196626398 -0.0034971700862958944 0.0027143280414526324
+leaf_weight=65 40 59 46 51
+leaf_count=65 40 59 46 51
+internal_value=0 -0.00874762 -0.0591594 0.0417643
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9657
+num_leaves=5
+num_cat=0
+split_feature=9 6 1 2
+split_gain=0.0913027 0.34128 0.583025 1.86837
+threshold=42.500000000000007 47.500000000000007 7.5000000000000009 18.500000000000004
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00085829123924481597 -0.0018600450963001509 -0.0010746739722640691 -0.0012997140575172266 0.0043694194101174732
+leaf_weight=49 42 62 65 43
+leaf_count=49 42 62 65 43
+internal_value=0 -0.00993507 0.010382 0.0574312
+internal_weight=0 212 170 105
+internal_count=261 212 170 105
+shrinkage=0.02
+
+
+Tree=9658
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 2 9
+split_gain=0.0904366 0.326728 0.466317 0.253658 0.370249
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 19.500000000000004 49.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0002470814167305611 -0.00087725244929437451 0.0018718937011856316 -0.0020361351195311108 -0.00079990271223257469 0.0024623611394430189
+leaf_weight=42 47 40 43 47 42
+leaf_count=42 47 40 43 47 42
+internal_value=0 0.00963606 -0.00946485 0.0205788 0.0549523
+internal_weight=0 214 174 131 84
+internal_count=261 214 174 131 84
+shrinkage=0.02
+
+
+Tree=9659
+num_leaves=5
+num_cat=0
+split_feature=9 2 6 6
+split_gain=0.0887581 0.347224 0.431035 1.05899
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00084825031406188993 0.0019400151351986266 -0.0018235706422830456 -0.0024153874736440482 0.0013362134818060418
+leaf_weight=49 45 44 57 66
+leaf_count=49 45 44 57 66
+internal_value=0 -0.00982949 0.0112673 -0.0198109
+internal_weight=0 212 168 123
+internal_count=261 212 168 123
+shrinkage=0.02
+
+
+Tree=9660
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.0908149 0.464398 0.379228 1.26331 0.793773
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0020083376459918054 0.00091417582797333305 0.002078284425353467 0.00013471204977068033 0.0022176574801856951 -0.0038806820529068971
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.00929141 0.0150191 -0.0109836 -0.0907241
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9661
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 5
+split_gain=0.0928313 0.402276 1.23494 0.0307507
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 65.950000000000017
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00069332303565272754 0.0029803935544657129 -0.0012826773674240355 -0.0002908123905682521 -0.0013374471151608614
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0124616 0.0412148 -0.0415793
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=9662
+num_leaves=5
+num_cat=0
+split_feature=2 4 9 1
+split_gain=0.0914196 0.382502 0.327137 0.628338
+threshold=25.500000000000004 53.500000000000007 67.500000000000014 7.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=-0.0016481058536998001 0.00091660503170402083 -0.00034094118300249688 -0.00081814110640157905 0.0029460940517295649
+leaf_weight=56 44 55 64 42
+leaf_count=56 44 55 64 42
+internal_value=0 -0.00931982 0.0158776 0.0537584
+internal_weight=0 217 161 97
+internal_count=261 217 161 97
+shrinkage=0.02
+
+
+Tree=9663
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.0916704 0.71605 0.7032 0.656497
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0026581846052255004 0.00099037006180794393 0.0025665983743835886 0.00072360567889743154 -0.0021447285602846874
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0176361 -0.0261209 -0.0242415
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9664
+num_leaves=6
+num_cat=0
+split_feature=7 3 9 2 6
+split_gain=0.100865 0.316259 0.162527 0.521992 0.849105
+threshold=75.500000000000014 68.500000000000014 42.500000000000007 22.500000000000004 49.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.00085971694397894748 -0.00091783090397028601 0.0018808335282474887 0.0023798159515741519 -0.0024642162954891457 -0.0016587940700605618
+leaf_weight=49 47 39 42 41 43
+leaf_count=49 47 39 42 41 43
+internal_value=0 0.0100761 -0.0084379 -0.0287661 0.0163833
+internal_weight=0 214 175 126 85
+internal_count=261 214 175 126 85
+shrinkage=0.02
+
+
+Tree=9665
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 2 9
+split_gain=0.0960859 0.303466 0.440572 0.228097 0.356176
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 19.500000000000004 49.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00025340782567444281 -0.00089950188370755909 0.0018193108799869889 -0.0019687951837986575 -0.00073953563895528412 0.0024065922508478901
+leaf_weight=42 47 40 43 47 42
+leaf_count=42 47 40 43 47 42
+internal_value=0 0.00987488 -0.00856595 0.0206663 0.0533986
+internal_weight=0 214 174 131 84
+internal_count=261 214 174 131 84
+shrinkage=0.02
+
+
+Tree=9666
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.0976994 0.43872 0.371554 1.22834 0.76285
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0019651870553719138 0.00094199171433081985 0.0020422500231579072 0.0001047358188223949 0.0021700809926469976 -0.0038330497137872284
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.00958334 0.0140677 -0.0116831 -0.0903308
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9667
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.0966777 0.460641 0.577341
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00070519647991549824 0.00095031734963435988 0.0021446368935940127 -0.0015713201163649413
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0126645 -0.0135855
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9668
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.0961757 0.417384 0.364063 1.1785 0.736445
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0019220984418738399 0.00093600818297747779 0.0020155568831651022 9.8658412702187505e-05 0.0021165659619466299 -0.0037718000143789287
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.00951444 0.0135749 -0.0119265 -0.0889923
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9669
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.101684 0.721417 0.710667 0.611308
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0026567354924011801 0.00091874480608992494 0.0025902552980542988 0.00074263113377219319 -0.0021093346021993616
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0184212 -0.0254948 -0.0252937
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9670
+num_leaves=5
+num_cat=0
+split_feature=7 3 3 1
+split_gain=0.102524 0.291189 0.168124 0.652302
+threshold=75.500000000000014 68.500000000000014 52.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00079620843686446449 -0.00092389909795497112 0.0018185750322403551 -0.0023743065990491233 0.00066405586522939289
+leaf_weight=56 47 39 50 69
+leaf_count=56 47 39 50 69
+internal_value=0 0.0101555 -0.00764602 -0.0303247
+internal_weight=0 214 175 119
+internal_count=261 214 175 119
+shrinkage=0.02
+
+
+Tree=9671
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.1015 0.686571 0.687941 0.590497
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0026023400585521088 0.00089538152246627413 0.0025372761240242416 0.00074378481628139311 -0.0020822126859205569
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0184134 -0.02445 -0.0252685
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9672
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.106229 0.293886 0.374634 0.314007
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0018689428839684641 -0.00093764088976679529 0.0014939177681401103 -0.0014755623212929702 -0.00050389073255402309
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.0103139 -0.0122749 0.028115
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9673
+num_leaves=5
+num_cat=0
+split_feature=9 5 7 5
+split_gain=0.10843 0.560966 0.277283 0.215898
+threshold=77.500000000000014 67.65000000000002 57.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.000484897669358069 -0.0010120921721051034 0.0023092341930247952 -0.0012614542073371077 0.0014369525715933501
+leaf_weight=55 42 42 75 47
+leaf_count=55 42 42 75 47
+internal_value=0 0.00971976 -0.0151814 0.0196601
+internal_weight=0 219 177 102
+internal_count=261 219 177 102
+shrinkage=0.02
+
+
+Tree=9674
+num_leaves=5
+num_cat=0
+split_feature=7 3 3 1
+split_gain=0.107329 0.276551 0.161448 0.629314
+threshold=75.500000000000014 68.500000000000014 52.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00079174113743749985 -0.00094183507516096927 0.0017840128138543153 -0.002323396720820995 0.00066255995285063158
+leaf_weight=56 47 39 50 69
+leaf_count=56 47 39 50 69
+internal_value=0 0.0103529 -0.00701906 -0.0292977
+internal_weight=0 214 175 119
+internal_count=261 214 175 119
+shrinkage=0.02
+
+
+Tree=9675
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.104471 0.943118 0.616568 0.759474 0.343422
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0023479494355965452 -0.00099636226730867908 0.0028365904645960916 -0.0026497400391122155 0.002110953850745697 0.00029839106479177574
+leaf_weight=41 42 44 41 52 41
+leaf_count=41 42 44 41 52 41
+internal_value=0 0.00956902 -0.0235 0.00960021 -0.0507953
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9676
+num_leaves=5
+num_cat=0
+split_feature=9 6 1 3
+split_gain=0.101479 0.307589 0.60567 1.15997
+threshold=42.500000000000007 47.500000000000007 7.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0008967878513109522 -0.001789364723374902 0.0028378306803124478 -0.0013564216152829123 -0.0014968760586623762
+leaf_weight=49 42 64 65 41
+leaf_count=49 42 64 65 41
+internal_value=0 -0.0103734 0.00896124 0.0568874
+internal_weight=0 212 170 105
+internal_count=261 212 170 105
+shrinkage=0.02
+
+
+Tree=9677
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.0985329 0.903523 0.584609 0.735286 0.382435
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.002373325945094444 -0.00097237749513461936 0.0027770130997318678 -0.0025852040678357047 0.00207319966083654 0.00041386900815042676
+leaf_weight=42 42 44 41 52 40
+leaf_count=42 42 44 41 52 40
+internal_value=0 0.00933447 -0.0230436 0.00920766 -0.0502389
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9678
+num_leaves=5
+num_cat=0
+split_feature=9 2 6 6
+split_gain=0.0988432 0.349456 0.440573 1.05845
+threshold=42.500000000000007 24.500000000000004 49.500000000000007 64.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00088693588079297419 0.0019506871587213932 -0.0018371128189285137 -0.0024288463077690847 0.0013217163643462408
+leaf_weight=49 45 44 57 66
+leaf_count=49 45 44 57 66
+internal_value=0 -0.0102637 0.010897 -0.0205121
+internal_weight=0 212 168 123
+internal_count=261 212 168 123
+shrinkage=0.02
+
+
+Tree=9679
+num_leaves=5
+num_cat=0
+split_feature=9 8 4 4
+split_gain=0.0953381 0.308475 0.260236 0.884286
+threshold=55.500000000000007 49.500000000000007 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0018513738418991339 -0.0014865772116578208 -0.00050168841705227024 0.002616515915585981 -0.0011189492121477075
+leaf_weight=43 55 52 41 70
+leaf_count=43 55 52 41 70
+internal_value=0 0.0277773 -0.0159 0.0127197
+internal_weight=0 95 166 111
+internal_count=261 95 166 111
+shrinkage=0.02
+
+
+Tree=9680
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.0949793 0.676848 0.65074 0.595022
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0025502055923570443 0.00091434111914578053 0.0025122888055151065 0.00070653059819870035 -0.0020744305852509423
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0179093 -0.0246568 -0.0245843
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9681
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.101396 0.878904 0.527482 0.518591
+threshold=77.500000000000014 24.500000000000004 64.200000000000003 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00079441092766363997 -0.00098398763361440744 0.0027445656403354813 -0.0022186440991883937 0.0018905329757123513
+leaf_weight=76 42 44 50 49
+leaf_count=76 42 44 50 49
+internal_value=0 0.00944974 -0.022491 0.012608
+internal_weight=0 219 175 125
+internal_count=261 219 175 125
+shrinkage=0.02
+
+
+Tree=9682
+num_leaves=5
+num_cat=0
+split_feature=9 3 4 4
+split_gain=0.0982722 0.280068 0.255511 0.847364
+threshold=55.500000000000007 52.500000000000007 63.500000000000007 70.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0018824088429910809 -0.0014807187656452397 -0.00038405491129464933 0.0025589381371329298 -0.0010994592631392293
+leaf_weight=40 55 55 41 70
+leaf_count=40 55 55 41 70
+internal_value=0 0.0281257 -0.0161037 0.01227
+internal_weight=0 95 166 111
+internal_count=261 95 166 111
+shrinkage=0.02
+
+
+Tree=9683
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.0965975 0.838573 0.56356 0.715026 0.392774
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0023645049030732055 -0.00096445393623947548 0.002682749388681563 -0.0025262660259802268 0.0020580409423578533 0.00045894278577357598
+leaf_weight=42 42 44 41 52 40
+leaf_count=42 42 44 41 52 40
+internal_value=0 0.00925556 -0.0219559 0.00972526 -0.0489124
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9684
+num_leaves=5
+num_cat=0
+split_feature=9 8 7 2
+split_gain=0.0968393 0.289817 0.26034 0.700817
+threshold=55.500000000000007 49.500000000000007 66.500000000000014 14.500000000000002
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0018174776235443549 -0.0013087218813789703 -0.0004672690756105291 0.002113542791927942 -0.0013118453970540182
+leaf_weight=43 68 52 48 50
+leaf_count=43 68 52 48 50
+internal_value=0 0.0279521 -0.0160085 0.0179025
+internal_weight=0 95 166 98
+internal_count=261 95 166 98
+shrinkage=0.02
+
+
+Tree=9685
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.0942691 0.808271 0.548116 0.699563 0.33725
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0022860340894879524 -0.00095483329766949082 0.0026363994873973935 -0.002489235747867702 0.0020391336278011551 0.00033818497676932959
+leaf_weight=41 42 44 41 52 41
+leaf_count=41 42 44 41 52 41
+internal_value=0 0.0091598 -0.0214924 0.00976338 -0.0482504
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9686
+num_leaves=5
+num_cat=0
+split_feature=9 8 7 4
+split_gain=0.0953859 0.282103 0.265952 0.749357
+threshold=55.500000000000007 49.500000000000007 66.500000000000014 74.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0017981856104937069 -0.0013166393606484472 -0.0004577827594411655 -0.0010948555747187238 0.0025044536873203636
+leaf_weight=43 68 52 58 40
+leaf_count=43 68 52 58 40
+internal_value=0 0.0277749 -0.0159115 0.0183416
+internal_weight=0 95 166 98
+internal_count=261 95 166 98
+shrinkage=0.02
+
+
+Tree=9687
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.094234 0.679764 0.618122 0.60376
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0006503851099264196 0.00092581611475005124 0.0025154740645156426 -0.0025429336136454416 -0.0020841927918266927
+leaf_weight=69 58 43 39 52
+leaf_count=69 58 43 39 52
+internal_value=0 0.0178431 -0.0248128 -0.0245125
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9688
+num_leaves=5
+num_cat=0
+split_feature=9 5 9 1
+split_gain=0.0930361 0.599367 0.283504 0.195994
+threshold=77.500000000000014 67.65000000000002 62.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00081975411963521613 -0.00094965815086325931 0.0023658912698135033 -0.0018401264084177873 -0.00078584284659910866
+leaf_weight=77 42 42 41 59
+leaf_count=77 42 42 41 59
+internal_value=0 0.00911073 -0.0166079 0.00586416
+internal_weight=0 219 177 136
+internal_count=261 219 177 136
+shrinkage=0.02
+
+
+Tree=9689
+num_leaves=6
+num_cat=0
+split_feature=8 2 7 2 2
+split_gain=0.0930063 0.302299 0.400408 0.381718 0.410124
+threshold=72.500000000000014 7.5000000000000009 52.500000000000007 14.500000000000002 22.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=0.0016995487796419182 -0.00088745104682807694 -0.0017208451971000296 -0.0011999986799958724 0.0027301636119569542 -0.00020237275743716386
+leaf_weight=45 47 51 39 40 39
+leaf_count=45 47 51 39 40 39
+internal_value=0 0.00974497 -0.0100776 0.0224473 0.063672
+internal_weight=0 214 169 118 79
+internal_count=261 214 169 118 79
+shrinkage=0.02
+
+
+Tree=9690
+num_leaves=5
+num_cat=0
+split_feature=9 2 2 4
+split_gain=0.0937001 0.372017 0.422867 1.02048
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0008672626766284907 0.0011024692451286227 -0.0018820098113494312 0.0020727893160686307 -0.0025888446685866438
+leaf_weight=49 78 44 40 50
+leaf_count=49 78 44 40 50
+internal_value=0 -0.0100526 0.0117519 -0.0166915
+internal_weight=0 212 168 128
+internal_count=261 212 168 128
+shrinkage=0.02
+
+
+Tree=9691
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 4
+split_gain=0.0893162 0.553155 0.406231 0.397066
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.001324258998593405 0.00096090538426768849 -0.0017712781736744965 0.0020661266718241017 -0.0011953139699694476
+leaf_weight=43 40 64 47 67
+leaf_count=43 40 64 47 67
+internal_value=0 -0.00872282 0.0235942 -0.0101453
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=9692
+num_leaves=5
+num_cat=0
+split_feature=9 2 9 5
+split_gain=0.0890471 0.358058 0.422615 0.92624
+threshold=42.500000000000007 24.500000000000004 72.500000000000014 53.150000000000013
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00084946412478490308 0.0018364526557142324 -0.0018475638651539469 0.0019299703992742881 -0.0017685167341190302
+leaf_weight=49 47 44 45 76
+leaf_count=49 47 44 45 76
+internal_value=0 -0.00983817 0.0115709 -0.0192123
+internal_weight=0 212 168 123
+internal_count=261 212 168 123
+shrinkage=0.02
+
+
+Tree=9693
+num_leaves=6
+num_cat=0
+split_feature=7 6 2 6 6
+split_gain=0.0898891 0.276345 0.241498 0.862185 0.762742
+threshold=76.500000000000014 63.500000000000007 8.5000000000000018 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0010647439884258687 0.00097802409673853848 -0.0014780541555297921 0.0015986277246701323 0.0032007834755812944 -0.002239200699242092
+leaf_weight=45 39 53 40 39 45
+leaf_count=45 39 53 40 39 45
+internal_value=0 -0.00860933 0.0116528 0.0355408 -0.0211965
+internal_weight=0 222 169 124 85
+internal_count=261 222 169 124 85
+shrinkage=0.02
+
+
+Tree=9694
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.0879512 0.671273 0.616307 0.580275
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0025044469265739075 0.0009125060457636819 0.0024925500067309436 0.00066727180206313335 -0.002040244748754009
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0173503 -0.0250449 -0.0238241
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9695
+num_leaves=5
+num_cat=0
+split_feature=9 6 1 3
+split_gain=0.0897908 0.339017 0.554549 1.10249
+threshold=42.500000000000007 47.500000000000007 7.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00085249427682468641 -0.0018534408995338422 0.0027845458152240396 -0.0012634110870276324 -0.0014429432513622695
+leaf_weight=49 42 64 65 41
+leaf_count=49 42 64 65 41
+internal_value=0 -0.00986473 0.0103881 0.0563168
+internal_weight=0 212 170 105
+internal_count=261 212 170 105
+shrinkage=0.02
+
+
+Tree=9696
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 4
+split_gain=0.0880672 0.550556 0.396113 0.377724
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012960594073232043 0.00095554524655647925 -0.0017665199898049615 0.0020467367867058901 -0.0011643713099494038
+leaf_weight=43 40 64 47 67
+leaf_count=43 40 64 47 67
+internal_value=0 -0.00866561 0.0235776 -0.0097543
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=9697
+num_leaves=6
+num_cat=0
+split_feature=8 2 7 2 2
+split_gain=0.0840658 0.302712 0.40309 0.375128 0.376435
+threshold=72.500000000000014 7.5000000000000009 52.500000000000007 14.500000000000002 22.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=0.0016928733741384747 -0.0008514651620061325 -0.0017336025751801837 -0.0011922607972306427 0.0026590773491511955 -0.00015507860381431767
+leaf_weight=45 47 51 39 40 39
+leaf_count=45 47 51 39 40 39
+internal_value=0 0.00935941 -0.0104768 0.0221516 0.0630393
+internal_weight=0 214 169 118 79
+internal_count=261 214 169 118 79
+shrinkage=0.02
+
+
+Tree=9698
+num_leaves=5
+num_cat=0
+split_feature=9 9 9 6
+split_gain=0.0868042 0.282933 0.26305 0.458232
+threshold=55.500000000000007 41.500000000000007 64.500000000000014 69.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00069411444804467484 -0.0013638996559579 0.001565275704514987 -0.00074296525531716145 0.0020472482586103334
+leaf_weight=43 63 52 63 40
+leaf_count=43 63 52 63 40
+internal_value=0 0.0267216 -0.0153088 0.0166753
+internal_weight=0 95 166 103
+internal_count=261 95 166 103
+shrinkage=0.02
+
+
+Tree=9699
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 5
+split_gain=0.088322 0.339459 0.633321 0.359567 0.222991
+threshold=42.500000000000007 12.500000000000002 53.500000000000007 67.500000000000014 66.600000000000009
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.0008466038389982845 0.0021637239251644418 -0.0030197163527659332 0.0012380844526158356 -0.00052776765411196767 -0.00085035858657609114
+leaf_weight=49 42 39 40 41 50
+leaf_count=49 42 39 40 41 50
+internal_value=0 -0.00980697 -0.0429797 0.0412619 0.00345986
+internal_weight=0 212 129 83 90
+internal_count=261 212 129 83 90
+shrinkage=0.02
+
+
+Tree=9700
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.0861016 0.448838 0.588466
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00067246061310860289 0.00095648732362623216 0.0021096310207218689 -0.0015885230115409246
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0120777 -0.0138458
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9701
+num_leaves=5
+num_cat=0
+split_feature=6 3 2 6
+split_gain=0.0858803 0.24007 0.312628 0.349734
+threshold=70.500000000000014 65.500000000000014 15.500000000000002 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001250179808075623 -0.00089396657781019926 0.0012773911090544002 -0.00079901677722481776 0.0018647159803899637
+leaf_weight=72 44 62 39 44
+leaf_count=72 44 62 39 44
+internal_value=0 0.00906336 -0.0126201 0.0301917
+internal_weight=0 217 155 83
+internal_count=261 217 155 83
+shrinkage=0.02
+
+
+Tree=9702
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 1
+split_gain=0.0897283 0.756368 0.633583 0.288666 2.43351
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.001815112637090717 -0.00093577580255065995 0.0026983860638601568 -0.002195344506099141 -0.0037514156908602324 0.0031601188929956964
+leaf_weight=42 42 40 55 41 41
+leaf_count=42 42 40 55 41 41
+internal_value=0 0.00897063 -0.0189927 0.020987 -0.0143076
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=9703
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.0864331 0.304565 0.364733 0.28438
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017746024267258876 -0.00086130429553914689 0.0014985927874237345 -0.0014848196210225373 -0.00049031776648829676
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.00945481 -0.0135213 0.0263497
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9704
+num_leaves=5
+num_cat=0
+split_feature=1 5 6 2
+split_gain=0.0841593 0.638007 0.632465 0.558133
+threshold=7.5000000000000009 67.65000000000002 55.500000000000007 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00067316235138708256 0.00089471196073513334 0.0024340011612954369 -0.002556046451472217 -0.0020029740570968371
+leaf_weight=69 58 43 39 52
+leaf_count=69 58 43 39 52
+internal_value=0 0.0170328 -0.0243219 -0.0234119
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9705
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.091898 0.878334 0.509387 0.510536
+threshold=77.500000000000014 24.500000000000004 64.200000000000003 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00080598392567042846 -0.00094496075936602189 0.0027360050466451779 -0.0021966929250588929 0.0018589603592379165
+leaf_weight=76 42 44 50 49
+leaf_count=76 42 44 50 49
+internal_value=0 0.00905996 -0.022871 0.0116367
+internal_weight=0 219 175 125
+internal_count=261 219 175 125
+shrinkage=0.02
+
+
+Tree=9706
+num_leaves=5
+num_cat=0
+split_feature=8 3 7 5
+split_gain=0.0838448 0.25446 0.259595 0.23344
+threshold=72.500000000000014 65.500000000000014 57.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00055571582892834223 -0.0008508130866224557 0.0013489439563810907 -0.0014313225409383486 0.0014373511483721452
+leaf_weight=55 47 59 53 47
+leaf_count=55 47 59 53 47
+internal_value=0 0.00933682 -0.0125451 0.0177588
+internal_weight=0 214 155 102
+internal_count=261 214 155 102
+shrinkage=0.02
+
+
+Tree=9707
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 1
+split_gain=0.0874896 0.735569 0.616437 0.269204 2.36967
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0017654424321348265 -0.00092627303738572952 0.0026625120444936827 -0.0021657445245756089 -0.0036882479161220016 0.0031328333901581113
+leaf_weight=42 42 40 55 41 41
+leaf_count=42 42 40 55 41 41
+internal_value=0 0.00887401 -0.0187095 0.0207388 -0.0134098
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=9708
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.0832409 0.851665 0.540386 0.701877 0.394198
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0023850641940307074 -0.0009077783170109027 0.0026906061315850279 -0.0025002035104592759 0.0020126735665432112 0.00044306122709278578
+leaf_weight=42 42 44 41 52 40
+leaf_count=42 42 44 41 52 40
+internal_value=0 0.00869708 -0.0227537 0.00828438 -0.0498271
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9709
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 2
+split_gain=0.0888962 0.274646 0.366014 0.718468
+threshold=76.500000000000014 72.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0022384654003052029 0.00097337271281145463 -0.0016376322852111617 -0.00099155027078377356 -0.0011094110482442619
+leaf_weight=67 39 44 68 43
+leaf_count=67 39 44 68 43
+internal_value=0 -0.00858147 0.0093381 0.0461304
+internal_weight=0 222 178 110
+internal_count=261 222 178 110
+shrinkage=0.02
+
+
+Tree=9710
+num_leaves=5
+num_cat=0
+split_feature=7 6 4 3
+split_gain=0.0846057 0.263528 0.214475 0.227727
+threshold=76.500000000000014 63.500000000000007 61.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00075090044005490754 0.00095394022558728292 -0.0014456399252056648 0.0014473694171218776 -0.0010471560765933721
+leaf_weight=56 39 53 46 67
+leaf_count=56 39 53 46 67
+internal_value=0 -0.00841392 0.0114008 -0.0111033
+internal_weight=0 222 169 123
+internal_count=261 222 169 123
+shrinkage=0.02
+
+
+Tree=9711
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=0.0863402 0.661797 0.849892 0.780931
+threshold=72.500000000000014 6.5000000000000009 58.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0029086924048889917 0.00071491309182474168 0.00013587906777047856 -0.0036832679189706279 -0.00067852749990338914
+leaf_weight=45 63 58 40 55
+leaf_count=45 63 58 40 55
+internal_value=0 -0.0114025 -0.0708158 0.0464316
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=9712
+num_leaves=5
+num_cat=0
+split_feature=7 6 2 1
+split_gain=0.0862926 0.249969 0.245632 0.85232
+threshold=76.500000000000014 63.500000000000007 8.5000000000000018 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0010911406288495846 0.00096174135533384818 -0.0014159344168443431 0.0021275306169465198 -0.0012646146860694116
+leaf_weight=45 39 53 72 52
+leaf_count=45 39 53 72 52
+internal_value=0 -0.00847451 0.010855 0.034933
+internal_weight=0 222 169 124
+internal_count=261 222 169 124
+shrinkage=0.02
+
+
+Tree=9713
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.0834839 0.619137 0.390742 1.57465
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013774423282626029 0.00070524629737058993 -0.0024152189039095919 -0.0012881913941414954 0.0033962008692437111
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0112483 0.0180205 0.0483516
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9714
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 3
+split_gain=0.0856434 0.260547 0.292247 0.379942
+threshold=76.500000000000014 72.500000000000014 13.500000000000002 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00117630575070002 0.00095867837149681326 -0.0015996195506477792 0.00075669264017238049 -0.0017176220710030188
+leaf_weight=74 39 44 50 54
+leaf_count=74 39 44 50 54
+internal_value=0 -0.00845465 0.00902587 -0.0260326
+internal_weight=0 222 178 104
+internal_count=261 222 178 104
+shrinkage=0.02
+
+
+Tree=9715
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.0842032 0.612604 0.839001 0.772175
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0028576486045091731 0.00070769997471029457 0.00041334463322445069 -0.0033207480149434229 -0.00071015763222164656
+leaf_weight=45 63 51 47 55
+leaf_count=45 63 51 47 55
+internal_value=0 -0.011287 -0.0685215 0.0444118
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=9716
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 2
+split_gain=0.0873782 0.253127 0.324229 0.66074
+threshold=76.500000000000014 72.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0021332520525111022 0.00096665385855962047 -0.0015818094684811497 -0.00093785060681014125 -0.0010809078375978206
+leaf_weight=67 39 44 68 43
+leaf_count=67 39 44 68 43
+internal_value=0 -0.00851698 0.00872775 0.0434826
+internal_weight=0 222 178 110
+internal_count=261 222 178 110
+shrinkage=0.02
+
+
+Tree=9717
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.0854121 0.449339 0.54964
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00067036477972668264 0.00091507981951728299 0.0021097562434286808 -0.0015472314828264742
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0120337 -0.0139038
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9718
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 1
+split_gain=0.0806394 0.726742 0.57327 0.255564 2.3917
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.001703562782592549 -0.00089622669442620336 0.0026422970221171749 -0.0021063617175566384 -0.0037173705031931588 0.0031350197899739237
+leaf_weight=42 42 40 55 41 41
+leaf_count=42 42 40 55 41 41
+internal_value=0 0.00858886 -0.0188322 0.0192439 -0.0140838
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=9719
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 2
+split_gain=0.0817218 0.598956 0.781434 0.719543
+threshold=72.500000000000014 6.5000000000000009 58.500000000000007 13.500000000000002
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0027817008805851567 0.00069924678335113086 0.00013402059953964495 -0.0035312983837691753 -0.00066509331838825289
+leaf_weight=45 63 58 40 55
+leaf_count=45 63 58 40 55
+internal_value=0 -0.0111506 -0.0677662 0.0439415
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=9720
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.0846811 0.429108 0.514779
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00066795418398980387 0.00088845940451067048 0.0020682872646221053 -0.0014972589987625711
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0119961 -0.0133708
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9721
+num_leaves=5
+num_cat=0
+split_feature=9 5 7 5
+split_gain=0.0862042 0.640805 0.256781 0.242841
+threshold=77.500000000000014 67.65000000000002 57.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00061110775687094065 -0.00092058263619906096 0.0024320991390783427 -0.0012787662737396058 0.0014193643641264189
+leaf_weight=55 42 42 75 47
+leaf_count=55 42 42 75 47
+internal_value=0 0.00882759 -0.0177447 0.0158498
+internal_weight=0 219 177 102
+internal_count=261 219 177 102
+shrinkage=0.02
+
+
+Tree=9722
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 5
+split_gain=0.086898 0.459804 0.374447 1.26517 0.757159
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 64.200000000000003
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0019964503028697088 0.00089781250005842794 0.0020685174674489842 9.2727306088247178e-05 0.0022235272868406024 -0.0038305517536067648
+leaf_weight=46 44 39 41 52 39
+leaf_count=46 44 39 41 52 39
+internal_value=0 -0.0091288 0.0150654 -0.0107792 -0.0905778
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9723
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.0869624 0.41571 0.498057
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00067510965007728239 0.00088055731505600268 0.0020434716802921892 -0.001467582562585789
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0121303 -0.0128512
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9724
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.0883023 0.896606 0.482192 0.700512 0.374504
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0023954185370257557 -0.00092954981063532655 0.0027590278952143916 -0.0024025710696630709 0.0019660169880930927 0.00036344501824637202
+leaf_weight=42 42 44 41 52 40
+leaf_count=42 42 44 41 52 40
+internal_value=0 0.00891844 -0.0233378 0.00602614 -0.0520361
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9725
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.0840199 0.860332 0.437508 0.472919
+threshold=77.500000000000014 24.500000000000004 64.200000000000003 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00081733319665969748 -0.00091099012436777788 0.0027039350698073762 -0.0020741160932369568 0.0017517275583824219
+leaf_weight=76 42 44 50 49
+leaf_count=76 42 44 50 49
+internal_value=0 0.00874017 -0.0228675 0.00918795
+internal_weight=0 219 175 125
+internal_count=261 219 175 125
+shrinkage=0.02
+
+
+Tree=9726
+num_leaves=5
+num_cat=0
+split_feature=7 9 2 9
+split_gain=0.084656 0.251888 0.237025 0.353442
+threshold=76.500000000000014 72.500000000000014 13.500000000000002 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0010796638025443405 0.00095437498136283119 -0.0015764033347232989 0.00066079814864391194 -0.0017326642921191018
+leaf_weight=74 39 44 55 49
+leaf_count=74 39 44 55 49
+internal_value=0 -0.0084057 0.00879963 -0.0229805
+internal_weight=0 222 178 104
+internal_count=261 222 178 104
+shrinkage=0.02
+
+
+Tree=9727
+num_leaves=5
+num_cat=0
+split_feature=5 3 5 4
+split_gain=0.0816805 0.314846 0.747705 0.155857
+threshold=70.000000000000014 65.500000000000014 55.95000000000001 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00089957245031768848 0.00070665008836040685 0.0012898941509820734 -0.0030102880419185917 0.00075539255439551151
+leaf_weight=39 62 45 41 74
+leaf_count=39 62 45 41 74
+internal_value=0 -0.0110241 -0.0333702 0.00884657
+internal_weight=0 199 154 113
+internal_count=261 199 154 113
+shrinkage=0.02
+
+
+Tree=9728
+num_leaves=5
+num_cat=0
+split_feature=3 3 2 9
+split_gain=0.0815632 0.40331 0.345679 0.427045
+threshold=71.500000000000014 65.500000000000014 15.500000000000002 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0012994565597532592 -0.00069179852420572601 0.0020062291411767526 -0.00082629413232624543 0.0020987537796165251
+leaf_weight=72 64 42 41 42
+leaf_count=72 64 42 41 42
+internal_value=0 0.0112419 -0.0126695 0.0322371
+internal_weight=0 197 155 83
+internal_count=261 197 155 83
+shrinkage=0.02
+
+
+Tree=9729
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.0802143 0.824451 0.460049 0.652792 0.359347
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0023239320553777223 -0.0008941624273479849 0.0026486893612591351 -0.0023402195679813457 0.0019100597487923185 0.00038145674384678572
+leaf_weight=42 42 44 41 52 40
+leaf_count=42 42 44 41 52 40
+internal_value=0 0.00857919 -0.0223736 0.00633026 -0.0497641
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9730
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 2
+split_gain=0.0838721 0.244266 0.323672 0.606701
+threshold=76.500000000000014 72.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.002078754950142021 0.00095085792211061979 -0.0015558358201715231 -0.00093974893555577089 -0.0010045636151377773
+leaf_weight=67 39 44 68 43
+leaf_count=67 39 44 68 43
+internal_value=0 -0.00837098 0.00858843 0.0433159
+internal_weight=0 222 178 110
+internal_count=261 222 178 110
+shrinkage=0.02
+
+
+Tree=9731
+num_leaves=5
+num_cat=0
+split_feature=5 3 5 2
+split_gain=0.0829601 0.297386 0.728843 0.284099
+threshold=70.000000000000014 65.500000000000014 55.95000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00073909915899803241 0.00071102475191403341 0.0012483233728700026 -0.0029710545380503871 0.0013460366337128401
+leaf_weight=63 62 45 41 50
+leaf_count=63 62 45 41 50
+internal_value=0 -0.0110961 -0.0328552 0.00883571
+internal_weight=0 199 154 113
+internal_count=261 199 154 113
+shrinkage=0.02
+
+
+Tree=9732
+num_leaves=5
+num_cat=0
+split_feature=9 7 2 9
+split_gain=0.0846013 0.296473 0.685914 0.281501
+threshold=55.500000000000007 66.500000000000014 14.500000000000002 41.500000000000007
+decision_type=2 2 2 2
+left_child=3 -2 -3 -1
+right_child=1 2 -4 -5
+leaf_value=-0.00069671037598029357 -0.0013533922647683829 0.0021551580228328406 -0.0012340066035410018 0.0015573727175670644
+leaf_weight=43 68 48 50 52
+leaf_count=43 68 48 50 52
+internal_value=0 -0.0151483 0.0209094 0.0264463
+internal_weight=0 166 98 95
+internal_count=261 166 98 95
+shrinkage=0.02
+
+
+Tree=9733
+num_leaves=5
+num_cat=0
+split_feature=9 2 2 4
+split_gain=0.0849906 0.362695 0.484594 0.972076
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.0008335149070293178 0.0010323840268342769 -0.0018539927880564379 0.0021993337984405788 -0.0025716809355524552
+leaf_weight=49 78 44 40 50
+leaf_count=49 78 44 40 50
+internal_value=0 -0.00965342 0.0118883 -0.0184922
+internal_weight=0 212 168 128
+internal_count=261 212 168 128
+shrinkage=0.02
+
+
+Tree=9734
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.0829488 0.590013 0.368904 1.60824
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013432363431881216 0.00070361934800722227 -0.0023639790651093819 -0.001341043094122531 0.0033926911740586236
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0112093 0.0173795 0.0468992
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9735
+num_leaves=5
+num_cat=0
+split_feature=5 3 5 2
+split_gain=0.0860794 0.294255 0.699385 0.256265
+threshold=70.000000000000014 65.500000000000014 55.95000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00071375623472957536 0.00072172162922008298 0.0012376552029604365 -0.0029261969234173043 0.0012736823387624072
+leaf_weight=63 62 45 41 50
+leaf_count=63 62 45 41 50
+internal_value=0 -0.0112627 -0.0329143 0.00794051
+internal_weight=0 199 154 113
+internal_count=261 199 154 113
+shrinkage=0.02
+
+
+Tree=9736
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 6
+split_gain=0.0873771 0.363007 0.465572 1.08347
+threshold=42.500000000000007 24.500000000000004 70.000000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00084299788325387299 0.0015667910113550665 -0.0018567697802232674 0.0018893274003894643 -0.0023008566790243719
+leaf_weight=49 56 44 50 62
+leaf_count=49 56 44 50 62
+internal_value=0 -0.00975938 0.011791 -0.0229373
+internal_weight=0 212 168 118
+internal_count=261 212 168 118
+shrinkage=0.02
+
+
+Tree=9737
+num_leaves=5
+num_cat=0
+split_feature=9 6 2 4
+split_gain=0.0831155 0.365642 0.463522 0.859783
+threshold=42.500000000000007 47.500000000000007 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00082616196327717694 -0.0019077220221214123 0.0011300475438047132 0.0015869245510900447 -0.0025281723840331421
+leaf_weight=49 42 55 65 50
+leaf_count=49 42 55 65 50
+internal_value=0 -0.00956065 0.0114386 -0.0302436
+internal_weight=0 212 170 105
+internal_count=261 212 170 105
+shrinkage=0.02
+
+
+Tree=9738
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 4
+split_gain=0.0828952 0.503445 0.412959 0.389523
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012812798331349583 0.0009325100557745202 -0.0016951106255663267 0.0020554595646241273 -0.0012150136538797475
+leaf_weight=43 40 64 47 67
+leaf_count=43 40 64 47 67
+internal_value=0 -0.00845015 0.0224245 -0.0115864
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=9739
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.0857957 0.564415 0.362092 1.54008
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013435110436031458 0.00071347139650533174 -0.0023214873395964683 -0.0013128702969366129 0.0033206158519237679
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0113537 0.0166234 0.0458873
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9740
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 7
+split_gain=0.0846871 0.371501 0.486122 0.620105
+threshold=42.500000000000007 24.500000000000004 5.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00083249171053607711 -0.0010978439743754868 -0.0018725327607425997 0.0028816547066244976 -0.00030232551105662745
+leaf_weight=49 67 44 46 55
+leaf_count=49 67 44 46 55
+internal_value=0 -0.00963035 0.0121605 0.057044
+internal_weight=0 212 168 101
+internal_count=261 212 168 101
+shrinkage=0.02
+
+
+Tree=9741
+num_leaves=5
+num_cat=0
+split_feature=5 3 5 2
+split_gain=0.0875183 0.298251 0.654446 0.239315
+threshold=70.000000000000014 65.500000000000014 55.95000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00071676964461519913 0.00072672638898697069 0.0012455683437078721 -0.0028582036568861914 0.0012090310364491405
+leaf_weight=63 62 45 41 50
+leaf_count=63 62 45 41 50
+internal_value=0 -0.0113325 -0.0331203 0.00642501
+internal_weight=0 199 154 113
+internal_count=261 199 154 113
+shrinkage=0.02
+
+
+Tree=9742
+num_leaves=5
+num_cat=0
+split_feature=6 9 9 4
+split_gain=0.0826316 0.481528 0.355281 0.317977
+threshold=58.500000000000007 58.500000000000007 77.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 3 -2 -1
+right_child=2 -3 -4 -5
+leaf_value=0.0015994521841912104 0.0013016392233659178 -0.0022940678755310087 -0.0010763728260696442 -0.00065443982483873674
+leaf_weight=48 74 39 41 59
+leaf_count=48 74 39 41 59
+internal_value=0 -0.0175948 0.0223367 0.0174782
+internal_weight=0 146 115 107
+internal_count=261 146 115 107
+shrinkage=0.02
+
+
+Tree=9743
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.0854586 0.575045 0.760341 0.756006
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0022956501569866201 0.00071219882933593927 0.00036228997647085373 -0.0031959138741937949 -0.001290286731505769
+leaf_weight=60 63 51 47 40
+leaf_count=60 63 51 47 40
+internal_value=0 -0.0113424 -0.0668551 0.0426691
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=9744
+num_leaves=5
+num_cat=0
+split_feature=6 6 4 3
+split_gain=0.085884 0.278548 0.232931 0.213399
+threshold=69.500000000000014 63.500000000000007 61.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00066253479949522729 0.00084788187609806072 -0.001659199295805132 0.0014535540879069499 -0.0010816886289670357
+leaf_weight=56 48 44 46 67
+leaf_count=56 48 44 46 67
+internal_value=0 -0.00956404 0.0093348 -0.0140573
+internal_weight=0 213 169 123
+internal_count=261 213 169 123
+shrinkage=0.02
+
+
+Tree=9745
+num_leaves=5
+num_cat=0
+split_feature=5 3 5 7
+split_gain=0.0850446 0.285988 0.613949 0.161302
+threshold=70.000000000000014 65.500000000000014 55.95000000000001 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00055256561184589814 0.00071842812809541612 0.0012195247856407571 -0.002780075712246938 0.0010696127516260465
+leaf_weight=66 62 45 41 47
+leaf_count=66 62 45 41 47
+internal_value=0 -0.0111958 -0.0325628 0.00576575
+internal_weight=0 199 154 113
+internal_count=261 199 154 113
+shrinkage=0.02
+
+
+Tree=9746
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.0811783 0.556423 0.36254 1.50075
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013432994760277266 0.00069777192404387063 -0.0023021047329828976 -0.0012828959513468653 0.0032916638471447942
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.011101 0.0166829 0.0459637
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9747
+num_leaves=5
+num_cat=0
+split_feature=5 3 5 2
+split_gain=0.0841201 0.277602 0.591771 0.223191
+threshold=70.000000000000014 65.500000000000014 55.95000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00070992462865066778 0.00071524920170388205 0.0012004796395792034 -0.0027356535093988094 0.001155224243918888
+leaf_weight=63 62 45 41 50
+leaf_count=63 62 45 41 50
+internal_value=0 -0.011147 -0.0322211 0.00542457
+internal_weight=0 199 154 113
+internal_count=261 199 154 113
+shrinkage=0.02
+
+
+Tree=9748
+num_leaves=5
+num_cat=0
+split_feature=9 6 1 3
+split_gain=0.0835392 0.38188 0.499079 1.16606
+threshold=42.500000000000007 47.500000000000007 8.5000000000000018 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00082801409152269802 -0.0019437146276086816 0.0028169166363121033 -0.0014671425650349 -0.0011601294353617605
+leaf_weight=49 42 64 50 56
+leaf_count=49 42 64 50 56
+internal_value=0 -0.00957243 0.0118691 0.0477352
+internal_weight=0 212 170 120
+internal_count=261 212 170 120
+shrinkage=0.02
+
+
+Tree=9749
+num_leaves=5
+num_cat=0
+split_feature=5 3 5 2
+split_gain=0.0829841 0.269537 0.57814 0.213503
+threshold=70.000000000000014 65.500000000000014 55.95000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00069488734108475174 0.0007113266210635158 0.001182168664516923 -0.0027053123433165576 0.0011326858819733366
+leaf_weight=63 62 45 41 50
+leaf_count=63 62 45 41 50
+internal_value=0 -0.0110865 -0.0318752 0.00534494
+internal_weight=0 199 154 113
+internal_count=261 199 154 113
+shrinkage=0.02
+
+
+Tree=9750
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.0807394 0.766571 0.46187 0.656376 0.391582
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0023589481026224661 -0.00089628719763012543 0.0025630033834466918 -0.0023215895281646095 0.00193819945773626 0.00046042775881686114
+leaf_weight=42 42 44 41 52 40
+leaf_count=42 42 44 41 52 40
+internal_value=0 0.00861239 -0.0212536 0.00750744 -0.0487338
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9751
+num_leaves=5
+num_cat=0
+split_feature=5 3 7 5
+split_gain=0.0861153 0.260928 0.565178 0.222021
+threshold=70.000000000000014 65.500000000000014 57.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00065181289692799139 0.00072211177280526509 0.0011576917901364885 -0.0023611725898560073 0.0012974088447018492
+leaf_weight=55 62 45 52 47
+leaf_count=55 62 45 52 47
+internal_value=0 -0.0112512 -0.0317299 0.0119397
+internal_weight=0 199 154 102
+internal_count=261 199 154 102
+shrinkage=0.02
+
+
+Tree=9752
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.0818999 0.258449 0.389233 0.578414
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00067776163291522948 0.00070768557081999208 -0.001712101061935582 0.0014227067434235108 -0.0024930572789139721
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.0110223 0.00751859 -0.0327536
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=9753
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 7
+split_gain=0.0824493 0.388076 0.49016 0.626839
+threshold=42.500000000000007 24.500000000000004 5.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00082374042778788172 -0.0010916629446073602 -0.001905470582290331 0.0029057397636469101 -0.00029492392475795071
+leaf_weight=49 67 44 46 55
+leaf_count=49 67 44 46 55
+internal_value=0 -0.00951713 0.0127352 0.0577946
+internal_weight=0 212 168 101
+internal_count=261 212 168 101
+shrinkage=0.02
+
+
+Tree=9754
+num_leaves=5
+num_cat=0
+split_feature=6 5 7 5
+split_gain=0.083559 0.452255 0.281276 0.216079
+threshold=58.500000000000007 68.65000000000002 57.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=-0.00064283696012897853 0.0020790835373511057 -0.00055118465507032169 -0.0017374272322963095 0.0012822489788356494
+leaf_weight=55 44 71 44 47
+leaf_count=55 44 71 44 47
+internal_value=0 0.022444 -0.0176676 0.0118323
+internal_weight=0 115 146 102
+internal_count=261 115 146 102
+shrinkage=0.02
+
+
+Tree=9755
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.0839276 0.256118 0.370987 0.559933
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00067130557626661231 0.0007146160289902071 -0.0017080753126107518 0.0013902725365996572 -0.0024500997727707353
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.0111352 0.00732656 -0.0320313
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=9756
+num_leaves=5
+num_cat=0
+split_feature=5 3 5 2
+split_gain=0.0798013 0.247305 0.551743 0.209746
+threshold=70.000000000000014 65.500000000000014 55.95000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00068536487652663095 0.00070033972027491146 0.0011304445173950929 -0.0026395131348983083 0.0011273721761038758
+leaf_weight=63 62 45 41 50
+leaf_count=63 62 45 41 50
+internal_value=0 -0.0109093 -0.0308896 0.00549286
+internal_weight=0 199 154 113
+internal_count=261 199 154 113
+shrinkage=0.02
+
+
+Tree=9757
+num_leaves=6
+num_cat=0
+split_feature=7 5 9 2 8
+split_gain=0.0812248 0.309541 0.168442 0.6684 1.40007
+threshold=75.500000000000014 65.500000000000014 42.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.00081405995234115223 -0.00083954145669278652 0.0016853789994559836 0.0031361101123418291 -0.0028339372869339752 -0.0021872239680527654
+leaf_weight=49 47 46 39 39 41
+leaf_count=49 47 46 39 39 41
+internal_value=0 0.00924182 -0.0110899 -0.0327637 0.0199192
+internal_weight=0 214 168 119 80
+internal_count=261 214 168 119 80
+shrinkage=0.02
+
+
+Tree=9758
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 1
+split_gain=0.0813674 0.708124 0.532398 0.232584 2.44341
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0016286440737526009 -0.00089899303328262693 0.00261240315446242 -0.0020377397187634565 -0.0037440954292084663 0.00318145391988673
+leaf_weight=42 42 40 55 41 41
+leaf_count=42 42 40 55 41 41
+internal_value=0 0.00864336 -0.018431 0.0182999 -0.0135906
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=9759
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 9
+split_gain=0.086942 0.390849 0.837938 0.307125
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.001144911836575875 -0.000709633831488876 0.00032628944652942125 0.0024638898619129177 -0.0021209007615954735
+leaf_weight=43 64 47 67 40
+leaf_count=43 64 47 67 40
+internal_value=0 0.0115481 0.0523039 -0.0395234
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9760
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.0826916 0.374473 0.804087 0.603473
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0011220506615530234 -0.00069545641622882723 -0.0023045344731729965 0.0024146635004362164 0.0010888897295586435
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0113129 0.0512514 -0.0387252
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9761
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 2
+split_gain=0.0820114 0.227261 0.314532 0.671919
+threshold=76.500000000000014 72.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.002121551990446825 0.0009424629446671142 -0.0015087737187418587 -0.00093440598460026256 -0.0011192141769102285
+leaf_weight=67 39 44 68 43
+leaf_count=67 39 44 68 43
+internal_value=0 -0.00828764 0.00810999 0.0423766
+internal_weight=0 222 178 110
+internal_count=261 222 178 110
+shrinkage=0.02
+
+
+Tree=9762
+num_leaves=5
+num_cat=0
+split_feature=9 1 2 9
+split_gain=0.081656 0.539695 0.74225 0.722807
+threshold=72.500000000000014 6.5000000000000009 17.500000000000004 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.0022543689122369887 0.00069927686380037268 0.00013381389275883486 -0.0012997521930482282 -0.0033944712583340998
+leaf_weight=60 63 58 40 40
+leaf_count=60 63 58 40 40
+internal_value=0 -0.0111342 0.0412406 -0.064977
+internal_weight=0 198 100 98
+internal_count=261 198 100 98
+shrinkage=0.02
+
+
+Tree=9763
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 2
+split_gain=0.0832133 0.220991 0.293189 0.616594
+threshold=76.500000000000014 72.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020423655135720078 0.00094798655568836354 -0.0014926093914475278 -0.00090389717680575729 -0.0010657428390110123
+leaf_weight=67 39 44 68 43
+leaf_count=67 39 44 68 43
+internal_value=0 -0.00833694 0.0078485 0.0410102
+internal_weight=0 222 178 110
+internal_count=261 222 178 110
+shrinkage=0.02
+
+
+Tree=9764
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.0819924 0.582046 0.378785 1.48667
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013673960644912625 0.00070042102481441572 -0.0023488517778203696 -0.0012490937053234463 0.0033040586287736767
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0111532 0.0172467 0.0471377
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9765
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.0829566 0.262864 0.373852 0.537956
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00064848834759350955 0.00071109327877011495 -0.001725263601233604 0.0014001880337404507 -0.0024129668083509039
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.0110919 0.00759724 -0.0319047
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=9766
+num_leaves=4
+num_cat=0
+split_feature=3 6 9
+split_gain=0.0802439 0.346147 0.32316
+threshold=71.500000000000014 58.500000000000007 51.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.00060260349661568386 -0.00068727069869416559 0.0015928742328277668 -0.0013701500695701158
+leaf_weight=75 64 56 66
+leaf_count=75 64 56 66
+internal_value=0 0.0111697 -0.0157682
+internal_weight=0 197 141
+internal_count=261 197 141
+shrinkage=0.02
+
+
+Tree=9767
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 6 5
+split_gain=0.080596 0.419236 0.568468 0.376777 0.249587
+threshold=69.500000000000014 71.500000000000014 58.900000000000006 49.500000000000007 47.850000000000001
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00082509760111959974 0.00082639881899680722 -0.0021049474791218657 0.0022706221140590711 -0.0020250579874164735 0.0013727789417634173
+leaf_weight=42 48 39 43 42 47
+leaf_count=42 48 39 43 42 47
+internal_value=0 -0.00932415 0.0119798 -0.0210915 0.0163382
+internal_weight=0 213 174 131 89
+internal_count=261 213 174 131 89
+shrinkage=0.02
+
+
+Tree=9768
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.0811139 0.571769 0.366263 1.43755
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013441134714815483 0.00069738742662556804 -0.0023296919749132778 -0.001226267505301321 0.003251952122340807
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0111056 0.0170489 0.0464698
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9769
+num_leaves=5
+num_cat=0
+split_feature=7 2 6 7
+split_gain=0.0803127 0.219637 0.547223 0.857877
+threshold=76.500000000000014 7.5000000000000009 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=0.0010638929993242166 0.00093443083929411433 -0.0016753055607584381 -0.0025387221169579418 0.0016126580842989932
+leaf_weight=49 39 59 42 72
+leaf_count=49 39 59 42 72
+internal_value=0 -0.00822597 -0.0258682 0.0062806
+internal_weight=0 222 173 131
+internal_count=261 222 173 131
+shrinkage=0.02
+
+
+Tree=9770
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.0796215 0.362396 0.367808 0.26752
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016973170330685254 -0.00083310061812856692 0.0016044942118773619 -0.0015349990179086234 -0.00050416567571931958
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.00915662 -0.0158034 0.0242198
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9771
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.0817994 0.260022 0.358384 0.521306
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00064412437896263334 0.00070707680304902794 -0.0017164601201513686 0.0013748302153219092 -0.0023712579629152457
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.0110299 0.00756403 -0.0311484
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=9772
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.0797383 0.76532 0.450283 0.678788 0.361313
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.002332919553765243 -0.00089197130116255743 0.0025601030872986381 -0.0022991460137974473 0.0019599873306587788 0.00037946858607178647
+leaf_weight=42 42 44 41 52 40
+leaf_count=42 42 44 41 52 40
+internal_value=0 0.00856204 -0.0212801 0.00712908 -0.050043
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9773
+num_leaves=5
+num_cat=0
+split_feature=5 5 7 2
+split_gain=0.0848649 0.245464 0.208663 0.255728
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00038304546673486114 0.00071769904070993697 -0.0016802422547239244 0.0013114349255490662 -0.0016812510748649731
+leaf_weight=72 62 40 47 40
+leaf_count=72 62 40 47 40
+internal_value=0 -0.011192 0.00690501 -0.0173827
+internal_weight=0 199 159 112
+internal_count=261 199 159 112
+shrinkage=0.02
+
+
+Tree=9774
+num_leaves=5
+num_cat=0
+split_feature=5 3 5 2
+split_gain=0.0807008 0.243514 0.573837 0.204675
+threshold=70.000000000000014 65.500000000000014 55.95000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00066054080303599495 0.00070336127640814225 0.0011196673798513487 -0.0026765673593619112 0.001131788755882184
+leaf_weight=63 62 45 41 50
+leaf_count=63 62 45 41 50
+internal_value=0 -0.0109647 -0.0308036 0.00628299
+internal_weight=0 199 154 113
+internal_count=261 199 154 113
+shrinkage=0.02
+
+
+Tree=9775
+num_leaves=4
+num_cat=0
+split_feature=3 6 9
+split_gain=0.0802949 0.344061 0.324113
+threshold=71.500000000000014 58.500000000000007 51.500000000000007
+decision_type=2 2 2
+left_child=1 2 -1
+right_child=-2 -3 -4
+leaf_value=0.00060561192186334189 -0.00068733988082946636 0.0015891307444496547 -0.0013699077514741829
+leaf_weight=75 64 56 66
+leaf_count=75 64 56 66
+internal_value=0 0.0111778 -0.0156825
+internal_weight=0 197 141
+internal_count=261 197 141
+shrinkage=0.02
+
+
+Tree=9776
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 9
+split_gain=0.0797842 0.737895 0.452506 0.695511
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00073059422011383546 -0.00089206370509787246 0.0025181981107667644 0.00080638639252636436 -0.0026716556728364443
+leaf_weight=41 42 44 73 61
+leaf_count=41 42 44 73 61
+internal_value=0 0.00856967 -0.0207431 -0.0648342
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=9777
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.0801221 0.239969 0.33429 0.353142
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00094518490785796346 0.00070145795255328067 -0.0016598405476100789 0.0016681986863424589 -0.0013733535788848672
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0109271 0.00697952 -0.0219488
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=9778
+num_leaves=5
+num_cat=0
+split_feature=7 9 9 9
+split_gain=0.0796497 0.329291 0.328381 0.270533
+threshold=75.500000000000014 66.500000000000014 55.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00074803055031603494 -0.0008329848705810525 0.0015256965312070848 -0.0014677272228317329 0.0014654628217895679
+leaf_weight=43 47 57 62 52
+leaf_count=43 47 57 62 52
+internal_value=0 0.00916958 -0.0149656 0.0227669
+internal_weight=0 214 157 95
+internal_count=261 214 157 95
+shrinkage=0.02
+
+
+Tree=9779
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 2
+split_gain=0.0798114 0.216913 0.303609 0.645343
+threshold=76.500000000000014 72.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020805643436911212 0.00093232080321315608 -0.0014785154914474553 -0.00092143049639578146 -0.0010971977475737373
+leaf_weight=67 39 44 68 43
+leaf_count=67 39 44 68 43
+internal_value=0 -0.00819399 0.00785235 0.0415586
+internal_weight=0 222 178 110
+internal_count=261 222 178 110
+shrinkage=0.02
+
+
+Tree=9780
+num_leaves=5
+num_cat=0
+split_feature=6 5 9 4
+split_gain=0.0794076 0.436794 0.404805 0.318315
+threshold=58.500000000000007 68.65000000000002 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=2 -2 3 -1
+right_child=1 -3 -4 -5
+leaf_value=0.0015496349306042833 0.0020430776385228218 -0.00054371101247856722 -0.0021337571711164318 -0.00070604922092564317
+leaf_weight=48 44 71 39 59
+leaf_count=48 44 71 39 59
+internal_value=0 0.0219853 -0.0173141 0.0149363
+internal_weight=0 115 146 107
+internal_count=261 115 146 107
+shrinkage=0.02
+
+
+Tree=9781
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.0799738 0.239079 0.331049 0.491476
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00062478870481640677 0.00070080545838470333 -0.0016573416764283377 0.0013177188919787826 -0.0023061213844995706
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.0109256 0.00694987 -0.0303289
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=9782
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 9
+split_gain=0.079548 0.356636 0.320441 0.26061
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0007452116390620579 -0.00083269881862147442 0.0015937818504440735 -0.0014543794825098984 0.0014301811504070969
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.00915796 -0.0156116 0.0218646
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9783
+num_leaves=5
+num_cat=0
+split_feature=5 3 5 7
+split_gain=0.0782451 0.234603 0.564526 0.150003
+threshold=70.000000000000014 65.500000000000014 55.95000000000001 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00051719896762602376 0.0006947118059264034 0.001099387000306419 -0.0026510049080526506 0.0010532282585041118
+leaf_weight=66 62 45 41 47
+leaf_count=66 62 45 41 47
+internal_value=0 -0.0108312 -0.0303345 0.006458
+internal_weight=0 199 154 113
+internal_count=261 199 154 113
+shrinkage=0.02
+
+
+Tree=9784
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.0803399 0.344121 0.764116 0.560967
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0011029814203432605 -0.00068751350424303486 -0.002214863490687603 0.0023467466893460228 0.0010606523952369407
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0111793 0.0495552 -0.0368834
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9785
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 1
+split_gain=0.080144 0.710365 0.476948 0.239416 2.4653
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0016057614825217888 -0.00089375482794647415 0.0026149110381133785 -0.001953817380763711 -0.0038084275880114187 0.0031475830217449225
+leaf_weight=42 42 40 55 41 41
+leaf_count=42 42 40 55 41 41
+internal_value=0 0.00858088 -0.0185356 0.0162866 -0.0160478
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=9786
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.0837233 0.351126 0.733589 0.5391
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0010504453560579174 -0.00069907107872041593 -0.0021923569315823194 0.0023310407760229663 0.0010205513833885398
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0113631 0.0501046 -0.0371619
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9787
+num_leaves=6
+num_cat=0
+split_feature=4 9 5 2 4
+split_gain=0.0830489 0.74678 1.49248 1.05663 0.437759
+threshold=51.500000000000007 57.500000000000007 53.500000000000007 19.500000000000004 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.00083637284164942555 -0.0045576534337393457 -0.0021715341142843842 0.00092749513455310355 0.0030200889347723283 0.00080594425106211127
+leaf_weight=48 39 41 41 51 41
+leaf_count=48 39 41 41 51 41
+internal_value=0 -0.00943918 -0.0869085 0.0368795 -0.0336815
+internal_weight=0 213 80 133 82
+internal_count=261 213 80 133 82
+shrinkage=0.02
+
+
+Tree=9788
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.0857303 0.336878 0.699659 0.506039
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0010161159159358317 -0.00070574822869783863 -0.0021278232303069255 0.0022880767058540571 0.00098837113392636808
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0114752 0.0494672 -0.0361024
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9789
+num_leaves=6
+num_cat=0
+split_feature=4 9 5 9 6
+split_gain=0.0834615 0.720069 1.4266 0.944508 0.165269
+threshold=51.500000000000007 57.500000000000007 53.500000000000007 67.500000000000014 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -3 -5
+right_child=1 3 -4 4 -6
+leaf_value=0.00083809835860702928 -0.0044687357810613169 0.0029877807847521571 0.00089528354075752033 0.00031437063089212133 -0.0015438084546797349
+leaf_weight=48 39 48 41 45 40
+leaf_count=48 39 48 41 45 40
+internal_value=0 -0.00945542 -0.0855653 0.0360453 -0.0275607
+internal_weight=0 213 80 133 85
+internal_count=261 213 80 133 85
+shrinkage=0.02
+
+
+Tree=9790
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.0836245 0.325679 0.66946 0.482617
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00098750239621743204 -0.00069863192473128461 -0.0020833745057823841 0.002246367170378084 0.00096242289180672623
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.011363 0.0487563 -0.0354576
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9791
+num_leaves=6
+num_cat=0
+split_feature=4 9 5 2 7
+split_gain=0.0837585 0.694322 1.36362 0.990381 0.571502
+threshold=51.500000000000007 57.500000000000007 53.500000000000007 18.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.00083935200442686526 -0.0043816100441478149 -0.0024298289872283856 0.00086398179945586977 0.0028474397570686602 0.0009986344252794141
+leaf_weight=48 39 40 41 53 40
+leaf_count=48 39 40 41 53 40
+internal_value=0 -0.0094664 -0.0842424 0.0352317 -0.0353116
+internal_weight=0 213 80 133 80
+internal_count=261 213 80 133 80
+shrinkage=0.02
+
+
+Tree=9792
+num_leaves=6
+num_cat=0
+split_feature=2 5 9 9 8
+split_gain=0.0863453 1.01628 0.54362 0.482143 0.463904
+threshold=20.500000000000004 67.65000000000002 58.500000000000007 44.500000000000007 58.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.001373400460805029 0.0008829571968556446 0.0025892701662907393 -0.0026447318724894253 0.0017522716527883983 -0.0021441432397920545
+leaf_weight=40 43 54 41 42 41
+leaf_count=40 43 54 41 42 41
+internal_value=0 0.0139122 -0.0365374 0.0108967 -0.0292798
+internal_weight=0 177 123 82 84
+internal_count=261 177 123 82 84
+shrinkage=0.02
+
+
+Tree=9793
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 7
+split_gain=0.0915049 0.318432 0.357161 0.314021
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00066430831825255046 -0.00088120886350427684 0.001531051965574886 -0.0019545049857908814 0.0014699744227490946
+leaf_weight=65 47 56 40 53
+leaf_count=65 47 56 40 53
+internal_value=0 0.00969638 -0.0137699 0.0143919
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=9794
+num_leaves=5
+num_cat=0
+split_feature=8 2 7 1
+split_gain=0.0870799 0.309752 0.405311 0.410001
+threshold=72.500000000000014 7.5000000000000009 52.500000000000007 5.5000000000000009
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0017119688544127308 -0.00086361085568260486 -0.0017391424954509419 -0.00075444661962495592 0.0016538521178244576
+leaf_weight=45 47 51 59 59
+leaf_count=45 47 51 59 59
+internal_value=0 0.00949883 -0.0105548 0.0221597
+internal_weight=0 214 169 118
+internal_count=261 214 169 118
+shrinkage=0.02
+
+
+Tree=9795
+num_leaves=6
+num_cat=0
+split_feature=9 5 6 5 7
+split_gain=0.0870785 0.274247 0.287464 0.314512 0.16825
+threshold=67.500000000000014 62.400000000000006 49.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00071816827943369248 0.00043362082826273505 0.0017667206724194505 -0.0014501753652172672 0.0017671649153605323 -0.0014330716975965597
+leaf_weight=42 39 41 48 44 47
+leaf_count=42 39 41 48 44 47
+internal_value=0 0.0141986 -0.00822119 0.0272253 -0.0288795
+internal_weight=0 175 134 86 86
+internal_count=261 175 134 86 86
+shrinkage=0.02
+
+
+Tree=9796
+num_leaves=5
+num_cat=0
+split_feature=4 6 5 3
+split_gain=0.0853771 0.165249 0.403386 0.2283
+threshold=51.500000000000007 58.500000000000007 68.65000000000002 58.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00084585333889726543 -0.0018388853991787182 0.0018930362202928726 -0.00059802537391637645 0.00016001168171572835
+leaf_weight=48 49 44 71 49
+leaf_count=48 49 44 71 49
+internal_value=0 -0.00954097 0.0174348 -0.0415939
+internal_weight=0 213 115 98
+internal_count=261 213 115 98
+shrinkage=0.02
+
+
+Tree=9797
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 7
+split_gain=0.0888949 0.435358 0.480091 0.625005
+threshold=42.500000000000007 24.500000000000004 5.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00084911345251227968 -0.0010588636125664394 -0.0020080701794136348 0.0029134881980628236 -0.00028251079613464983
+leaf_weight=49 67 44 46 55
+leaf_count=49 67 44 46 55
+internal_value=0 -0.00981919 0.0136992 0.0583094
+internal_weight=0 212 168 101
+internal_count=261 212 168 101
+shrinkage=0.02
+
+
+Tree=9798
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 7
+split_gain=0.0846035 0.417298 0.460264 0.599592
+threshold=42.500000000000007 24.500000000000004 5.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.0008321550564997206 -0.0010377083971387711 -0.0019679724767090703 0.0028553070856041159 -0.00027686784247185717
+leaf_weight=49 67 44 46 55
+leaf_count=49 67 44 46 55
+internal_value=0 -0.00962672 0.0134164 0.0571371
+internal_weight=0 212 168 101
+internal_count=261 212 168 101
+shrinkage=0.02
+
+
+Tree=9799
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.0817867 0.451423 0.540825 0.550647
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0015921210086392986 0.0008312623207140593 -0.0021750838821360543 0.0010993265868365287 -0.0019523272083506956
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.00937983 0.0126987 -0.0352859
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=9800
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 7
+split_gain=0.0791336 0.392757 0.447953 0.57797
+threshold=42.500000000000007 24.500000000000004 5.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00081010532248267976 -0.0010289393303841152 -0.0019123922612679525 0.0028058320024486011 -0.00027099137662737257
+leaf_weight=49 67 44 46 55
+leaf_count=49 67 44 46 55
+internal_value=0 -0.00937165 0.0130095 0.0561696
+internal_weight=0 212 168 101
+internal_count=261 212 168 101
+shrinkage=0.02
+
+
+Tree=9801
+num_leaves=6
+num_cat=0
+split_feature=6 9 5 6 4
+split_gain=0.080722 0.430404 0.487278 0.415751 0.269676
+threshold=69.500000000000014 71.500000000000014 58.900000000000006 49.500000000000007 49.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00086204444985271331 0.00082690255388242432 -0.0021293071202031786 0.0021306599250713303 -0.0020493688343156112 0.0014291952976435035
+leaf_weight=39 48 39 43 42 50
+leaf_count=39 48 39 43 42 50
+internal_value=0 -0.00933067 0.0122452 -0.0184395 0.0208149
+internal_weight=0 213 174 131 89
+internal_count=261 213 174 131 89
+shrinkage=0.02
+
+
+Tree=9802
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.0806859 0.625059 0.363848 1.34868
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013131221276802081 0.00069589539654747864 -0.0024220523879991056 -0.0011355447708141472 0.0032035208981539319
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0110828 0.0183227 0.0476476
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9803
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 6
+split_gain=0.0827953 0.387773 0.456275 1.17721
+threshold=42.500000000000007 24.500000000000004 70.000000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00082480365995394374 0.0016763952029501881 -0.0019054772501119496 0.0018913746382486852 -0.0023525951690497714
+leaf_weight=49 56 44 50 62
+leaf_count=49 56 44 50 62
+internal_value=0 -0.00954953 0.0126944 -0.0216948
+internal_weight=0 212 168 118
+internal_count=261 212 168 118
+shrinkage=0.02
+
+
+Tree=9804
+num_leaves=5
+num_cat=0
+split_feature=9 1 2 8
+split_gain=0.0790371 0.545984 0.742465 0.741752
+threshold=72.500000000000014 6.5000000000000009 17.500000000000004 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.002263292356772373 0.00069017259342339296 0.00037619596615284887 -0.0012912557495184779 -0.0031393738382557079
+leaf_weight=60 63 51 40 47
+leaf_count=60 63 51 40 47
+internal_value=0 -0.0109917 0.0416785 -0.0651361
+internal_weight=0 198 100 98
+internal_count=261 198 100 98
+shrinkage=0.02
+
+
+Tree=9805
+num_leaves=5
+num_cat=0
+split_feature=7 6 9 4
+split_gain=0.0809863 0.23445 0.251977 0.447949
+threshold=76.500000000000014 63.500000000000007 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0011943801822513168 0.00093766966980071752 -0.0013751063077647918 0.0012533180424608367 -0.0015053965735590475
+leaf_weight=43 39 53 63 63
+leaf_count=43 39 53 63 63
+internal_value=0 -0.00824819 0.0105114 -0.0201298
+internal_weight=0 222 169 106
+internal_count=261 222 169 106
+shrinkage=0.02
+
+
+Tree=9806
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.0794904 0.438901 0.629549
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00065091323036826161 0.00099586544261378402 0.0020824041968644982 -0.0016337974580593407
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0117084 -0.0139369
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9807
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.0826052 0.766902 0.484724 0.701623 0.334512
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0022810644359423709 -0.00090458382844627397 0.0025650494714591515 -0.0023646748679120202 0.0020118772175963607 0.00033331532772265082
+leaf_weight=42 42 44 41 52 40
+leaf_count=42 42 44 41 52 40
+internal_value=0 0.00869004 -0.0211822 0.00826061 -0.0498406
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9808
+num_leaves=5
+num_cat=0
+split_feature=6 6 2 1
+split_gain=0.0813032 0.292563 0.23102 0.863755
+threshold=69.500000000000014 63.500000000000007 8.5000000000000018 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0010718344449534077 0.00082939981040995256 -0.001689056122224564 0.0021064168999450489 -0.0013081816692189288
+leaf_weight=45 48 44 72 52
+leaf_count=45 48 44 72 52
+internal_value=0 -0.00935182 0.00999138 0.0334055
+internal_weight=0 213 169 124
+internal_count=261 213 169 124
+shrinkage=0.02
+
+
+Tree=9809
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 9
+split_gain=0.0818728 0.37775 0.469596 0.569929
+threshold=42.500000000000007 24.500000000000004 5.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00082120756708071866 -0.0010695244763804671 -0.0018833175023613212 0.0027070344857293041 -0.00033801680406087274
+leaf_weight=49 67 44 49 52
+leaf_count=49 67 44 49 52
+internal_value=0 -0.00950091 0.0124652 0.0566111
+internal_weight=0 212 168 101
+internal_count=261 212 168 101
+shrinkage=0.02
+
+
+Tree=9810
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 6
+split_gain=0.0778589 0.361971 0.45534 1.11259
+threshold=42.500000000000007 24.500000000000004 70.000000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00080480694389705235 0.0016092711430895407 -0.001845711015480999 0.0018800869178743401 -0.0023092530059923926
+leaf_weight=49 56 44 50 62
+leaf_count=49 56 44 50 62
+internal_value=0 -0.00931486 0.012207 -0.0221494
+internal_weight=0 212 168 118
+internal_count=261 212 168 118
+shrinkage=0.02
+
+
+Tree=9811
+num_leaves=5
+num_cat=0
+split_feature=7 5 8 5
+split_gain=0.0809529 0.298865 0.153998 0.235519
+threshold=75.500000000000014 65.500000000000014 54.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00060696401642285395 -0.0008386055358737195 0.0016604395676828761 -0.0010080236306549257 0.0014067875657781282
+leaf_weight=55 47 46 67 46
+leaf_count=55 47 46 67 46
+internal_value=0 0.00921976 -0.0107761 0.0151307
+internal_weight=0 214 168 101
+internal_count=261 214 168 101
+shrinkage=0.02
+
+
+Tree=9812
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.0783308 0.579805 0.359806 1.36217
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013229176355793138 0.00068770180615080083 -0.0023409130628811144 -0.0011675040908585735 0.003193068657092324
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0109527 0.0173941 0.0465682
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9813
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 5
+split_gain=0.0782061 0.568772 1.00929 0.878998
+threshold=75.500000000000014 6.5000000000000009 49.500000000000007 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00099776915522357739 0.00091087665259168731 -0.00080299902212272671 -0.0028785917487521742 0.0028136377415373787
+leaf_weight=48 40 59 63 51
+leaf_count=48 40 59 63 51
+internal_value=0 -0.00826225 -0.0597776 0.043363
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9814
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.0825068 0.330044 0.337398 0.27156
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0016980569425815491 -0.00084508919707333837 0.0015456809898111215 -0.001462020515989195 -0.00051905930477253695
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.00928775 -0.0145827 0.0238287
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9815
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.082634 0.756907 0.478277 0.685028 0.336229
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0022708960594921518 -0.00090489316567874225 0.0025496681932962641 -0.0023485793879004851 0.0019904361128955882 0.00035005785519266947
+leaf_weight=42 42 44 41 52 40
+leaf_count=42 42 44 41 52 40
+internal_value=0 0.00868215 -0.0209984 0.00825398 -0.0491713
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9816
+num_leaves=5
+num_cat=0
+split_feature=9 8 1 3
+split_gain=0.0814667 0.355497 0.33525 1.02086
+threshold=42.500000000000007 50.500000000000007 7.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00081945936130073177 -0.0018118642893127416 0.0025822938776902701 -0.00093498692007427345 -0.0015017042244644622
+leaf_weight=49 45 63 63 41
+leaf_count=49 45 63 63 41
+internal_value=0 -0.00948745 0.0121568 0.0482321
+internal_weight=0 212 167 104
+internal_count=261 212 167 104
+shrinkage=0.02
+
+
+Tree=9817
+num_leaves=6
+num_cat=0
+split_feature=7 2 6 4 1
+split_gain=0.0821558 0.228108 0.537399 0.791053 0.518202
+threshold=76.500000000000014 7.5000000000000009 63.500000000000007 60.500000000000007 9.5000000000000018
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0010839451639016243 0.00094290328933160146 0.000452276965206048 -0.0025287696413141491 0.0025320805114554968 -0.0026129791338657966
+leaf_weight=49 39 51 42 39 41
+leaf_count=49 39 51 42 39 41
+internal_value=0 -0.00830482 -0.0262536 0.00561193 -0.045301
+internal_weight=0 222 173 131 92
+internal_count=261 222 173 131 92
+shrinkage=0.02
+
+
+Tree=9818
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 4
+split_gain=0.0797477 0.262776 0.301769 0.321561
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00065651155734538461 0.00069996417476221693 -0.0017215438984057418 0.0016121485593849389 -0.0015178367110982136
+leaf_weight=59 62 40 44 56
+leaf_count=59 62 40 44 56
+internal_value=0 -0.0109157 0.00777092 -0.0197814
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=9819
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 7
+split_gain=0.0769648 0.366441 0.462271 0.569827
+threshold=42.500000000000007 24.500000000000004 5.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00080119421172280506 -0.0010612750856784307 -0.0018544714916636945 0.0027948272438319201 -0.00026081686944651563
+leaf_weight=49 67 44 46 55
+leaf_count=49 67 44 46 55
+internal_value=0 -0.00926858 0.0123802 0.056196
+internal_weight=0 212 168 101
+internal_count=261 212 168 101
+shrinkage=0.02
+
+
+Tree=9820
+num_leaves=5
+num_cat=0
+split_feature=4 1 4 4
+split_gain=0.0788464 0.557047 0.983447 0.75851
+threshold=75.500000000000014 6.5000000000000009 61.500000000000007 61.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00025946601872286275 0.00091391517674503458 -0.0008768447169015159 -0.0036688479031557466 0.0024811586866878847
+leaf_weight=70 40 53 41 57
+leaf_count=70 40 53 41 57
+internal_value=0 -0.00828544 -0.0592864 0.0428207
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9821
+num_leaves=6
+num_cat=0
+split_feature=7 5 9 2 8
+split_gain=0.0806481 0.307512 0.159652 0.668659 1.42483
+threshold=75.500000000000014 65.500000000000014 42.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.00078994231097003886 -0.00083733090646889447 0.0016800482521637781 0.0031707089400242624 -0.002823695925180949 -0.0021987963342843682
+leaf_weight=49 47 46 39 39 41
+leaf_count=49 47 46 39 39 41
+internal_value=0 0.00920622 -0.0110621 -0.0322276 0.0204665
+internal_weight=0 214 168 119 80
+internal_count=261 214 168 119 80
+shrinkage=0.02
+
+
+Tree=9822
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.0784383 0.440762 0.601917
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.0006475230066591949 0.00096593839961436542 0.0020848567665707109 -0.0016070668406879362
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0116433 -0.0140546
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9823
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.0835279 0.783917 0.459356 0.672941 0.32564
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0022933891123523092 -0.00090870207045886981 0.0025914636681024141 -0.0023209163309275624 0.0019540954395679357 0.00028697705469138434
+leaf_weight=41 42 44 41 52 41
+leaf_count=41 42 44 41 52 41
+internal_value=0 0.00872602 -0.0214696 0.00721504 -0.0497157
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9824
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 1
+split_gain=0.0794341 0.760605 0.51398 0.25392 2.34115
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.001647597471048862 -0.0008905582729614571 0.0026969206181434073 -0.0020307005307614663 -0.0037318143761590475 0.0030480663985964556
+leaf_weight=42 42 40 55 41 41
+leaf_count=42 42 40 55 41 41
+internal_value=0 0.00855157 -0.019489 0.0166168 -0.0166209
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=9825
+num_leaves=5
+num_cat=0
+split_feature=7 5 3 9
+split_gain=0.0762 0.297501 0.15549 0.499436
+threshold=75.500000000000014 65.500000000000014 52.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00068748037780438898 -0.00081861629689578073 0.001652938780167213 0.00046843818838152636 -0.0022826398657098657
+leaf_weight=56 47 46 65 47
+leaf_count=56 47 46 65 47
+internal_value=0 0.00900064 -0.0109524 -0.0339799
+internal_weight=0 214 168 112
+internal_count=261 214 168 112
+shrinkage=0.02
+
+
+Tree=9826
+num_leaves=5
+num_cat=0
+split_feature=7 2 6 7
+split_gain=0.077617 0.216178 0.527677 0.789553
+threshold=76.500000000000014 7.5000000000000009 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=0.0010573654351268204 0.00092196137302285545 -0.0016099029263809124 -0.0024986485785901871 0.0015474916994778446
+leaf_weight=49 39 59 42 72
+leaf_count=49 39 59 42 72
+internal_value=0 -0.00810611 -0.0256218 0.00596275
+internal_weight=0 222 173 131
+internal_count=261 222 173 131
+shrinkage=0.02
+
+
+Tree=9827
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.0773062 0.331396 0.324714 0.283745
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017040358337097774 -0.00082319315911504347 0.0015437439066247121 -0.0014465816188571155 -0.0005595071031421348
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.00905804 -0.0148594 0.0228565
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9828
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.077366 0.257442 0.290374 0.328556
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0009511734223887179 0.00069167259712668268 -0.0017045844311142373 0.0015853213707362548 -0.0012899638767635596
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0107788 0.00772863 -0.0193262
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=9829
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.0773313 0.54237 2.0829 0.0475542
+threshold=9.5000000000000018 11.500000000000002 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0011822729789872169 -0.00063131430004050471 0.0047444904525769964 -0.00021119318458165604 -0.0014090906110173127
+leaf_weight=70 71 41 39 40
+leaf_count=70 71 41 39 40
+internal_value=0 0.0118116 0.0535282 -0.0414276
+internal_weight=0 190 120 79
+internal_count=261 190 120 79
+shrinkage=0.02
+
+
+Tree=9830
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.0777267 0.768605 0.44632 0.672274 0.312257
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0022744480715685875 -0.00088293864325995907 0.0025633584348041505 -0.002294204452045358 0.0019461142594420064 0.00025480559280326772
+leaf_weight=41 42 44 41 52 41
+leaf_count=41 42 44 41 52 41
+internal_value=0 0.00847484 -0.0214301 0.00685741 -0.0500467
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9831
+num_leaves=5
+num_cat=0
+split_feature=7 2 6 7
+split_gain=0.0802308 0.220253 0.495147 0.748711
+threshold=76.500000000000014 7.5000000000000009 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=0.0010655962780424697 0.00093409647422813835 -0.001590158163804945 -0.0024438916832130709 0.0014867068091294995
+leaf_weight=49 39 59 42 72
+leaf_count=49 39 59 42 72
+internal_value=0 -0.00822025 -0.025885 0.00473652
+internal_weight=0 222 173 131
+internal_count=261 222 173 131
+shrinkage=0.02
+
+
+Tree=9832
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.0799205 0.237091 0.269792 0.328955
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00095345225713990218 0.00070062513860965562 -0.0016517435905640044 0.0015203981927382805 -0.0012889918683233492
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0109224 0.00688339 -0.0192514
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=9833
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.0774521 0.526577 2.01081 0.0391695
+threshold=9.5000000000000018 11.500000000000002 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0011620350669688262 -0.00063176577369573341 0.0046693119654871414 -0.00022726215896992115 -0.0013513480224289856
+leaf_weight=70 71 41 39 40
+leaf_count=70 71 41 39 40
+internal_value=0 0.011816 0.0529445 -0.0403615
+internal_weight=0 190 120 79
+internal_count=261 190 120 79
+shrinkage=0.02
+
+
+Tree=9834
+num_leaves=5
+num_cat=0
+split_feature=8 5 7 5
+split_gain=0.0769926 0.333656 0.178588 0.212154
+threshold=72.500000000000014 65.500000000000014 57.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00056536987865628144 -0.00082210441948009046 0.0017351308392552045 -0.0010976918017573738 0.0013424569765979986
+leaf_weight=55 47 46 66 47
+leaf_count=55 47 46 66 47
+internal_value=0 0.00903151 -0.0120396 0.0153103
+internal_weight=0 214 168 102
+internal_count=261 214 168 102
+shrinkage=0.02
+
+
+Tree=9835
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 4
+split_gain=0.0770028 0.212418 0.314711 0.462848
+threshold=76.500000000000014 72.500000000000014 9.5000000000000018 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00083049556181553799 0.00091881866206178762 -0.0014639746677701047 -0.00094095737879253865 0.0018857864766275375
+leaf_weight=42 39 44 68 68
+leaf_count=42 39 44 68 68
+internal_value=0 -0.00809245 0.00779906 0.0420762
+internal_weight=0 222 178 110
+internal_count=261 222 178 110
+shrinkage=0.02
+
+
+Tree=9836
+num_leaves=6
+num_cat=0
+split_feature=4 9 2 3 7
+split_gain=0.0776038 0.712946 1.06679 1.05377 0.555343
+threshold=51.500000000000007 57.500000000000007 18.500000000000004 58.500000000000007 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 4 -2 -3
+right_child=1 2 -4 -5 -6
+leaf_value=0.00081382243579208218 -0.004073861537800135 -0.0024415111796484644 0.0029440165494168708 0.00054408016607132678 0.00093918345175034569
+leaf_weight=48 39 40 53 41 40
+leaf_count=48 39 40 53 41 40
+internal_value=0 -0.00919409 0.0360865 -0.0849384 -0.0370915
+internal_weight=0 213 133 80 80
+internal_count=261 213 133 80 80
+shrinkage=0.02
+
+
+Tree=9837
+num_leaves=5
+num_cat=0
+split_feature=8 9 4 7
+split_gain=0.0829831 0.318289 0.337142 0.281151
+threshold=72.500000000000014 66.500000000000014 64.500000000000014 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00063892820685419488 -0.00084710424988733782 0.0015230384644300985 -0.0019169774972086452 0.0013875427671985617
+leaf_weight=65 47 56 40 53
+leaf_count=65 47 56 40 53
+internal_value=0 0.00930661 -0.0141556 0.0132387
+internal_weight=0 214 158 118
+internal_count=261 214 158 118
+shrinkage=0.02
+
+
+Tree=9838
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.082055 0.305318 0.382183 0.299033 0.162926
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0007134795136836523 0.00043258476086077192 0.0018362492383876101 -0.001791503116512675 0.0016520365276428016 -0.0014074604811246971
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0138528 -0.00973771 0.0275883 -0.0282027
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=9839
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 4
+split_gain=0.0816231 0.648236 0.64361 0.178742
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.0007543628186715655 -0.0026129848537782929 0.0023747821727366949 -0.00055926014433493171 -0.00058568771744525001
+leaf_weight=56 41 54 71 39
+leaf_count=56 41 54 71 39
+internal_value=0 -0.0103234 0.0351235 -0.0818022
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=9840
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 4
+split_gain=0.0776209 0.621873 0.617418 0.170756
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00073929439114603704 -0.0025608140942764189 0.0023273480124392661 -0.00054808584254838351 -0.00057399496371281678
+leaf_weight=56 41 54 71 39
+leaf_count=56 41 54 71 39
+internal_value=0 -0.0101213 0.0344156 -0.080179
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=9841
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.0823701 0.498394 1.98325 0.0473348
+threshold=9.5000000000000018 11.500000000000002 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0011197734492403885 -0.00064786626974523579 0.0046288825781249003 -0.00019430751824336251 -0.001389693942042786
+leaf_weight=70 71 41 39 40
+leaf_count=70 71 41 39 40
+internal_value=0 0.0120927 0.0521494 -0.0405189
+internal_weight=0 190 120 79
+internal_count=261 190 120 79
+shrinkage=0.02
+
+
+Tree=9842
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.0782655 0.477786 1.90428 0.0446096
+threshold=9.5000000000000018 11.500000000000002 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0010974004817481933 -0.00063492191726646134 0.0045364627527267592 -0.00019042832682985219 -0.0013619487306290442
+leaf_weight=70 71 41 39 40
+leaf_count=70 71 41 39 40
+internal_value=0 0.0118389 0.0510949 -0.0397201
+internal_weight=0 190 120 79
+internal_count=261 190 120 79
+shrinkage=0.02
+
+
+Tree=9843
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 4
+split_gain=0.0793087 0.273806 0.213463 0.474042
+threshold=72.050000000000026 63.500000000000007 57.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0012571823534505784 0.00081018216276341299 -0.0016647214733975821 0.0011499834918779258 -0.0015172948495359227
+leaf_weight=43 49 43 63 63
+leaf_count=43 49 43 63 63
+internal_value=0 -0.00941176 0.00916204 -0.0192085
+internal_weight=0 212 169 106
+internal_count=261 212 169 106
+shrinkage=0.02
+
+
+Tree=9844
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=0.0775331 0.747528 1.28947 1.09124
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00079303292589961874 0.0020273386845599596 -0.0049087095349149056 0.0010869144431753421 -0.00038452057036113556
+leaf_weight=50 48 41 75 47
+leaf_count=50 48 41 75 47
+internal_value=0 -0.00944029 -0.0423454 -0.125185
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=9845
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.0759772 0.308891 0.327006 0.297962
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017491728815742897 -0.00081816561472613462 0.0014975769965325911 -0.0014366241470652639 -0.0005668175492928631
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.00896528 -0.0141663 0.0236787
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9846
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.0764571 0.166629 0.277127 0.495465
+threshold=72.050000000000026 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00070394195959075617 0.00079854647663695421 -0.0012141134764136446 0.0012373726188521924 -0.0022392355069964362
+leaf_weight=56 49 53 62 41
+leaf_count=56 49 53 62 41
+internal_value=0 -0.00927162 0.00764077 -0.0266279
+internal_weight=0 212 159 97
+internal_count=261 212 159 97
+shrinkage=0.02
+
+
+Tree=9847
+num_leaves=5
+num_cat=0
+split_feature=6 5 7 5
+split_gain=0.0761558 0.283949 0.178815 0.219373
+threshold=70.500000000000014 65.500000000000014 57.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0005655171820261051 -0.00085221197257473111 0.0015593409536143344 -0.0010852801555969794 0.0013716892812924194
+leaf_weight=55 44 49 66 47
+leaf_count=55 44 49 66 47
+internal_value=0 0.00862274 -0.0113887 0.0159804
+internal_weight=0 217 168 102
+internal_count=261 217 168 102
+shrinkage=0.02
+
+
+Tree=9848
+num_leaves=5
+num_cat=0
+split_feature=7 2 6 1
+split_gain=0.0753401 0.22788 0.506228 0.724008
+threshold=76.500000000000014 7.5000000000000009 63.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=0.0010887068968447693 0.00091055707804360965 0.0013868566676024244 -0.0024664534545154448 -0.0016645714786192541
+leaf_weight=49 39 76 42 55
+leaf_count=49 39 76 42 55
+internal_value=0 -0.0080404 -0.0259818 0.00497072
+internal_weight=0 222 173 131
+internal_count=261 222 173 131
+shrinkage=0.02
+
+
+Tree=9849
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 6
+split_gain=0.0784931 0.301733 0.350518 0.298759 0.141974
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00074598538514650833 0.00024011240926408858 0.0018225180668815777 -0.0017299766016512976 0.0016189765842718384 -0.0014868922855324777
+leaf_weight=42 46 41 43 49 40
+leaf_count=42 46 41 43 49 40
+internal_value=0 0.0135946 -0.00986444 0.0259468 -0.0277203
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=9850
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 8
+split_gain=0.0763693 0.249657 0.280922 0.315693
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 50.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00044338001900503604 0.00068761468557837469 -0.001682944091472478 0.0015587415977457036 -0.0017833370526996102
+leaf_weight=72 62 40 44 43
+leaf_count=72 62 40 44 43
+internal_value=0 -0.0107489 0.0074935 -0.0191422
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=9851
+num_leaves=5
+num_cat=0
+split_feature=7 5 7 5
+split_gain=0.0772194 0.316595 0.169609 0.207647
+threshold=75.500000000000014 65.500000000000014 57.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0005590397535277209 -0.00082333015870371775 0.0016971300043924166 -0.0010678539845195394 0.0013301148357881668
+leaf_weight=55 47 46 66 47
+leaf_count=55 47 46 66 47
+internal_value=0 0.00902879 -0.0115223 0.0151965
+internal_weight=0 214 168 102
+internal_count=261 214 168 102
+shrinkage=0.02
+
+
+Tree=9852
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.0753338 0.29269 0.339768 0.286204 0.148621
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00072878116040904755 0.00041078260522655187 0.0017962225352234581 -0.0017053032515080533 0.0015889493232835498 -0.0013553045907071474
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0133756 -0.0097477 0.0255353 -0.0272714
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=9853
+num_leaves=6
+num_cat=0
+split_feature=5 6 2 6 6
+split_gain=0.0774493 0.264579 0.219788 0.845327 0.743997
+threshold=72.050000000000026 63.500000000000007 8.5000000000000018 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0010636278230135685 0.00080276332153354714 -0.0016393971419649941 0.0015109730105998661 0.0031035873488007466 -0.0022799244718115746
+leaf_weight=45 49 43 40 39 45
+leaf_count=45 49 43 40 39 45
+internal_value=0 -0.00931317 0.00896313 0.0318553 -0.0243397
+internal_weight=0 212 169 124 85
+internal_count=261 212 169 124 85
+shrinkage=0.02
+
+
+Tree=9854
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 1
+split_gain=0.0762724 0.571358 0.366524 0.974412
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001339826106742519 0.000680113640104853 -0.00232398630364479 -0.0010385146588279995 0.0026648646799554299
+leaf_weight=40 63 42 54 62
+leaf_count=40 63 42 54 62
+internal_value=0 -0.0108551 0.0172899 0.0467199
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9855
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 4 2
+split_gain=0.0790183 0.341265 0.606305 0.369995 0.170062
+threshold=42.500000000000007 12.500000000000002 50.500000000000007 67.500000000000014 22.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00080915367896952346 0.0021928944829908946 -0.0028929051968022102 -0.00076771390651451043 -0.0005354846414928748 0.0010922267091682076
+leaf_weight=49 42 41 47 41 41
+leaf_count=49 42 41 47 41 41
+internal_value=0 -0.00939016 -0.0426475 0.0418097 0.00449725
+internal_weight=0 212 129 83 88
+internal_count=261 212 129 83 88
+shrinkage=0.02
+
+
+Tree=9856
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.0772209 0.256255 0.267003 0.486953
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0007061098752380884 0.00069063102138374702 -0.0017017546533749886 0.0012193650522918848 -0.0022127025744791361
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.0107971 0.00767017 -0.026004
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=9857
+num_leaves=5
+num_cat=0
+split_feature=7 7 9 9
+split_gain=0.0759954 0.285715 0.738478 0.312621
+threshold=75.500000000000014 66.500000000000014 58.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00071618498836879471 -0.00081815236806236352 0.0014504132772886714 -0.002365856395210177 0.0015275859587484384
+leaf_weight=43 47 56 48 67
+leaf_count=43 47 56 48 67
+internal_value=0 0.00897068 -0.0133225 0.0321655
+internal_weight=0 214 158 110
+internal_count=261 214 158 110
+shrinkage=0.02
+
+
+Tree=9858
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 6
+split_gain=0.076797 0.340064 0.443811 1.06315
+threshold=42.500000000000007 24.500000000000004 70.000000000000014 53.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00080003516436145483 0.0015601450921338105 -0.0017968190917358501 0.0018481931098539102 -0.0022717397216007063
+leaf_weight=49 56 44 50 62
+leaf_count=49 56 44 50 62
+internal_value=0 -0.00928381 0.0116051 -0.0223298
+internal_weight=0 212 168 118
+internal_count=261 212 168 118
+shrinkage=0.02
+
+
+Tree=9859
+num_leaves=5
+num_cat=0
+split_feature=8 5 7 5
+split_gain=0.0778192 0.308282 0.161636 0.205671
+threshold=72.500000000000014 65.500000000000014 57.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00056103704454939099 -0.00082587156725747834 0.0016788338042920184 -0.0010444065890118054 0.0013199510867742056
+leaf_weight=55 47 46 66 47
+leaf_count=55 47 46 66 47
+internal_value=0 0.00905632 -0.0112364 0.0149083
+internal_weight=0 214 168 102
+internal_count=261 214 168 102
+shrinkage=0.02
+
+
+Tree=9860
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 2 9
+split_gain=0.0746753 0.276349 0.422697 0.288207 0.338756
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 19.500000000000004 49.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0001616550072591946 -0.00081254789199334231 0.0017306693312173951 -0.0019369851348224085 -0.00088822715293077092 0.002434540055187462
+leaf_weight=42 47 40 43 47 42
+leaf_count=42 47 40 43 47 42
+internal_value=0 0.00890676 -0.00873629 0.0199174 0.0563936
+internal_weight=0 214 174 131 84
+internal_count=261 214 174 131 84
+shrinkage=0.02
+
+
+Tree=9861
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 2
+split_gain=0.0762787 0.215876 0.308696 0.559808
+threshold=76.500000000000014 72.500000000000014 9.5000000000000018 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0020042922080176339 0.00091500256840823275 -0.0014734023458121287 -0.00092836779470711331 -0.00096105544548287091
+leaf_weight=67 39 44 68 43
+leaf_count=67 39 44 68 43
+internal_value=0 -0.00808115 0.00792981 0.0418984
+internal_weight=0 222 178 110
+internal_count=261 222 178 110
+shrinkage=0.02
+
+
+Tree=9862
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.0777559 0.558324 0.354142 1.45344
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013206433644460151 0.00068514612927591059 -0.0023024877108897396 -0.0012506498310814807 0.0032520414070583872
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0109477 0.0168826 0.0458411
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9863
+num_leaves=6
+num_cat=0
+split_feature=5 6 2 6 6
+split_gain=0.0764894 0.257841 0.222251 0.825803 0.716046
+threshold=72.050000000000026 63.500000000000007 8.5000000000000018 54.500000000000007 46.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=-0.0010737991045366138 0.00079856307228519635 -0.0016214139348867738 0.0014853517190161149 0.0030742204963535432 -0.0022354859095178371
+leaf_weight=45 49 43 40 39 45
+leaf_count=45 49 43 40 39 45
+internal_value=0 -0.009279 0.00877695 0.0317863 -0.0237659
+internal_weight=0 212 169 124 85
+internal_count=261 212 169 124 85
+shrinkage=0.02
+
+
+Tree=9864
+num_leaves=5
+num_cat=0
+split_feature=9 6 1 3
+split_gain=0.0805188 0.338811 0.492221 1.09084
+threshold=42.500000000000007 47.500000000000007 8.5000000000000018 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00081509546081634022 -0.0018451323952957091 0.0027305249459791507 -0.0014777404353221971 -0.0011181150735439795
+leaf_weight=49 42 64 50 56
+leaf_count=49 42 64 50 56
+internal_value=0 -0.00946932 0.0107784 0.0464113
+internal_weight=0 212 170 120
+internal_count=261 212 170 120
+shrinkage=0.02
+
+
+Tree=9865
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 3
+split_gain=0.0765598 0.333359 0.637433 0.358781 0.242892
+threshold=42.500000000000007 12.500000000000002 53.500000000000007 67.500000000000014 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00079881678565969186 0.0021640777526968358 -0.0030105806022523952 0.001303553736980401 -0.00052457891446353456 -0.00086851584567908453
+leaf_weight=49 42 39 40 41 50
+leaf_count=49 42 39 40 41 50
+internal_value=0 -0.00928426 -0.0421773 0.0413496 0.00441146
+internal_weight=0 212 129 83 90
+internal_count=261 212 129 83 90
+shrinkage=0.02
+
+
+Tree=9866
+num_leaves=5
+num_cat=0
+split_feature=5 6 2 1
+split_gain=0.07877 0.246291 0.220262 0.788134
+threshold=72.050000000000026 63.500000000000007 8.5000000000000018 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.001078609800772522 0.00080792808237546134 -0.0015934232885499331 0.0019996360394665884 -0.0012654897250665776
+leaf_weight=45 49 43 72 52
+leaf_count=45 49 43 72 52
+internal_value=0 -0.00938887 0.0082826 0.0312
+internal_weight=0 212 169 124
+internal_count=261 212 169 124
+shrinkage=0.02
+
+
+Tree=9867
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 5
+split_gain=0.0768794 0.586389 0.97048 0.849453
+threshold=75.500000000000014 6.5000000000000009 49.500000000000007 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00094091033226292517 0.00090409138076526132 -0.00075914738478748578 -0.0028612421391806782 0.0027972174290985608
+leaf_weight=48 40 59 63 51
+leaf_count=48 40 59 63 51
+internal_value=0 -0.00823674 -0.0605154 0.0441587
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9868
+num_leaves=5
+num_cat=0
+split_feature=8 5 8 4
+split_gain=0.0790136 0.315135 0.165761 0.205526
+threshold=72.500000000000014 65.500000000000014 54.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00087205098387467029 -0.00083116212252322495 0.0016952119998282923 -0.0010468610110511473 0.0010623272901017712
+leaf_weight=39 47 46 67 62
+leaf_count=39 47 46 67 62
+internal_value=0 0.00909821 -0.0114076 0.0153694
+internal_weight=0 214 168 101
+internal_count=261 214 168 101
+shrinkage=0.02
+
+
+Tree=9869
+num_leaves=5
+num_cat=0
+split_feature=7 5 9 6
+split_gain=0.0768597 0.304543 0.163954 0.189965
+threshold=75.500000000000014 65.500000000000014 42.500000000000007 47.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00079971802501576912 -0.00082212713805257021 0.0016690873548579313 -0.0017883963781267951 -2.0552534134885721e-05
+leaf_weight=49 47 46 42 77
+leaf_count=49 47 46 42 77
+internal_value=0 0.00899594 -0.0111798 -0.032595
+internal_weight=0 214 168 119
+internal_count=261 214 168 119
+shrinkage=0.02
+
+
+Tree=9870
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 3
+split_gain=0.077781 0.992923 0.573101 0.532803 0.936434
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.00080380044288406408 -0.0030534044331316642 0.002448583006071944 -0.0013897192664824836 -0.0021662045956505841 0.0027954409351917935
+leaf_weight=49 40 45 44 40 43
+leaf_count=49 40 45 44 40 43
+internal_value=0 -0.00934535 0.0238021 -0.0108779 0.0335102
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=9871
+num_leaves=5
+num_cat=0
+split_feature=8 5 7 5
+split_gain=0.0743002 0.298031 0.171538 0.19977
+threshold=72.500000000000014 65.500000000000014 57.500000000000007 48.95000000000001
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00053237111428936878 -0.00081123742200347158 0.0016516582316403433 -0.0010636556776421179 0.0013234472911094997
+leaf_weight=55 47 46 66 47
+leaf_count=55 47 46 66 47
+internal_value=0 0.008874 -0.0110962 0.0157622
+internal_weight=0 214 168 102
+internal_count=261 214 168 102
+shrinkage=0.02
+
+
+Tree=9872
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.0785515 0.801244 0.4477 0.451168
+threshold=77.500000000000014 24.500000000000004 64.200000000000003 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00077112230303191299 -0.0008873811714831118 0.0026123505077422656 -0.002075765009248521 0.0017402795644065913
+leaf_weight=76 42 44 50 49
+leaf_count=76 42 44 50 49
+internal_value=0 0.00847423 -0.0220476 0.0103687
+internal_weight=0 219 175 125
+internal_count=261 219 175 125
+shrinkage=0.02
+
+
+Tree=9873
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 4
+split_gain=0.080261 0.220395 0.288006 0.488977
+threshold=76.500000000000014 72.500000000000014 9.5000000000000018 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00090143525107388035 0.00093346953704773932 -0.0014894412911368358 -0.00089387843159041225 0.001888122149911837
+leaf_weight=42 39 44 68 68
+leaf_count=42 39 44 68 68
+internal_value=0 -0.00825976 0.00790554 0.0407927
+internal_weight=0 222 178 110
+internal_count=261 222 178 110
+shrinkage=0.02
+
+
+Tree=9874
+num_leaves=5
+num_cat=0
+split_feature=5 9 4 9
+split_gain=0.0769459 0.753214 0.710676 0.656769
+threshold=48.45000000000001 54.500000000000007 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00080023572459249077 -0.0021557531528019632 0.0037681772625290711 -0.00085519582423203733 4.6601089487832654e-05
+leaf_weight=49 58 39 75 40
+leaf_count=49 58 39 75 40
+internal_value=0 -0.00931158 0.0275493 0.0947831
+internal_weight=0 212 154 79
+internal_count=261 212 154 79
+shrinkage=0.02
+
+
+Tree=9875
+num_leaves=5
+num_cat=0
+split_feature=5 6 9 9
+split_gain=0.0789128 0.255037 0.192861 0.301831
+threshold=72.050000000000026 63.500000000000007 57.500000000000007 42.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00080735891009752099 0.00080840912044947174 -0.0016165586508203333 0.0010945253828559642 -0.0013964616133783627
+leaf_weight=49 49 43 63 57
+leaf_count=49 49 43 63 57
+internal_value=0 -0.00940077 0.00856236 -0.0185156
+internal_weight=0 212 169 106
+internal_count=261 212 169 106
+shrinkage=0.02
+
+
+Tree=9876
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 4
+split_gain=0.077077 0.246487 0.275538 0.323141
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00067342870444468033 0.00068987275765908978 -0.0016753206200319423 0.0015428989372652136 -0.0015061434925888787
+leaf_weight=59 62 40 44 56
+leaf_count=59 62 40 44 56
+internal_value=0 -0.0108014 0.00733184 -0.0190623
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=9877
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 2
+split_gain=0.0738515 0.552035 0.948487 0.714597
+threshold=75.500000000000014 6.5000000000000009 49.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00094947079672792582 0.0008899398666086238 -0.00039433277777726632 -0.002810262363053775 0.0029757490782246323
+leaf_weight=48 40 69 63 41
+leaf_count=48 40 69 63 41
+internal_value=0 -0.00810258 -0.0588828 0.0427807
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9878
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.0801349 0.534666 0.357347 1.38872
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013420931741294046 0.00069348949072514849 -0.0022620135608069653 -0.00121396934031567 0.0031885502327566421
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0110773 0.0161726 0.0452567
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9879
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 3
+split_gain=0.0797601 0.697263 1.21476 1.04198
+threshold=6.5000000000000009 3.5000000000000004 18.500000000000004 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.0008019896282695215 0.0019511438550635636 -0.0047872658176944015 0.0010503390232113241 -0.00036415534694280398
+leaf_weight=50 48 41 75 47
+leaf_count=50 48 41 75 47
+internal_value=0 -0.00954976 -0.0413641 -0.121809
+internal_weight=0 211 163 88
+internal_count=261 211 163 88
+shrinkage=0.02
+
+
+Tree=9880
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 9
+split_gain=0.0789952 0.350613 0.469838 0.55117
+threshold=42.500000000000007 24.500000000000004 5.5000000000000009 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00080898938774576689 -0.0010831559817686476 -0.0018223992155770583 0.0026688236388067912 -0.00032718229302694686
+leaf_weight=49 67 44 49 52
+leaf_count=49 67 44 49 52
+internal_value=0 -0.00939256 0.0118033 0.0559626
+internal_weight=0 212 168 101
+internal_count=261 212 168 101
+shrinkage=0.02
+
+
+Tree=9881
+num_leaves=5
+num_cat=0
+split_feature=7 5 3 1
+split_gain=0.0746266 0.31216 0.157072 0.325164
+threshold=75.500000000000014 65.500000000000014 52.500000000000007 9.5000000000000018
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00068019575500352213 -0.00081249215945028463 0.0016844911997867349 -0.0015397815096012666 0.00075431832184256326
+leaf_weight=56 47 46 71 41
+leaf_count=56 47 46 71 41
+internal_value=0 0.00889678 -0.0115172 -0.0346446
+internal_weight=0 214 168 112
+internal_count=261 214 168 112
+shrinkage=0.02
+
+
+Tree=9882
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.079027 0.514241 0.347648 1.31704
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013294373249803839 0.00068967835897639147 -0.0022228509608487037 -0.0011754922630317758 0.0031133672278769752
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0110141 0.015725 0.0444364
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9883
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 8
+split_gain=0.0804474 0.35232 1.0054 1.34577
+threshold=42.500000000000007 20.500000000000004 67.65000000000002 54.500000000000007
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00081487723373579644 0.0017042445245380089 -0.0013722142544672663 0.002568196920429644 -0.0033051074525721038
+leaf_weight=49 41 71 54 46
+leaf_count=49 41 71 54 46
+internal_value=0 -0.0094624 0.0200572 -0.0467859
+internal_weight=0 212 141 87
+internal_count=261 212 141 87
+shrinkage=0.02
+
+
+Tree=9884
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 5
+split_gain=0.0807992 0.514622 0.877746 0.836048
+threshold=75.500000000000014 6.5000000000000009 49.500000000000007 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00089778148944446841 0.00092245587750447488 -0.00081383991929123364 -0.0027215770809580868 0.0027154089483013588
+leaf_weight=48 40 59 63 51
+leaf_count=48 40 59 63 51
+internal_value=0 -0.00838899 -0.0574833 0.0407933
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9885
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 9
+split_gain=0.0826485 0.309048 0.347456 0.266073
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00069171705204731416 -0.00084603461868853634 0.0015040556710151634 -0.0014640080144760895 0.0015039250368528915
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.00927606 -0.0138603 0.0250958
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9886
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 2 4
+split_gain=0.0798942 0.293479 0.399059 0.329473 0.350802
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-9.5824332130531461e-05 -0.00083466546996614332 0.0017796825563815397 -0.0018946433832273423 -0.00099362465842453476 0.0025467648391179799
+leaf_weight=44 47 40 43 47 40
+leaf_count=44 47 40 43 47 40
+internal_value=0 0.00914784 -0.00900394 0.0188662 0.0577054
+internal_weight=0 214 174 131 84
+internal_count=261 214 174 131 84
+shrinkage=0.02
+
+
+Tree=9887
+num_leaves=5
+num_cat=0
+split_feature=9 6 1 3
+split_gain=0.0796328 0.340485 0.546477 1.09251
+threshold=42.500000000000007 47.500000000000007 8.5000000000000018 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00081155194031480419 -0.0018481052318547609 0.0027701993597564118 -0.0015636882937392575 -0.0010810924060569635
+leaf_weight=49 42 64 50 56
+leaf_count=49 42 64 50 56
+internal_value=0 -0.00942468 0.0108708 0.0483342
+internal_weight=0 212 170 120
+internal_count=261 212 170 120
+shrinkage=0.02
+
+
+Tree=9888
+num_leaves=5
+num_cat=0
+split_feature=4 1 6 5
+split_gain=0.0800403 0.519675 0.866099 0.812134
+threshold=75.500000000000014 6.5000000000000009 49.500000000000007 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00088020272566916567 0.00091883253390752731 -0.0007855675109418209 -0.00271545450994457 0.0026938120479251815
+leaf_weight=48 40 59 63 51
+leaf_count=48 40 59 63 51
+internal_value=0 -0.00836451 -0.0576899 0.0410509
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9889
+num_leaves=6
+num_cat=0
+split_feature=6 5 9 2 8
+split_gain=0.08107 0.258108 0.159975 0.674221 1.32909
+threshold=70.500000000000014 65.500000000000014 42.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.00080637083207611053 -0.00087379103023935026 0.0015033298041819555 0.0030969920965726338 -0.002817690234706626 -0.0020912084139072607
+leaf_weight=49 44 49 39 39 41
+leaf_count=49 44 49 39 39 41
+internal_value=0 0.00883664 -0.0102948 -0.031483 0.0214272
+internal_weight=0 217 168 119 80
+internal_count=261 217 168 119 80
+shrinkage=0.02
+
+
+Tree=9890
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.0814776 0.765875 0.461338 0.62796 0.342609
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.002249955586417854 -0.00090021414926223819 0.002561925975730529 -0.0023202972161616028 0.0019002520617663529 0.00039505499242873505
+leaf_weight=42 42 44 41 52 40
+leaf_count=42 42 44 41 52 40
+internal_value=0 0.00861136 -0.0212413 0.00750367 -0.0475361
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9891
+num_leaves=5
+num_cat=0
+split_feature=4 1 4 5
+split_gain=0.0804276 0.506094 0.842397 0.795646
+threshold=75.500000000000014 6.5000000000000009 61.500000000000007 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00019734556530858136 0.00092070710147322641 -0.00078228385800211005 -0.0034434178185297503 0.0026624191006190019
+leaf_weight=70 40 59 41 51
+leaf_count=70 40 59 41 51
+internal_value=0 -0.00837584 -0.057078 0.0404108
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9892
+num_leaves=6
+num_cat=0
+split_feature=8 2 7 2 2
+split_gain=0.0805399 0.301776 0.410565 0.369371 0.328571
+threshold=72.500000000000014 7.5000000000000009 52.500000000000007 14.500000000000002 22.500000000000004
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 -4 -5
+right_child=-2 2 3 4 -6
+leaf_value=0.0016870837830732794 -0.00083735669047172237 -0.0017500340202701097 -0.0011774629425225979 0.0025681915430764415 -6.844729925013577e-05
+leaf_weight=45 47 51 39 40 39
+leaf_count=45 47 51 39 40 39
+internal_value=0 0.00917745 -0.0106301 0.0222875 0.0628767
+internal_weight=0 214 169 118 79
+internal_count=261 214 169 118 79
+shrinkage=0.02
+
+
+Tree=9893
+num_leaves=5
+num_cat=0
+split_feature=4 1 5 5
+split_gain=0.077345 0.488524 0.818538 0.762336
+threshold=75.500000000000014 6.5000000000000009 57.300000000000004 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00032886175950294964 0.0009064167651685062 -0.0007632066258873374 -0.0031884858736233469 0.0026102602016600186
+leaf_weight=65 40 59 46 51
+leaf_count=65 40 59 46 51
+internal_value=0 -0.00824878 -0.0561333 0.0397126
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9894
+num_leaves=6
+num_cat=0
+split_feature=7 5 9 2 8
+split_gain=0.0849557 0.278883 0.162096 0.647902 1.2867
+threshold=75.500000000000014 65.500000000000014 42.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 -1 4 -4
+right_child=-2 -3 3 -5 -6
+leaf_value=0.00081881598840669381 -0.00085557599907528455 0.001616531871445194 0.0030383450468696531 -0.0027719432274215757 -0.0020677231148970164
+leaf_weight=49 47 46 39 39 41
+leaf_count=49 47 46 39 39 41
+internal_value=0 0.0093754 -0.00997613 -0.0312896 0.0205987
+internal_weight=0 214 168 119 80
+internal_count=261 214 168 119 80
+shrinkage=0.02
+
+
+Tree=9895
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.0817023 0.29899 0.33514 0.280911
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017356561544165966 -0.00084221037769136552 0.0014828245884991168 -0.0014377575532010642 -0.00051669451309894218
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.009229 -0.0135475 0.0247451
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9896
+num_leaves=6
+num_cat=0
+split_feature=9 5 6 5 7
+split_gain=0.0829013 0.295758 0.213843 0.281137 0.164387
+threshold=67.500000000000014 62.400000000000006 49.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0007676592640116517 0.00043390339300978479 0.0018139174083505838 -0.0013083569437888473 0.0015913157001059964 -0.00141351069605272
+leaf_weight=42 39 41 48 44 47
+leaf_count=42 39 41 48 44 47
+internal_value=0 0.0138912 -0.00934544 0.0215138 -0.0283382
+internal_weight=0 175 134 86 86
+internal_count=261 175 134 86 86
+shrinkage=0.02
+
+
+Tree=9897
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 2
+split_gain=0.0794468 0.59203 1.17789 0.499261
+threshold=8.5000000000000018 17.500000000000004 69.500000000000014 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0031876000255184416 -0.0018096061301954534 -0.0011561775249878496 -0.00128228222943583 0.0011676190276490763
+leaf_weight=57 54 68 41 41
+leaf_count=57 54 68 41 41
+internal_value=0 0.0147384 0.0654905 -0.0258185
+internal_weight=0 166 98 95
+internal_count=261 166 98 95
+shrinkage=0.02
+
+
+Tree=9898
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.0827861 0.504446 0.396157 0.407023
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014469437092005813 0.00093141543030709085 -0.001697073961120138 0.0020240180316021647 0.0010415572144086996
+leaf_weight=56 40 64 47 54
+leaf_count=56 40 64 47 54
+internal_value=0 -0.00847563 0.0224287 -0.0109081
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=9899
+num_leaves=5
+num_cat=0
+split_feature=4 9 9 6
+split_gain=0.0787086 0.483716 0.379684 0.390152
+threshold=75.500000000000014 67.500000000000014 57.500000000000007 48.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0014180412965597306 0.0009128196531916486 -0.0016631695716894047 0.0019835980032656335 0.0010207531361013723
+leaf_weight=56 40 64 47 54
+leaf_count=56 40 64 47 54
+internal_value=0 -0.00830252 0.0219808 -0.010683
+internal_weight=0 221 157 110
+internal_count=261 221 157 110
+shrinkage=0.02
+
+
+Tree=9900
+num_leaves=5
+num_cat=0
+split_feature=7 2 1 2
+split_gain=0.0755882 0.214423 0.375609 1.48935
+threshold=76.500000000000014 7.5000000000000009 3.5000000000000004 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0010540051128170944 0.00091182965465845393 0.0010693403345554751 -0.0032533275192411309 0.0010990753905253761
+leaf_weight=49 39 46 64 63
+leaf_count=49 39 46 64 63
+internal_value=0 -0.00804644 -0.0254976 -0.0544275
+internal_weight=0 222 173 127
+internal_count=261 222 173 127
+shrinkage=0.02
+
+
+Tree=9901
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.0832153 0.517676 0.802714 0.655698
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0021480844051280871 0.00070440050806960645 0.00046548190478338332 -0.0031891159498947351 -0.0011974855758378057
+leaf_weight=60 63 51 47 40
+leaf_count=60 63 51 47 40
+internal_value=0 -0.0112302 -0.0640051 0.040098
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=9902
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.0806031 0.466359 0.6057
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00065478473062520102 0.00095785384319806773 0.0021379401392584772 -0.0016228825639639181
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0117616 -0.0146472
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9903
+num_leaves=5
+num_cat=0
+split_feature=9 6 1 3
+split_gain=0.0767372 0.34734 0.557616 1.06105
+threshold=42.500000000000007 47.500000000000007 8.5000000000000018 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00080007766508779143 -0.0018606718234843586 0.0027587944884577098 -0.0015740921285389566 -0.0010373738787328153
+leaf_weight=49 42 64 50 56
+leaf_count=49 42 64 50 56
+internal_value=0 -0.00926648 0.0112235 0.0490507
+internal_weight=0 212 170 120
+internal_count=261 212 170 120
+shrinkage=0.02
+
+
+Tree=9904
+num_leaves=5
+num_cat=0
+split_feature=4 1 4 5
+split_gain=0.0791572 0.536893 0.786685 0.757881
+threshold=75.500000000000014 6.5000000000000009 61.500000000000007 59.350000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=0.00012619883318600345 0.00091517171799943193 -0.00071496412692809445 -0.0033941745929672159 0.0026484930117302548
+leaf_weight=70 40 59 41 51
+leaf_count=70 40 59 41 51
+internal_value=0 -0.00830741 -0.0584118 0.0418941
+internal_weight=0 221 111 110
+internal_count=261 221 111 110
+shrinkage=0.02
+
+
+Tree=9905
+num_leaves=5
+num_cat=0
+split_feature=9 3 9 3
+split_gain=0.0772847 0.777147 0.52933 0.184135
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00054970186617639329 -0.00088105212198404342 0.0027215120412775605 -0.002062060422931541 0.0010746507603848613
+leaf_weight=56 42 40 55 68
+leaf_count=56 42 40 55 68
+internal_value=0 0.00845004 -0.0198883 0.0167364
+internal_weight=0 219 179 124
+internal_count=261 219 179 124
+shrinkage=0.02
+
+
+Tree=9906
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.0786066 0.310735 0.335763 0.294959
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017540446626135332 -0.00082902493487567897 0.0015039544569971899 -0.001449669276725779 -0.00055076158387843679
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.00910091 -0.0140957 0.0242288
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9907
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.0768247 0.444877 0.574182
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00064247658883712392 0.00093311398924634484 0.0020909263093546052 -0.0015817206252105786
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0115333 -0.0142804
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9908
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 6
+split_gain=0.0820071 0.786719 0.455433 0.626004 0.322208
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 48.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.002252711115605877 -0.00090228008705390324 0.0025941150908516679 -0.0023157523638115971 0.0018868972247905367 0.00031514642641786416
+leaf_weight=41 42 44 41 52 41
+leaf_count=41 42 44 41 52 41
+internal_value=0 0.00864784 -0.0216008 0.00696463 -0.047993
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9909
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 9
+split_gain=0.0779735 0.754792 0.451487 0.611603
+threshold=77.500000000000014 24.500000000000004 7.5000000000000009 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00059923036141438526 -0.00088426439544495472 0.0025423154491184792 0.00079657928209812519 -0.0025957767277302087
+leaf_weight=41 42 44 73 61
+leaf_count=41 42 44 73 61
+internal_value=0 0.00847496 -0.0211651 -0.0652071
+internal_weight=0 219 175 102
+internal_count=261 219 175 102
+shrinkage=0.02
+
+
+Tree=9910
+num_leaves=6
+num_cat=0
+split_feature=7 2 6 4 1
+split_gain=0.0760637 0.216747 0.510873 0.740012 0.427234
+threshold=76.500000000000014 7.5000000000000009 63.500000000000007 60.500000000000007 9.5000000000000018
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.0010598827152077767 0.00091433182640975161 0.00036129777563547279 -0.0024672927986365586 0.0024526195716668736 -0.0024314221540941701
+leaf_weight=49 39 51 42 39 41
+leaf_count=49 39 51 42 39 41
+internal_value=0 -0.00805461 -0.0255914 0.00549966 -0.0437749
+internal_weight=0 222 173 131 92
+internal_count=261 222 173 131 92
+shrinkage=0.02
+
+
+Tree=9911
+num_leaves=6
+num_cat=0
+split_feature=5 1 4 2 3
+split_gain=0.0744538 1.07649 0.571088 0.549855 0.915159
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 20.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 4 -4
+right_child=1 2 3 -5 -6
+leaf_value=0.00079067286567822081 -0.003165395900677766 0.0024758723444967229 -0.0013204827048569167 -0.0021641197276845788 0.0028173559625934274
+leaf_weight=49 40 45 44 40 43
+leaf_count=49 40 45 44 40 43
+internal_value=0 -0.00915176 0.0253447 -0.00927301 0.0358044
+internal_weight=0 212 172 127 87
+internal_count=261 212 172 127 87
+shrinkage=0.02
+
+
+Tree=9912
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.0752951 0.45136 0.560278
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00063717920823416177 0.00091340993022669679 0.0021022348464534149 -0.0015717249529965686
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.011452 -0.014543
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9913
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 1
+split_gain=0.0785891 0.739564 0.511381 0.277621 2.28352
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0017083732737748507 -0.00088683862062908278 0.0026618688215720317 -0.0020198802603704647 -0.0037135191534974437 0.0029829341214533877
+leaf_weight=42 42 40 55 41 41
+leaf_count=42 42 40 55 41 41
+internal_value=0 0.00851153 -0.0191458 0.016872 -0.0177928
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=9914
+num_leaves=5
+num_cat=0
+split_feature=6 5 3 9
+split_gain=0.0773953 0.264981 0.160291 0.515652
+threshold=70.500000000000014 65.500000000000014 52.500000000000007 58.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00070560937049407167 -0.00085727620464970476 0.0015168861864430368 0.0004857900673221549 -0.0023081119682711857
+leaf_weight=56 44 49 65 47
+leaf_count=56 44 49 65 47
+internal_value=0 0.00869873 -0.0106708 -0.0340111
+internal_weight=0 217 168 112
+internal_count=261 217 168 112
+shrinkage=0.02
+
+
+Tree=9915
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.077459 0.308514 0.3151 0.282544
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017068932650017023 -0.00082396699894011496 0.0014986747247088034 -0.0014145581362807697 -0.00055206687923857771
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.00905878 -0.0140591 0.0231249
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9916
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 1
+split_gain=0.0773379 0.722367 0.477913 0.256635 2.1943
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0016413502929285471 -0.00088118750710923163 0.0026324464323099991 -0.001962248077661757 -0.003640848780914847 0.0029245971965040931
+leaf_weight=42 42 40 55 41 41
+leaf_count=42 42 40 55 41 41
+internal_value=0 0.00845763 -0.0188825 0.0159729 -0.0174342
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=9917
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 9
+split_gain=0.0769212 0.304713 0.301316 0.283421
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 41.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00078110366893639446 -0.00082174441492846237 0.0014904854217697341 -0.0013888889161268298 0.001481340422565291
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.00903105 -0.0139514 0.0224525
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9918
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.0849302 0.734696 0.736286 0.672344
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0027280861532000913 0.0010227713909174009 0.002583890177269726 0.00073022312776241534 -0.0021490698964096249
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0171047 -0.0272083 -0.0234895
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9919
+num_leaves=6
+num_cat=0
+split_feature=9 2 6 9 4
+split_gain=0.081471 0.762557 0.461348 0.639943 0.323365
+threshold=77.500000000000014 24.500000000000004 63.500000000000007 56.500000000000007 55.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0022232512719371354 -0.00089969461648728292 0.0025573626903820017 -0.0023185736829850808 0.0019180785608249845 0.00034976179176713273
+leaf_weight=42 42 44 41 52 40
+leaf_count=42 42 44 41 52 40
+internal_value=0 0.00863566 -0.0211535 0.00759198 -0.0479574
+internal_weight=0 219 175 134 82
+internal_count=261 219 175 134 82
+shrinkage=0.02
+
+
+Tree=9920
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.0800131 0.719649 0.698568 0.65609
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0026720808324059374 0.0010162525203714729 0.0025534352764836703 0.00069864607409389251 -0.0021181347051577076
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0167019 -0.0271645 -0.0229297
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9921
+num_leaves=6
+num_cat=0
+split_feature=9 5 6 5 7
+split_gain=0.086456 0.267952 0.220365 0.291907 0.158705
+threshold=67.500000000000014 62.400000000000006 49.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0007536081185186734 0.00040879758424334188 0.001749940043764739 -0.0012975752071733408 0.001646889942572018 -0.0014093979526115675
+leaf_weight=42 39 41 48 44 47
+leaf_count=42 39 41 48 44 47
+internal_value=0 0.0141571 -0.00801831 0.02328 -0.0287955
+internal_weight=0 175 134 86 86
+internal_count=261 175 134 86 86
+shrinkage=0.02
+
+
+Tree=9922
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.0821796 0.25659 0.298578 0.288947 0.151684
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00073856077355091156 0.00040063626841111105 0.0017150008989013196 -0.0015789195201254816 0.0015896569416822765 -0.0013812519471585081
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0138699 -0.00785815 0.0253284 -0.0282111
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=9923
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.078073 0.245678 0.285941 0.27677 0.14494
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00072381429868325893 0.00039263790518632774 0.0016807593529695195 -0.0015473923511372411 0.0015579092585799989 -0.0013536683196648685
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0135884 -0.00770137 0.0248137 -0.0276384
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=9924
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 3
+split_gain=0.0779241 0.323432 0.638157 0.358165 0.295568
+threshold=42.500000000000007 12.500000000000002 53.95000000000001 67.500000000000014 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00080514272449821664 0.002148081225101529 -0.0029641220079921326 0.0014696779947357011 -0.00053856865939415951 -0.00092681303334636134
+leaf_weight=49 42 40 39 41 50
+leaf_count=49 42 40 39 41 50
+internal_value=0 -0.00931457 -0.0417439 0.0405987 0.00573414
+internal_weight=0 212 129 83 89
+internal_count=261 212 129 83 89
+shrinkage=0.02
+
+
+Tree=9925
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 4
+split_gain=0.0765939 0.577342 0.598193 0.206788
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00073562650466764672 -0.0025942592514669313 0.0022722650443491223 -0.00055955013645773825 -0.0004349376478248891
+leaf_weight=56 41 54 71 39
+leaf_count=56 41 54 71 39
+internal_value=0 -0.0100563 0.0328992 -0.0776441
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=9926
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.0825493 0.529181 0.585826 0.317251
+threshold=8.5000000000000018 67.65000000000002 59.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00062483772153343906 0.00064279920525193242 0.0018714526156709305 -0.0024541797124970517 -0.0017315635063262255
+leaf_weight=67 48 58 41 47
+leaf_count=67 48 58 41 47
+internal_value=0 0.0149907 -0.0268739 -0.026194
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=9927
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.0793587 0.69028 0.687198 0.630696
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0026385955692140844 0.00098964324649227701 0.0025079139290731692 0.00070542645618096225 -0.0020851701929584356
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0166498 -0.0263302 -0.0228519
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9928
+num_leaves=5
+num_cat=0
+split_feature=8 2 1 9
+split_gain=0.0839112 0.279934 0.375949 0.545809
+threshold=72.500000000000014 7.5000000000000009 9.5000000000000018 63.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=0.0016387132128247248 -0.00085074880458960644 0.001721363561479391 -0.0015911313640848358 -0.0011116727943648794
+leaf_weight=45 47 64 55 50
+leaf_count=45 47 64 55 50
+internal_value=0 0.00935664 -0.00975847 0.0235935
+internal_weight=0 214 169 114
+internal_count=261 214 169 114
+shrinkage=0.02
+
+
+Tree=9929
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 2 4
+split_gain=0.0803759 0.270463 0.405169 0.262104 0.323197
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 19.500000000000004 54.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.00010778008456170112 -0.00083621417492191219 0.0017208370824451603 -0.0018925535801338823 -0.00083425417836871854 0.0024341240388650143
+leaf_weight=44 47 40 43 47 40
+leaf_count=44 47 40 43 47 40
+internal_value=0 0.00919297 -0.00827114 0.0198051 0.0547077
+internal_weight=0 214 174 131 84
+internal_count=261 214 174 131 84
+shrinkage=0.02
+
+
+Tree=9930
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.0764624 0.287131 0.297039 0.288267
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017125882729213311 -0.00081987048271154673 0.001454053671230963 -0.0013693294660631992 -0.00056785357634898037
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.00900598 -0.0133392 0.0228216
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9931
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.0767867 0.240695 0.277176 0.268277 0.135261
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.00071343556243066476 0.00036731352476107061 0.0016655141480189041 -0.0015252622246023483 0.0015352921807671217 -0.0013263433687475954
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0134895 -0.00759696 0.0244441 -0.027466
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=9932
+num_leaves=5
+num_cat=0
+split_feature=2 1 2 7
+split_gain=0.0746007 0.343469 1.04627 0.0411782
+threshold=8.5000000000000018 9.5000000000000018 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=-0.00063496268666505097 0.0027495096112975926 -0.0011927386145342649 -0.00017566539898289724 -0.0013160326924813726
+leaf_weight=69 61 52 39 40
+leaf_count=69 61 52 39 40
+internal_value=0 0.0114047 0.0380938 -0.0381919
+internal_weight=0 192 140 79
+internal_count=261 192 140 79
+shrinkage=0.02
+
+
+Tree=9933
+num_leaves=6
+num_cat=0
+split_feature=3 2 7 9 9
+split_gain=0.0758107 0.358823 0.701598 1.08921 0.289154
+threshold=52.500000000000007 17.500000000000004 72.500000000000014 58.500000000000007 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 -2 -3
+right_child=1 4 -4 -5 -6
+leaf_value=0.00073226924441503684 0.0017349903183980627 -0.0024435914728090091 0.0026721556142556687 -0.0029959646168221882 -1.3126252832754822e-05
+leaf_weight=56 40 42 41 39 43
+leaf_count=56 40 42 41 39 43
+internal_value=0 -0.0100339 0.0259075 -0.0295506 -0.0612244
+internal_weight=0 205 120 79 85
+internal_count=261 205 120 79 85
+shrinkage=0.02
+
+
+Tree=9934
+num_leaves=6
+num_cat=0
+split_feature=7 4 3 2 9
+split_gain=0.0807981 0.260714 0.382927 0.243673 0.32298
+threshold=75.500000000000014 69.500000000000014 63.500000000000007 19.500000000000004 49.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=-0.0001986114198170622 -0.00083832097695857462 0.001694854239677294 -0.0018408465291677673 -0.0008020177163185272 0.0023400397425578068
+leaf_weight=42 47 40 43 47 42
+leaf_count=42 47 40 43 47 42
+internal_value=0 0.00919476 -0.00796988 0.0193557 0.0531045
+internal_weight=0 214 174 131 84
+internal_count=261 214 174 131 84
+shrinkage=0.02
+
+
+Tree=9935
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 8
+split_gain=0.0802559 0.466793 0.37658 1.16964 0.299487
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.002004116816882433 0.00086924323777046663 0.0020822953778152913 -0.00045461483598629348 0.0021385578633739827 -0.003009592782374121
+leaf_weight=46 44 39 40 52 40
+leaf_count=46 44 39 40 52 40
+internal_value=0 -0.00885209 0.0155197 -0.0103945 -0.0871805
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9936
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.0818742 0.432996 0.504163
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00065919753950964587 0.00087111384897749374 0.0020727131875430656 -0.0014907079539245827
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0118211 -0.0136567
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9937
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.0829969 0.798017 0.479485 0.448271
+threshold=77.500000000000014 24.500000000000004 64.200000000000003 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00074074249551536633 -0.00090682971316702094 0.0026116496797913948 -0.0021251539794930161 0.0017626286907315508
+leaf_weight=76 42 44 50 49
+leaf_count=76 42 44 50 49
+internal_value=0 0.00868052 -0.0217806 0.011731
+internal_weight=0 219 175 125
+internal_count=261 219 175 125
+shrinkage=0.02
+
+
+Tree=9938
+num_leaves=5
+num_cat=0
+split_feature=9 2 5 9
+split_gain=0.0789121 0.765686 0.459716 0.42977
+threshold=77.500000000000014 24.500000000000004 64.200000000000003 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00072594121000574632 -0.00088872345370296518 0.0025594998168139223 -0.0020827101668317279 0.0017274264085051702
+leaf_weight=76 42 44 50 49
+leaf_count=76 42 44 50 49
+internal_value=0 0.00850375 -0.0213454 0.0114906
+internal_weight=0 219 175 125
+internal_count=261 219 175 125
+shrinkage=0.02
+
+
+Tree=9939
+num_leaves=6
+num_cat=0
+split_feature=9 5 4 5 7
+split_gain=0.0768022 0.252218 0.274507 0.253952 0.132786
+threshold=67.500000000000014 62.400000000000006 58.500000000000007 47.850000000000001 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -2
+right_child=4 -3 -4 -5 -6
+leaf_value=-0.0006955105506923268 0.0003593910794627919 0.0016957168570248668 -0.0015286999947878195 0.0014964414934094579 -0.001320511952299005
+leaf_weight=42 39 41 43 49 47
+leaf_count=42 39 41 43 49 47
+internal_value=0 0.0134724 -0.00808192 0.0238115 -0.0274864
+internal_weight=0 175 134 91 86
+internal_count=261 175 134 91 86
+shrinkage=0.02
+
+
+Tree=9940
+num_leaves=5
+num_cat=0
+split_feature=9 2 2 4
+split_gain=0.0768814 0.31725 0.454069 1.02168
+threshold=42.500000000000007 24.500000000000004 18.500000000000004 69.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 3 -2
+right_child=1 -3 -4 -5
+leaf_value=0.00080030174657553643 0.0010665864200048905 -0.0017451147673918273 0.0021198378708227514 -0.002626600553467051
+leaf_weight=49 78 44 40 50
+leaf_count=49 78 44 40 50
+internal_value=0 -0.00929193 0.010917 -0.0185233
+internal_weight=0 212 168 128
+internal_count=261 212 168 128
+shrinkage=0.02
+
+
+Tree=9941
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 4
+split_gain=0.0823089 0.214579 0.288708 0.55088
+threshold=76.500000000000014 72.500000000000014 9.5000000000000018 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0010084489266323257 0.00094331884703765536 -0.0014746253737481999 -0.00090042677199689953 0.0019469230821862681
+leaf_weight=42 39 44 68 68
+leaf_count=42 39 44 68 68
+internal_value=0 -0.00832557 0.00764013 0.0405658
+internal_weight=0 222 178 110
+internal_count=261 222 178 110
+shrinkage=0.02
+
+
+Tree=9942
+num_leaves=5
+num_cat=0
+split_feature=7 2 1 2
+split_gain=0.0782783 0.205975 0.366213 1.57045
+threshold=76.500000000000014 7.5000000000000009 3.5000000000000004 18.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=0.0010294301292398005 0.00092448635276150509 0.0010543260319206547 -0.0032999050373768817 0.0011682624878417639
+leaf_weight=49 39 46 64 63
+leaf_count=49 39 46 64 63
+internal_value=0 -0.00816312 -0.025299 -0.0538847
+internal_weight=0 222 173 127
+internal_count=261 222 173 127
+shrinkage=0.02
+
+
+Tree=9943
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.0785692 0.51587 0.349952 1.45144
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013330802256541268 0.00068826984543845344 -0.0022252095575170561 -0.0012740144786532377 0.0032257521417193265
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.0109793 0.015801 0.0446015
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9944
+num_leaves=5
+num_cat=0
+split_feature=9 6 1 3
+split_gain=0.080489 0.326788 0.543338 1.05435
+threshold=42.500000000000007 47.500000000000007 8.5000000000000018 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00081523118072610924 -0.0018168763437717691 0.0027285071172980725 -0.001567260031693468 -0.0010559970630385647
+leaf_weight=49 42 64 50 56
+leaf_count=49 42 64 50 56
+internal_value=0 -0.00945513 0.0104466 0.0478078
+internal_weight=0 212 170 120
+internal_count=261 212 170 120
+shrinkage=0.02
+
+
+Tree=9945
+num_leaves=6
+num_cat=0
+split_feature=7 2 6 4 9
+split_gain=0.0805717 0.209132 0.504157 0.752036 0.290904
+threshold=76.500000000000014 7.5000000000000009 63.500000000000007 60.500000000000007 49.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 3 4 -3
+right_child=-2 2 -4 -5 -6
+leaf_value=0.001035954827537283 0.00093529778786074146 -0.0020241819022313182 -0.002453195551015828 0.0024687498746120869 0.00028708279142761694
+leaf_weight=49 39 47 42 39 45
+leaf_count=49 39 47 42 39 45
+internal_value=0 -0.00825348 -0.0255074 0.00538439 -0.0442812
+internal_weight=0 222 173 131 92
+internal_count=261 222 173 131 92
+shrinkage=0.02
+
+
+Tree=9946
+num_leaves=5
+num_cat=0
+split_feature=3 9 4 9
+split_gain=0.0815044 0.784819 0.694614 0.567377
+threshold=50.500000000000007 54.500000000000007 69.500000000000014 65.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00088694275062101353 -0.0021489336733311408 0.0034715348397713957 -0.00083785615013834164 8.446283408842511e-05
+leaf_weight=43 60 43 75 40
+leaf_count=43 60 43 75 40
+internal_value=0 -0.0087772 0.0284702 0.0925144
+internal_weight=0 218 158 83
+internal_count=261 218 158 83
+shrinkage=0.02
+
+
+Tree=9947
+num_leaves=5
+num_cat=0
+split_feature=5 3 5 7
+split_gain=0.0829233 0.276748 0.631498 0.118284
+threshold=70.000000000000014 65.500000000000014 55.95000000000001 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00044760654525233956 0.00071083745929821109 0.0011994286777506601 -0.0028010158502028053 0.00096814439140714497
+leaf_weight=66 62 45 41 47
+leaf_count=66 62 45 41 47
+internal_value=0 -0.0110972 -0.0321414 0.00672026
+internal_weight=0 199 154 113
+internal_count=261 199 154 113
+shrinkage=0.02
+
+
+Tree=9948
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 7
+split_gain=0.0848131 0.321051 0.460137 0.534547
+threshold=42.500000000000007 24.500000000000004 5.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00083280815637194262 -0.0010925778313589218 -0.0017608778155361253 0.0027082921330404044 -0.00025421731711105014
+leaf_weight=49 67 44 46 55
+leaf_count=49 67 44 46 55
+internal_value=0 -0.00964536 0.0106777 0.0544035
+internal_weight=0 212 168 101
+internal_count=261 212 168 101
+shrinkage=0.02
+
+
+Tree=9949
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 4
+split_gain=0.0814195 0.270858 0.305657 0.34321
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00068973296844900738 0.0007056319797857191 -0.0017448583427869622 0.0016242554886949179 -0.0015527732135265913
+leaf_weight=59 62 40 44 56
+leaf_count=59 62 40 44 56
+internal_value=0 -0.0110155 0.00793973 -0.0197799
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=9950
+num_leaves=5
+num_cat=0
+split_feature=9 6 1 3
+split_gain=0.079527 0.316982 0.537272 1.04392
+threshold=42.500000000000007 47.500000000000007 8.5000000000000018 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 -2 3 -3
+right_child=1 2 -4 -5
+leaf_value=0.00081154006941573111 -0.0017925823009691359 0.0027113156223215256 -0.0015622617798649624 -0.0010547806046051372
+leaf_weight=49 42 64 50 56
+leaf_count=49 42 64 50 56
+internal_value=0 -0.00939877 0.0102164 0.0473775
+internal_weight=0 212 170 120
+internal_count=261 212 170 120
+shrinkage=0.02
+
+
+Tree=9951
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 4
+split_gain=0.0802021 0.262468 0.290979 0.334242
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00068466376595858775 0.00070138419306573993 -0.001721386083506098 0.0015866834347565105 -0.001529967210720477
+leaf_weight=59 62 40 44 56
+leaf_count=59 62 40 44 56
+internal_value=0 -0.0109492 0.00772709 -0.0193544
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+Tree=9952
+num_leaves=5
+num_cat=0
+split_feature=9 1 8 2
+split_gain=0.0793236 0.50027 0.764052 0.641019
+threshold=72.500000000000014 6.5000000000000009 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 3 -3 -1
+right_child=-2 2 -4 -5
+leaf_value=0.0021209653136984759 0.00069106355770200904 0.00044513543562597782 -0.0031222115057857524 -0.0011880121412258182
+leaf_weight=60 63 51 47 40
+leaf_count=60 63 51 47 40
+internal_value=0 -0.0110129 -0.0629292 0.0394737
+internal_weight=0 198 98 100
+internal_count=261 198 98 100
+shrinkage=0.02
+
+
+Tree=9953
+num_leaves=5
+num_cat=0
+split_feature=5 3 5 2
+split_gain=0.0811655 0.274213 0.600079 0.259972
+threshold=70.000000000000014 65.500000000000014 55.95000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.0007596225301413637 0.00070487198635482045 0.0011953633065522047 -0.00274445538825621 0.0012416975810567324
+leaf_weight=63 62 45 41 50
+leaf_count=63 62 45 41 50
+internal_value=0 -0.0109955 -0.0319505 0.00595313
+internal_weight=0 199 154 113
+internal_count=261 199 154 113
+shrinkage=0.02
+
+
+Tree=9954
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.0796851 0.449716 0.534673
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00065165670732349331 0.00089256950567808899 0.0021041740367106253 -0.0015370594040711569
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0117145 -0.0142342
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9955
+num_leaves=4
+num_cat=0
+split_feature=2 9 2
+split_gain=0.0757429 0.431122 0.512751
+threshold=8.5000000000000018 74.500000000000014 19.500000000000004
+decision_type=2 2 2
+left_child=-1 2 -2
+right_child=1 -3 -4
+leaf_value=-0.00063863690267799045 0.00087473422204789239 0.0020621607581913712 -0.0015063475877703243
+leaf_weight=69 77 42 73
+leaf_count=69 77 42 73
+internal_value=0 0.0114807 -0.0139445
+internal_weight=0 192 150
+internal_count=261 192 150
+shrinkage=0.02
+
+
+Tree=9956
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 1
+split_gain=0.080435 0.723689 0.479548 0.288159 2.15324
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0017179594826310103 -0.00089506522736627014 0.0026373201830297271 -0.0019626487039005247 -0.0036442910362282661 0.0028597562466771871
+leaf_weight=42 42 40 55 41 41
+leaf_count=42 42 40 55 41 41
+internal_value=0 0.0085927 -0.0187718 0.0161416 -0.0191427
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=9957
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 3 3
+split_gain=0.0764652 0.776587 0.441037 0.41391 0.468
+threshold=77.500000000000014 24.500000000000004 64.200000000000003 59.500000000000007 52.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 2 3 4 -1
+right_child=-2 -3 -4 -5 -6
+leaf_value=0.00086961135993029863 -0.00087719364480930346 0.0025743714732352312 -0.0020558885171405327 0.0019005360661357069 -0.0021701008693882228
+leaf_weight=43 42 44 50 41 41
+leaf_count=43 42 44 50 41 41
+internal_value=0 0.00842136 -0.0216357 0.0105473 -0.0302557
+internal_weight=0 219 175 125 84
+internal_count=261 219 175 125 84
+shrinkage=0.02
+
+
+Tree=9958
+num_leaves=5
+num_cat=0
+split_feature=7 9 1 4
+split_gain=0.0749094 0.208586 0.28239 0.537409
+threshold=76.500000000000014 72.500000000000014 9.5000000000000018 55.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00099101031056089695 0.00090899330710919265 -0.0014513179787654629 -0.0008870963517927259 0.0019291313826973236
+leaf_weight=42 39 44 68 68
+leaf_count=42 39 44 68 68
+internal_value=0 -0.00799749 0.00776086 0.0403489
+internal_weight=0 222 178 110
+internal_count=261 222 178 110
+shrinkage=0.02
+
+
+Tree=9959
+num_leaves=6
+num_cat=0
+split_feature=4 2 2 3 4
+split_gain=0.0739677 0.365978 0.801996 0.927579 0.709849
+threshold=51.500000000000007 25.500000000000004 19.500000000000004 72.500000000000014 64.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 3 4 -2
+right_child=1 -3 -4 -5 -6
+leaf_value=0.00079865712694946194 -0.0001099759996195668 -0.0019511286864888797 0.0027810490621472672 0.0019645794056531284 -0.0037292300551817
+leaf_weight=48 53 40 39 42 39
+leaf_count=48 53 40 39 42 39
+internal_value=0 -0.00901434 0.0112579 -0.0256909 -0.0827291
+internal_weight=0 213 173 134 92
+internal_count=261 213 173 134 92
+shrinkage=0.02
+
+
+Tree=9960
+num_leaves=5
+num_cat=0
+split_feature=9 4 9 2
+split_gain=0.0731538 0.517616 0.358537 1.43713
+threshold=72.500000000000014 69.500000000000014 41.500000000000007 16.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=-0.0013449324110566096 0.00066932423692063708 -0.0022221762680060962 -0.0012495470111989651 0.0032281477498736044
+leaf_weight=40 63 42 60 56
+leaf_count=40 63 42 60 56
+internal_value=0 -0.010662 0.0161628 0.0452925
+internal_weight=0 198 156 116
+internal_count=261 198 156 116
+shrinkage=0.02
+
+
+Tree=9961
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 7
+split_gain=0.0766887 0.317703 0.456637 0.529583
+threshold=42.500000000000007 24.500000000000004 5.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00079989230399562258 -0.0010821226125812724 -0.0017455942689736793 0.0027034130313079736 -0.00024568152451079009
+leaf_weight=49 67 44 46 55
+leaf_count=49 67 44 46 55
+internal_value=0 -0.00926339 0.0109593 0.0545249
+internal_weight=0 212 168 101
+internal_count=261 212 168 101
+shrinkage=0.02
+
+
+Tree=9962
+num_leaves=5
+num_cat=0
+split_feature=5 6 7 4
+split_gain=0.077721 0.253875 0.202385 0.293953
+threshold=72.050000000000026 63.500000000000007 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00065410939404882509 0.00080409599611976372 -0.001611851579162619 0.001191512667440989 -0.0014608262525634486
+leaf_weight=59 49 43 57 53
+leaf_count=59 49 43 57 53
+internal_value=0 -0.00931547 0.0086094 -0.0169929
+internal_weight=0 212 169 112
+internal_count=261 212 169 112
+shrinkage=0.02
+
+
+Tree=9963
+num_leaves=5
+num_cat=0
+split_feature=5 3 5 2
+split_gain=0.0756493 0.255043 0.59736 0.24249
+threshold=70.000000000000014 65.500000000000014 55.95000000000001 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=-0.00071320284601576788 0.00068533980092704439 0.001154295104568804 -0.0027201545990945463 0.0012242495801745477
+leaf_weight=63 62 45 41 50
+leaf_count=63 62 45 41 50
+internal_value=0 -0.0106938 -0.03096 0.00686145
+internal_weight=0 199 154 113
+internal_count=261 199 154 113
+shrinkage=0.02
+
+
+Tree=9964
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.0745486 0.344889 0.806526 0.534277
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.001165178398369691 -0.00066750691482363807 -0.0021882464290626188 0.0023771024542179314 0.0010106788053517455
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0108454 0.0492632 -0.0372699
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9965
+num_leaves=5
+num_cat=0
+split_feature=9 2 1 7
+split_gain=0.0738238 0.31419 0.443179 0.523274
+threshold=42.500000000000007 24.500000000000004 5.5000000000000009 71.500000000000014
+decision_type=2 2 2 2
+left_child=-1 2 -2 -4
+right_child=1 -3 3 -5
+leaf_value=0.00078795667923721197 -0.0010628746878130792 -0.0017347157653400031 0.0026824649250478893 -0.00024963987883317698
+leaf_weight=49 67 44 46 55
+leaf_count=49 67 44 46 55
+internal_value=0 -0.00912492 0.0109914 0.0539396
+internal_weight=0 212 168 101
+internal_count=261 212 168 101
+shrinkage=0.02
+
+
+Tree=9966
+num_leaves=5
+num_cat=0
+split_feature=5 5 3 3
+split_gain=0.0759787 0.254632 0.296721 0.516882
+threshold=70.000000000000014 64.200000000000003 58.500000000000007 52.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00070824396130297505 0.00068646215011032769 -0.0016957589097382393 0.0012735954351064203 -0.0022954715423726792
+leaf_weight=56 62 40 62 41
+leaf_count=56 62 40 62 41
+internal_value=0 -0.010715 0.00769733 -0.0276933
+internal_weight=0 199 159 97
+internal_count=261 199 159 97
+shrinkage=0.02
+
+
+Tree=9967
+num_leaves=5
+num_cat=0
+split_feature=7 2 6 7
+split_gain=0.0725956 0.207109 0.465369 0.726439
+threshold=76.500000000000014 7.5000000000000009 63.500000000000007 53.500000000000007
+decision_type=2 2 2 2
+left_child=1 -1 3 -3
+right_child=-2 2 -4 -5
+leaf_value=0.001037641596774086 0.00089772518688923926 -0.0015676071016401411 -0.0023714124316242041 0.0014643510200204211
+leaf_weight=49 39 59 42 72
+leaf_count=49 39 59 42 72
+internal_value=0 -0.00790539 -0.0250847 0.00463006
+internal_weight=0 222 173 131
+internal_count=261 222 173 131
+shrinkage=0.02
+
+
+Tree=9968
+num_leaves=6
+num_cat=0
+split_feature=2 6 2 1 8
+split_gain=0.0732254 0.462574 0.373244 1.15723 0.263568
+threshold=25.500000000000004 46.500000000000007 6.5000000000000009 7.5000000000000009 63.500000000000007
+decision_type=2 2 2 2 2
+left_child=1 -1 -3 4 -4
+right_child=-2 2 3 -5 -6
+leaf_value=-0.0019895434488902413 0.00083858562186647767 0.0020793514735929978 -0.0005122017332159554 0.0021330568101096113 -0.0029224783911211459
+leaf_weight=46 44 39 40 52 40
+leaf_count=46 44 39 40 52 40
+internal_value=0 -0.00851738 0.0157482 -0.010055 -0.0864416
+internal_weight=0 217 171 132 80
+internal_count=261 217 171 132 80
+shrinkage=0.02
+
+
+Tree=9969
+num_leaves=6
+num_cat=0
+split_feature=4 9 5 2 4
+split_gain=0.0788089 0.693043 1.34226 1.06688 0.376207
+threshold=51.500000000000007 57.500000000000007 53.500000000000007 19.500000000000004 71.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.00081897911638337652 -0.0043549303076198297 -0.002103028815581629 0.00084986882877953582 0.0030017668973790919 0.00066532411902148788
+leaf_weight=48 39 41 41 51 41
+leaf_count=48 39 41 41 51 41
+internal_value=0 -0.00924328 -0.0839534 0.0354151 -0.0354859
+internal_weight=0 213 80 133 82
+internal_count=261 213 80 133 82
+shrinkage=0.02
+
+
+Tree=9970
+num_leaves=5
+num_cat=0
+split_feature=8 5 4 1
+split_gain=0.0764899 0.294203 0.169023 0.441445
+threshold=72.500000000000014 65.500000000000014 52.500000000000007 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.00068780517013560948 -0.00081982277909110554 0.0016455655096538264 0.00061213389894726228 -0.0019819311474188988
+leaf_weight=59 47 46 53 56
+leaf_count=59 47 46 53 56
+internal_value=0 0.00901549 -0.0108325 -0.0356839
+internal_weight=0 214 168 109
+internal_count=261 214 168 109
+shrinkage=0.02
+
+
+Tree=9971
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.0769177 0.353455 0.766472 0.515596
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0011001565846927431 -0.00067563784582154039 -0.0021720996844699085 0.0023547280362603237 0.00097207446964250237
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0109895 0.0498537 -0.0376903
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9972
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 4
+split_gain=0.0771535 0.598473 0.600026 0.183807
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00073778077952041539 -0.0025655470871656138 0.0022891728121140361 -0.00054672985142551606 -0.0005147522489585808
+leaf_weight=56 41 54 71 39
+leaf_count=56 41 54 71 39
+internal_value=0 -0.0100841 0.033629 -0.078855
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=9973
+num_leaves=6
+num_cat=0
+split_feature=5 1 3 2 2
+split_gain=0.0747833 0.935733 0.480893 0.267316 0.866565
+threshold=48.45000000000001 3.5000000000000004 63.500000000000007 10.500000000000002 20.500000000000004
+decision_type=2 2 2 2 2
+left_child=-1 -2 -3 -4 -5
+right_child=1 2 3 4 -6
+leaf_value=0.00079208684755314247 -0.0029677853285001942 0.0022732085324923042 -0.0014210495059597079 0.0026560441298409832 -0.0015460313815137293
+leaf_weight=49 40 45 47 40 40
+leaf_count=49 40 45 47 40 40
+internal_value=0 -0.0091659 0.0230264 -0.00881821 0.027275
+internal_weight=0 212 172 127 80
+internal_count=261 212 172 127 80
+shrinkage=0.02
+
+
+Tree=9974
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.0761708 0.713585 0.691905 0.647758
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0026650111890059325 0.0010160177241191615 0.0025379050312170667 0.00068997800875571713 -0.0020990244939204988
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.016379 -0.0273065 -0.0224839
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9975
+num_leaves=6
+num_cat=0
+split_feature=4 9 5 9 6
+split_gain=0.0786934 0.654004 1.26924 0.87051 0.13521
+threshold=51.500000000000007 57.500000000000007 53.500000000000007 67.500000000000014 67.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 -3 -5
+right_child=1 3 -4 4 -6
+leaf_value=0.00081860665400112055 -0.0042406623167304518 0.0028619224671526289 0.00082233624676587608 0.00025223819067400415 -0.0014468506620260197
+leaf_weight=48 39 48 41 45 40
+leaf_count=48 39 48 41 45 40
+internal_value=0 -0.00923256 -0.0818717 0.0341796 -0.0269231
+internal_weight=0 213 80 133 85
+internal_count=261 213 80 133 85
+shrinkage=0.02
+
+
+Tree=9976
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 3
+split_gain=0.0817679 0.315878 0.572697 0.368241 0.271241
+threshold=42.500000000000007 12.500000000000002 53.95000000000001 67.500000000000014 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00082092953379343206 0.0021512910103129185 -0.0028515543299837544 0.0013717941407019871 -0.00057140380891535674 -0.00093104006786926886
+leaf_weight=49 42 40 39 41 50
+leaf_count=49 42 40 39 41 50
+internal_value=0 -0.00948878 -0.04156 0.0398683 0.00346852
+internal_weight=0 212 129 83 89
+internal_count=261 212 129 83 89
+shrinkage=0.02
+
+
+Tree=9977
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 4
+split_gain=0.0805503 0.556335 0.57009 0.163
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00075067484240087996 -0.0024701509346433995 0.0022159519894673816 -0.00055064348104266129 -0.00052436536009701617
+leaf_weight=56 41 54 71 39
+leaf_count=56 41 54 71 39
+internal_value=0 -0.0102535 0.031935 -0.076643
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=9978
+num_leaves=5
+num_cat=0
+split_feature=1 5 7 9
+split_gain=0.0831596 0.50865 0.632215 0.323235
+threshold=8.5000000000000018 67.65000000000002 59.500000000000007 56.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.00068593082057215771 0.0006518041839563898 0.0018428346292736898 -0.0025093491455358196 -0.0017436368476946896
+leaf_weight=67 48 58 41 47
+leaf_count=67 48 58 41 47
+internal_value=0 0.0150418 -0.0260265 -0.0262653
+internal_weight=0 166 108 95
+internal_count=261 166 108 95
+shrinkage=0.02
+
+
+Tree=9979
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.0806046 0.666872 0.680774 0.619575
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0026124804530739932 0.00097439521278615705 0.0024739881566333637 0.00071642460160048255 -0.0020739307066678591
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0167603 -0.0254997 -0.0229883
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9980
+num_leaves=5
+num_cat=0
+split_feature=8 9 9 8
+split_gain=0.0814801 0.275267 0.332044 0.289922
+threshold=72.500000000000014 66.500000000000014 55.500000000000007 49.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.0017685875740479171 -0.00084061100934154295 0.0014341142545606187 -0.0014148644277058389 -0.00051724664018413765
+leaf_weight=43 47 56 63 52
+leaf_count=43 47 56 63 52
+internal_value=0 0.00925289 -0.0126512 0.025476
+internal_weight=0 214 158 95
+internal_count=261 214 158 95
+shrinkage=0.02
+
+
+Tree=9981
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 7
+split_gain=0.0830568 0.226325 0.351874 0.13009
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00015286501304373872 0.00033415859270986766 -0.00069015999060265576 0.0021799312128110192 -0.001330283126588622
+leaf_weight=62 39 65 48 47
+leaf_count=62 39 65 48 47
+internal_value=0 0.0139351 0.0429277 -0.0283263
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=9982
+num_leaves=5
+num_cat=0
+split_feature=3 1 5 4
+split_gain=0.0775831 0.523074 0.572989 0.162637
+threshold=52.500000000000007 5.5000000000000009 68.65000000000002 60.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00073943605084076519 -0.0024270221785287773 0.0021980658117891879 -0.00057554178269071828 -0.00048407444807157087
+leaf_weight=56 41 54 71 39
+leaf_count=56 41 54 71 39
+internal_value=0 -0.0101051 0.030841 -0.0745539
+internal_weight=0 205 125 80
+internal_count=261 205 125 80
+shrinkage=0.02
+
+
+Tree=9983
+num_leaves=5
+num_cat=0
+split_feature=1 2 2 7
+split_gain=0.0825352 0.453427 1.79477 0.046111
+threshold=9.5000000000000018 11.500000000000002 17.500000000000004 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 -1 -3 -4
+right_child=-2 2 3 -5
+leaf_value=-0.0010586022962359503 -0.00064810897500283183 0.004421152089000663 -0.00014580125985073561 -0.0013287919193658709
+leaf_weight=70 71 41 39 40
+leaf_count=70 71 41 39 40
+internal_value=0 0.0121164 0.0504021 -0.0377774
+internal_weight=0 190 120 79
+internal_count=261 190 120 79
+shrinkage=0.02
+
+
+Tree=9984
+num_leaves=5
+num_cat=0
+split_feature=1 5 2 2
+split_gain=0.0790305 0.649328 0.637684 0.598165
+threshold=7.5000000000000009 67.65000000000002 11.500000000000002 15.500000000000002
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.0025388952502890185 0.0009533123701774912 0.0024435876851323203 0.00068581265041231672 -0.0020434404268291329
+leaf_weight=40 58 43 68 52
+leaf_count=40 58 43 68 52
+internal_value=0 0.0166132 -0.0250996 -0.0228232
+internal_weight=0 151 108 110
+internal_count=261 151 108 110
+shrinkage=0.02
+
+
+Tree=9985
+num_leaves=6
+num_cat=0
+split_feature=9 3 9 5 1
+split_gain=0.0840532 0.658434 0.492409 0.265389 1.94038
+threshold=77.500000000000014 72.500000000000014 60.500000000000007 48.45000000000001 4.5000000000000009
+decision_type=2 2 2 2 2
+left_child=1 2 3 -1 -5
+right_child=-2 -3 -4 4 -6
+leaf_value=0.0017018836365478294 -0.00091113798372537819 0.0025296818850074347 -0.0019554086767011227 -0.0034171832620821818 0.0027602935971527578
+leaf_weight=42 42 40 55 41 41
+leaf_count=42 42 40 55 41 41
+internal_value=0 0.00874145 -0.0173855 0.0179817 -0.0159489
+internal_weight=0 219 179 124 82
+internal_count=261 219 179 124 82
+shrinkage=0.02
+
+
+Tree=9986
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.0895987 0.399904 0.716658 0.555104
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.0009713876518650733 -0.00071870166587419332 -0.0022685632295015327 0.0023712379911052716 0.00098964941098862724
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0116753 0.052876 -0.0399588
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9987
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 2
+split_gain=0.085244 0.383165 0.687604 0.532428
+threshold=71.500000000000014 8.5000000000000018 55.500000000000007 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -3
+right_child=-2 3 -4 -5
+leaf_value=-0.00095199147772562047 -0.00070434318999311419 -0.0022232580654259555 0.0023238628467402446 0.00096989209408768608
+leaf_weight=43 64 48 67 39
+leaf_count=43 64 48 67 39
+internal_value=0 0.0114378 0.0518121 -0.0391514
+internal_weight=0 197 110 87
+internal_count=261 197 110 87
+shrinkage=0.02
+
+
+Tree=9988
+num_leaves=6
+num_cat=0
+split_feature=4 9 5 2 7
+split_gain=0.0851842 0.619223 1.18985 1.0302 0.550525
+threshold=51.500000000000007 57.500000000000007 53.500000000000007 18.500000000000004 72.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 2 -2 4 -3
+right_child=1 3 -4 -5 -6
+leaf_value=0.00084483133065172311 -0.004127541595113104 -0.0024764482764188327 0.00077655517738580066 0.0028393598968826134 0.00088952018713635761
+leaf_weight=48 39 40 41 53 40
+leaf_count=48 39 40 41 53 40
+internal_value=0 -0.00954459 -0.080286 0.0327259 -0.0392083
+internal_weight=0 213 80 133 80
+internal_count=261 213 80 133 80
+shrinkage=0.02
+
+
+Tree=9989
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 7
+split_gain=0.0865628 0.218673 0.320457 0.131897
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 72.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00011313559564584616 0.00032979684319067769 -0.00067035951790894634 0.0021180743237425338 -0.001344575266727146
+leaf_weight=62 39 65 48 47
+leaf_count=62 39 65 48 47
+internal_value=0 0.0141581 0.0426972 -0.0288161
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=9990
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 6
+split_gain=0.0870076 0.511269 1.04409 0.339427
+threshold=52.500000000000007 6.5000000000000009 69.500000000000014 57.500000000000007
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00077408404774008443 -0.0024086284519833018 0.0027740439247541425 -0.0012444907714368996 -0
+leaf_weight=56 52 53 52 48
+leaf_count=56 52 53 52 48
+internal_value=0 -0.0105936 0.0388398 -0.0628892
+internal_weight=0 205 105 100
+internal_count=261 205 105 100
+shrinkage=0.02
+
+
+Tree=9991
+num_leaves=5
+num_cat=0
+split_feature=9 8 9 2
+split_gain=0.0867388 0.28049 0.275525 0.528453
+threshold=55.500000000000007 49.500000000000007 61.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=0.0017737552419128399 -0.0016697736734911292 -0.0004764447024259133 -0.00086660917777482975 0.001899479644039469
+leaf_weight=43 46 52 73 47
+leaf_count=43 46 52 73 47
+internal_value=0 0.0267104 -0.0153071 0.0105294
+internal_weight=0 95 166 120
+internal_count=261 95 166 120
+shrinkage=0.02
+
+
+Tree=9992
+num_leaves=5
+num_cat=0
+split_feature=9 9 9 2
+split_gain=0.0824763 0.271388 0.263825 0.506779
+threshold=55.500000000000007 41.500000000000007 61.500000000000007 19.500000000000004
+decision_type=2 2 2 2
+left_child=1 -1 -2 -4
+right_child=2 -3 3 -5
+leaf_value=-0.00068129068586066284 -0.0016364292283236189 0.0015344814289685333 -0.00084929386379414688 0.0018615465409957174
+leaf_weight=43 46 52 73 47
+leaf_count=43 46 52 73 47
+internal_value=0 0.0261687 -0.0150013 0.0103128
+internal_weight=0 95 166 120
+internal_count=261 95 166 120
+shrinkage=0.02
+
+
+Tree=9993
+num_leaves=6
+num_cat=0
+split_feature=9 2 5 4 3
+split_gain=0.083992 0.358298 0.507625 0.369569 0.259852
+threshold=42.500000000000007 12.500000000000002 53.95000000000001 67.500000000000014 66.500000000000014
+decision_type=2 2 2 2 2
+left_child=-1 3 -3 -2 -4
+right_child=1 2 4 -5 -6
+leaf_value=0.00082939195546691854 0.0022114901908763889 -0.0027786929063854117 0.0012537082030488183 -0.00051513148030428977 -0.0010046257933522501
+leaf_weight=49 42 40 39 41 50
+leaf_count=49 42 40 39 41 50
+internal_value=0 -0.00961487 -0.0436435 0.0427838 -0.000291475
+internal_weight=0 212 129 83 89
+internal_count=261 212 129 83 89
+shrinkage=0.02
+
+
+Tree=9994
+num_leaves=5
+num_cat=0
+split_feature=9 1 9 6
+split_gain=0.082182 0.231743 0.318784 0.114402
+threshold=67.500000000000014 9.5000000000000018 56.500000000000007 67.500000000000014
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=-0.00010134627320867472 0.00015728727400315828 -0.00070247958287017345 0.0021242061802477655 -0.001413439896737723
+leaf_weight=62 46 65 48 40
+leaf_count=62 46 65 48 40
+internal_value=0 0.0138544 0.0431635 -0.0282272
+internal_weight=0 175 110 86
+internal_count=261 175 110 86
+shrinkage=0.02
+
+
+Tree=9995
+num_leaves=5
+num_cat=0
+split_feature=3 1 4 9
+split_gain=0.0820278 0.500473 0.991657 0.429361
+threshold=52.500000000000007 6.5000000000000009 69.500000000000014 66.500000000000014
+decision_type=2 2 2 2
+left_child=-1 3 -3 -2
+right_child=1 2 -4 -5
+leaf_value=0.00075566499665265241 -0.0023154336288241958 0.0027189359208700547 -0.0011991007566317525 0.0004167319863218464
+leaf_weight=56 61 53 52 39
+leaf_count=56 61 53 52 39
+internal_value=0 -0.0103538 0.0385727 -0.0621174
+internal_weight=0 205 105 100
+internal_count=261 205 105 100
+shrinkage=0.02
+
+
+Tree=9996
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 2
+split_gain=0.0891822 0.619853 1.25777 0.484518
+threshold=8.5000000000000018 17.500000000000004 69.500000000000014 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0032861471461533291 -0.0018154409283054544 -0.0011745428277196838 -0.0013307264559687503 0.001118773592702658
+leaf_weight=57 54 68 41 41
+leaf_count=57 54 68 41 41
+internal_value=0 0.0154562 0.0673435 -0.0270395
+internal_weight=0 166 98 95
+internal_count=261 166 98 95
+shrinkage=0.02
+
+
+Tree=9997
+num_leaves=5
+num_cat=0
+split_feature=1 2 4 2
+split_gain=0.084772 0.594484 1.20735 0.46461
+threshold=8.5000000000000018 17.500000000000004 69.500000000000014 17.500000000000004
+decision_type=2 2 2 2
+left_child=1 2 -1 -2
+right_child=3 -3 -4 -5
+leaf_value=0.0032205048776328803 -0.0017791790800006856 -0.0011510760031626303 -0.0013041575694565997 0.0010964362368637087
+leaf_weight=57 54 68 41 41
+leaf_count=57 54 68 41 41
+internal_value=0 0.0151378 0.0659898 -0.0264908
+internal_weight=0 166 98 95
+internal_count=261 166 98 95
+shrinkage=0.02
+
+
+Tree=9998
+num_leaves=5
+num_cat=0
+split_feature=6 9 2 1
+split_gain=0.0814517 0.423897 0.49947 0.560638
+threshold=69.500000000000014 71.500000000000014 13.500000000000002 4.5000000000000009
+decision_type=2 2 2 2
+left_child=1 2 -1 -4
+right_child=-2 -3 3 -5
+leaf_value=0.0015287226576175053 0.00082953833355114027 -0.0021162448255171214 0.0011383155735161057 -0.0019402952165041626
+leaf_weight=73 48 39 41 60
+leaf_count=73 48 39 41 60
+internal_value=0 -0.00938209 0.0120356 -0.0341362
+internal_weight=0 213 174 101
+internal_count=261 213 174 101
+shrinkage=0.02
+
+
+Tree=9999
+num_leaves=5
+num_cat=0
+split_feature=5 5 4 9
+split_gain=0.0787592 0.317423 0.245512 0.291236
+threshold=70.000000000000014 64.200000000000003 60.500000000000007 45.500000000000007
+decision_type=2 2 2 2
+left_child=1 2 3 -1
+right_child=-2 -3 -4 -5
+leaf_value=0.00095524065220772586 0.00069620116702481252 -0.001859639079375311 0.0015142907661079197 -0.0011629911884827296
+leaf_weight=46 62 40 44 69
+leaf_count=46 62 40 44 69
+internal_value=0 -0.0108758 0.00956023 -0.015434
+internal_weight=0 199 159 115
+internal_count=261 199 159 115
+shrinkage=0.02
+
+
+end of trees
+
+feature importances:
+Column_9=8322
+Column_2=6585
+Column_5=5272
+Column_4=4915
+Column_6=4114
+Column_3=3831
+Column_1=3507
+Column_7=2717
+Column_8=2340
+
+parameters:
+[boosting: gbdt]
+[objective: regression]
+[metric: ]
+[tree_learner: serial]
+[device_type: cpu]
+[data: ]
+[valid: ]
+[num_iterations: 100]
+[learning_rate: 0.02]
+[num_leaves: 32]
+[num_threads: 0]
+[max_depth: 8]
+[min_data_in_leaf: 20]
+[min_sum_hessian_in_leaf: 39]
+[bagging_fraction: 0.9]
+[pos_bagging_fraction: 1]
+[neg_bagging_fraction: 1]
+[bagging_freq: 0]
+[bagging_seed: 18467]
+[feature_fraction: 0.9]
+[feature_fraction_bynode: 1]
+[feature_fraction_seed: 26500]
+[early_stopping_round: 0]
+[first_metric_only: 0]
+[max_delta_step: 0]
+[lambda_l1: 0.04]
+[lambda_l2: 0.07]
+[min_gain_to_split: 0.02]
+[drop_rate: 0.1]
+[max_drop: 50]
+[skip_drop: 0.5]
+[xgboost_dart_mode: 0]
+[uniform_drop: 0]
+[drop_seed: 6334]
+[top_rate: 0.2]
+[other_rate: 0.1]
+[min_data_per_group: 100]
+[max_cat_threshold: 32]
+[cat_l2: 10]
+[cat_smooth: 10]
+[max_cat_to_onehot: 4]
+[top_k: 20]
+[monotone_constraints: ]
+[feature_contri: ]
+[forcedsplits_filename: ]
+[forcedbins_filename: ]
+[refit_decay_rate: 0.9]
+[cegb_tradeoff: 1]
+[cegb_penalty_split: 0]
+[cegb_penalty_feature_lazy: ]
+[cegb_penalty_feature_coupled: ]
+[verbosity: -1]
+[max_bin: 255]
+[max_bin_by_feature: ]
+[min_data_in_bin: 3]
+[bin_construct_sample_cnt: 200000]
+[histogram_pool_size: -1]
+[data_random_seed: 41]
+[output_model: LightGBM_model.txt]
+[snapshot_freq: -1]
+[input_model: ]
+[output_result: LightGBM_predict_result.txt]
+[initscore_filename: ]
+[valid_data_initscores: ]
+[pre_partition: 0]
+[enable_bundle: 1]
+[max_conflict_rate: 0]
+[is_enable_sparse: 1]
+[sparse_threshold: 0.8]
+[use_missing: 1]
+[zero_as_missing: 0]
+[two_round: 0]
+[save_binary: 0]
+[header: 0]
+[label_column: ]
+[weight_column: ]
+[group_column: ]
+[ignore_column: ]
+[categorical_feature: ]
+[predict_raw_score: 0]
+[predict_leaf_index: 0]
+[predict_contrib: 0]
+[num_iteration_predict: -1]
+[pred_early_stop: 0]
+[pred_early_stop_freq: 10]
+[pred_early_stop_margin: 10]
+[convert_model_language: ]
+[convert_model: gbdt_prediction.cpp]
+[num_class: 1]
+[is_unbalance: 0]
+[scale_pos_weight: 1]
+[sigmoid: 1]
+[boost_from_average: 1]
+[reg_sqrt: 0]
+[alpha: 0.9]
+[fair_c: 1]
+[poisson_max_delta_step: 0.7]
+[tweedie_variance_power: 1.5]
+[max_position: 20]
+[lambdamart_norm: 1]
+[label_gain: ]
+[metric_freq: 1]
+[is_provide_training_metric: 0]
+[eval_at: ]
+[multi_error_top_k: 1]
+[num_machines: 1]
+[local_listen_port: 12400]
+[time_out: 120]
+[machine_list_filename: ]
+[machines: ]
+[gpu_platform_id: -1]
+[gpu_device_id: -1]
+[gpu_use_dp: 0]
+
+end of parameters
+
+pandas_categorical:null
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/log_loss.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/log_loss.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+log_loss : 
+3.7248735402728403
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/matthews_corrcoef.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/matthews_corrcoef.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+matthews_corrcoef : 
+1.0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/mba_input_int_w.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/mba_input_int_w.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,6 @@
+Transactions
+10	11	12	13	14	15
+16	11	12	13	14	15
+10	17	13	14
+10	18	19	13	15
+19	11	11	13	20	14
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/mba_input_int_wo.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/mba_input_int_wo.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,5 @@
+10	11	12	13	14	15
+16	11	12	13	14	15
+10	17	13	14
+10	18	19	13	15
+19	11	11	13	20	14
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/mba_input_str_w.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/mba_input_str_w.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,6 @@
+Transactions
+Milk	Onion	Nutmeg	Kidney Beans	Eggs	Yogurt
+Dill	Onion	Nutmeg	Kidney Beans	Eggs	Yogurt
+Milk	Apple	Kidney Beans	Eggs
+Milk	Unicorn	Corn	Kidney Beans	Yogurt
+Corn	Onion	Onion	Kidney Beans	Ice cream	Eggs
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/mba_input_str_wo.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/mba_input_str_wo.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,5 @@
+Milk	Onion	Nutmeg	Kidney Beans	Eggs	Yogurt
+Dill	Onion	Nutmeg	Kidney Beans	Eggs	Yogurt
+Milk	Apple	Kidney Beans	Eggs
+Milk	Unicorn	Corn	Kidney Beans	Yogurt
+Corn	Onion	Onion	Kidney Beans	Ice cream	Eggs
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/mba_out_str.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/mba_out_str.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,7 @@
+antecedents	consequents	antecedent support	consequent support	support	confidence	lift	leverage	conviction
+['Eggs']	['Kidney Beans', 'Onion']	0.8	0.6	0.6	0.7499999999999999	1.2499999999999998	0.12	1.5999999999999994
+['Eggs']	['Onion']	0.8	0.6	0.6	0.7499999999999999	1.2499999999999998	0.12	1.5999999999999994
+['Eggs', 'Kidney Beans']	['Onion']	0.8	0.6	0.6	0.7499999999999999	1.2499999999999998	0.12	1.5999999999999994
+['Kidney Beans', 'Onion']	['Eggs']	0.6	0.8	0.6	1.0	1.25	0.12	inf
+['Onion']	['Eggs']	0.6	0.8	0.6	1.0	1.25	0.12	inf
+['Onion']	['Eggs', 'Kidney Beans']	0.6	0.8	0.6	1.0	1.25	0.12	inf
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/mba_output_int.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/mba_output_int.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,7 @@
+antecedents	consequents	antecedent support	consequent support	support	confidence	lift	leverage	conviction
+['11']	['13', '14']	0.6	0.8	0.6	1.0	1.25	0.12	inf
+['11']	['14']	0.6	0.8	0.6	1.0	1.25	0.12	inf
+['11', '13']	['14']	0.6	0.8	0.6	1.0	1.25	0.12	inf
+['13', '14']	['11']	0.8	0.6	0.6	0.7499999999999999	1.2499999999999998	0.12	1.5999999999999994
+['14']	['11']	0.8	0.6	0.6	0.7499999999999999	1.2499999999999998	0.12	1.5999999999999994
+['14']	['11', '13']	0.8	0.6	0.6	0.7499999999999999	1.2499999999999998	0.12	1.5999999999999994
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/mba_output_str.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/mba_output_str.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,7 @@
+antecedents	consequents	antecedent support	consequent support	support	confidence	lift	leverage	conviction
+['Eggs']	['Kidney Beans', 'Onion']	0.8	0.6	0.6	0.7499999999999999	1.2499999999999998	0.12	1.5999999999999994
+['Eggs']	['Onion']	0.8	0.6	0.6	0.7499999999999999	1.2499999999999998	0.12	1.5999999999999994
+['Eggs', 'Kidney Beans']	['Onion']	0.8	0.6	0.6	0.7499999999999999	1.2499999999999998	0.12	1.5999999999999994
+['Kidney Beans', 'Onion']	['Eggs']	0.6	0.8	0.6	1.0	1.25	0.12	inf
+['Onion']	['Eggs']	0.6	0.8	0.6	1.0	1.25	0.12	inf
+['Onion']	['Eggs', 'Kidney Beans']	0.6	0.8	0.6	1.0	1.25	0.12	inf
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/ml_confusion_predicted.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/ml_confusion_predicted.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,34 @@
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+1
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/ml_confusion_true.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/ml_confusion_true.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,34 @@
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+1
+1
+1
+1
+1
+0
+0
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+0
+0
+0
+0
+0
+0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/ml_confusion_viz.png
Binary file test-data/ml_confusion_viz.png has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/ml_vis01.html
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/ml_vis01.html	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,31 @@
+
+
+
+    
+
+
\ No newline at end of file
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/ml_vis02.html
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/ml_vis02.html	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,31 @@
+
+
+
+    
+
+
\ No newline at end of file
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/ml_vis03.html
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/ml_vis03.html	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,31 @@
+
+
+
+    
+
+
\ No newline at end of file
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/ml_vis04.html
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/ml_vis04.html	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,31 @@
+
+
+
+    
+
+
\ No newline at end of file
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/ml_vis05.html
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/ml_vis05.html	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,31 @@
+
+
+
+    
+
+
\ No newline at end of file
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/ml_vis05.png
Binary file test-data/ml_vis05.png has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/model_fit01
Binary file test-data/model_fit01 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/model_fit02
Binary file test-data/model_fit02 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/model_fit02.h5
Binary file test-data/model_fit02.h5 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/model_pred01.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/model_pred01.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,262 @@
+Predicted
+71.129364
+60.96111
+77.885765
+57.212738
+51.806957
+52.089592
+51.571884
+80.762184
+36.772987
+41.643093
+46.386948
+77.97063
+72.768776
+40.0386
+79.81385
+74.40216
+52.089592
+75.51107
+55.705868
+39.944202
+49.643826
+59.17941
+69.848915
+64.62096
+48.310116
+43.391766
+68.25893
+60.198105
+65.16974
+72.130005
+56.351482
+53.20132
+56.86578
+54.342987
+43.521133
+59.663773
+66.097626
+51.960022
+41.559486
+45.16049
+66.40008
+71.488754
+45.16049
+63.34996
+69.83631
+55.652687
+61.311596
+71.85501
+75.12588
+54.93247
+70.09855
+74.20223
+57.898273
+55.23022
+75.70524
+66.94729
+65.12762
+59.3189
+61.22922
+61.2382
+54.017147
+51.633373
+51.633373
+65.16974
+65.16873
+57.874527
+59.740753
+43.990814
+66.06423
+64.436615
+41.245773
+63.278465
+63.27533
+71.13793
+65.47819
+72.620995
+62.598015
+36.986706
+73.2002
+71.966644
+72.912926
+75.46711
+55.12616
+46.19641
+87.20736
+72.11753
+57.952766
+84.67858
+69.21688
+64.257095
+43.59384
+44.723145
+67.051605
+50.021965
+69.202095
+75.10072
+70.80699
+83.08025
+69.62026
+42.441116
+64.38655
+59.430386
+69.366035
+73.87479
+59.973484
+75.76153
+56.195892
+71.16636
+60.419106
+61.630756
+51.81593
+54.924137
+60.73048
+78.496635
+77.921555
+73.66453
+60.904953
+71.26717
+72.01454
+53.52841
+46.66952
+54.504898
+56.28563
+59.398067
+72.71433
+51.745968
+67.80466
+51.571823
+52.010742
+54.19355
+74.193825
+64.57627
+67.48214
+68.41867
+82.102806
+55.8638
+76.90198
+62.577324
+73.70229
+78.93923
+73.51925
+54.81887
+65.2422
+59.700085
+84.08965
+64.35592
+54.001873
+41.397793
+64.64837
+62.784557
+42.990005
+45.430832
+52.089592
+60.374348
+51.67288
+62.4257
+79.536285
+76.4169
+55.978775
+74.43581
+76.89248
+65.3203
+72.10233
+59.23278
+51.736633
+73.13266
+59.45746
+73.0939
+70.58273
+53.08009
+49.893116
+73.89228
+52.64392
+54.801548
+63.534626
+68.1002
+63.70472
+63.8851
+63.268097
+62.438057
+61.989746
+71.47914
+73.92875
+48.089043
+54.874943
+50.261494
+69.11724
+57.448387
+50.528027
+58.67657
+73.969376
+53.745205
+74.81751
+85.582954
+75.10767
+48.855537
+70.66616
+41.341694
+48.55276
+63.48302
+73.02358
+69.50546
+55.603634
+74.26824
+76.03213
+62.601646
+81.99045
+59.26651
+44.504597
+53.54178
+55.247334
+82.123795
+51.84111
+66.27524
+66.23033
+58.565033
+67.452
+72.54107
+49.840427
+70.26608
+62.447872
+67.045
+42.600086
+64.88309
+55.31232
+39.07865
+71.81975
+59.447086
+53.20132
+75.12621
+72.9902
+53.1043
+72.42816
+72.10233
+55.836628
+53.2467
+74.670074
+74.5721
+54.103737
+49.212822
+67.238785
+60.09495
+74.5011
+63.0043
+67.7362
+53.029213
+74.860016
+78.597946
+75.369064
+60.000134
+68.83947
+40.24504
+81.21449
+61.465557
+42.74572
+52.089592
+73.162025
+52.033802
+79.690926
+62.542553
+59.557045
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/model_pred02.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/model_pred02.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,262 @@
+Predicted
+71.08584
+61.23427
+75.80197
+66.19323
+52.35754
+52.987312
+51.777576
+75.66966
+49.61427
+51.20531
+49.255173
+76.143936
+74.00767
+50.80104
+72.37281
+68.69481
+52.816956
+76.27541
+57.82054
+49.72029
+52.400383
+57.968666
+61.28138
+58.4683
+53.114418
+50.45093
+67.63649
+60.31344
+66.52325
+72.48887
+58.755577
+53.332912
+55.175415
+53.437675
+50.452156
+61.153603
+66.69711
+51.1279
+51.37375
+50.732525
+67.677734
+74.2334
+51.287792
+70.154366
+68.460396
+58.35005
+59.828957
+74.98557
+73.3624
+54.043793
+73.04924
+77.22285
+59.452316
+56.143288
+74.41183
+60.254143
+67.18662
+63.53044
+60.43683
+60.07025
+57.257767
+52.143753
+52.872334
+67.748436
+63.986977
+55.532387
+59.70022
+49.43772
+65.30266
+67.30055
+49.907486
+57.864845
+56.207542
+70.46542
+55.503044
+73.822784
+63.741142
+49.693428
+71.36254
+71.87617
+72.02608
+65.63652
+54.059746
+51.300495
+76.06125
+73.98534
+63.071587
+75.93381
+69.479454
+63.85415
+51.218174
+49.468956
+68.23912
+50.83457
+70.77809
+72.129776
+74.53812
+68.9107
+72.47451
+50.62992
+62.99655
+56.105698
+72.927025
+65.86492
+58.282486
+75.063446
+54.558403
+65.59456
+57.257263
+58.336494
+51.988983
+57.355415
+56.631332
+62.632957
+76.11209
+76.99285
+65.670746
+74.464355
+68.042145
+54.761986
+51.070145
+56.55138
+55.53712
+57.753426
+75.02803
+57.397556
+71.05187
+51.134808
+53.119152
+52.581924
+70.8574
+66.85955
+67.29634
+66.589584
+76.06389
+54.559666
+60.37111
+63.455887
+72.6416
+75.51883
+63.990837
+53.491386
+59.82952
+60.56826
+76.53373
+66.729385
+52.592728
+48.729107
+68.03414
+56.391117
+50.800247
+50.053703
+52.03207
+55.326523
+52.58854
+60.38707
+75.923096
+75.2882
+54.893684
+78.00183
+76.06732
+60.791916
+70.38205
+60.582397
+53.582005
+77.20325
+54.903778
+68.63178
+70.27207
+54.5502
+53.928703
+74.93919
+52.267735
+51.70433
+59.89312
+74.00166
+66.61868
+70.04806
+55.62455
+65.638214
+55.330837
+65.8484
+65.45604
+50.942883
+56.04741
+52.147808
+69.9472
+52.90547
+51.568893
+57.65322
+76.28175
+53.421043
+73.63155
+77.357666
+77.49912
+51.669907
+67.80663
+49.745773
+52.792336
+62.308838
+76.21391
+70.10635
+53.58763
+76.36336
+75.63791
+66.51898
+59.851395
+53.114918
+50.095005
+54.76951
+58.387985
+76.39301
+53.754196
+66.004395
+59.4105
+53.724583
+63.857407
+70.29119
+50.46862
+58.864563
+61.946457
+70.4472
+50.738815
+65.65154
+52.600437
+49.42977
+70.38036
+56.012196
+53.824024
+71.119225
+75.3495
+49.078987
+74.36192
+71.18959
+54.9702
+54.477818
+72.231705
+68.62958
+52.298077
+52.34682
+70.110405
+60.08683
+74.98835
+55.85307
+66.53965
+53.608902
+67.770744
+66.93648
+68.07121
+59.94021
+58.784706
+50.237366
+77.0887
+65.06997
+50.1484
+51.08928
+74.907234
+56.82161
+62.303955
+62.67704
+61.49601
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/moons.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/moons.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,101 @@
+0	1	0
+-0.71834935009773	0.69568255060349	0
+0.28165064990227	-0.19568255060349	1
+-0.09602302590768	0.99537911294920	0
+-0.87131870412339	0.49071755200394	0
+-0.62348980185873	0.78183148246803	0
+-0.03205157757165	0.99948621620069	0
+-0.67230089026132	0.74027799707532	0
+-0.51839256831052	0.85514276300535	0
+1.15959989503338	-0.48718178341445	1
+0.22252093395631	0.97492791218182	0
+1.62348980185873	-0.28183148246803	1
+0.00000000000000	0.50000000000000	1
+1.90096886790242	0.06611626088244	1
+0.65463494557869	-0.43846842204976	1
+1.98155915699107	0.30884137129863	1
+1.22252093395631	-0.47492791218182	1
+0.84040010496662	-0.48718178341445	1
+0.94905574701067	0.31510821802362	0
+-0.83808810489184	0.54553490121055	0
+0.76144595836913	0.64822839530779	0
+-0.28452758663103	0.95866785303666	0
+1.51839256831052	-0.35514276300535	1
+1.46253829024084	-0.38659930637300	1
+-0.92691675734602	0.37526700487937	0
+-0.22252093395631	0.97492791218182	0
+0.15959989503338	0.98718178341445	0
+0.09602302590768	0.99537911294920	0
+1.83808810489184	-0.04553490121055	1
+1.67230089026132	-0.24027799707532	1
+0.28452758663103	0.95866785303666	0
+-0.46253829024084	0.88659930637300	0
+0.92691675734602	0.37526700487937	0
+0.98155915699107	0.19115862870137	0
+0.71834935009773	0.69568255060349	0
+0.00205460724966	0.43592978001929	1
+1.57211666012217	-0.32017225459696	1
+0.90397697409232	-0.49537911294920	1
+0.37651019814127	-0.28183148246803	1
+0.03270513696097	0.24634541609049	1
+0.59521665687761	-0.41441262301581	1
+1.03205157757165	-0.49948621620069	1
+0.96794842242834	-0.49948621620069	1
+0.09903113209758	0.06611626088244	1
+-0.90096886790242	0.43388373911756	0
+1.09602302590768	-0.49537911294920	1
+2.00000000000000	0.50000000000000	1
+0.46253829024084	0.88659930637300	0
+1.92691675734602	0.12473299512063	1
+0.32769910973868	-0.24027799707532	1
+1.00000000000000	0.00000000000000	0
+0.40478334312239	0.91441262301581	0
+-0.94905574701067	0.31510821802362	0
+-0.76144595836913	0.64822839530779	0
+-0.96729486303903	0.25365458390951	0
+-0.80141362186796	0.59811053049122	0
+0.71547241336897	-0.45866785303666	1
+1.94905574701067	0.18489178197638	1
+-0.34536505442131	0.93846842204976	0
+0.77747906604369	-0.47492791218182	1
+-0.98155915699107	0.19115862870137	0
+0.07308324265398	0.12473299512063	1
+1.34536505442131	-0.43846842204976	1
+1.87131870412339	0.00928244799606	1
+1.76144595836913	-0.14822839530779	1
+0.34536505442131	0.93846842204976	0
+1.40478334312239	-0.41441262301581	1
+0.05094425298933	0.18489178197638	1
+1.80141362186796	-0.09811053049122	1
+0.23855404163087	-0.14822839530779	1
+0.42788333987783	-0.32017225459696	1
+-0.99179001382325	0.12787716168451	0
+-1.00000000000000	0.00000000000000	0
+0.90096886790242	0.43388373911756	0
+1.99179001382325	0.37212283831549	1
+0.16191189510816	-0.04553490121055	1
+1.96729486303903	0.24634541609049	1
+0.67230089026132	0.74027799707532	0
+0.99794539275034	0.06407021998071	0
+-0.40478334312239	0.91441262301581	0
+0.96729486303903	0.25365458390951	0
+-0.15959989503338	0.98718178341445	0
+0.99179001382325	0.12787716168451	0
+0.83808810489184	0.54553490121055	0
+0.51839256831053	0.85514276300535	0
+0.12868129587661	0.00928244799606	1
+0.19858637813204	-0.09811053049122	1
+0.57211666012217	0.82017225459696	0
+1.99794539275034	0.43592978001929	1
+-0.57211666012217	0.82017225459696	0
+0.62348980185873	0.78183148246803	0
+0.48160743168947	-0.35514276300535	1
+0.01844084300893	0.30884137129863	1
+0.00820998617675	0.37212283831549	1
+0.80141362186796	0.59811053049122	0
+-0.99794539275034	0.06407021998071	0
+1.28452758663103	-0.45866785303666	1
+1.71834935009773	-0.19568255060349	1
+0.53746170975916	-0.38659930637300	1
+0.03205157757166	0.99948621620069	0
+0.87131870412339	0.49071755200394	0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/mv_result02.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/mv_result02.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,11 @@
+Predicted
+1.578912095858962
+-1.199072894940544
+-0.7173258906076226
+0.3255908318822695
+0.21919344304093213
+-0.6841926371423699
+1.1144698671662865
+0.19379531649046616
+0.9405094785593062
+1.2581284896870837
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/mv_result03.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/mv_result03.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,6 @@
+train_sizes_abs	mean_train_scores	std_train_scores	mean_test_scores	std_test_scores
+17	0.9668700841937653	0.00277836829836518	0.7008862995946905	0.03857541198731935
+56	0.9730008602419361	0.006839342612121988	0.7963376762427242	0.004846330083938778
+95	0.9728783377589098	0.0037790183626530663	0.814592845745573	0.020457691766770824
+134	0.9739086338111185	0.001627343246847077	0.7985540571195479	0.03954641079310707
+174	0.9726218628287785	0.0032867750457225182	0.8152971572131146	0.04280261115004303
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/mv_result05.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/mv_result05.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,262 @@
+Predicted
+70.16
+62.06
+83.04
+62.84
+48.63
+51.25
+54.98
+80.3
+42.84
+41.52
+43.83
+73.15
+74.22
+42.88
+74.93
+72.9
+53.74
+78.86
+59.0
+40.28
+54.52
+58.34
+62.74
+62.35
+49.15
+41.92
+65.59
+59.91
+66.49
+72.08
+60.44
+53.84
+54.82
+52.66
+42.37
+61.3
+63.14
+50.62
+42.75
+47.39
+67.8
+73.58
+49.97
+67.04
+67.45
+54.67
+64.87
+77.23
+73.52
+53.55
+70.53
+77.98
+61.99
+53.08
+78.12
+66.55
+63.95
+60.57
+61.6
+60.37
+55.29
+54.31
+52.54
+65.31
+61.51
+57.3
+60.02
+43.64
+74.78
+68.26
+42.72
+61.26
+61.25
+71.58
+61.03
+70.53
+70.25
+43.4
+71.39
+72.31
+72.7
+72.11
+53.55
+43.4
+80.6
+73.72
+58.86
+76.71
+68.36
+60.26
+48.56
+38.96
+69.67
+52.9
+67.63
+75.12
+70.92
+70.89
+67.05
+43.89
+59.94
+62.98
+71.1
+79.22
+77.31
+79.06
+61.11
+66.32
+54.7
+61.1
+54.59
+58.7
+59.6
+73.79
+72.69
+81.83
+61.08
+69.21
+74.8
+54.37
+50.85
+53.07
+58.53
+55.44
+72.62
+54.14
+68.12
+48.81
+50.11
+56.06
+73.63
+63.29
+71.0
+74.87
+81.24
+54.67
+66.96
+61.37
+74.84
+76.71
+69.27
+56.53
+71.91
+58.74
+77.83
+64.57
+51.93
+42.84
+64.11
+59.47
+42.46
+43.79
+51.75
+63.98
+54.71
+64.95
+79.72
+72.12
+60.66
+79.3
+71.26
+59.9
+74.25
+59.68
+52.37
+78.52
+58.52
+71.98
+71.77
+54.48
+48.96
+81.42
+54.08
+53.52
+64.38
+70.79
+63.95
+67.48
+61.76
+66.15
+62.1
+75.68
+69.72
+43.8
+56.27
+53.38
+81.31
+57.54
+48.15
+59.47
+78.01
+56.39
+72.33
+78.8
+78.66
+52.01
+66.68
+48.56
+47.75
+65.67
+77.93
+72.68
+58.0
+77.83
+73.37
+65.39
+69.79
+55.98
+46.35
+54.31
+55.58
+79.69
+52.76
+62.62
+66.54
+60.29
+62.57
+74.86
+48.05
+65.09
+65.02
+67.84
+41.86
+62.28
+57.05
+43.68
+72.0
+63.04
+54.41
+73.37
+75.11
+42.65
+73.16
+71.68
+58.61
+53.54
+73.33
+72.16
+49.96
+54.78
+64.24
+60.13
+76.46
+61.53
+68.36
+53.1
+71.33
+76.12
+70.86
+61.35
+67.12
+43.25
+80.2
+71.16
+58.63
+52.37
+74.93
+53.34
+76.41
+63.87
+59.97
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/named_steps.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/named_steps.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,6 @@
+{'preprocessing_1': SelectKBest(k=10, score_func=), 'estimator': XGBRegressor(base_score=0.5, booster='gbtree', colsample_bylevel=1,
+             colsample_bytree=1, gamma=0, learning_rate=0.1, max_delta_step=0,
+             max_depth=3, min_child_weight=1, missing=nan, n_estimators=100,
+             n_jobs=1, nthread=None, objective='reg:linear', random_state=10,
+             reg_alpha=0, reg_lambda=1, scale_pos_weight=1, seed=None,
+             silent=True, subsample=1)}
\ No newline at end of file
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/nn_model01
Binary file test-data/nn_model01 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/nn_model02
Binary file test-data/nn_model02 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/nn_model03
Binary file test-data/nn_model03 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/nn_prediction_result01.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/nn_prediction_result01.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,49 @@
+0	58	56	-67	0
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	2
+1	-67	93	15	2
+1	-59	94	36	2
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	2
+1	-56	91	52	2
+1	-61	81	46	2
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	2
+2	-109	23	-92	1
+2	-94	20	-96	1
+2	-85	26	-88	1
+2	-90	33	-114	1
+2	-63	9	-106	1
+2	-79	9	-93	1
+2	-99	26	-108	1
+2	-81	19	-110	1
+2	-108	21	-108	1
+2	-92	27	-106	1
+2	-88	2	-106	1
+2	-88	15	-103	1
+3	54	-74	4	3
+3	42	-92	31	3
+3	39	-99	-7	3
+3	48	-115	-5	3
+3	39	-96	2	3
+3	31	-109	9	3
+3	33	-96	-8	3
+3	23	-102	4	3
+3	38	-90	21	3
+3	34	-107	1	3
+3	35	-78	18	3
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/nn_prediction_result02.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/nn_prediction_result02.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,49 @@
+0	58	56	-67	0
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	2
+1	-67	93	15	2
+1	-59	94	36	2
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	2
+1	-56	91	52	2
+1	-61	81	46	2
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	2
+2	-109	23	-92	1
+2	-94	20	-96	1
+2	-85	26	-88	1
+2	-90	33	-114	1
+2	-63	9	-106	1
+2	-79	9	-93	1
+2	-99	26	-108	1
+2	-81	19	-110	1
+2	-108	21	-108	1
+2	-92	27	-106	1
+2	-88	2	-106	1
+2	-88	15	-103	1
+3	54	-74	4	3
+3	42	-92	31	3
+3	39	-99	-7	3
+3	48	-115	-5	3
+3	39	-96	2	3
+3	31	-109	9	3
+3	33	-96	-8	3
+3	23	-102	4	3
+3	38	-90	21	3
+3	34	-107	1	3
+3	35	-78	18	3
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/nn_prediction_result03.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/nn_prediction_result03.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,49 @@
+0	58	56	-67	0
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	2
+1	-67	93	15	2
+1	-59	94	36	2
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	2
+1	-56	91	52	2
+1	-61	81	46	2
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	2
+2	-109	23	-92	1
+2	-94	20	-96	1
+2	-85	26	-88	1
+2	-90	33	-114	1
+2	-63	9	-106	1
+2	-79	9	-93	1
+2	-99	26	-108	1
+2	-81	19	-110	1
+2	-108	21	-108	1
+2	-92	27	-106	1
+2	-88	2	-106	1
+2	-88	15	-103	1
+3	54	-74	4	3
+3	42	-92	31	3
+3	39	-99	-7	3
+3	48	-115	-5	3
+3	39	-96	2	3
+3	31	-109	9	3
+3	33	-96	-8	3
+3	23	-102	4	3
+3	38	-90	21	3
+3	34	-107	1	3
+3	35	-78	18	3
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/numeric_values.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/numeric_values.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,49 @@
+0	58	56	-67
+0	44	64	-76
+0	51	48	-73
+0	58	65	-49
+0	43	61	-49
+0	45	43	-79
+0	42	60	-98
+0	50	55	-59
+0	53	53	-56
+0	45	44	-61
+0	43	65	-84
+0	35	52	-75
+0	56	56	-70
+1	-61	86	43
+1	-67	93	15
+1	-59	94	36
+1	-50	92	62
+1	-78	91	70
+1	-35	87	47
+1	-56	91	52
+1	-61	81	46
+1	-83	78	34
+1	-50	87	45
+1	-67	73	50
+1	-50	97	45
+1	-61	111	45
+2	-109	23	-92
+2	-94	20	-96
+2	-85	26	-88
+2	-90	33	-114
+2	-63	9	-106
+2	-79	9	-93
+2	-99	26	-108
+2	-81	19	-110
+2	-108	21	-108
+2	-92	27	-106
+2	-88	2	-106
+2	-88	15	-103
+3	54	-74	4
+3	42	-92	31
+3	39	-99	-7
+3	48	-115	-5
+3	39	-96	2
+3	31	-109	9
+3	33	-96	-8
+3	23	-102	4
+3	38	-90	21
+3	34	-107	1
+3	35	-78	18
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/ohe_in_w_header.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/ohe_in_w_header.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,9 @@
+Label
+0
+1
+2
+3
+3
+2
+1
+0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/ohe_in_wo_header.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/ohe_in_wo_header.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,8 @@
+0
+1
+2
+3
+3
+2
+1
+0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/ohe_out_4.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/ohe_out_4.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,8 @@
+1	0	0	0
+0	1	0	0
+0	0	1	0
+0	0	0	1
+0	0	0	1
+0	0	1	0
+0	1	0	0
+1	0	0	0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/ohe_out_5.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/ohe_out_5.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,8 @@
+1	0	0	0	0
+0	1	0	0	0
+0	0	1	0	0
+0	0	0	1	0
+0	0	0	1	0
+0	0	1	0	0
+0	1	0	0	0
+1	0	0	0	0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pca_classical_header_names_output.dat
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/pca_classical_header_names_output.dat	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,300 @@
+-3.9779	1.8818	2.6506	-1.1628	-0.0983
+-2.3700	0.6756	-1.6186	-1.4164	1.0327
+-3.0925	2.4577	-1.8726	-0.4041	1.5016
+-4.0151	2.3686	0.3256	-0.0685	-0.2168
+-4.7065	3.1394	2.3137	0.1907	-1.6303
+-4.9613	4.6941	1.2908	1.0298	-0.8817
+-4.8364	5.2936	0.8793	1.3212	0.0849
+-5.0224	2.7565	4.6351	-0.5397	-1.3489
+-2.9068	1.6461	-1.9066	-0.5100	-0.6820
+-4.7713	4.0171	2.1659	0.5434	-1.4630
+-2.7521	-1.9309	-0.9117	-3.5728	1.7161
+-3.7407	1.3845	0.0141	-1.5357	1.3068
+-4.3751	1.0682	2.3906	-1.5298	0.9064
+-2.8532	0.2430	-0.8937	-1.7428	-1.1825
+-2.4091	-0.1393	-0.0986	-2.0343	1.5498
+-3.8699	2.7278	0.9261	-0.4924	0.7933
+-4.6180	3.2535	2.4650	-0.0468	0.8258
+-2.3362	3.2961	-2.7247	0.9321	-0.1294
+-1.7741	0.3277	-3.2195	-1.6272	1.9721
+-2.9188	3.5196	-1.5959	0.6981	0.3541
+-4.0500	2.5696	1.0924	-0.1582	-1.7489
+-5.3435	6.4383	1.7066	1.9754	0.9120
+-4.1454	6.1296	-0.3939	1.8899	0.9309
+-2.4452	-0.6422	0.2580	-2.5687	0.0322
+-5.2047	7.4266	2.4849	2.8623	-1.3975
+-2.5237	-2.4427	-1.5498	-3.1847	-1.6248
+-1.7613	1.6919	-4.6466	-0.5331	1.3921
+-1.1236	2.5796	-4.4469	0.3771	0.0692
+-2.5892	3.4039	-1.3071	0.2542	0.1349
+-3.5099	-0.9352	1.4462	-2.5959	-0.3994
+-3.9546	6.3431	0.5939	2.3052	-0.2344
+-2.0819	-1.6617	-1.0140	-3.0790	1.1571
+-2.6320	0.0703	-0.0526	-1.5092	-1.8043
+-1.8865	0.2234	-2.0628	-1.9632	2.3486
+-4.5803	3.1525	2.6718	-0.3104	0.7210
+-6.5473	2.5731	6.0056	-0.6369	-1.2620
+-5.8360	4.1304	4.6222	0.5425	-0.1996
+-1.1136	3.4820	-5.1375	0.4626	3.1966
+-4.7698	0.9659	3.3912	-1.9008	-0.0558
+-2.4391	-0.7627	-1.6123	-1.9380	-0.8111
+-4.8859	4.2069	1.6117	0.6831	0.8832
+-2.2466	-1.0655	-1.2645	-2.4867	-0.1625
+-4.4644	5.0000	1.1159	1.6869	-0.4784
+-3.7358	0.9995	1.6597	-1.3727	-1.7457
+-5.8271	3.6580	5.8537	-0.0174	-0.9750
+-4.7392	4.2895	2.1369	0.6907	-0.6801
+-1.5432	2.7403	-5.0837	0.0664	2.6107
+-5.7249	7.7343	3.2678	3.5103	-2.0555
+-4.2566	5.3778	1.2450	1.4052	0.2429
+-5.7932	5.3928	4.6237	1.0285	1.0814
+-2.9574	-1.1660	1.2251	-2.5803	-0.5026
+-2.0365	4.7362	-3.8569	1.8582	-0.6083
+-5.1883	6.2608	1.6921	2.1737	0.9110
+-5.5934	1.2903	5.3088	-1.4372	0.2000
+-1.4178	0.5340	-3.0765	-1.4210	1.9659
+-5.1568	4.3100	2.6279	0.8400	-0.4656
+-4.2551	3.3395	1.2265	-0.0344	-0.0296
+-6.4636	3.6525	5.4351	-0.1493	1.1392
+-4.0271	-0.6214	2.0667	-2.5704	0.5389
+-3.2885	2.2421	0.4406	-0.5508	0.4760
+-3.2320	3.1264	0.1610	0.0045	-0.3199
+-2.6003	5.2398	-2.1366	1.6829	0.7428
+-4.3207	1.7506	1.6012	-0.9072	-1.5917
+-1.9287	2.7030	-3.8706	0.1751	0.9751
+-4.6549	5.5519	2.1315	1.7555	-0.4025
+-2.4743	1.5111	-1.6381	-0.8537	-0.4237
+-1.2837	3.5483	-5.9098	0.8155	0.5023
+-3.9514	5.4703	0.2135	1.6665	0.0226
+-3.1575	3.1697	-2.0242	-0.1906	2.4084
+-6.7971	3.1578	6.8243	-0.5140	-0.4121
+-5.9999	3.1135	6.0259	0.1711	-2.0321
+-2.3450	1.9814	-1.1103	-0.7338	0.6581
+-1.5478	0.3095	-3.1375	-1.9311	2.3145
+-3.6067	1.2237	-0.4271	-1.2399	-0.0987
+-3.0574	-0.0303	-1.0815	-1.5251	-1.7385
+-3.7608	4.9627	0.5748	1.3373	1.6977
+-3.3834	2.2529	-1.4015	-0.3531	-0.8381
+-5.3297	2.0845	4.0157	-1.0934	0.1069
+-4.6415	5.6565	1.0886	1.6713	-0.3536
+-4.7611	4.6882	1.0939	0.9883	1.7929
+-1.7499	1.7738	-2.6457	-0.0629	-0.5751
+-5.1579	7.5589	1.1299	3.1680	-0.8202
+-3.4019	-1.4226	0.3991	-2.5729	-0.9099
+-1.6689	1.3580	-3.7300	-0.7291	1.5630
+-5.5132	6.6256	3.6086	1.9423	0.3727
+-4.4010	7.0180	1.1796	2.6417	0.9847
+-2.1174	3.1273	-2.6107	-0.2004	2.3541
+-2.2818	-0.7861	-1.5672	-1.8685	-1.2308
+-4.2055	4.8158	-0.1348	1.2570	-0.2039
+-2.2741	1.1907	-1.5868	-1.0998	-0.5999
+-3.0433	3.1513	-1.8017	0.1704	0.3636
+-5.3872	1.7330	5.6772	-1.1538	-0.2345
+-3.5773	2.5712	-0.8771	0.2747	-1.2405
+-3.0843	1.4711	-0.1928	-1.2214	1.2785
+-1.9572	3.5730	-4.2197	0.3158	2.0016
+-2.3444	4.7106	-3.7159	1.0094	1.7919
+-3.4024	1.1605	0.5845	-1.1358	-0.6689
+-3.2321	4.3272	-1.2592	1.0365	-0.4073
+-5.0553	5.8588	3.0041	1.9760	-0.7261
+-3.6706	1.0101	1.8198	-1.8471	1.1714
+8.9574	3.4341	-0.6861	1.5391	0.1971
+10.4081	3.3686	0.6688	0.9791	2.2503
+8.8871	0.8254	3.9087	-0.9576	1.5038
+2.1683	4.0337	-3.6737	1.1996	0.8734
+5.7699	3.5062	-1.2833	0.8577	2.4657
+11.3777	1.8612	2.4649	0.1035	0.6817
+10.2968	3.5175	1.6948	1.6534	-1.0812
+7.4297	-0.8987	3.2658	-1.7151	-1.7543
+0.3252	3.7494	-4.2495	1.5590	-1.5370
+10.1331	4.8737	0.4858	2.3869	1.3120
+9.7602	2.5946	1.2877	0.8963	-0.9431
+6.3294	0.2420	0.0602	-0.3493	-2.5248
+-1.0055	-0.1004	-1.8691	-2.0088	1.7743
+7.0020	0.1138	2.6978	-1.2615	0.7305
+-0.8476	3.5869	-4.4656	1.2269	-1.3229
+1.5347	3.8958	-2.1649	0.5727	2.8613
+-1.1039	-1.9065	-1.5394	-2.3618	-2.7727
+0.8179	-1.7488	-0.4802	-2.6368	-1.4583
+1.4527	1.0742	-2.4115	-0.3672	-1.6999
+2.5720	-0.8562	0.7638	-2.6926	1.6123
+6.1515	-1.1095	3.4326	-2.4435	1.2520
+1.0178	1.8481	-3.4738	-0.0814	0.4915
+4.8837	2.0690	-1.0561	0.4931	-2.2182
+6.0339	2.9506	0.3218	0.6312	1.5915
+9.3950	-1.1761	4.1952	-2.3244	1.4185
+8.9403	4.0562	1.0275	1.7812	0.6851
+2.9249	-1.4130	2.0969	-2.9718	0.8180
+5.1324	2.3888	-0.7332	0.2684	1.1412
+0.9835	-1.6716	0.8378	-3.0465	0.5331
+1.1708	1.4905	-1.3652	-0.1570	-2.2617
+-1.8828	2.0223	-3.2202	-0.0543	-1.9808
+0.5994	3.1729	-4.3744	0.9607	-0.7149
+7.1452	-0.1955	3.9804	-1.6216	0.4437
+8.1279	2.8675	1.1357	0.9555	-0.2832
+4.7280	2.5837	-0.5679	-0.0291	2.4888
+10.7502	1.9831	2.6421	0.5508	-1.3455
+3.4919	0.5382	-0.2017	-1.4828	1.4970
+1.6535	-0.3138	-0.6716	-1.4892	-1.0583
+-0.6194	-1.1388	-2.0794	-2.2235	-1.8344
+-1.6807	2.3272	-4.5348	0.4232	-1.1923
+-0.0933	2.2712	-4.4117	0.2252	-1.4704
+0.9280	1.2142	-1.1817	-0.4388	-1.7023
+7.6300	2.3460	-0.7224	0.8452	-1.0681
+4.8565	4.5339	-1.3839	1.3020	2.7231
+6.4818	2.3348	0.5405	0.3241	0.3556
+8.7788	4.0387	-0.5764	2.0785	-1.5655
+7.3565	2.8117	1.2035	0.7784	0.3995
+4.5695	1.5832	-1.9081	0.1707	-1.8627
+8.6604	3.4046	-0.1895	1.9467	-2.1641
+7.4043	2.7787	-1.2558	1.0864	-0.3961
+1.5577	3.6391	-3.9646	0.8673	0.8518
+2.5617	-1.7256	-0.1226	-2.3352	-1.2180
+3.9498	0.7254	0.1543	-0.6388	-0.7131
+5.4952	2.8144	-1.4037	0.7478	0.5767
+7.4705	4.1598	-2.0259	1.8600	-0.0993
+0.0598	0.8416	-1.8465	-1.1915	1.1069
+3.1833	2.4826	-1.7316	0.3751	-0.1741
+-0.8004	-1.5851	-0.3839	-3.2690	1.6516
+2.8531	0.6398	0.3016	-1.1929	0.3837
+8.7954	4.0057	0.5143	1.4523	0.8167
+7.6619	1.6910	0.6441	0.3695	-0.7369
+2.1000	1.4302	-0.4868	-0.3345	-1.5018
+3.2123	2.3107	-2.2237	0.0569	1.4980
+9.7191	1.9952	2.9522	-0.2021	1.3635
+6.7689	0.8412	0.7453	-0.4112	-1.8253
+-0.2193	2.5655	-4.8300	0.4753	-0.3690
+4.1903	1.7643	-2.3111	0.2086	-1.7388
+0.2129	2.0407	-2.9543	0.2723	-1.4070
+0.3409	-1.3345	-1.3839	-2.5782	0.0244
+10.9350	1.1854	3.4640	-0.0883	-0.3700
+5.8165	0.6966	0.3014	-0.4095	-1.0547
+1.1058	1.6680	-2.1525	-0.5345	0.1171
+5.9936	-1.3469	1.5152	-1.8738	-2.3045
+-1.8666	-1.9038	-1.3508	-2.8457	-0.8487
+4.7057	3.0603	-2.0698	1.1172	-1.2828
+4.8382	2.7905	-2.4100	1.0784	-1.8450
+7.7583	-0.1178	3.4031	-1.0477	-1.6762
+-1.0944	-1.7645	0.1859	-2.5096	-2.9060
+6.7410	-0.4974	3.0210	-1.5827	0.0429
+2.8538	0.5411	0.4132	-1.6065	1.2372
+7.7713	1.7433	2.3259	-0.0797	0.8617
+4.9205	-1.1654	0.4683	-1.8680	-2.2668
+3.9175	0.5662	0.1128	-1.3169	1.9494
+-0.8118	-0.8348	-2.4830	-2.1239	-1.3528
+5.1125	-1.0569	2.7024	-2.3925	1.2405
+-0.3321	3.5314	-2.5750	0.4625	2.4769
+6.0636	-0.2583	1.0393	-1.1765	-2.0102
+10.2001	4.4529	0.5351	2.4796	-2.2048
+6.0224	0.4141	3.0444	-1.6036	1.3780
+9.5469	2.9457	1.8870	1.5290	-1.8539
+1.2694	0.9305	-1.2315	-0.5435	-1.8862
+7.3444	3.6803	-1.8285	1.8223	-0.6988
+0.8728	-1.0305	-1.6295	-1.8965	-1.8792
+-0.8348	2.7660	-5.3706	0.4722	-0.2320
+7.9119	2.9566	-0.1448	0.7199	1.3050
+1.2929	-1.3724	0.0347	-3.0890	1.5365
+6.4039	0.7545	2.1608	-1.1811	0.7715
+-1.7913	-1.2703	-0.6435	-2.7504	0.4447
+0.0868	-0.4073	-1.2184	-1.6489	-2.2725
+4.9808	-1.5720	2.3203	-2.7613	1.7252
+-2.5810	-5.5079	0.0561	2.7450	-1.9096
+0.0370	-2.1438	-0.4775	-3.6280	1.6759
+1.0997	-3.5629	1.4259	1.7291	-1.2305
+-1.3638	-2.9435	-0.1034	-1.4507	-0.9311
+-0.7078	-4.3400	-1.1441	0.4367	-1.7198
+-0.5174	-3.5645	0.2025	0.4664	0.8917
+-2.6934	-6.0138	-1.9617	2.8409	-1.2291
+-0.9761	-2.4423	-1.2032	-2.4114	-2.0578
+0.4854	-5.7924	0.7961	2.7641	0.1446
+0.2325	-3.0261	-0.5759	-1.7790	0.5984
+1.4671	-1.9240	0.8327	-1.8960	-0.4687
+-2.5020	-5.9264	-1.0911	2.3968	0.3954
+0.5726	-3.6055	1.0491	-0.0200	1.7178
+1.2348	-2.2932	1.4641	-1.1600	0.3434
+1.5601	-1.7994	0.7362	-1.6966	0.7891
+-1.2684	-4.2416	-1.5761	0.0715	-1.2373
+-1.2743	-1.4687	0.5370	-2.5136	1.0946
+-0.1360	-4.4661	-0.0391	0.5382	2.6005
+-0.3517	-4.6240	-0.4723	1.6165	-2.1852
+1.4760	-2.5560	0.2351	-0.9202	0.4155
+-1.7783	-5.3517	0.7277	3.2291	1.2118
+1.6356	-3.7406	0.1185	1.1998	-2.1563
+-1.5925	-4.0036	-0.4063	-0.3156	1.4120
+0.5318	-6.1624	1.3086	4.4905	-1.6720
+-2.1599	-2.1987	-1.7868	-2.7058	-0.8553
+-0.1707	-3.3282	0.2381	-0.0381	0.8412
+0.2620	-2.7657	-0.3002	-2.0651	-1.3784
+-1.4631	-2.2472	-0.7439	-2.3037	1.4133
+-0.6767	-2.6672	0.4721	-0.4983	-0.3085
+0.8239	-2.9922	0.8695	1.0520	-1.3905
+-2.8612	-4.9086	-0.2330	1.8419	-2.0691
+0.9513	-4.1058	-0.0948	0.4003	0.9779
+-0.7449	-2.5754	0.1638	-0.3664	-1.0395
+-2.8790	-6.2301	-1.0229	3.2147	-1.2238
+0.4482	-6.0936	0.7186	2.6087	1.1673
+-0.8581	-4.9450	1.2239	2.8168	1.9155
+-1.9585	-5.5486	0.1892	2.2741	0.9021
+-0.7563	-3.0605	0.3737	-1.2120	-0.5686
+-1.2176	-5.9017	-0.7336	3.0326	-1.7117
+-0.3342	-6.3764	-0.2172	4.3070	-1.8445
+-1.8562	-1.9825	0.1295	-1.7173	1.1371
+-0.2782	-4.6277	1.0273	1.3582	1.5796
+-2.8011	-3.9132	-0.0397	-0.1702	0.0073
+0.4691	-5.7114	1.0759	2.0051	2.1326
+-0.3390	-3.6590	-0.0755	-0.2534	1.4111
+-1.6579	-2.2403	0.1202	-2.8767	1.5805
+-1.9985	-1.4155	-0.0361	-2.4219	1.1876
+-0.7262	-2.5969	-0.9169	-1.8642	-1.8831
+0.2857	-6.9537	-0.1326	4.3486	-0.2990
+0.3086	-4.2096	1.1225	0.8869	2.5561
+-1.0663	-4.8302	-0.2336	1.1157	1.8525
+1.8021	-2.9988	0.2358	-0.4046	0.6294
+-0.6291	-4.2600	-0.6726	1.3688	-0.7486
+-0.3361	-2.0217	-0.1530	-1.7010	-2.3760
+1.2746	-3.1963	1.5362	-0.5552	0.5358
+1.3034	-4.6254	1.0466	0.2558	2.0886
+-1.8983	-4.7895	-0.5294	2.0973	-1.6399
+0.4626	-5.0153	1.1064	3.2728	-0.2280
+0.7110	-3.3192	-0.2483	-0.9576	0.0827
+-0.1416	-5.5202	1.0561	2.5331	0.7097
+-0.7655	-3.2629	0.7123	0.0562	1.2078
+-1.3523	-4.5564	0.2855	1.3386	-2.0493
+-1.7088	-2.2341	0.0825	-2.0599	0.8335
+-3.1236	-5.9987	-0.0811	3.0773	1.9977
+1.2663	-4.4825	1.5603	1.2249	1.6582
+-0.6526	-5.8705	0.9230	2.7318	1.7473
+0.3953	-2.5365	-0.0945	-3.0766	1.7426
+-0.1625	-3.4281	0.1297	-0.4754	1.6961
+-2.2140	-5.0133	-0.0794	0.9143	2.5583
+-0.4613	-6.2075	1.2719	4.1384	2.7730
+-1.4160	-7.0144	-0.4855	3.6068	0.5113
+0.6889	-3.8158	1.3029	0.6781	1.8137
+0.9439	-4.3010	0.8782	0.0062	2.0116
+-1.8597	-3.7948	-1.2024	-0.3578	-2.7539
+-1.6633	-3.2509	-1.2846	-1.4958	0.0063
+-1.6431	-2.0504	-0.6246	-2.3438	-2.7969
+-2.3001	-4.4964	-0.8472	-0.0680	-0.8250
+-1.5611	-4.4606	0.2359	0.9168	-0.6425
+1.3137	-1.1202	1.7077	-2.6874	1.5428
+-1.6780	-5.6718	0.0590	2.3780	-1.0233
+-2.5783	-6.3740	-0.3193	3.5583	3.0596
+-0.6061	-2.7607	-1.2368	-1.6965	-2.5497
+-2.6190	-3.5589	0.1136	0.0072	2.0735
+-1.0030	-6.4175	0.5149	3.7496	0.7330
+-1.7912	-5.1464	-1.0372	1.4546	-0.7956
+-1.5792	-4.4416	0.1851	0.9401	-1.6688
+0.2980	-4.1670	-0.0238	0.2527	-0.5423
+-1.1631	-3.4712	0.8661	-0.5976	1.4833
+-0.2476	-5.4577	-0.6047	2.7129	-1.6734
+0.2774	-6.7209	0.9426	4.4414	-0.2085
+-2.3883	-2.2052	-1.6941	-2.3223	-1.2636
+-1.3874	-4.1603	0.0421	0.9842	1.4190
+-2.8690	-5.6070	0.0897	3.4202	1.5811
+-0.6246	-6.5834	0.4792	3.6943	1.5019
+0.0832	-2.1370	-1.5266	-2.4836	-2.9471
+0.4752	-5.1350	1.0637	3.0672	-1.3305
+-1.1580	-4.1051	0.2756	1.9264	-1.8723
+-1.5835	-4.6959	-0.7588	-0.2192	0.3629
+-2.3501	-1.8305	-1.6013	-2.4534	-2.6362
+-0.9423	-3.9026	-0.2186	0.8125	-2.2811
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pca_classical_output.dat
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/pca_classical_output.dat	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,300 @@
+-3.9779	1.8818	2.6506	-1.1628	-0.0983
+-2.3700	0.6756	-1.6186	-1.4164	1.0327
+-3.0925	2.4577	-1.8726	-0.4041	1.5016
+-4.0151	2.3686	0.3256	-0.0685	-0.2168
+-4.7065	3.1394	2.3137	0.1907	-1.6303
+-4.9613	4.6941	1.2908	1.0298	-0.8817
+-4.8364	5.2936	0.8793	1.3212	0.0849
+-5.0224	2.7565	4.6351	-0.5397	-1.3489
+-2.9068	1.6461	-1.9066	-0.5100	-0.6820
+-4.7713	4.0171	2.1659	0.5434	-1.4630
+-2.7521	-1.9309	-0.9117	-3.5728	1.7161
+-3.7407	1.3845	0.0141	-1.5357	1.3068
+-4.3751	1.0682	2.3906	-1.5298	0.9064
+-2.8532	0.2430	-0.8937	-1.7428	-1.1825
+-2.4091	-0.1393	-0.0986	-2.0343	1.5498
+-3.8699	2.7278	0.9261	-0.4924	0.7933
+-4.6180	3.2535	2.4650	-0.0468	0.8258
+-2.3362	3.2961	-2.7247	0.9321	-0.1294
+-1.7741	0.3277	-3.2195	-1.6272	1.9721
+-2.9188	3.5196	-1.5959	0.6981	0.3541
+-4.0500	2.5696	1.0924	-0.1582	-1.7489
+-5.3435	6.4383	1.7066	1.9754	0.9120
+-4.1454	6.1296	-0.3939	1.8899	0.9309
+-2.4452	-0.6422	0.2580	-2.5687	0.0322
+-5.2047	7.4266	2.4849	2.8623	-1.3975
+-2.5237	-2.4427	-1.5498	-3.1847	-1.6248
+-1.7613	1.6919	-4.6466	-0.5331	1.3921
+-1.1236	2.5796	-4.4469	0.3771	0.0692
+-2.5892	3.4039	-1.3071	0.2542	0.1349
+-3.5099	-0.9352	1.4462	-2.5959	-0.3994
+-3.9546	6.3431	0.5939	2.3052	-0.2344
+-2.0819	-1.6617	-1.0140	-3.0790	1.1571
+-2.6320	0.0703	-0.0526	-1.5092	-1.8043
+-1.8865	0.2234	-2.0628	-1.9632	2.3486
+-4.5803	3.1525	2.6718	-0.3104	0.7210
+-6.5473	2.5731	6.0056	-0.6369	-1.2620
+-5.8360	4.1304	4.6222	0.5425	-0.1996
+-1.1136	3.4820	-5.1375	0.4626	3.1966
+-4.7698	0.9659	3.3912	-1.9008	-0.0558
+-2.4391	-0.7627	-1.6123	-1.9380	-0.8111
+-4.8859	4.2069	1.6117	0.6831	0.8832
+-2.2466	-1.0655	-1.2645	-2.4867	-0.1625
+-4.4644	5.0000	1.1159	1.6869	-0.4784
+-3.7358	0.9995	1.6597	-1.3727	-1.7457
+-5.8271	3.6580	5.8537	-0.0174	-0.9750
+-4.7392	4.2895	2.1369	0.6907	-0.6801
+-1.5432	2.7403	-5.0837	0.0664	2.6107
+-5.7249	7.7343	3.2678	3.5103	-2.0555
+-4.2566	5.3778	1.2450	1.4052	0.2429
+-5.7932	5.3928	4.6237	1.0285	1.0814
+-2.9574	-1.1660	1.2251	-2.5803	-0.5026
+-2.0365	4.7362	-3.8569	1.8582	-0.6083
+-5.1883	6.2608	1.6921	2.1737	0.9110
+-5.5934	1.2903	5.3088	-1.4372	0.2000
+-1.4178	0.5340	-3.0765	-1.4210	1.9659
+-5.1568	4.3100	2.6279	0.8400	-0.4656
+-4.2551	3.3395	1.2265	-0.0344	-0.0296
+-6.4636	3.6525	5.4351	-0.1493	1.1392
+-4.0271	-0.6214	2.0667	-2.5704	0.5389
+-3.2885	2.2421	0.4406	-0.5508	0.4760
+-3.2320	3.1264	0.1610	0.0045	-0.3199
+-2.6003	5.2398	-2.1366	1.6829	0.7428
+-4.3207	1.7506	1.6012	-0.9072	-1.5917
+-1.9287	2.7030	-3.8706	0.1751	0.9751
+-4.6549	5.5519	2.1315	1.7555	-0.4025
+-2.4743	1.5111	-1.6381	-0.8537	-0.4237
+-1.2837	3.5483	-5.9098	0.8155	0.5023
+-3.9514	5.4703	0.2135	1.6665	0.0226
+-3.1575	3.1697	-2.0242	-0.1906	2.4084
+-6.7971	3.1578	6.8243	-0.5140	-0.4121
+-5.9999	3.1135	6.0259	0.1711	-2.0321
+-2.3450	1.9814	-1.1103	-0.7338	0.6581
+-1.5478	0.3095	-3.1375	-1.9311	2.3145
+-3.6067	1.2237	-0.4271	-1.2399	-0.0987
+-3.0574	-0.0303	-1.0815	-1.5251	-1.7385
+-3.7608	4.9627	0.5748	1.3373	1.6977
+-3.3834	2.2529	-1.4015	-0.3531	-0.8381
+-5.3297	2.0845	4.0157	-1.0934	0.1069
+-4.6415	5.6565	1.0886	1.6713	-0.3536
+-4.7611	4.6882	1.0939	0.9883	1.7929
+-1.7499	1.7738	-2.6457	-0.0629	-0.5751
+-5.1579	7.5589	1.1299	3.1680	-0.8202
+-3.4019	-1.4226	0.3991	-2.5729	-0.9099
+-1.6689	1.3580	-3.7300	-0.7291	1.5630
+-5.5132	6.6256	3.6086	1.9423	0.3727
+-4.4010	7.0180	1.1796	2.6417	0.9847
+-2.1174	3.1273	-2.6107	-0.2004	2.3541
+-2.2818	-0.7861	-1.5672	-1.8685	-1.2308
+-4.2055	4.8158	-0.1348	1.2570	-0.2039
+-2.2741	1.1907	-1.5868	-1.0998	-0.5999
+-3.0433	3.1513	-1.8017	0.1704	0.3636
+-5.3872	1.7330	5.6772	-1.1538	-0.2345
+-3.5773	2.5712	-0.8771	0.2747	-1.2405
+-3.0843	1.4711	-0.1928	-1.2214	1.2785
+-1.9572	3.5730	-4.2197	0.3158	2.0016
+-2.3444	4.7106	-3.7159	1.0094	1.7919
+-3.4024	1.1605	0.5845	-1.1358	-0.6689
+-3.2321	4.3272	-1.2592	1.0365	-0.4073
+-5.0553	5.8588	3.0041	1.9760	-0.7261
+-3.6706	1.0101	1.8198	-1.8471	1.1714
+8.9574	3.4341	-0.6861	1.5391	0.1971
+10.4081	3.3686	0.6688	0.9791	2.2503
+8.8871	0.8254	3.9087	-0.9576	1.5038
+2.1683	4.0337	-3.6737	1.1996	0.8734
+5.7699	3.5062	-1.2833	0.8577	2.4657
+11.3777	1.8612	2.4649	0.1035	0.6817
+10.2968	3.5175	1.6948	1.6534	-1.0812
+7.4297	-0.8987	3.2658	-1.7151	-1.7543
+0.3252	3.7494	-4.2495	1.5590	-1.5370
+10.1331	4.8737	0.4858	2.3869	1.3120
+9.7602	2.5946	1.2877	0.8963	-0.9431
+6.3294	0.2420	0.0602	-0.3493	-2.5248
+-1.0055	-0.1004	-1.8691	-2.0088	1.7743
+7.0020	0.1138	2.6978	-1.2615	0.7305
+-0.8476	3.5869	-4.4656	1.2269	-1.3229
+1.5347	3.8958	-2.1649	0.5727	2.8613
+-1.1039	-1.9065	-1.5394	-2.3618	-2.7727
+0.8179	-1.7488	-0.4802	-2.6368	-1.4583
+1.4527	1.0742	-2.4115	-0.3672	-1.6999
+2.5720	-0.8562	0.7638	-2.6926	1.6123
+6.1515	-1.1095	3.4326	-2.4435	1.2520
+1.0178	1.8481	-3.4738	-0.0814	0.4915
+4.8837	2.0690	-1.0561	0.4931	-2.2182
+6.0339	2.9506	0.3218	0.6312	1.5915
+9.3950	-1.1761	4.1952	-2.3244	1.4185
+8.9403	4.0562	1.0275	1.7812	0.6851
+2.9249	-1.4130	2.0969	-2.9718	0.8180
+5.1324	2.3888	-0.7332	0.2684	1.1412
+0.9835	-1.6716	0.8378	-3.0465	0.5331
+1.1708	1.4905	-1.3652	-0.1570	-2.2617
+-1.8828	2.0223	-3.2202	-0.0543	-1.9808
+0.5994	3.1729	-4.3744	0.9607	-0.7149
+7.1452	-0.1955	3.9804	-1.6216	0.4437
+8.1279	2.8675	1.1357	0.9555	-0.2832
+4.7280	2.5837	-0.5679	-0.0291	2.4888
+10.7502	1.9831	2.6421	0.5508	-1.3455
+3.4919	0.5382	-0.2017	-1.4828	1.4970
+1.6535	-0.3138	-0.6716	-1.4892	-1.0583
+-0.6194	-1.1388	-2.0794	-2.2235	-1.8344
+-1.6807	2.3272	-4.5348	0.4232	-1.1923
+-0.0933	2.2712	-4.4117	0.2252	-1.4704
+0.9280	1.2142	-1.1817	-0.4388	-1.7023
+7.6300	2.3460	-0.7224	0.8452	-1.0681
+4.8565	4.5339	-1.3839	1.3020	2.7231
+6.4818	2.3348	0.5405	0.3241	0.3556
+8.7788	4.0387	-0.5764	2.0785	-1.5655
+7.3565	2.8117	1.2035	0.7784	0.3995
+4.5695	1.5832	-1.9081	0.1707	-1.8627
+8.6604	3.4046	-0.1895	1.9467	-2.1641
+7.4043	2.7787	-1.2558	1.0864	-0.3961
+1.5577	3.6391	-3.9646	0.8673	0.8518
+2.5617	-1.7256	-0.1226	-2.3352	-1.2180
+3.9498	0.7254	0.1543	-0.6388	-0.7131
+5.4952	2.8144	-1.4037	0.7478	0.5767
+7.4705	4.1598	-2.0259	1.8600	-0.0993
+0.0598	0.8416	-1.8465	-1.1915	1.1069
+3.1833	2.4826	-1.7316	0.3751	-0.1741
+-0.8004	-1.5851	-0.3839	-3.2690	1.6516
+2.8531	0.6398	0.3016	-1.1929	0.3837
+8.7954	4.0057	0.5143	1.4523	0.8167
+7.6619	1.6910	0.6441	0.3695	-0.7369
+2.1000	1.4302	-0.4868	-0.3345	-1.5018
+3.2123	2.3107	-2.2237	0.0569	1.4980
+9.7191	1.9952	2.9522	-0.2021	1.3635
+6.7689	0.8412	0.7453	-0.4112	-1.8253
+-0.2193	2.5655	-4.8300	0.4753	-0.3690
+4.1903	1.7643	-2.3111	0.2086	-1.7388
+0.2129	2.0407	-2.9543	0.2723	-1.4070
+0.3409	-1.3345	-1.3839	-2.5782	0.0244
+10.9350	1.1854	3.4640	-0.0883	-0.3700
+5.8165	0.6966	0.3014	-0.4095	-1.0547
+1.1058	1.6680	-2.1525	-0.5345	0.1171
+5.9936	-1.3469	1.5152	-1.8738	-2.3045
+-1.8666	-1.9038	-1.3508	-2.8457	-0.8487
+4.7057	3.0603	-2.0698	1.1172	-1.2828
+4.8382	2.7905	-2.4100	1.0784	-1.8450
+7.7583	-0.1178	3.4031	-1.0477	-1.6762
+-1.0944	-1.7645	0.1859	-2.5096	-2.9060
+6.7410	-0.4974	3.0210	-1.5827	0.0429
+2.8538	0.5411	0.4132	-1.6065	1.2372
+7.7713	1.7433	2.3259	-0.0797	0.8617
+4.9205	-1.1654	0.4683	-1.8680	-2.2668
+3.9175	0.5662	0.1128	-1.3169	1.9494
+-0.8118	-0.8348	-2.4830	-2.1239	-1.3528
+5.1125	-1.0569	2.7024	-2.3925	1.2405
+-0.3321	3.5314	-2.5750	0.4625	2.4769
+6.0636	-0.2583	1.0393	-1.1765	-2.0102
+10.2001	4.4529	0.5351	2.4796	-2.2048
+6.0224	0.4141	3.0444	-1.6036	1.3780
+9.5469	2.9457	1.8870	1.5290	-1.8539
+1.2694	0.9305	-1.2315	-0.5435	-1.8862
+7.3444	3.6803	-1.8285	1.8223	-0.6988
+0.8728	-1.0305	-1.6295	-1.8965	-1.8792
+-0.8348	2.7660	-5.3706	0.4722	-0.2320
+7.9119	2.9566	-0.1448	0.7199	1.3050
+1.2929	-1.3724	0.0347	-3.0890	1.5365
+6.4039	0.7545	2.1608	-1.1811	0.7715
+-1.7913	-1.2703	-0.6435	-2.7504	0.4447
+0.0868	-0.4073	-1.2184	-1.6489	-2.2725
+4.9808	-1.5720	2.3203	-2.7613	1.7252
+-2.5810	-5.5079	0.0561	2.7450	-1.9096
+0.0370	-2.1438	-0.4775	-3.6280	1.6759
+1.0997	-3.5629	1.4259	1.7291	-1.2305
+-1.3638	-2.9435	-0.1034	-1.4507	-0.9311
+-0.7078	-4.3400	-1.1441	0.4367	-1.7198
+-0.5174	-3.5645	0.2025	0.4664	0.8917
+-2.6934	-6.0138	-1.9617	2.8409	-1.2291
+-0.9761	-2.4423	-1.2032	-2.4114	-2.0578
+0.4854	-5.7924	0.7961	2.7641	0.1446
+0.2325	-3.0261	-0.5759	-1.7790	0.5984
+1.4671	-1.9240	0.8327	-1.8960	-0.4687
+-2.5020	-5.9264	-1.0911	2.3968	0.3954
+0.5726	-3.6055	1.0491	-0.0200	1.7178
+1.2348	-2.2932	1.4641	-1.1600	0.3434
+1.5601	-1.7994	0.7362	-1.6966	0.7891
+-1.2684	-4.2416	-1.5761	0.0715	-1.2373
+-1.2743	-1.4687	0.5370	-2.5136	1.0946
+-0.1360	-4.4661	-0.0391	0.5382	2.6005
+-0.3517	-4.6240	-0.4723	1.6165	-2.1852
+1.4760	-2.5560	0.2351	-0.9202	0.4155
+-1.7783	-5.3517	0.7277	3.2291	1.2118
+1.6356	-3.7406	0.1185	1.1998	-2.1563
+-1.5925	-4.0036	-0.4063	-0.3156	1.4120
+0.5318	-6.1624	1.3086	4.4905	-1.6720
+-2.1599	-2.1987	-1.7868	-2.7058	-0.8553
+-0.1707	-3.3282	0.2381	-0.0381	0.8412
+0.2620	-2.7657	-0.3002	-2.0651	-1.3784
+-1.4631	-2.2472	-0.7439	-2.3037	1.4133
+-0.6767	-2.6672	0.4721	-0.4983	-0.3085
+0.8239	-2.9922	0.8695	1.0520	-1.3905
+-2.8612	-4.9086	-0.2330	1.8419	-2.0691
+0.9513	-4.1058	-0.0948	0.4003	0.9779
+-0.7449	-2.5754	0.1638	-0.3664	-1.0395
+-2.8790	-6.2301	-1.0229	3.2147	-1.2238
+0.4482	-6.0936	0.7186	2.6087	1.1673
+-0.8581	-4.9450	1.2239	2.8168	1.9155
+-1.9585	-5.5486	0.1892	2.2741	0.9021
+-0.7563	-3.0605	0.3737	-1.2120	-0.5686
+-1.2176	-5.9017	-0.7336	3.0326	-1.7117
+-0.3342	-6.3764	-0.2172	4.3070	-1.8445
+-1.8562	-1.9825	0.1295	-1.7173	1.1371
+-0.2782	-4.6277	1.0273	1.3582	1.5796
+-2.8011	-3.9132	-0.0397	-0.1702	0.0073
+0.4691	-5.7114	1.0759	2.0051	2.1326
+-0.3390	-3.6590	-0.0755	-0.2534	1.4111
+-1.6579	-2.2403	0.1202	-2.8767	1.5805
+-1.9985	-1.4155	-0.0361	-2.4219	1.1876
+-0.7262	-2.5969	-0.9169	-1.8642	-1.8831
+0.2857	-6.9537	-0.1326	4.3486	-0.2990
+0.3086	-4.2096	1.1225	0.8869	2.5561
+-1.0663	-4.8302	-0.2336	1.1157	1.8525
+1.8021	-2.9988	0.2358	-0.4046	0.6294
+-0.6291	-4.2600	-0.6726	1.3688	-0.7486
+-0.3361	-2.0217	-0.1530	-1.7010	-2.3760
+1.2746	-3.1963	1.5362	-0.5552	0.5358
+1.3034	-4.6254	1.0466	0.2558	2.0886
+-1.8983	-4.7895	-0.5294	2.0973	-1.6399
+0.4626	-5.0153	1.1064	3.2728	-0.2280
+0.7110	-3.3192	-0.2483	-0.9576	0.0827
+-0.1416	-5.5202	1.0561	2.5331	0.7097
+-0.7655	-3.2629	0.7123	0.0562	1.2078
+-1.3523	-4.5564	0.2855	1.3386	-2.0493
+-1.7088	-2.2341	0.0825	-2.0599	0.8335
+-3.1236	-5.9987	-0.0811	3.0773	1.9977
+1.2663	-4.4825	1.5603	1.2249	1.6582
+-0.6526	-5.8705	0.9230	2.7318	1.7473
+0.3953	-2.5365	-0.0945	-3.0766	1.7426
+-0.1625	-3.4281	0.1297	-0.4754	1.6961
+-2.2140	-5.0133	-0.0794	0.9143	2.5583
+-0.4613	-6.2075	1.2719	4.1384	2.7730
+-1.4160	-7.0144	-0.4855	3.6068	0.5113
+0.6889	-3.8158	1.3029	0.6781	1.8137
+0.9439	-4.3010	0.8782	0.0062	2.0116
+-1.8597	-3.7948	-1.2024	-0.3578	-2.7539
+-1.6633	-3.2509	-1.2846	-1.4958	0.0063
+-1.6431	-2.0504	-0.6246	-2.3438	-2.7969
+-2.3001	-4.4964	-0.8472	-0.0680	-0.8250
+-1.5611	-4.4606	0.2359	0.9168	-0.6425
+1.3137	-1.1202	1.7077	-2.6874	1.5428
+-1.6780	-5.6718	0.0590	2.3780	-1.0233
+-2.5783	-6.3740	-0.3193	3.5583	3.0596
+-0.6061	-2.7607	-1.2368	-1.6965	-2.5497
+-2.6190	-3.5589	0.1136	0.0072	2.0735
+-1.0030	-6.4175	0.5149	3.7496	0.7330
+-1.7912	-5.1464	-1.0372	1.4546	-0.7956
+-1.5792	-4.4416	0.1851	0.9401	-1.6688
+0.2980	-4.1670	-0.0238	0.2527	-0.5423
+-1.1631	-3.4712	0.8661	-0.5976	1.4833
+-0.2476	-5.4577	-0.6047	2.7129	-1.6734
+0.2774	-6.7209	0.9426	4.4414	-0.2085
+-2.3883	-2.2052	-1.6941	-2.3223	-1.2636
+-1.3874	-4.1603	0.0421	0.9842	1.4190
+-2.8690	-5.6070	0.0897	3.4202	1.5811
+-0.6246	-6.5834	0.4792	3.6943	1.5019
+0.0832	-2.1370	-1.5266	-2.4836	-2.9471
+0.4752	-5.1350	1.0637	3.0672	-1.3305
+-1.1580	-4.1051	0.2756	1.9264	-1.8723
+-1.5835	-4.6959	-0.7588	-0.2192	0.3629
+-2.3501	-1.8305	-1.6013	-2.4534	-2.6362
+-0.9423	-3.9026	-0.2186	0.8125	-2.2811
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pca_incremental_header_names_output.dat
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/pca_incremental_header_names_output.dat	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,300 @@
+-4.5041	1.2787	-0.9244	-0.6417	2.4742	-0.6790	-2.2376
+-2.3058	0.3190	2.0467	-1.5089	-1.7879	-2.8580	2.3471
+-3.6298	1.9778	0.5695	3.2844	-2.1532	1.0649	0.2268
+-4.9371	1.9948	-1.1517	-0.7883	0.1443	0.3281	-1.6340
+-5.1251	2.1148	1.0578	-1.2113	2.7850	-0.4718	-0.5876
+-5.2311	3.1236	2.4521	-0.1645	2.0950	1.3657	-1.2221
+-5.2736	3.9401	3.1613	-0.4221	1.4421	0.6351	1.4170
+-5.8843	2.3108	-0.9970	-2.5925	4.5634	-1.7216	-0.6943
+-3.0847	0.9348	1.2297	-0.1673	-1.5983	-0.3054	-0.8598
+-5.0726	2.7358	2.1948	0.6672	2.8109	0.2199	0.2954
+-3.0489	-1.4621	-1.4039	2.2051	-2.1125	-3.5712	1.8233
+-3.9828	0.4789	-0.4798	3.1414	-0.2706	1.0323	-3.0673
+-4.7769	0.5637	-0.6189	2.4042	1.8522	-0.8892	0.1666
+-2.8177	-0.2411	1.1106	-1.6952	-0.7266	-2.7600	-0.0377
+-3.3395	0.6116	-2.4104	0.4482	-1.2702	-2.2185	1.2082
+-3.7895	1.3834	1.9512	0.4855	1.2103	0.2934	-1.2998
+-5.6850	2.9597	-0.6627	-1.3921	1.9849	-0.8803	0.8756
+-2.3684	1.9853	2.1848	1.9063	-1.9759	2.9765	-2.6155
+-2.7658	1.1415	-1.5911	-2.5974	-4.2491	-2.4650	1.0467
+-3.4687	2.6724	0.7399	-2.5064	-1.2477	1.3807	-2.8392
+-4.1960	1.4928	1.5341	3.2301	1.6231	0.5496	-0.1931
+-6.8974	5.6555	-0.4728	-0.2712	1.6418	2.8355	-1.2524
+-5.4610	5.7033	1.6135	-2.4726	-0.3671	0.4024	2.5259
+-3.6199	0.4197	-3.3176	0.7440	-0.9565	-3.1444	1.3050
+-6.9755	6.9895	0.8969	-1.2372	2.7908	1.0709	2.8530
+-2.4744	-2.4406	-1.2029	1.7749	-1.8143	-2.5760	-1.4119
+-2.2670	1.4244	0.3150	-0.3939	-4.8261	0.5653	-1.5405
+-1.2997	1.8646	1.6713	0.9233	-3.9371	1.9971	-2.1376
+-2.9030	2.7832	2.8769	-2.1591	-0.9938	-1.4089	2.2805
+-4.0193	-0.7911	-2.3511	-2.6334	0.8198	-3.1752	-1.7134
+-4.6438	5.1543	2.9044	-3.5749	1.3863	1.1820	0.2145
+-3.1379	-0.3608	-3.4466	2.6176	-2.5651	-3.1252	2.2431
+-3.3334	0.1605	-2.3825	-0.8492	-0.2283	-0.9548	-3.0823
+-1.8428	-0.3384	-0.2287	1.0854	-2.4548	0.2911	-3.1773
+-5.7377	2.9593	-1.3065	2.8244	2.0424	0.2718	0.8933
+-7.5818	1.9024	-2.0175	1.7637	5.6534	-0.4313	-0.7429
+-6.7842	3.2537	-0.5172	1.7928	4.5232	1.0479	-0.2527
+-2.6542	4.2982	-0.6507	-0.7068	-6.0759	0.4216	2.2052
+-4.7066	-0.0723	0.5610	2.7188	3.2642	-1.3372	-0.2390
+-3.1046	-0.4176	-2.2528	3.1483	-2.1742	-0.7089	-0.9199
+-5.1411	2.5961	1.4787	2.5253	1.9749	2.6935	-2.1514
+-3.0358	-0.4673	-3.0178	-0.1183	-2.0737	-1.9430	-1.7089
+-4.8013	3.3868	2.2209	-2.8917	1.9785	1.7562	-2.4000
+-4.8966	1.5345	-1.9107	1.6206	1.0586	-2.4528	2.2876
+-6.4597	2.5302	-0.0772	3.0385	5.9297	0.5882	-0.3289
+-5.9218	3.7935	-0.2556	3.3005	2.0236	1.1245	1.1257
+-2.6684	3.1373	-0.3467	-3.5191	-5.6729	-0.1143	-0.0563
+-6.6356	5.9313	2.3230	-4.2617	4.5651	2.7706	-2.2094
+-5.6003	4.9145	-0.0899	0.9846	1.1772	1.7796	0.3640
+-7.1334	4.7398	-0.3982	-1.1846	4.2620	0.3247	0.9009
+-3.7706	-0.4166	-2.7645	3.4809	0.1927	-2.6134	1.7933
+-2.5829	3.6848	2.0472	0.9575	-3.0212	3.5198	-2.3061
+-5.9636	4.7293	1.7384	-3.3395	2.2166	2.2397	-1.9459
+-5.6726	0.3054	0.5239	-1.8098	5.0980	-2.8714	0.6939
+-1.6695	0.2400	-0.7679	2.4374	-3.4909	1.2909	-3.0332
+-5.3286	2.8034	2.9264	-1.9200	3.2485	-0.4062	0.7878
+-4.1365	1.8401	2.8304	-2.6400	1.8543	-0.6305	-0.9748
+-7.3517	2.9113	-0.3355	-1.6157	4.9779	-1.2069	1.0193
+-4.1967	-0.9651	-1.0766	-0.8147	1.4782	-2.8124	-0.7958
+-3.3859	1.1867	0.7010	1.8196	0.6206	1.2032	-2.4485
+-4.8094	3.7086	-1.5026	-1.1737	-0.4332	-1.3418	2.0650
+-3.6897	4.9698	1.8855	1.2100	-2.0871	1.2348	3.0630
+-4.6351	1.0548	0.6174	-1.1733	1.8384	-1.7480	-0.2812
+-2.5884	2.4750	0.7398	1.9273	-3.9507	1.3361	0.0575
+-4.9906	4.0057	3.2665	-2.0939	2.9379	0.7270	0.5404
+-3.2473	1.8445	0.2434	-0.5658	-1.9457	-2.2797	2.6466
+-2.3835	3.6974	0.5424	0.1868	-5.9273	1.4366	0.1764
+-4.4944	4.1873	2.5387	2.3093	0.7909	2.4807	0.3451
+-4.0672	3.1357	0.7866	0.0835	-2.6209	-0.6464	2.6246
+-7.7257	2.4335	-0.7824	4.0495	6.3356	-0.7156	2.2593
+-7.7345	3.3520	-3.0476	3.4232	5.3875	-0.3854	2.2324
+-2.5709	1.6372	2.0053	0.0627	-1.1963	-1.7860	2.6362
+-1.4913	0.2742	2.0702	-1.8860	-3.6079	-3.4077	2.9305
+-3.8738	0.4747	-0.3085	0.2335	-0.4071	0.0756	-3.0254
+-4.1544	0.8081	-1.6855	-1.7544	-1.6783	-3.7309	2.5241
+-4.8867	4.3285	0.0026	0.5021	0.3675	2.2662	-0.5320
+-3.4362	1.1688	1.6552	-1.2709	-0.8309	0.0186	-2.1603
+-5.7805	1.1703	-0.7154	-1.9988	3.8637	-1.0734	-2.3152
+-6.2709	5.2044	-1.2410	2.2091	1.0452	3.1747	-1.3561
+-5.3901	3.6522	1.9170	0.3815	1.0644	0.8535	1.5809
+-2.3241	1.7176	0.5907	0.3335	-2.6000	-0.2806	0.7917
+-6.0218	6.1509	3.7438	-0.9355	2.0688	1.9320	2.2931
+-3.8865	-1.2257	-2.1561	2.3774	-0.2732	-2.2308	-0.1288
+-1.8827	1.0374	1.1856	0.3511	-3.8963	-0.1608	0.1192
+-6.2846	5.1593	2.3278	-0.6188	4.0817	1.5186	0.6472
+-5.2141	5.7113	2.8258	-0.2090	1.7114	2.6014	0.9906
+-2.5811	2.8134	1.9097	-2.6507	-2.8032	-0.9899	1.3097
+-3.0815	-0.4578	-3.1189	2.2872	-2.0861	-0.2196	-2.7690
+-6.1254	5.2751	-1.0343	-1.0472	-0.6193	-0.2364	2.9693
+-2.8232	1.3373	0.5949	-0.7927	-1.7707	-2.4858	2.1362
+-3.4122	2.3597	1.8698	0.2527	-1.5604	0.3673	0.1838
+-6.4323	1.4615	-2.8697	1.1520	4.9814	-0.7643	-1.1231
+-4.0745	1.7887	0.4200	0.5898	-0.4801	1.1216	-1.8534
+-3.2629	1.1370	1.8248	-1.1693	-0.5124	-2.8929	3.1263
+-2.0028	2.5104	3.1459	-2.4141	-3.8226	0.7029	-1.0988
+-2.7361	3.6728	2.8194	-0.5496	-3.3320	1.9027	-0.7531
+-3.5250	0.4456	0.3977	0.7169	0.7105	-0.6279	-1.2819
+-3.9791	3.6674	1.5133	0.6258	-0.9034	1.2040	0.3977
+-6.2804	5.0438	0.4767	-2.3433	3.3174	1.0917	-0.0308
+-3.7420	0.1593	-0.3654	-2.0204	1.6037	-1.1253	-3.2746
+9.5151	3.7062	3.8697	1.3868	0.2586	1.7338	1.0834
+8.5812	6.2908	-4.1399	-1.4445	-0.4607	1.1125	0.1729
+7.6440	3.5377	-4.4023	0.3615	2.5846	-1.2183	1.0357
+2.5921	3.1502	4.9758	-2.6982	-2.6638	0.6784	0.1647
+4.4183	5.1293	-1.9198	-1.9122	-2.0053	1.0818	-0.1255
+11.5799	3.0356	0.0777	3.1485	2.6135	1.7393	-1.2853
+10.6151	4.2457	2.7079	-2.5390	2.7172	0.4983	0.1686
+6.5518	1.4131	-4.3284	3.0582	2.4753	-1.4287	0.0280
+0.6110	2.7018	4.8455	1.9160	-2.9669	1.7329	1.0903
+8.8862	6.7098	-1.3650	0.0695	0.2906	3.0926	-0.2188
+8.3516	5.1600	-3.1937	-2.1437	0.9068	0.1059	-0.0776
+6.5749	1.0591	1.0860	-2.3285	0.6754	-1.9909	0.3649
+-1.3536	0.0963	-1.1881	-3.1040	-2.4649	-1.7361	-2.2365
+5.7554	2.5612	-4.7030	2.6323	1.4049	-0.6845	0.5814
+-2.5682	4.3850	-1.4615	1.9775	-4.6265	1.8620	0.5593
+1.5869	3.3199	3.0094	0.0874	-1.9313	1.4984	-0.1249
+0.0019	-2.7678	2.7422	0.3182	-0.7239	-2.9330	-0.4725
+2.3421	-2.9454	3.1008	3.8667	0.3177	-1.2439	-1.8251
+1.1281	1.5666	0.9091	-2.7407	-2.1087	-2.0198	0.9724
+1.5235	0.8024	-4.4624	1.8661	-0.6945	-1.5766	-0.8688
+7.4384	-0.9510	2.5739	0.7133	3.4514	-3.3296	1.7562
+1.9243	0.6118	4.2924	0.0358	-2.5054	0.8895	-1.6169
+4.9183	2.4368	1.8274	-0.6084	-0.2458	-0.1625	0.0769
+6.5999	2.8745	3.4413	-1.3241	0.8891	0.3147	0.4983
+10.2333	-0.1155	0.1643	4.0222	3.8264	-1.4876	0.6248
+6.7711	6.9607	-4.0865	0.3893	0.0512	1.4734	1.8907
+2.8361	-0.5592	-2.3155	0.2024	1.3347	-2.3676	-1.8030
+3.6792	4.2825	-2.5657	0.8910	-1.6217	0.2821	1.5377
+1.1960	-1.2069	-0.3808	2.9584	0.2167	-2.9221	1.3256
+2.5793	-0.1009	5.5918	0.3863	0.2953	-0.1268	-1.0559
+-2.5483	1.9288	0.6106	1.7118	-2.9326	0.0715	0.4489
+1.0182	2.3331	5.2430	-2.6561	-3.2526	-0.6230	1.7928
+6.2254	2.0926	-3.7485	2.8778	2.7909	-1.7703	1.8600
+7.7947	3.9599	0.3899	2.8628	1.3342	1.5191	0.8549
+5.9341	1.6811	5.0814	-1.7636	0.2261	0.0923	-0.4983
+8.9422	5.1988	-5.1226	-1.4216	1.8601	-0.2483	0.0129
+3.7559	0.7134	0.5774	2.1676	-0.3686	-0.1396	-0.9686
+1.2647	0.2938	-1.6141	-1.4450	-0.8494	-1.4320	-2.0799
+0.8697	-2.3541	4.8819	1.1583	-1.0850	-3.0040	1.1390
+-2.4243	2.2533	0.6132	-0.4352	-4.2540	0.4717	-0.2835
+0.8691	0.8276	5.7945	3.0405	-3.0247	0.7777	0.7993
+-0.0306	2.1994	-1.3816	-2.7338	-1.3169	-1.7597	0.1966
+6.8891	3.7843	-1.1987	-0.7267	-0.5589	1.1499	-1.3620
+4.9555	4.3737	3.2795	-2.9743	-0.9193	1.2818	-0.3394
+4.6003	4.9106	-4.1796	1.8274	-0.5694	0.3444	1.7707
+6.5173	6.8499	-4.3867	0.6973	-1.0706	2.3430	0.0319
+5.9594	4.7200	-3.3220	1.7297	0.5827	1.8873	-0.7937
+4.8011	1.7963	2.2601	-0.6781	-1.1054	-0.4366	0.0862
+9.4941	3.2988	4.8488	-1.5745	1.4571	0.8634	0.3784
+5.9275	5.0975	-1.9945	-1.7249	-1.7025	-0.2676	2.1382
+2.2637	2.3526	5.0792	2.9659	-2.8853	2.6294	-0.5906
+2.1362	-0.5662	-2.8698	-1.5406	-0.6178	-2.4869	-1.9779
+3.4238	1.6207	-2.0697	0.5927	0.0162	0.5742	-2.6645
+4.6129	4.0668	-0.4489	-0.0917	-1.6317	0.5627	1.0477
+5.6344	6.3936	-2.3886	-2.1122	-2.4168	1.2380	0.6516
+0.6899	-0.0045	2.5945	2.0729	-1.5520	0.0329	-0.7707
+2.1954	3.4315	-1.1342	3.2093	-1.9723	1.5515	0.1762
+-0.2728	-1.8801	0.5443	2.9489	-0.9169	-2.2882	-0.0039
+2.2464	1.6663	-1.2627	2.9359	-0.3243	-0.8919	1.4302
+7.8136	5.7358	-0.3169	-2.0148	0.3495	0.3957	1.5594
+7.2521	2.9262	-0.9792	-1.4871	0.7949	0.4403	-1.6491
+1.7315	1.7501	-0.2721	-1.8382	-0.2053	-0.5254	-1.7868
+4.5382	0.9630	5.3634	-1.6540	-1.0877	0.7456	-1.9428
+8.4922	4.3959	-4.0657	-1.0685	2.0394	0.3027	-1.5177
+5.8208	2.8653	-2.3174	3.0490	0.3595	-0.5681	1.6879
+-1.5657	3.4389	-0.8766	-0.7644	-5.0871	0.1973	0.8505
+2.9262	3.2748	-2.6100	-3.4518	-2.3979	-0.1388	-2.1841
+1.5202	0.3470	6.4457	-0.8811	-1.3563	-0.4038	0.2652
+0.2160	-0.8406	-1.2438	-1.9606	-1.8069	-2.7155	-1.5833
+9.9773	3.8447	-3.0340	-2.7374	2.8639	-1.6783	0.8315
+6.8182	0.6939	3.8276	0.0235	1.1482	-1.6252	1.8372
+0.4703	2.0718	-0.5704	0.1399	-2.3166	0.1054	-1.0614
+7.0703	-1.1055	1.8762	0.1576	2.2093	-2.5649	-0.3973
+-0.4376	-3.2665	3.1890	3.8191	-0.7461	-1.6104	-0.9830
+5.6321	2.2267	5.3601	2.1586	-0.6273	1.4508	0.5460
+4.3783	3.6338	1.5671	-0.9206	-1.8438	-0.2069	1.8630
+6.6664	2.3012	-4.4266	-2.9484	2.7377	-2.3245	-0.9019
+-0.7160	-1.9051	0.3750	1.8277	0.4336	-2.9009	0.0458
+6.8161	0.6358	-1.6462	-2.7192	2.7982	-1.8084	-2.3482
+3.6202	0.2021	2.5073	-2.1632	0.6444	-2.1642	-0.4466
+7.9950	2.4238	0.6365	-1.3418	2.4997	-0.0271	-1.1315
+6.3963	-1.4724	3.6385	2.0221	1.4533	-2.2412	0.4731
+5.1654	-0.2758	3.2312	0.1821	0.6037	-0.1159	-2.1626
+1.0380	-2.7407	5.4789	-0.6575	-1.1424	-2.0608	-1.9043
+3.8743	1.3289	-5.4026	2.9636	1.0426	-1.6882	0.5271
+0.8322	1.4722	6.1285	3.0091	-1.5825	2.4138	-0.5868
+4.6150	2.2866	-4.7298	1.6730	0.1353	-1.5406	0.7652
+8.7039	6.6432	-2.1439	-3.2018	0.8334	1.6967	-1.1076
+6.5330	0.6754	0.1167	1.6453	2.9371	-0.1888	-2.1854
+8.5000	4.9495	-1.9358	0.5401	1.9684	1.3168	0.1780
+0.8515	1.5139	0.3372	-2.5937	-1.0518	-2.3114	1.0306
+5.3179	6.1706	-3.1955	1.6488	-2.4046	1.8903	1.6645
+2.2969	-1.9570	4.6150	1.9233	-0.6721	-2.5942	1.5362
+-2.0710	3.3407	-0.3858	1.4794	-5.5546	1.0321	0.8251
+7.4623	4.0395	-0.3940	-1.0081	-0.1398	1.6219	-1.8175
+3.2457	-2.7162	5.0956	1.9736	0.5175	-2.9152	0.7246
+6.5881	1.7251	0.7603	-0.1360	1.9830	-2.0959	1.7091
+-0.0582	-3.1106	4.1112	3.1836	0.0464	-1.1565	-1.7583
+0.0513	-0.2091	0.3769	3.7662	-1.0985	-1.4892	1.0789
+6.2977	-1.5534	2.1208	-0.9169	2.2985	-3.2413	0.0615
+-1.4394	-5.9147	-0.1542	-0.8409	0.6219	1.6478	1.5854
+-0.4367	-1.3437	-3.8063	-0.3593	-1.6685	-2.1481	-3.4694
+2.2828	-3.9801	0.3987	-0.3808	2.0643	1.5617	-0.4308
+-0.6420	-3.2305	0.4085	-1.0408	0.0016	-2.2239	0.0187
+1.3416	-5.6774	3.4891	-1.2119	0.0337	-0.3871	0.0198
+-0.1420	-3.2416	-1.2991	0.0960	-0.2367	0.0961	1.4603
+-2.8178	-5.0957	-3.8157	-2.7428	-2.3669	1.3045	1.8838
+-1.3617	-1.8720	-3.0155	-0.5861	-1.5562	-1.9727	-2.8636
+0.2850	-4.3563	-5.1819	1.6696	-0.0587	3.0056	1.6736
+0.3583	-2.5959	-2.0437	3.6266	-1.2475	-0.3279	-0.5564
+0.5513	-0.3854	-4.3652	3.4373	-0.2906	-1.1745	0.2896
+-0.5884	-7.0655	1.7511	-1.6051	-0.4407	1.8331	0.9006
+0.3935	-2.6931	-4.0109	2.5334	0.0102	1.4028	-0.3750
+1.3565	-1.8875	-2.3231	0.5957	1.0166	-0.1657	-2.0777
+3.7613	-3.4500	4.5430	3.8266	1.6193	0.0156	-1.3127
+-1.6208	-3.4157	-4.4769	0.3612	-2.0838	1.1314	-2.2429
+-0.4794	-2.1701	0.9510	-1.3035	0.4743	-2.2567	-1.8181
+2.5691	-6.1575	4.8003	-2.6638	0.7564	-0.1210	0.6823
+-0.2381	-4.0798	-3.3514	1.4065	-0.4906	2.3233	-1.0396
+2.3010	-2.6211	0.2977	-2.3013	0.2922	-1.3277	-0.9939
+-1.5917	-4.6139	-3.1039	-3.1579	0.1047	1.6446	2.6565
+1.4751	-2.4914	-2.8961	0.4489	-0.1023	0.2975	1.6799
+0.7286	-5.8054	3.9412	-2.0106	0.3808	-0.4134	-0.8919
+1.3794	-5.6867	-1.9577	-0.1912	1.6085	3.3771	2.5230
+-1.1581	-3.1117	1.8577	3.4481	-1.4872	-1.6354	-0.7326
+-0.2917	-2.6622	-3.6147	-1.3967	-0.4247	0.6621	-2.0543
+2.4622	-4.3923	4.6318	3.2286	0.8290	-1.3138	-0.7092
+-0.3768	-3.3689	0.9185	3.4446	-0.7548	0.1917	-2.8933
+-1.5571	-1.2636	-4.4107	-0.4740	-0.5614	-1.1182	0.8865
+0.7017	-2.2599	-3.0353	-3.5220	0.7490	0.2524	-1.4167
+-2.0500	-5.2108	-0.5936	2.8702	0.0865	1.7500	1.8663
+3.0137	-5.0641	3.4237	3.1012	0.4598	0.6318	2.2810
+-1.5219	-1.6394	-4.8442	2.7113	-0.5852	1.1910	-1.9068
+-2.3981	-6.0576	-2.8749	-2.3686	-1.0002	2.5079	0.2015
+1.8921	-6.3274	-0.7450	-2.7750	0.8666	2.2501	-0.2021
+1.5814	-6.5836	3.2901	0.9566	1.9993	3.1253	1.3281
+-0.9830	-5.8270	-1.5955	-1.7203	0.1380	2.4005	-0.5153
+0.2115	-3.6162	0.4305	1.7197	0.5603	-0.5445	-0.9444
+-0.9981	-5.0750	-2.8310	-3.8982	-0.8326	0.7471	2.2110
+1.8743	-7.4837	2.1129	1.0955	1.0676	3.9861	1.5601
+-0.2173	-3.4647	3.5740	-0.5041	0.5984	-1.8010	-0.3018
+-0.8708	-3.0747	-5.4424	-0.2924	-0.2948	1.1786	1.4711
+-2.1813	-4.1987	-0.6857	-2.5649	-0.1683	-1.1085	0.0401
+1.0261	-4.8342	-2.5095	-3.2447	0.3524	0.5019	2.4819
+1.3312	-4.7451	1.9789	-1.0770	0.2929	0.0568	-1.0795
+-0.4084	-3.3231	1.7444	-2.2754	0.1706	-2.6516	-2.3484
+0.1271	-3.6357	5.1002	-0.8028	0.8378	-1.9041	-2.1182
+-0.3108	-2.5467	0.0172	0.5997	-0.8420	-2.4078	0.2985
+2.3229	-7.7318	0.5990	1.5900	0.6791	4.9678	0.7111
+2.2490	-5.2254	2.0891	-0.4591	1.4099	1.2195	0.1653
+0.8997	-5.9620	2.1464	-3.1994	0.2412	0.6705	-0.2757
+1.6351	-2.0544	-3.3725	2.7118	-0.5164	0.9859	-0.7674
+-0.3884	-3.7377	-2.0037	-3.7865	-0.8058	-0.1159	0.5169
+-1.2854	-0.6815	-3.7704	-1.2835	-0.8277	-2.8829	0.1127
+2.7532	-3.6849	1.9801	-1.1850	1.8530	-1.4601	0.8846
+1.3367	-3.5217	-4.2259	-1.7081	0.0284	0.6012	-0.8891
+0.2084	-6.3242	3.0772	-2.9331	0.7925	1.0186	-0.2763
+0.4991	-4.0107	-3.9909	-4.2000	0.7601	2.0399	0.2795
+2.0422	-3.9227	1.1896	0.2482	0.1053	-0.3852	-1.3664
+1.3943	-5.9124	0.3596	-2.3189	1.3754	1.5829	1.1913
+0.0278	-3.4528	-0.0648	-0.0516	0.5044	-0.1313	0.8862
+-1.1295	-4.1677	-2.8210	1.7549	0.2425	1.7050	-0.0711
+-0.8205	-2.8645	1.3685	1.3576	-0.0320	-2.0074	0.6672
+-2.3925	-5.9955	-2.2835	-4.1743	-0.4680	2.2192	0.7221
+2.4329	-4.5049	-0.5699	-3.2655	1.5086	0.7033	-0.3623
+0.0935	-5.5951	-2.6666	-0.0202	0.4672	3.1178	0.7036
+2.0608	-3.6542	2.5894	0.5949	0.1042	-1.9610	-2.1251
+1.3668	-4.3150	1.5058	-0.8470	0.3603	0.1046	-1.2965
+-0.7108	-5.7729	0.8471	-2.1552	-0.1474	0.4989	0.8110
+2.0865	-7.5741	2.4725	-3.2358	1.9803	3.5518	1.0200
+-0.7413	-6.5902	-3.3497	-4.0118	-0.7169	2.8734	-0.0154
+1.9231	-4.1669	0.6324	3.6388	1.1516	1.4119	1.9045
+0.9972	-3.3835	-3.8478	0.4535	-0.1122	0.9351	-0.6707
+-1.4850	-3.7556	-0.8861	2.0163	-1.0464	-0.5987	0.6890
+-0.6859	-4.0281	0.3683	3.6759	-1.1975	0.3557	-1.6469
+-1.8927	-1.7090	-2.2045	-2.1649	-0.6862	-2.7007	-2.6949
+-2.6846	-3.5555	-3.8040	-2.2653	-1.5920	-1.2491	0.6841
+0.3020	-5.6926	2.2922	-1.7143	1.0921	0.3534	-0.3102
+0.6378	0.0965	-3.4219	1.3310	0.4472	-2.1190	-0.2407
+-1.9094	-4.6694	-5.0032	-0.7066	-0.5111	2.2129	0.1366
+-0.5069	-7.3869	2.1287	-3.7626	-0.0722	1.8540	3.3739
+-0.8111	-2.1449	-2.0660	1.3755	-1.4613	-1.8106	-0.2669
+-2.1210	-3.7767	-1.4218	-1.0966	-0.4062	0.3971	-0.5842
+-1.0161	-5.3783	-5.2064	-4.0163	-0.1682	2.9910	0.1047
+-1.0107	-5.1148	-0.6561	0.8090	-1.0136	0.7724	2.2620
+0.3727	-5.6904	3.2177	3.2668	1.1544	0.6645	2.2839
+1.8337	-4.6784	1.9878	1.5645	0.4593	-0.2257	1.9580
+-0.1967	-4.0023	-0.2283	-1.0764	0.7112	-0.1925	-1.3203
+0.2941	-5.0048	-2.0272	2.6678	-0.5445	2.7349	1.9569
+2.5823	-7.5935	2.0663	0.1052	1.8888	3.5327	2.8774
+-2.5822	-2.1414	-2.1563	3.1156	-2.0672	-0.7239	-2.1677
+-1.2405	-3.6815	-2.5594	1.7052	-0.7032	1.3623	1.5195
+-2.8369	-5.1205	-4.5254	-0.1156	-0.6598	4.1633	0.1587
+0.3149	-6.2694	-2.0587	-0.3757	0.1556	3.2380	2.4606
+2.0357	-3.8799	4.1492	4.3973	-0.1287	-0.6609	-2.9551
+1.4539	-5.0928	-1.1201	1.5114	1.4226	3.0672	1.1131
+0.0900	-4.8785	0.4034	1.7989	1.0459	2.5805	-0.6281
+0.0903	-5.5698	2.3322	-1.8054	-0.3871	-1.4925	1.4869
+-3.2787	-0.9351	-3.4811	2.8220	-2.2307	-1.9613	-0.5324
+-0.8901	-3.3226	-2.1998	-3.3552	-0.2246	-0.9037	0.3637
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pca_incremental_output.dat
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/pca_incremental_output.dat	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,300 @@
+-4.5041	1.2787	-0.9244	-0.6417	2.4742	-0.6790	-2.2376
+-2.3058	0.3190	2.0467	-1.5089	-1.7879	-2.8580	2.3471
+-3.6298	1.9778	0.5695	3.2844	-2.1532	1.0649	0.2268
+-4.9371	1.9948	-1.1517	-0.7883	0.1443	0.3281	-1.6340
+-5.1251	2.1148	1.0578	-1.2113	2.7850	-0.4718	-0.5876
+-5.2311	3.1236	2.4521	-0.1645	2.0950	1.3657	-1.2221
+-5.2736	3.9401	3.1613	-0.4221	1.4421	0.6351	1.4170
+-5.8843	2.3108	-0.9970	-2.5925	4.5634	-1.7216	-0.6943
+-3.0847	0.9348	1.2297	-0.1673	-1.5983	-0.3054	-0.8598
+-5.0726	2.7358	2.1948	0.6672	2.8109	0.2199	0.2954
+-3.0489	-1.4621	-1.4039	2.2051	-2.1125	-3.5712	1.8233
+-3.9828	0.4789	-0.4798	3.1414	-0.2706	1.0323	-3.0673
+-4.7769	0.5637	-0.6189	2.4042	1.8522	-0.8892	0.1666
+-2.8177	-0.2411	1.1106	-1.6952	-0.7266	-2.7600	-0.0377
+-3.3395	0.6116	-2.4104	0.4482	-1.2702	-2.2185	1.2082
+-3.7895	1.3834	1.9512	0.4855	1.2103	0.2934	-1.2998
+-5.6850	2.9597	-0.6627	-1.3921	1.9849	-0.8803	0.8756
+-2.3684	1.9853	2.1848	1.9063	-1.9759	2.9765	-2.6155
+-2.7658	1.1415	-1.5911	-2.5974	-4.2491	-2.4650	1.0467
+-3.4687	2.6724	0.7399	-2.5064	-1.2477	1.3807	-2.8392
+-4.1960	1.4928	1.5341	3.2301	1.6231	0.5496	-0.1931
+-6.8974	5.6555	-0.4728	-0.2712	1.6418	2.8355	-1.2524
+-5.4610	5.7033	1.6135	-2.4726	-0.3671	0.4024	2.5259
+-3.6199	0.4197	-3.3176	0.7440	-0.9565	-3.1444	1.3050
+-6.9755	6.9895	0.8969	-1.2372	2.7908	1.0709	2.8530
+-2.4744	-2.4406	-1.2029	1.7749	-1.8143	-2.5760	-1.4119
+-2.2670	1.4244	0.3150	-0.3939	-4.8261	0.5653	-1.5405
+-1.2997	1.8646	1.6713	0.9233	-3.9371	1.9971	-2.1376
+-2.9030	2.7832	2.8769	-2.1591	-0.9938	-1.4089	2.2805
+-4.0193	-0.7911	-2.3511	-2.6334	0.8198	-3.1752	-1.7134
+-4.6438	5.1543	2.9044	-3.5749	1.3863	1.1820	0.2145
+-3.1379	-0.3608	-3.4466	2.6176	-2.5651	-3.1252	2.2431
+-3.3334	0.1605	-2.3825	-0.8492	-0.2283	-0.9548	-3.0823
+-1.8428	-0.3384	-0.2287	1.0854	-2.4548	0.2911	-3.1773
+-5.7377	2.9593	-1.3065	2.8244	2.0424	0.2718	0.8933
+-7.5818	1.9024	-2.0175	1.7637	5.6534	-0.4313	-0.7429
+-6.7842	3.2537	-0.5172	1.7928	4.5232	1.0479	-0.2527
+-2.6542	4.2982	-0.6507	-0.7068	-6.0759	0.4216	2.2052
+-4.7066	-0.0723	0.5610	2.7188	3.2642	-1.3372	-0.2390
+-3.1046	-0.4176	-2.2528	3.1483	-2.1742	-0.7089	-0.9199
+-5.1411	2.5961	1.4787	2.5253	1.9749	2.6935	-2.1514
+-3.0358	-0.4673	-3.0178	-0.1183	-2.0737	-1.9430	-1.7089
+-4.8013	3.3868	2.2209	-2.8917	1.9785	1.7562	-2.4000
+-4.8966	1.5345	-1.9107	1.6206	1.0586	-2.4528	2.2876
+-6.4597	2.5302	-0.0772	3.0385	5.9297	0.5882	-0.3289
+-5.9218	3.7935	-0.2556	3.3005	2.0236	1.1245	1.1257
+-2.6684	3.1373	-0.3467	-3.5191	-5.6729	-0.1143	-0.0563
+-6.6356	5.9313	2.3230	-4.2617	4.5651	2.7706	-2.2094
+-5.6003	4.9145	-0.0899	0.9846	1.1772	1.7796	0.3640
+-7.1334	4.7398	-0.3982	-1.1846	4.2620	0.3247	0.9009
+-3.7706	-0.4166	-2.7645	3.4809	0.1927	-2.6134	1.7933
+-2.5829	3.6848	2.0472	0.9575	-3.0212	3.5198	-2.3061
+-5.9636	4.7293	1.7384	-3.3395	2.2166	2.2397	-1.9459
+-5.6726	0.3054	0.5239	-1.8098	5.0980	-2.8714	0.6939
+-1.6695	0.2400	-0.7679	2.4374	-3.4909	1.2909	-3.0332
+-5.3286	2.8034	2.9264	-1.9200	3.2485	-0.4062	0.7878
+-4.1365	1.8401	2.8304	-2.6400	1.8543	-0.6305	-0.9748
+-7.3517	2.9113	-0.3355	-1.6157	4.9779	-1.2069	1.0193
+-4.1967	-0.9651	-1.0766	-0.8147	1.4782	-2.8124	-0.7958
+-3.3859	1.1867	0.7010	1.8196	0.6206	1.2032	-2.4485
+-4.8094	3.7086	-1.5026	-1.1737	-0.4332	-1.3418	2.0650
+-3.6897	4.9698	1.8855	1.2100	-2.0871	1.2348	3.0630
+-4.6351	1.0548	0.6174	-1.1733	1.8384	-1.7480	-0.2812
+-2.5884	2.4750	0.7398	1.9273	-3.9507	1.3361	0.0575
+-4.9906	4.0057	3.2665	-2.0939	2.9379	0.7270	0.5404
+-3.2473	1.8445	0.2434	-0.5658	-1.9457	-2.2797	2.6466
+-2.3835	3.6974	0.5424	0.1868	-5.9273	1.4366	0.1764
+-4.4944	4.1873	2.5387	2.3093	0.7909	2.4807	0.3451
+-4.0672	3.1357	0.7866	0.0835	-2.6209	-0.6464	2.6246
+-7.7257	2.4335	-0.7824	4.0495	6.3356	-0.7156	2.2593
+-7.7345	3.3520	-3.0476	3.4232	5.3875	-0.3854	2.2324
+-2.5709	1.6372	2.0053	0.0627	-1.1963	-1.7860	2.6362
+-1.4913	0.2742	2.0702	-1.8860	-3.6079	-3.4077	2.9305
+-3.8738	0.4747	-0.3085	0.2335	-0.4071	0.0756	-3.0254
+-4.1544	0.8081	-1.6855	-1.7544	-1.6783	-3.7309	2.5241
+-4.8867	4.3285	0.0026	0.5021	0.3675	2.2662	-0.5320
+-3.4362	1.1688	1.6552	-1.2709	-0.8309	0.0186	-2.1603
+-5.7805	1.1703	-0.7154	-1.9988	3.8637	-1.0734	-2.3152
+-6.2709	5.2044	-1.2410	2.2091	1.0452	3.1747	-1.3561
+-5.3901	3.6522	1.9170	0.3815	1.0644	0.8535	1.5809
+-2.3241	1.7176	0.5907	0.3335	-2.6000	-0.2806	0.7917
+-6.0218	6.1509	3.7438	-0.9355	2.0688	1.9320	2.2931
+-3.8865	-1.2257	-2.1561	2.3774	-0.2732	-2.2308	-0.1288
+-1.8827	1.0374	1.1856	0.3511	-3.8963	-0.1608	0.1192
+-6.2846	5.1593	2.3278	-0.6188	4.0817	1.5186	0.6472
+-5.2141	5.7113	2.8258	-0.2090	1.7114	2.6014	0.9906
+-2.5811	2.8134	1.9097	-2.6507	-2.8032	-0.9899	1.3097
+-3.0815	-0.4578	-3.1189	2.2872	-2.0861	-0.2196	-2.7690
+-6.1254	5.2751	-1.0343	-1.0472	-0.6193	-0.2364	2.9693
+-2.8232	1.3373	0.5949	-0.7927	-1.7707	-2.4858	2.1362
+-3.4122	2.3597	1.8698	0.2527	-1.5604	0.3673	0.1838
+-6.4323	1.4615	-2.8697	1.1520	4.9814	-0.7643	-1.1231
+-4.0745	1.7887	0.4200	0.5898	-0.4801	1.1216	-1.8534
+-3.2629	1.1370	1.8248	-1.1693	-0.5124	-2.8929	3.1263
+-2.0028	2.5104	3.1459	-2.4141	-3.8226	0.7029	-1.0988
+-2.7361	3.6728	2.8194	-0.5496	-3.3320	1.9027	-0.7531
+-3.5250	0.4456	0.3977	0.7169	0.7105	-0.6279	-1.2819
+-3.9791	3.6674	1.5133	0.6258	-0.9034	1.2040	0.3977
+-6.2804	5.0438	0.4767	-2.3433	3.3174	1.0917	-0.0308
+-3.7420	0.1593	-0.3654	-2.0204	1.6037	-1.1253	-3.2746
+9.5151	3.7062	3.8697	1.3868	0.2586	1.7338	1.0834
+8.5812	6.2908	-4.1399	-1.4445	-0.4607	1.1125	0.1729
+7.6440	3.5377	-4.4023	0.3615	2.5846	-1.2183	1.0357
+2.5921	3.1502	4.9758	-2.6982	-2.6638	0.6784	0.1647
+4.4183	5.1293	-1.9198	-1.9122	-2.0053	1.0818	-0.1255
+11.5799	3.0356	0.0777	3.1485	2.6135	1.7393	-1.2853
+10.6151	4.2457	2.7079	-2.5390	2.7172	0.4983	0.1686
+6.5518	1.4131	-4.3284	3.0582	2.4753	-1.4287	0.0280
+0.6110	2.7018	4.8455	1.9160	-2.9669	1.7329	1.0903
+8.8862	6.7098	-1.3650	0.0695	0.2906	3.0926	-0.2188
+8.3516	5.1600	-3.1937	-2.1437	0.9068	0.1059	-0.0776
+6.5749	1.0591	1.0860	-2.3285	0.6754	-1.9909	0.3649
+-1.3536	0.0963	-1.1881	-3.1040	-2.4649	-1.7361	-2.2365
+5.7554	2.5612	-4.7030	2.6323	1.4049	-0.6845	0.5814
+-2.5682	4.3850	-1.4615	1.9775	-4.6265	1.8620	0.5593
+1.5869	3.3199	3.0094	0.0874	-1.9313	1.4984	-0.1249
+0.0019	-2.7678	2.7422	0.3182	-0.7239	-2.9330	-0.4725
+2.3421	-2.9454	3.1008	3.8667	0.3177	-1.2439	-1.8251
+1.1281	1.5666	0.9091	-2.7407	-2.1087	-2.0198	0.9724
+1.5235	0.8024	-4.4624	1.8661	-0.6945	-1.5766	-0.8688
+7.4384	-0.9510	2.5739	0.7133	3.4514	-3.3296	1.7562
+1.9243	0.6118	4.2924	0.0358	-2.5054	0.8895	-1.6169
+4.9183	2.4368	1.8274	-0.6084	-0.2458	-0.1625	0.0769
+6.5999	2.8745	3.4413	-1.3241	0.8891	0.3147	0.4983
+10.2333	-0.1155	0.1643	4.0222	3.8264	-1.4876	0.6248
+6.7711	6.9607	-4.0865	0.3893	0.0512	1.4734	1.8907
+2.8361	-0.5592	-2.3155	0.2024	1.3347	-2.3676	-1.8030
+3.6792	4.2825	-2.5657	0.8910	-1.6217	0.2821	1.5377
+1.1960	-1.2069	-0.3808	2.9584	0.2167	-2.9221	1.3256
+2.5793	-0.1009	5.5918	0.3863	0.2953	-0.1268	-1.0559
+-2.5483	1.9288	0.6106	1.7118	-2.9326	0.0715	0.4489
+1.0182	2.3331	5.2430	-2.6561	-3.2526	-0.6230	1.7928
+6.2254	2.0926	-3.7485	2.8778	2.7909	-1.7703	1.8600
+7.7947	3.9599	0.3899	2.8628	1.3342	1.5191	0.8549
+5.9341	1.6811	5.0814	-1.7636	0.2261	0.0923	-0.4983
+8.9422	5.1988	-5.1226	-1.4216	1.8601	-0.2483	0.0129
+3.7559	0.7134	0.5774	2.1676	-0.3686	-0.1396	-0.9686
+1.2647	0.2938	-1.6141	-1.4450	-0.8494	-1.4320	-2.0799
+0.8697	-2.3541	4.8819	1.1583	-1.0850	-3.0040	1.1390
+-2.4243	2.2533	0.6132	-0.4352	-4.2540	0.4717	-0.2835
+0.8691	0.8276	5.7945	3.0405	-3.0247	0.7777	0.7993
+-0.0306	2.1994	-1.3816	-2.7338	-1.3169	-1.7597	0.1966
+6.8891	3.7843	-1.1987	-0.7267	-0.5589	1.1499	-1.3620
+4.9555	4.3737	3.2795	-2.9743	-0.9193	1.2818	-0.3394
+4.6003	4.9106	-4.1796	1.8274	-0.5694	0.3444	1.7707
+6.5173	6.8499	-4.3867	0.6973	-1.0706	2.3430	0.0319
+5.9594	4.7200	-3.3220	1.7297	0.5827	1.8873	-0.7937
+4.8011	1.7963	2.2601	-0.6781	-1.1054	-0.4366	0.0862
+9.4941	3.2988	4.8488	-1.5745	1.4571	0.8634	0.3784
+5.9275	5.0975	-1.9945	-1.7249	-1.7025	-0.2676	2.1382
+2.2637	2.3526	5.0792	2.9659	-2.8853	2.6294	-0.5906
+2.1362	-0.5662	-2.8698	-1.5406	-0.6178	-2.4869	-1.9779
+3.4238	1.6207	-2.0697	0.5927	0.0162	0.5742	-2.6645
+4.6129	4.0668	-0.4489	-0.0917	-1.6317	0.5627	1.0477
+5.6344	6.3936	-2.3886	-2.1122	-2.4168	1.2380	0.6516
+0.6899	-0.0045	2.5945	2.0729	-1.5520	0.0329	-0.7707
+2.1954	3.4315	-1.1342	3.2093	-1.9723	1.5515	0.1762
+-0.2728	-1.8801	0.5443	2.9489	-0.9169	-2.2882	-0.0039
+2.2464	1.6663	-1.2627	2.9359	-0.3243	-0.8919	1.4302
+7.8136	5.7358	-0.3169	-2.0148	0.3495	0.3957	1.5594
+7.2521	2.9262	-0.9792	-1.4871	0.7949	0.4403	-1.6491
+1.7315	1.7501	-0.2721	-1.8382	-0.2053	-0.5254	-1.7868
+4.5382	0.9630	5.3634	-1.6540	-1.0877	0.7456	-1.9428
+8.4922	4.3959	-4.0657	-1.0685	2.0394	0.3027	-1.5177
+5.8208	2.8653	-2.3174	3.0490	0.3595	-0.5681	1.6879
+-1.5657	3.4389	-0.8766	-0.7644	-5.0871	0.1973	0.8505
+2.9262	3.2748	-2.6100	-3.4518	-2.3979	-0.1388	-2.1841
+1.5202	0.3470	6.4457	-0.8811	-1.3563	-0.4038	0.2652
+0.2160	-0.8406	-1.2438	-1.9606	-1.8069	-2.7155	-1.5833
+9.9773	3.8447	-3.0340	-2.7374	2.8639	-1.6783	0.8315
+6.8182	0.6939	3.8276	0.0235	1.1482	-1.6252	1.8372
+0.4703	2.0718	-0.5704	0.1399	-2.3166	0.1054	-1.0614
+7.0703	-1.1055	1.8762	0.1576	2.2093	-2.5649	-0.3973
+-0.4376	-3.2665	3.1890	3.8191	-0.7461	-1.6104	-0.9830
+5.6321	2.2267	5.3601	2.1586	-0.6273	1.4508	0.5460
+4.3783	3.6338	1.5671	-0.9206	-1.8438	-0.2069	1.8630
+6.6664	2.3012	-4.4266	-2.9484	2.7377	-2.3245	-0.9019
+-0.7160	-1.9051	0.3750	1.8277	0.4336	-2.9009	0.0458
+6.8161	0.6358	-1.6462	-2.7192	2.7982	-1.8084	-2.3482
+3.6202	0.2021	2.5073	-2.1632	0.6444	-2.1642	-0.4466
+7.9950	2.4238	0.6365	-1.3418	2.4997	-0.0271	-1.1315
+6.3963	-1.4724	3.6385	2.0221	1.4533	-2.2412	0.4731
+5.1654	-0.2758	3.2312	0.1821	0.6037	-0.1159	-2.1626
+1.0380	-2.7407	5.4789	-0.6575	-1.1424	-2.0608	-1.9043
+3.8743	1.3289	-5.4026	2.9636	1.0426	-1.6882	0.5271
+0.8322	1.4722	6.1285	3.0091	-1.5825	2.4138	-0.5868
+4.6150	2.2866	-4.7298	1.6730	0.1353	-1.5406	0.7652
+8.7039	6.6432	-2.1439	-3.2018	0.8334	1.6967	-1.1076
+6.5330	0.6754	0.1167	1.6453	2.9371	-0.1888	-2.1854
+8.5000	4.9495	-1.9358	0.5401	1.9684	1.3168	0.1780
+0.8515	1.5139	0.3372	-2.5937	-1.0518	-2.3114	1.0306
+5.3179	6.1706	-3.1955	1.6488	-2.4046	1.8903	1.6645
+2.2969	-1.9570	4.6150	1.9233	-0.6721	-2.5942	1.5362
+-2.0710	3.3407	-0.3858	1.4794	-5.5546	1.0321	0.8251
+7.4623	4.0395	-0.3940	-1.0081	-0.1398	1.6219	-1.8175
+3.2457	-2.7162	5.0956	1.9736	0.5175	-2.9152	0.7246
+6.5881	1.7251	0.7603	-0.1360	1.9830	-2.0959	1.7091
+-0.0582	-3.1106	4.1112	3.1836	0.0464	-1.1565	-1.7583
+0.0513	-0.2091	0.3769	3.7662	-1.0985	-1.4892	1.0789
+6.2977	-1.5534	2.1208	-0.9169	2.2985	-3.2413	0.0615
+-1.4394	-5.9147	-0.1542	-0.8409	0.6219	1.6478	1.5854
+-0.4367	-1.3437	-3.8063	-0.3593	-1.6685	-2.1481	-3.4694
+2.2828	-3.9801	0.3987	-0.3808	2.0643	1.5617	-0.4308
+-0.6420	-3.2305	0.4085	-1.0408	0.0016	-2.2239	0.0187
+1.3416	-5.6774	3.4891	-1.2119	0.0337	-0.3871	0.0198
+-0.1420	-3.2416	-1.2991	0.0960	-0.2367	0.0961	1.4603
+-2.8178	-5.0957	-3.8157	-2.7428	-2.3669	1.3045	1.8838
+-1.3617	-1.8720	-3.0155	-0.5861	-1.5562	-1.9727	-2.8636
+0.2850	-4.3563	-5.1819	1.6696	-0.0587	3.0056	1.6736
+0.3583	-2.5959	-2.0437	3.6266	-1.2475	-0.3279	-0.5564
+0.5513	-0.3854	-4.3652	3.4373	-0.2906	-1.1745	0.2896
+-0.5884	-7.0655	1.7511	-1.6051	-0.4407	1.8331	0.9006
+0.3935	-2.6931	-4.0109	2.5334	0.0102	1.4028	-0.3750
+1.3565	-1.8875	-2.3231	0.5957	1.0166	-0.1657	-2.0777
+3.7613	-3.4500	4.5430	3.8266	1.6193	0.0156	-1.3127
+-1.6208	-3.4157	-4.4769	0.3612	-2.0838	1.1314	-2.2429
+-0.4794	-2.1701	0.9510	-1.3035	0.4743	-2.2567	-1.8181
+2.5691	-6.1575	4.8003	-2.6638	0.7564	-0.1210	0.6823
+-0.2381	-4.0798	-3.3514	1.4065	-0.4906	2.3233	-1.0396
+2.3010	-2.6211	0.2977	-2.3013	0.2922	-1.3277	-0.9939
+-1.5917	-4.6139	-3.1039	-3.1579	0.1047	1.6446	2.6565
+1.4751	-2.4914	-2.8961	0.4489	-0.1023	0.2975	1.6799
+0.7286	-5.8054	3.9412	-2.0106	0.3808	-0.4134	-0.8919
+1.3794	-5.6867	-1.9577	-0.1912	1.6085	3.3771	2.5230
+-1.1581	-3.1117	1.8577	3.4481	-1.4872	-1.6354	-0.7326
+-0.2917	-2.6622	-3.6147	-1.3967	-0.4247	0.6621	-2.0543
+2.4622	-4.3923	4.6318	3.2286	0.8290	-1.3138	-0.7092
+-0.3768	-3.3689	0.9185	3.4446	-0.7548	0.1917	-2.8933
+-1.5571	-1.2636	-4.4107	-0.4740	-0.5614	-1.1182	0.8865
+0.7017	-2.2599	-3.0353	-3.5220	0.7490	0.2524	-1.4167
+-2.0500	-5.2108	-0.5936	2.8702	0.0865	1.7500	1.8663
+3.0137	-5.0641	3.4237	3.1012	0.4598	0.6318	2.2810
+-1.5219	-1.6394	-4.8442	2.7113	-0.5852	1.1910	-1.9068
+-2.3981	-6.0576	-2.8749	-2.3686	-1.0002	2.5079	0.2015
+1.8921	-6.3274	-0.7450	-2.7750	0.8666	2.2501	-0.2021
+1.5814	-6.5836	3.2901	0.9566	1.9993	3.1253	1.3281
+-0.9830	-5.8270	-1.5955	-1.7203	0.1380	2.4005	-0.5153
+0.2115	-3.6162	0.4305	1.7197	0.5603	-0.5445	-0.9444
+-0.9981	-5.0750	-2.8310	-3.8982	-0.8326	0.7471	2.2110
+1.8743	-7.4837	2.1129	1.0955	1.0676	3.9861	1.5601
+-0.2173	-3.4647	3.5740	-0.5041	0.5984	-1.8010	-0.3018
+-0.8708	-3.0747	-5.4424	-0.2924	-0.2948	1.1786	1.4711
+-2.1813	-4.1987	-0.6857	-2.5649	-0.1683	-1.1085	0.0401
+1.0261	-4.8342	-2.5095	-3.2447	0.3524	0.5019	2.4819
+1.3312	-4.7451	1.9789	-1.0770	0.2929	0.0568	-1.0795
+-0.4084	-3.3231	1.7444	-2.2754	0.1706	-2.6516	-2.3484
+0.1271	-3.6357	5.1002	-0.8028	0.8378	-1.9041	-2.1182
+-0.3108	-2.5467	0.0172	0.5997	-0.8420	-2.4078	0.2985
+2.3229	-7.7318	0.5990	1.5900	0.6791	4.9678	0.7111
+2.2490	-5.2254	2.0891	-0.4591	1.4099	1.2195	0.1653
+0.8997	-5.9620	2.1464	-3.1994	0.2412	0.6705	-0.2757
+1.6351	-2.0544	-3.3725	2.7118	-0.5164	0.9859	-0.7674
+-0.3884	-3.7377	-2.0037	-3.7865	-0.8058	-0.1159	0.5169
+-1.2854	-0.6815	-3.7704	-1.2835	-0.8277	-2.8829	0.1127
+2.7532	-3.6849	1.9801	-1.1850	1.8530	-1.4601	0.8846
+1.3367	-3.5217	-4.2259	-1.7081	0.0284	0.6012	-0.8891
+0.2084	-6.3242	3.0772	-2.9331	0.7925	1.0186	-0.2763
+0.4991	-4.0107	-3.9909	-4.2000	0.7601	2.0399	0.2795
+2.0422	-3.9227	1.1896	0.2482	0.1053	-0.3852	-1.3664
+1.3943	-5.9124	0.3596	-2.3189	1.3754	1.5829	1.1913
+0.0278	-3.4528	-0.0648	-0.0516	0.5044	-0.1313	0.8862
+-1.1295	-4.1677	-2.8210	1.7549	0.2425	1.7050	-0.0711
+-0.8205	-2.8645	1.3685	1.3576	-0.0320	-2.0074	0.6672
+-2.3925	-5.9955	-2.2835	-4.1743	-0.4680	2.2192	0.7221
+2.4329	-4.5049	-0.5699	-3.2655	1.5086	0.7033	-0.3623
+0.0935	-5.5951	-2.6666	-0.0202	0.4672	3.1178	0.7036
+2.0608	-3.6542	2.5894	0.5949	0.1042	-1.9610	-2.1251
+1.3668	-4.3150	1.5058	-0.8470	0.3603	0.1046	-1.2965
+-0.7108	-5.7729	0.8471	-2.1552	-0.1474	0.4989	0.8110
+2.0865	-7.5741	2.4725	-3.2358	1.9803	3.5518	1.0200
+-0.7413	-6.5902	-3.3497	-4.0118	-0.7169	2.8734	-0.0154
+1.9231	-4.1669	0.6324	3.6388	1.1516	1.4119	1.9045
+0.9972	-3.3835	-3.8478	0.4535	-0.1122	0.9351	-0.6707
+-1.4850	-3.7556	-0.8861	2.0163	-1.0464	-0.5987	0.6890
+-0.6859	-4.0281	0.3683	3.6759	-1.1975	0.3557	-1.6469
+-1.8927	-1.7090	-2.2045	-2.1649	-0.6862	-2.7007	-2.6949
+-2.6846	-3.5555	-3.8040	-2.2653	-1.5920	-1.2491	0.6841
+0.3020	-5.6926	2.2922	-1.7143	1.0921	0.3534	-0.3102
+0.6378	0.0965	-3.4219	1.3310	0.4472	-2.1190	-0.2407
+-1.9094	-4.6694	-5.0032	-0.7066	-0.5111	2.2129	0.1366
+-0.5069	-7.3869	2.1287	-3.7626	-0.0722	1.8540	3.3739
+-0.8111	-2.1449	-2.0660	1.3755	-1.4613	-1.8106	-0.2669
+-2.1210	-3.7767	-1.4218	-1.0966	-0.4062	0.3971	-0.5842
+-1.0161	-5.3783	-5.2064	-4.0163	-0.1682	2.9910	0.1047
+-1.0107	-5.1148	-0.6561	0.8090	-1.0136	0.7724	2.2620
+0.3727	-5.6904	3.2177	3.2668	1.1544	0.6645	2.2839
+1.8337	-4.6784	1.9878	1.5645	0.4593	-0.2257	1.9580
+-0.1967	-4.0023	-0.2283	-1.0764	0.7112	-0.1925	-1.3203
+0.2941	-5.0048	-2.0272	2.6678	-0.5445	2.7349	1.9569
+2.5823	-7.5935	2.0663	0.1052	1.8888	3.5327	2.8774
+-2.5822	-2.1414	-2.1563	3.1156	-2.0672	-0.7239	-2.1677
+-1.2405	-3.6815	-2.5594	1.7052	-0.7032	1.3623	1.5195
+-2.8369	-5.1205	-4.5254	-0.1156	-0.6598	4.1633	0.1587
+0.3149	-6.2694	-2.0587	-0.3757	0.1556	3.2380	2.4606
+2.0357	-3.8799	4.1492	4.3973	-0.1287	-0.6609	-2.9551
+1.4539	-5.0928	-1.1201	1.5114	1.4226	3.0672	1.1131
+0.0900	-4.8785	0.4034	1.7989	1.0459	2.5805	-0.6281
+0.0903	-5.5698	2.3322	-1.8054	-0.3871	-1.4925	1.4869
+-3.2787	-0.9351	-3.4811	2.8220	-2.2307	-1.9613	-0.5324
+-0.8901	-3.3226	-2.1998	-3.3552	-0.2246	-0.9037	0.3637
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pca_input.dat
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/pca_input.dat	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,300 @@
+9.579515262220434924e-01	3.726315038026500881e-02	1.192922318396479886e+00	2.208390853256675612e+00	1.545465138214503487e+00	6.587709093437858598e+00	2.676346016926679283e+00	2.002623182927643519e+00	1.960111203222609788e+00	1.244000891424809074e-01
+5.456295681254983432e-01	3.130646354641937745e-01	6.007098680445335681e+00	3.644816120915847169e+00	1.043692024581632793e+00	1.970255599020762194e+00	7.768759398827200791e-01	6.435887304171391543e-01	4.933655623778216537e+00	5.543893932919085055e-01
+9.341619128268041639e-02	2.558875163847860179e-01	3.752555601842988420e+00	5.559464534602225783e+00	1.010576057771932490e+00	3.077425253345768663e+00	6.807691255479467962e+00	2.571623094724099445e+00	3.153422029415700933e+00	3.550137612924495478e-01
+1.471186662367064413e-01	4.878675188546680030e-01	1.721359340060558907e+00	4.167324499252111458e+00	1.985766726491912326e+00	5.316541920919662267e+00	2.962330081397085202e+00	6.305674360296442682e-02	1.008632361074792705e+00	1.954028793571292999e-01
+4.517113041288302044e-01	2.082857695479499172e-01	2.670306166999409037e+00	3.583860843014433861e+00	3.162463432948562581e+00	7.681858694197329029e+00	1.942922465406477395e+00	1.098113345375552274e+00	3.412374063138972069e+00	4.177369511025994520e-01
+7.303789721527453871e-02	1.033872090825091461e-01	1.795276419298532655e+00	5.719768891948289635e+00	2.977579113876869243e+00	7.844204854679616368e+00	3.384744044988120759e+00	2.998214211517472805e+00	4.270749911114063657e+00	4.257092154152972707e-01
+6.359175475607969918e-02	1.242103944058722265e-01	4.586547825302377923e+00	6.614372405184473891e+00	1.923730124171568079e+00	7.681919225138223339e+00	2.793831391806054665e+00	1.406817959154060160e+00	4.716223047352296582e+00	6.211888780251716424e-01
+9.886982415066914998e-01	4.584180816802013725e-02	2.793304094637673707e+00	1.871823089629541581e+00	2.607924236602056745e+00	9.206004712207825236e+00	4.623226894276893928e-01	2.966776892612695615e+00	1.485603429563761679e+00	4.654181765444357355e-01
+1.741783097973695904e-01	2.446343910749277373e-01	2.534641383481000876e+00	4.584056834431557093e+00	2.890133078107056441e+00	2.823965747627366518e+00	3.034991597984873835e+00	6.600338090755860643e-01	3.752675891901568583e+00	2.970984388064664694e-01
+4.690204907875814566e-01	2.929759132721354575e-02	3.548495454913231484e+00	4.482718753445549709e+00	3.203674397180960920e+00	8.065801814409903514e+00	3.773297073513870004e+00	2.113193009064737282e+00	4.579511767735440664e+00	4.024397631591818403e-01
+6.941135206286030979e-03	2.133769823942091026e-01	6.135694255460425239e+00	5.395845311332483352e-01	1.504596129252289138e-01	9.253872174123642935e-01	4.483882842463830620e+00	2.321382684831085008e+00	2.576937740611303873e+00	1.109827593740932983e-01
+2.746007390787119640e-03	6.638140727681796083e-02	4.108407001279307247e-01	3.212637467080699416e+00	4.920639575099698959e-01	4.018583101004429281e+00	6.796866753550522056e+00	1.316040638035593568e+00	2.620935479341985896e+00	2.976887894006831070e-01
+3.557722260573822348e-01	3.727028444011896702e-01	3.811343797909652054e+00	1.715026071489426762e+00	5.294113011251582179e-01	5.980858755297242979e+00	5.404241675653790544e+00	1.825392885196229997e+00	2.835734218533411788e+00	3.200816860194626301e-01
+3.642510923301112147e-01	7.309428690756680780e-03	3.666945761684001326e+00	2.430979500086832612e+00	3.031996394197797429e+00	2.708093900045675184e+00	7.623775896209878944e-01	7.865319376558289610e-01	4.100162854521766320e+00	8.307551984431076342e-01
+9.927215581748555229e-01	4.537144790675278760e-01	5.145060290158723681e+00	2.151991198713361086e+00	4.862387339994040936e-01	2.589672936803951053e+00	3.398039583724480561e+00	2.809787771375323651e+00	8.864381880832911120e-01	3.331137683083518208e-01
+5.057807499542814611e-01	1.402717130943404999e-01	1.883175574051066725e+00	4.122193241585520695e+00	1.035989381539633492e+00	5.670773882751129591e+00	3.687442345139384958e+00	1.684532121504235480e+00	4.642108569673514928e+00	9.305441677815040613e-01
+5.042353053817258957e-01	3.547819755513703099e-01	4.381967339967321351e+00	3.851122946472437469e+00	5.426308260180099374e-01	7.445193485365448893e+00	1.869875173163507931e+00	8.437445017751898924e-03	1.444658255941634994e+00	1.636723834558136970e-01
+6.808167520848328325e-01	4.889279161325942868e-01	1.800574817853715093e-01	6.987701665160759745e+00	2.781923379343957503e+00	2.993730387785709102e+00	5.946279606388386263e+00	9.945453378009785350e-01	4.532192935084170315e+00	8.927165058296504530e-01
+3.935353669966316081e-01	3.534471776807462939e-01	4.974393735263212157e+00	4.310249343469166661e+00	5.149149535110453257e-01	2.179395632453644538e-01	4.312162502099264882e-01	1.470934059506852742e+00	6.326429352635798420e-01	7.652243996922046820e-01
+5.817478561516450375e-01	3.650895867034674724e-01	1.106136061048209607e-01	6.499764055829857945e+00	2.050813058661709487e+00	4.066454208593111019e+00	1.490387097633062208e+00	1.061815166735420313e+00	2.302831003165218604e+00	2.174825207514023973e-01
+5.048471030130237125e-01	1.082304090000890673e-01	3.175827458076348364e+00	3.693216070028284115e+00	3.700472412642747955e+00	6.197372734372899927e+00	6.374064687621854297e+00	2.768340513420041837e+00	4.661995130609337679e+00	8.584541060279672342e-01
+9.485485718647990172e-02	2.363243089061691227e-01	1.837943546562954555e+00	7.414016988668096886e+00	1.058065255181876108e+00	9.078408743915952428e+00	4.183782154307690959e+00	1.516463707584718712e+00	3.901861889845664733e-01	2.074547211064202701e-01
+3.134106819658126764e-01	1.286339499547863308e-01	5.864729791423263450e+00	8.300357839112765035e+00	1.438336911915669702e+00	6.851092469972995147e+00	1.034029113386152776e+00	1.494799843839271336e+00	2.277085020013195127e+00	3.018026684870551701e-01
+9.974747480148854484e-01	7.417608355979210533e-02	5.576900855119989231e+00	1.085027230184690827e+00	1.610568082058991379e+00	2.681858695518825719e+00	3.483337744351994392e+00	1.340344201458989248e+00	1.785155307177410666e-01	6.064608937230153707e-02
+7.698707959570197934e-01	5.946693939209857227e-02	6.140872236681682139e+00	7.794500275667249234e+00	3.329936732740133021e+00	1.053683186798398808e+01	2.442474922407471993e+00	1.618248604822617676e+00	1.645175154595579059e+00	1.577878407070486544e-01
+2.921978170383732198e-02	2.098764262909763589e-01	2.571849891653310571e+00	1.701437788960805664e-01	3.606271296781285773e+00	6.151967513580181013e-01	4.407426394075528719e+00	2.238674479981308085e+00	2.918338395342272129e+00	2.203405589927943664e-01
+8.185553514857757396e-02	2.904901153328537933e-01	1.884207868724713020e+00	6.379742850556673339e+00	1.316060594347697510e+00	5.742231747444348500e-02	3.293024161175864162e+00	2.070570602227302937e-01	2.323330232077761792e+00	9.345412483474558885e-01
+9.870953766246871597e-01	2.838968068710498449e-01	8.984979565988782113e-01	7.228894867998849172e+00	3.009018931955541376e+00	7.470177361465970556e-01	4.791497852877925290e+00	2.138893706603099965e+00	3.957478162078499118e+00	9.206372464557524005e-01
+9.246986296046750819e-01	2.657540764872973194e-02	5.696958733461305435e+00	6.037947545874237321e+00	2.054547403001988126e+00	4.010012556963714836e+00	5.387264573805446988e-01	4.198151587672391827e-01	4.855865220608975186e+00	3.421872218672002974e-01
+4.891436182199244698e-01	2.957137425921102514e-01	2.092865426966933118e+00	1.304751064715160558e-01	1.857399876731623767e+00	3.929329864582863596e+00	1.890510040380741774e-01	1.808418679622973757e+00	8.962596057614125034e-01	5.071164143964516091e-01
+9.883745014565588072e-01	2.023820478627288422e-01	3.026225500297741178e+00	8.018625010860999325e+00	2.639151190842266015e+00	7.866860471267914434e+00	5.692475791922957384e-02	2.619732708394978626e+00	3.791192865048754079e+00	8.510442750449997984e-01
+6.766386709986900172e-01	3.163942649407911478e-01	6.650890489805712846e+00	9.981354386720189265e-01	8.895093378732830125e-01	8.880441813445409949e-01	5.269510439686068359e+00	2.800971666890863521e+00	4.336136086833519698e-01	6.151838148712087673e-01
+9.395548338899438745e-01	2.274826251714922587e-01	4.841436257692705025e-01	1.951295574220930362e+00	3.688485459922960619e+00	3.319068635438701342e+00	2.622624513963639714e+00	1.773842110030804609e+00	7.017709220203099951e-01	7.273521464765183575e-01
+7.131396196120692865e-01	2.829891666225929359e-01	1.809204461229397820e-01	3.578992630164364641e+00	5.190853847632848073e-02	9.799965411266482462e-01	4.614272826173850817e+00	2.684041190366065699e+00	2.984828522093719183e+00	2.167818654123231381e-01
+6.173854727816793231e-01	1.961753927292946287e-01	4.555255586921068023e+00	3.578807812709182024e+00	8.425821534786881450e-01	7.518481958157543943e+00	6.262313649648420188e+00	2.000433960754317564e+00	1.421954930513873006e+00	8.019504843363266522e-01
+6.671808236429033201e-02	2.702227356574862793e-01	2.867725189486065585e+00	8.406696908068906904e-01	1.816665326608355890e+00	1.069991981228995215e+01	5.100300539865704863e+00	1.022140401782990482e-01	9.935128054149117149e-01	2.217478442404806627e-01
+4.675882156850276195e-01	3.994470533120373923e-01	3.013415758827279856e+00	3.472047851101398130e+00	1.579805042782022717e+00	1.025374950194446200e+01	5.424839982873136179e+00	2.661207445309309083e+00	1.974765823248681329e+00	8.490805254939938207e-01
+7.440465128212200296e-01	3.185879639684230935e-01	5.875377909342210714e+00	8.735053206610791321e+00	1.922533667640191624e-02	2.664137099658425711e-01	3.070429299965248493e+00	1.797362708842066059e+00	5.848813121558199546e-01	4.383864302200134455e-01
+3.550604742260795588e-01	6.083111274854280381e-02	3.404146882195189239e+00	7.733962066765833754e-01	1.176797582398654285e+00	6.871446754170301929e+00	5.361716911609923919e+00	1.576687106248415571e+00	4.355077426059827062e+00	8.607241356371005958e-01
+3.559318532806881041e-01	4.015285662241686593e-01	2.944936440066225458e+00	2.111335278696990336e+00	2.963059944865208628e+00	1.476942511987013873e+00	6.450386812630387823e+00	1.907611126769427123e+00	1.381468577271076636e+00	3.983676385111964979e-01
+1.352222544842187624e-01	3.963201476435085358e-01	7.711539919790504349e-01	5.328381207561713850e+00	1.055305792258381725e+00	7.535148204080714507e+00	6.478550147632057055e+00	2.298107587130767904e+00	3.835975596160178469e+00	7.784889119545324032e-02
+5.656300588103846394e-01	2.408672177953232185e-01	2.222118682804348655e+00	1.584476418959711363e+00	2.205997974729819955e+00	1.320044695544450697e+00	3.093339610296233388e+00	2.078381944707535123e+00	2.709900781033619532e-01	1.998783060846459625e-01
+5.064693576216054982e-01	4.755666724189564487e-01	2.460782122272777706e-01	6.394893884651652982e+00	2.393279335645917882e+00	7.720168766472102817e+00	9.946162988780055114e-01	4.727471826960147894e-01	3.624628763819681243e+00	7.939552686881024002e-01
+7.126511753385316172e-01	1.251084009980807377e-02	6.424546400284762093e+00	1.732715732319492385e+00	3.291228557764222185e+00	5.494632343972354782e+00	4.309920997430734424e+00	1.785238040943090132e+00	1.319325481408312184e+00	3.987762049958972765e-01
+8.564779126009015586e-01	1.551694340859950394e-01	3.000664164177824667e+00	2.121531733172477452e+00	1.929201507138485816e+00	1.091606713354398295e+01	6.352850505658992120e+00	1.942089264915284774e+00	3.099275474026703225e+00	6.349421349719974739e-02
+4.875235919705348531e-01	1.165471825543921702e-01	4.659789198761613349e+00	4.857039597115840657e+00	2.268900869752328298e+00	8.073884519013418526e+00	6.867532374199831757e+00	7.110477929957825793e-01	2.139511718029329490e+00	3.270336697362830058e-01
+2.836462637303897028e-01	3.526582320725804021e-01	3.433435023383186291e+00	7.878111173527013733e+00	5.846439909687783931e-01	1.334584322193443917e-01	2.430764258810069744e-01	2.294882067517025170e+00	6.943377361908681378e-01	6.597104416060772802e-01
+7.138680788986382364e-01	3.866838295049366270e-01	1.938054711638698135e-01	7.776057762563468145e+00	3.843531806920502003e+00	1.169843574403325803e+01	1.317073001264212895e-02	9.974273699007062399e-01	2.805794644206359933e+00	2.846508994495189349e-02
+7.616522995605032875e-01	1.525341083280188914e-01	3.649857814806184653e+00	6.626064326264721416e+00	1.848485344378381079e+00	7.772079961576015883e+00	4.922747697985218274e+00	2.183176272993367029e+00	1.523463352631002188e+00	3.483587959766206721e-01
+6.174650468503004586e-01	2.890466460728707276e-01	4.198548001307910837e+00	4.756162259128787539e+00	1.215478403072798308e-01	1.073564948073302894e+01	2.393378431835311737e+00	7.963541702214833595e-01	1.221126147878501822e+00	3.627422424390945865e-01
+9.041286748679164820e-01	3.692704713445955078e-01	5.969223946468604325e+00	1.400042822911425899e-01	2.167809064247096185e+00	3.466765141422927687e+00	6.104187126619349257e+00	2.815584690378426735e+00	1.472968857439669765e+00	6.815901346942815353e-01
+7.420584650906367763e-01	2.629350119859111268e-01	5.157415509545635324e-01	8.936951265754993656e+00	3.499514727363592037e+00	2.929864868198977401e+00	5.289656243356750664e+00	3.794701199783089285e-01	3.570594754264058146e+00	5.454360810847372898e-01
+2.133902786741366242e-01	4.793775958545365423e-01	7.161025461060221975e-01	7.379345463324211707e+00	9.195588975890780503e-01	8.953799627402657890e+00	8.199588910676803843e-01	1.539214057143141190e-01	2.517268342599753961e+00	8.642672068937873320e-03
+4.189544227294224044e-01	4.677740958591244946e-01	4.169315152475023822e+00	2.198113856746841677e-01	4.442481038742749355e-01	8.853442692179621432e+00	5.871239829017361744e-01	1.642555038182410554e-01	3.779048982357357644e+00	5.353051674182843778e-01
+8.373426461385590214e-01	3.895842710949837251e-01	3.079787615886646623e-01	4.540155876800062273e+00	7.099227726704704367e-01	3.400668992101794075e-01	6.292240435961995004e+00	2.673955045372806705e+00	2.378211157475177195e+00	5.342130779135090268e-01
+3.068274218964279765e-01	3.192479805504804813e-01	3.859914935882651221e+00	4.687340409378260908e+00	1.900386926452752867e+00	8.623061138373001810e+00	1.033494255619878288e+00	8.997549532223314550e-02	4.911877241989344611e+00	9.510774047315817548e-01
+3.988512541926614308e-01	8.003053540870219695e-02	2.122999256011599556e+00	4.455738292615722962e+00	1.825496679610708828e+00	6.531267574926014063e+00	3.480291480026090900e-01	1.582969106163566453e+00	4.938475735461747007e+00	1.906205929699261725e-01
+7.111720075879690572e-02	4.221578019099042622e-01	4.465731829112144169e+00	2.564360848739634768e+00	2.152069261549716117e-02	1.058526283280879277e+01	1.462724588046307783e+00	2.852823949099446033e+00	1.829748887076950048e+00	2.844587557581582660e-01
+2.570944338116505357e-01	3.670273280771254032e-01	2.950100530191855697e+00	1.367357621902863807e-01	6.536517332253071189e-01	4.623777977996077482e+00	1.830565500886062402e+00	6.876079879205642120e-01	2.463356978321902702e+00	1.515963114524383482e-01
+8.196773403442627615e-01	2.439155028749898646e-01	6.976779897465351654e-01	4.021827899216881441e+00	1.629083009450637665e+00	4.895113507734013325e+00	5.420567352065293498e+00	2.923116514593426807e+00	3.675539915878816899e+00	4.820681859745293840e-01
+8.912757210535459107e-01	4.287706082586761891e-02	5.914097580762159190e+00	4.887219470061346271e+00	2.297300243872694381e+00	5.258879986696362252e+00	2.055176485482270277e+00	1.247382108420278080e+00	4.091406116197054965e-01	2.863708277926955148e-01
+9.165363924681566576e-01	2.077777304803083980e-01	6.425359611836583440e+00	8.532229331139205897e+00	1.890984676596261238e+00	4.482242194093222665e+00	4.719123490932191523e+00	9.368865626180848949e-01	3.424737866108997775e+00	3.692933466222642069e-01
+2.844432761355554229e-01	3.487910856226295042e-02	3.288851974081316243e+00	2.493792851872620453e+00	3.245659443981551373e+00	6.119401284154618814e+00	1.629426639698323909e+00	2.146211397792365361e+00	3.323215307906694616e+00	9.689245472658591929e-02
+4.605981453808145609e-01	2.951104911370585060e-01	3.466807508548188643e+00	7.015908445063255172e+00	2.012464416109721377e+00	1.411425132174343400e+00	5.640313420420241641e+00	2.551472185597204234e+00	2.921468481145677476e+00	5.154477507183952145e-02
+7.916776772020003294e-01	3.104882171066662977e-01	3.388406047132061616e+00	6.308076145350703712e+00	2.141204968913200002e+00	8.815894689517723037e+00	1.216772248282482316e+00	5.490792235288116663e-01	4.864033877707442777e+00	3.120795424356880288e-01
+6.520543319958096440e-01	7.498529269624598648e-02	6.546870924616779774e+00	4.313660942542439258e+00	2.842979234248417697e+00	2.708025294292042418e+00	2.101565155836826015e+00	2.779757313928136409e+00	2.766295492770797892e+00	8.242938770130925352e-02
+3.916403442843127136e-01	9.189287972434972973e-02	3.658241649007774488e+00	8.892285269585453733e+00	2.872944719502671163e+00	1.926067804146072149e-01	4.113071146818407797e+00	2.033786884589388499e+00	1.858529211147021964e+00	3.601164330247360601e-01
+6.658899523715963165e-01	1.901452620071845678e-01	3.358563768423928231e+00	7.307834854097906785e+00	2.230102878474681027e+00	6.994441846960493869e+00	6.046922242667236880e+00	1.681346319512073695e+00	4.453953342081854672e+00	7.760263753123383124e-01
+3.544087352095481869e-02	1.736442680483894496e-01	6.358750483131432318e+00	6.362553657877171531e+00	9.438518061698975004e-02	3.241545692161897474e+00	3.216563179949617268e+00	2.048445371027631801e+00	2.592256358497992519e+00	5.871829363638558785e-02
+2.278297361077044059e-01	2.521532626334166971e-01	6.006560048470274360e+00	1.036460639857805344e+00	9.596384576758123508e-01	1.161754935200590388e+01	6.921319460991003147e+00	9.492023907384942172e-01	2.570754313364566723e+00	9.898393847822013480e-01
+7.720727707112930993e-01	4.625201799694809712e-01	6.030038351299404020e+00	1.576843309640901802e+00	3.047360805551709184e+00	1.105183421427205381e+01	6.765794291140618810e+00	2.437125901810530237e+00	4.785718495907587133e-02	8.643252994269234879e-02
+9.816465867962677061e-01	1.040135248373981747e-01	6.269766387849492695e+00	4.587664995870221141e+00	1.471595298862088175e+00	3.137698622087241596e+00	2.585776241619418325e+00	1.094148950727448000e+00	4.787651271957346744e+00	8.537352255282423252e-01
+5.927286689665087760e-01	1.635250692112610871e-01	6.763777563834705298e+00	4.190158816469162772e+00	1.671137433875959921e-01	7.145892561514077812e-02	2.697194722513650555e-01	1.826917897949313918e+00	4.855283909060112535e+00	2.338052822860668956e-01
+1.591435657354911548e-02	1.309457494027614910e-01	4.027555471388495345e-01	3.269356767055083601e+00	2.135361695566277085e+00	3.812187332815673013e+00	3.745269592969274086e+00	2.239168581407309233e+00	2.403445557045992054e+00	4.127895397263747768e-02
+1.138459964891592735e-01	2.477562449655215659e-01	6.711903366433036311e+00	2.328903691994430591e+00	3.619135648902618296e+00	2.643113253632744630e+00	7.573805393623883608e-01	5.638560832013681523e-01	9.866348317250567268e-01	5.321998283901712146e-01
+8.335543816544467299e-01	4.852511675363395671e-01	2.522771010620390442e+00	6.865591808220169234e+00	2.614984821499222178e-01	6.661308755886223842e+00	4.631632858625027716e+00	2.016686176070514591e-02	1.670651928613386517e+00	8.001889580730393581e-01
+3.506629367480429416e-02	7.513357347200738667e-02	1.091955136302876994e+00	4.788485228215831668e+00	3.088440213543260704e+00	3.737602435514551402e+00	2.060091420371281679e+00	1.664114145344917528e+00	3.853021369729443979e+00	3.981246066772909931e-01
+2.941809570016090669e-01	1.951063404831046011e-01	1.053511941997986590e+00	1.626573601758511067e+00	1.073068181672781840e+00	8.246102825125259272e+00	1.229799882190759863e+00	2.046485654174841073e+00	1.887314229128450593e+00	8.477832457224251383e-01
+4.288411318977621844e-01	1.344940483989709445e-01	1.890175735159078219e+00	6.909579416417008346e+00	2.559618997696785136e+00	8.076451885637920824e+00	6.709931254318012073e+00	2.711755694833509533e+00	2.197259152647867975e-01	5.229458751166887742e-01
+7.962785959698204241e-02	4.791664160968215902e-01	4.775534443309384258e+00	6.195144705514182171e+00	1.095816602161203690e-01	7.253215415683056833e+00	3.785863733799192499e+00	9.032344566438499367e-01	3.712953563991834294e+00	3.658749193043641101e-01
+9.925977090507452916e-01	4.226472934729750275e-01	4.233597679026229521e+00	5.373501445983512426e+00	3.029885997105019158e+00	1.948856366491487524e+00	3.580389683767193798e+00	6.128625096828327345e-01	3.195613215016547937e+00	1.498067324162460912e-01
+3.211542228342814109e-01	2.435050065055133772e-01	5.191492939326351141e+00	8.811443367963034845e+00	3.119307887468464990e+00	9.566604729350618896e+00	2.662534653489017522e+00	2.048270692218978617e+00	4.513252133993818305e+00	1.534045164632015235e-01
+1.169841130722715228e-01	4.278805785103458326e-01	3.871981713139157399e+00	2.151432657451758379e-01	2.353074788516758442e+00	2.925683050900422355e+00	5.164172309356634294e+00	3.209672061804553778e-01	1.806778866741765022e+00	7.377245404193294442e-01
+4.920318247135287981e-01	3.980350958273896622e-01	3.553262242278445449e+00	5.660089801227229600e+00	1.130914505340574028e+00	5.111374270657123020e-01	3.594580615302541915e+00	1.377803570003424127e+00	3.733415954722649754e+00	3.790748149557219282e-01
+7.141555225002506058e-01	1.431060744802945539e-01	3.598062535886497493e+00	6.486014070157204436e+00	1.222357165551017477e+00	1.071797470084096382e+01	2.966727560848184453e+00	1.433401409283499239e+00	3.761066588446803749e+00	4.577426600413826430e-01
+8.846645270352224699e-01	3.643370058500688402e-01	3.776149232858763138e+00	8.514771398046235618e+00	1.333408164935339979e+00	8.719464634044745921e+00	3.680392243042417633e+00	2.323141187069376112e+00	3.968683511008049170e+00	5.273710580573882645e-01
+7.563601909975703474e-01	7.110020268898137319e-02	4.754320885232382388e+00	6.715112169672266873e+00	3.900410613846503338e-01	2.374351342693231892e+00	3.949776593352507525e-01	2.793668022917081828e+00	3.590934831061467047e+00	2.297057403281292931e-01
+4.973937884442386492e-01	3.879138870002525330e-01	9.799015387413885225e-01	2.012207080170396623e+00	3.118810053878664501e+00	1.476679627040943465e+00	5.927098696212524054e+00	1.896055595509993363e-02	3.766273251675572586e-01	9.605494500779653277e-01
+1.977451097083424703e-01	1.856512361107952036e-01	6.724615885357570377e+00	6.767753598078477317e+00	2.460427469322048477e+00	6.474778192244762032e+00	2.497838703773406444e+00	1.783570854432153130e+00	5.300044222306288244e-02	4.451008306808179604e-01
+7.777282859813858806e-01	1.108325048061198359e-02	5.994453580967894268e+00	3.907200072756264575e+00	2.802655265583420707e+00	2.467799246467401009e+00	1.767975654554970966e+00	1.542521176133627048e+00	3.301251420424628602e+00	2.703716625531150664e-01
+2.877553566109145589e-01	1.420816672999475339e-01	3.531815135282850626e+00	6.071634467360012444e+00	1.950296822580346312e+00	3.667561567003036149e+00	3.564813794526681789e+00	8.193521748791241510e-01	3.969846661030343782e+00	9.642674274532847534e-02
+8.461631661621418221e-01	3.874198608202865657e-01	2.460697897082127827e+00	4.483937646731980253e-01	9.536408659656969711e-01	9.374214254598758345e+00	4.523934853618548857e+00	8.998483173209120833e-01	4.534728615909888738e-01	1.316674336548497859e-01
+1.751881832985308085e-01	3.840511548841616940e-01	1.356205442152841334e+00	4.975298518310518503e+00	3.475732058856605633e+00	4.548907307536070199e+00	4.318674447424278640e+00	1.546572097412000968e+00	2.738768725851110197e+00	2.581125520633765769e-01
+5.541597656676272576e-01	2.055046901470117260e-01	6.866760560523623269e+00	3.572427800023941113e+00	5.759362217394889960e-01	3.707695882166028856e+00	1.083565015241491736e+00	8.888805063168140341e-01	4.589028250324568958e+00	6.712978422710076387e-01
+3.399810580604246679e-01	6.778009844025034702e-02	1.990157231926872106e+00	7.987721068254113987e+00	8.333111074045302935e-01	1.434155759051158885e+00	1.063680632215532995e+00	8.682505419899785304e-01	4.553780840671912244e+00	6.153621080682639688e-01
+3.805973074910944387e-01	1.809291374261368102e-02	2.326724448899936348e+00	8.808775644776478231e+00	1.071772823118059659e+00	2.671050593238351034e+00	3.236405416201733942e+00	1.156638793116922637e+00	4.089621847663170939e+00	8.958752205306643734e-01
+6.236783129330455422e-01	2.034130988847053789e-01	2.149437338793216412e+00	2.709264986875024039e+00	2.581735349094827381e+00	4.559785061212902946e+00	3.811076674546835186e+00	2.506501802065709494e+00	3.558610317643628562e+00	2.953998470582006597e-01
+5.786616826695738514e-01	1.092680018344108772e-01	3.673824620483585601e+00	6.935907382658493603e+00	2.924092204393669459e+00	4.994297253991534902e+00	4.216415579314912065e+00	2.221035033808330006e+00	3.308866108190522404e+00	6.005834101043915352e-01
+8.445682020932365752e-01	3.477257696376142015e-01	2.977918003630122712e+00	6.125943756092539161e+00	2.412136776594560494e+00	9.871992950448490234e+00	1.471692508678064337e+00	1.186189240533216616e+00	1.731159415996974538e+00	5.019757339821060427e-01
+7.262920712271674351e-01	1.070865338500862629e-01	6.515623171275430892e-02	1.910429663217140916e+00	3.785981980891470755e-01	5.136662978344108232e+00	1.190639365883919165e+00	2.126433858821366041e+00	2.551490600585693436e+00	2.282190611495389376e-01
+1.181796487183683730e+01	2.516406960282593364e-01	2.887277780206054967e+00	7.424704929314782653e+00	2.733699169495314329e+00	1.326499604911062224e-01	4.472085075329708559e+00	1.841612256174257833e+00	9.588965759771213015e+00	6.074890083495527726e-01
+1.355685210334684321e+01	1.476043055963610906e-01	2.536588592058465874e+00	6.894815252046440968e+00	4.629665076865330242e-01	1.591874408544442510e-01	2.659816619928975889e+00	1.992412304973402826e+00	9.409822587181350118e-01	8.428860916139044868e-01
+1.302344932128066368e+01	1.877957892610864488e-01	3.771232365671751907e+00	2.334982689796312627e+00	3.407718706286316790e-01	1.716052424590376324e+00	3.548651514000740193e+00	2.374591648505322450e+00	2.134503293655584777e+00	2.543046511567058632e-01
+4.451805618740952042e+00	6.764221264325200045e-02	2.669906521408719868e+00	8.632453926650279996e+00	2.033894446413802903e+00	7.142031037304861218e-01	4.194277576482712266e-01	1.402693657818623318e-01	7.586905366769697068e+00	1.843381480000478856e-01
+8.570192823591918696e+00	2.306084812036459097e-01	2.522438257729497479e+00	7.522008507552547130e+00	3.713341144773252278e-01	5.716961257420709597e-01	2.079090539304101704e+00	1.766024213797281917e+00	1.662647314050246683e+00	6.384753099614368654e-01
+1.492700367152876417e+01	5.956069900446444437e-02	5.193239326553306112e-01	4.348155739698301936e+00	1.498622145721807408e+00	4.168028931133043180e-01	6.514105873948607517e+00	1.300249280108312089e+00	7.509216655975119892e+00	6.466771718100665645e-01
+1.401469528149594801e+01	1.318450715802988726e-01	1.755366307435912709e+00	6.268538614231175643e+00	3.594158033755705084e+00	1.596063791967876844e+00	4.538357107641011190e-01	1.578349416671345651e+00	8.605308976007654209e+00	8.431350039872285151e-01
+1.125897718091157707e+01	7.088415129913086532e-02	3.073048649925616438e+00	4.169572134840827671e-01	3.391473123826589831e+00	1.253820676407349843e+00	6.033094418983614204e+00	1.669529100255978893e+00	2.743440461537412389e+00	3.447717414063620200e-01
+2.618236120635488717e+00	2.221707698733976499e-01	3.880148546665934006e+00	8.346365071605847064e+00	4.485232175994370074e+00	1.273339902009563929e+00	5.126040370747679376e+00	5.002442564550735327e-02	7.652504234144801742e+00	9.045218812960378330e-01
+1.352791799195179934e+01	2.958099853113912436e-01	1.620323493963710115e+00	8.514270244110930363e+00	1.405394051171777736e+00	1.228874034324174414e+00	4.366837956110266816e+00	4.681693532389841206e-01	3.658910928887952885e+00	5.685286335634343047e-01
+1.321105522112276098e+01	7.596543795040429370e-02	2.288656765287575112e+00	5.454334126686442019e+00	3.540974541852515589e+00	9.136761954539687203e-01	1.531916431358365749e+00	2.600489131884043736e+00	2.186958478364557035e+00	6.152510639313788499e-01
+9.248327943582943078e+00	2.953301427161937331e-01	2.912841777561403500e+00	3.210770144852208574e+00	4.678430187034543941e+00	1.903313079890405213e-01	1.852621718826671371e-01	1.901873807226989177e-01	6.598474242893042074e+00	1.863584605124068982e-01
+1.561511613665458764e+00	2.791101130788958273e-01	1.230729125078247499e+00	3.214729791326091046e+00	5.760499802570256955e-01	6.791526464572399391e-01	1.164793484277019120e-01	2.436090334891392928e+00	1.684437394931304732e+00	5.939045414290095026e-01
+1.074199933120756256e+01	2.768105466336150400e-01	3.600337787752637908e+00	1.988419733930615330e+00	1.121183222910840938e+00	1.262741873855612873e+00	5.955023194942483222e+00	1.775781023586198160e+00	1.635523073587350051e+00	9.451325867881940068e-01
+1.439453349318703390e+00	1.572125366345192565e-01	4.116939260327882266e+00	8.143883513662194318e+00	4.436336490499172669e+00	1.431008029759604838e+00	6.129158351904355762e+00	1.627229601340490550e+00	3.544342525406199984e-01	9.537385422254009981e-01
+4.385485861700014532e+00	1.072544990386351815e-01	2.555081167553841404e+00	7.797049674127350727e+00	6.437428060323546752e-03	1.690033945941410209e+00	3.546703381942077016e+00	2.355037673948323640e+00	6.000098633768423007e+00	5.634219751061730896e-02
+1.478941841002847202e+00	2.819342154043811277e-01	2.946748707794077937e+00	8.674573772230408375e-01	4.831892645548560239e+00	6.117546232929613748e-01	2.336129800349750152e+00	1.662089735231696785e+00	7.288065418938156625e+00	5.079145336272458122e-01
+3.566330915119718004e+00	1.054092958488348081e-01	1.262772079536855330e+00	6.632582037177616741e-01	3.155614409429076339e+00	4.560221336860896812e-01	6.107444411033736920e+00	9.724400924370590893e-02	8.869125512095319408e+00	4.531451318109073201e-01
+3.931188712123208084e+00	1.648487385228547819e-01	4.230745858304009843e+00	4.740462911360358689e+00	4.302603206380042344e+00	5.923369016635324780e-01	1.350657156605095111e-03	1.610503856182457394e+00	4.214531575126196472e+00	1.188686805020251480e-01
+5.690049848746455474e+00	1.611771331430286031e-02	2.797114322332588721e+00	1.326664870101148530e+00	2.184236794465954645e-01	7.244826847041867524e-01	5.088788284324481381e+00	1.892888045267941521e+00	5.251528732452677151e-01	8.270932539527531269e-01
+9.971187065128873428e+00	1.922234878798162738e-01	4.399243530319325579e+00	1.690861779292817113e-01	3.026193132922350149e-02	1.247811934568532566e+00	2.287373749222342489e+00	7.123297811357809373e-02	9.782325221036309415e+00	4.025349245250368080e-01
+3.166794098033590465e+00	2.895927629971295492e-01	1.010943063067509806e+00	6.246940915716239218e+00	2.296626417112780594e+00	1.124916422624346879e-01	3.155063467415336387e+00	1.122794863214901628e+00	7.747118569384047859e+00	8.813094613105451058e-01
+7.776074009241417784e+00	4.884943113850780116e-02	2.665091138087455569e+00	5.396374948611239120e+00	4.807416439179393208e+00	9.311196524679428155e-01	2.370568997313627246e+00	1.497537386829888018e+00	6.410622802993913183e+00	1.959147447247133744e-01
+9.386902307633294029e+00	2.918525147335055969e-01	2.580633210860679316e+00	6.117570487861421213e+00	9.440652787891057329e-01	1.478204798622005711e+00	1.583143507835594432e+00	1.878469714268893753e+00	8.341600309722448259e+00	2.296329479872928347e-01
+1.325226074192375592e+01	1.660088044261155971e-01	3.032911943104431352e+00	1.544500510963358053e-01	1.444444693560564819e-01	5.144081121761716613e-01	6.228472420827102063e+00	2.002195300328763139e+00	8.619120730699705746e+00	5.986701025311890190e-01
+1.253702247039758255e+01	2.815208299886055587e-01	4.418741917269815467e+00	7.187649403919402324e+00	1.857768480706825098e+00	1.693270109415251579e+00	4.500029768156658783e+00	9.386766274226390205e-01	7.712460417143821578e-01	1.490837705279541847e-01
+6.470192866248365426e+00	2.538814476100020867e-02	1.482709093692339941e+00	4.810511422160657080e-02	7.397535485801826072e-01	1.366029201822366090e+00	2.938463177620382449e+00	1.905659482665870819e+00	3.274297555223312450e+00	5.946455225965689984e-01
+8.046767686244354678e+00	2.379545842279764956e-01	4.589316043001465673e+00	5.892088873366180479e+00	1.308019335424309704e+00	7.484233826378567933e-01	4.495389998435046053e+00	6.202227507857822619e-01	1.707552168782031199e+00	9.367630937108080147e-01
+4.192176901095245434e+00	1.304693968976899099e-01	4.998027091565603541e+00	2.456526465425167283e-01	1.205473478694641942e+00	1.109994403062972701e+00	5.125196171178717286e+00	2.206741883831745188e+00	5.115846166892562330e+00	1.104691714503143185e-01
+4.157525610946958494e+00	9.298038433732908059e-02	1.491518671460473344e+00	4.496224394499284571e+00	4.648879436827211720e+00	1.793268724253979762e+00	2.896904069484845579e+00	1.356276322086461761e+00	9.923020114331025709e+00	3.558734125538330906e-01
+6.979832709755873221e-01	3.599810987684147479e-02	4.064902498699765943e+00	5.597103986278889387e+00	4.496807253190716835e+00	1.851319113294662699e+00	4.995032507818135237e+00	6.680000375419122838e-01	3.176705087670492755e+00	6.164391597089758923e-01
+2.680618751278343481e+00	1.681546055962608033e-01	4.674994237591107549e+00	7.872155819890408246e+00	3.635532819810061156e+00	5.723527244541317671e-01	1.228843659393086263e-02	1.624022154584328081e-01	7.634482806401528876e+00	9.621470740939815913e-01
+1.129656603051103581e+01	1.754676764823895063e-01	4.925438368822037560e+00	9.090625284174426168e-01	9.872898867967799807e-01	1.967411347408282829e+00	5.647085320216579163e+00	8.040378544211923550e-01	3.157643996826393629e+00	6.705813685367211230e-01
+1.166598416610384703e+01	1.866541563727542041e-01	3.082745872586427183e+00	5.684997481806196795e+00	2.688708007208003181e+00	1.498993448192174283e+00	6.225488991661570992e+00	1.314065400514044191e+00	6.343644934019415871e+00	5.416797703578821732e-01
+7.720230714264369354e+00	1.523894939496055478e-01	1.620746553117432542e+00	6.005901827039864749e+00	4.717729383985791447e-02	9.075246998741233195e-01	9.360149124843241131e-01	1.754815849294320884e+00	9.666726609856759467e+00	6.581401514679491305e-01
+1.453127659928862059e+01	7.703415326140243546e-02	2.479862457434094392e+00	4.182212439636490586e+00	3.488676768426026253e+00	1.206066251747953011e+00	2.285902497850169190e+00	1.194028499060063808e+00	9.286786278550043239e-01	8.091147826884519390e-01
+6.417666940507571915e+00	7.132128551135483163e-02	1.942224670162717270e+00	3.433069127251919817e+00	7.564280838361731041e-01	5.516799087701549364e-01	5.176162075754822567e+00	2.178815429942681181e+00	5.722924693718432820e+00	4.158454834199132311e-02
+4.502867570496368543e+00	2.239682077280483463e-01	1.141094924815538203e+00	2.453579665440670521e+00	2.992162924469959684e+00	8.370073651298797213e-01	1.718538404749463400e+00	4.075217867922253934e-02	2.539196137099058781e+00	4.990272000661035712e-01
+1.769506443642104854e+00	5.077985666082200644e-02	4.536839079078856862e+00	1.926622825410988948e+00	4.021468856985962681e+00	2.704122777555590940e-01	2.804453666907950282e+00	1.607921780184728977e+00	9.484877651296452328e+00	3.670233106390000666e-01
+4.295020083244110998e-01	2.868652070133119181e-01	3.134264451081448577e+00	6.836230003013163525e+00	4.042883960895656159e+00	9.348262365209494273e-01	3.157788950792046023e+00	6.497342539434567410e-01	2.517529722233489586e+00	8.540150270825374035e-01
+1.912602820186987129e+00	6.362962639611402689e-03	3.790830335966000497e+00	6.753767120657978573e+00	4.454347298520647591e+00	3.597830171502631735e-01	5.746913394800006181e+00	1.664073075055900741e+00	9.213646990669767334e+00	8.780134214441304152e-01
+3.963149975944498138e+00	1.436768738550251445e-01	3.590235964594930884e+00	4.171865940500004477e+00	4.196989506671150671e+00	1.790899951828085479e+00	3.907987905963472564e-01	2.629171659041773967e+00	1.771918908979907226e+00	1.659282155546771831e-01
+1.044847711025325054e+01	1.867999171686929583e-01	9.742152202794096549e-01	6.029364879715696901e+00	3.842755370236281998e+00	1.457930089422849740e-01	3.050806799572168160e+00	1.928860746757870892e+00	3.715892327997140310e+00	2.654349553692562091e-01
+7.856135199120164891e+00	1.212882676824621475e-01	1.801474098171824689e+00	8.484064353156798077e+00	2.754740315340553636e-01	1.410439285738713577e+00	4.796002926524840504e-01	2.610915875359472338e+00	6.670148976341948810e+00	6.486294231998313009e-03
+9.804395866994216391e+00	1.639075098111162643e-01	4.837423823790375721e+00	5.260179690540038422e+00	2.017636134845651075e+00	1.254612394194728031e+00	5.546452640168771708e+00	1.375458824455512818e+00	7.174505857330657488e-01	4.918004847159316295e-01
+1.183986689177626417e+01	7.872326102861289254e-02	2.582301908063294960e+00	7.740411186780283614e+00	4.407066198851386396e+00	8.853556556234460917e-01	5.162877457710448148e+00	1.109660738036303940e+00	1.268125593567879239e-01	8.662130880451797132e-01
+1.093683742604408948e+01	2.447064137767908099e-01	1.696855866075519081e+00	5.548678621604610228e+00	1.820809627873263281e+00	1.700607366429271350e+00	5.830452128040040982e+00	3.764385212451778484e-01	1.898685064749314089e+00	5.451812220747674909e-01
+7.056150651686926345e+00	8.818414996117814042e-02	2.747955950871696196e+00	5.338892801584529835e+00	4.473322648271785162e+00	7.333467400342130738e-02	2.177902358616423673e+00	9.320526616437706524e-01	6.762834017402112430e+00	7.935462801762755980e-01
+1.180908873504107781e+01	2.574753599584344022e-01	1.987005140477280385e+00	6.918063648604911187e+00	4.785668471712723360e+00	9.696239217014788192e-01	1.280135659543590876e+00	1.881727503129584367e-01	1.035012278208573377e+01	8.059150064856590578e-02
+1.008412809573388103e+01	2.343166128881368770e-01	4.905764759825019361e+00	6.797230994413787641e+00	3.285521074639472960e+00	3.493548680683078445e-03	1.756029501961107187e+00	1.794157670035024577e+00	2.319307927793950785e+00	1.193434686169847492e-02
+3.749280090904193230e+00	4.960933223025080357e-02	1.971450801044384304e+00	8.330916700800358399e+00	2.349270312429754259e+00	5.221738760240273169e-01	6.366458140784689412e+00	2.387898312417887414e+00	8.441503152405894994e+00	4.979337584731783339e-01
+5.343103528797895407e+00	2.723330372377434361e-01	1.378635711838508415e+00	8.671386126448166198e-01	3.147037907155366021e+00	8.963585668163664977e-02	1.405277975206570940e+00	1.309205332617405571e+00	1.965588001155148978e+00	8.059321310558243967e-01
+7.149160280820787250e+00	2.764868013404646607e-01	1.096825467691220357e-01	3.503192650439979960e+00	3.131184989945668740e+00	1.194188630214327640e+00	4.274505420449012050e+00	2.968756266528913557e+00	2.749295301370240363e+00	7.370923727332389097e-01
+8.210295738041565983e+00	2.272029223367369455e-01	3.779242145994847757e+00	6.686181645391151562e+00	2.011271144842419201e+00	4.622895905968951169e-01	3.398981903852160702e+00	2.343123357207267388e-01	3.729889267099015360e+00	5.792152207898214611e-01
+1.002328179326305246e+01	8.185470612146233949e-02	3.269943977541031721e+00	8.539125023520108826e+00	3.035522647556629483e+00	1.401749737447430810e-01	1.982996845708496103e+00	3.745616727807693502e-01	1.201117123994490221e+00	1.638310756436510696e-01
+2.710850844140515914e+00	2.242145718096996698e-01	2.296536249652671557e+00	4.220260338748655471e+00	1.230213951484597334e+00	9.427382488180584552e-01	4.976262280555096673e+00	1.332924357337322174e+00	6.600361386208043690e+00	9.862980787604007649e-01
+5.949570342069224971e+00	1.418784555555818727e-01	3.232287503680208562e+00	6.141638030385319524e+00	2.842720729387286482e+00	1.023630011169686105e+00	6.974549437024968768e+00	1.541945738455003934e+00	2.913259034713350015e+00	4.512992539354583332e-01
+2.028585498043759650e+00	1.398763410169154009e-01	3.691098756081625076e+00	7.976451317237516214e-01	4.435499859432201486e-02	7.467345392685726946e-01	5.281840013916209386e+00	9.546775874932222905e-01	5.365778369266787529e+00	7.770900276041966537e-01
+6.077535052205729649e+00	1.395387528894324602e-01	4.775093402342934112e+00	3.132020266567483890e+00	1.580718289061279869e+00	1.416317099261457102e+00	5.862579332019776324e+00	7.318328790735707523e-01	3.709729378713444436e+00	6.670468053137402764e-01
+1.214513163540950025e+01	4.365179876861721014e-02	3.838251055066958628e+00	7.238524315230883133e+00	1.660270397218274852e+00	1.239458019962108137e+00	1.401234933150055095e+00	2.814065416790874075e-01	4.456870379094779899e+00	2.891479005157764348e-01
+1.087941705836024830e+01	2.995998122378682460e-01	5.777085219163696772e-01	4.703046220800023214e+00	3.086014168894017917e+00	7.044434508496584257e-01	2.037881492641501424e+00	1.019327349906296476e+00	4.393779773589142401e+00	2.305255684467343302e-01
+5.290012626145627728e+00	9.008901407316972920e-02	1.142983813855805719e+00	4.118316186532029022e+00	3.637703293797282633e+00	1.906330254257075252e+00	1.445500604367967679e+00	5.164490469163260933e-01	3.532786407019917974e+00	8.270890916952341465e-01
+5.697086356845923127e+00	2.235572514757046270e-01	2.266800826831066873e-01	6.383456423897621690e+00	1.264197247239626343e+00	2.912491491275546185e-01	1.306548262207717137e+00	1.684488621935003927e+00	9.359893288902904729e+00	6.328523844944041743e-01
+1.359123925577359593e+01	2.715219536985591462e-03	8.374487623417636861e-01	4.033547555739824375e+00	7.378921961934747920e-01	1.372002555673720758e+00	2.694288461006839164e+00	2.082180871032943692e+00	1.911434796530308899e+00	7.656913496191556368e-01
+9.992533308249194945e+00	4.104749241998207482e-02	4.724075616116481413e+00	3.461796948861655121e+00	4.204372983561600385e+00	7.310738374531249306e-01	6.107621094624161806e+00	2.638927091445617990e+00	3.624613744624816114e+00	4.700163600933867647e-01
+1.685245491179172550e+00	2.115428105359661026e-01	4.407417050425523897e+00	7.476567774422387735e+00	3.634488913192286841e+00	1.698280219311323336e-01	2.945428761291103648e+00	2.713451434553051822e+00	1.012624145292138067e+00	3.648699049547410311e-02
+6.589428437578542130e+00	4.446906542749364671e-02	7.810041614180479597e-01	5.691285012262346399e+00	4.554086499149781808e+00	1.277799954679892380e-02	4.026680491475270740e-01	1.953473174748952212e+00	7.152482187616325815e-01	2.086430282341091846e-01
+2.720849865844793936e+00	2.440203981068089778e-01	2.917763308083296092e+00	5.899884531261626819e+00	3.940367037369739034e+00	1.211422445527540859e+00	1.567556955778588890e+00	5.600673976327497083e-02	9.876156837696910884e+00	1.599751919864411676e-01
+2.834482533918473379e+00	1.520034844725705325e-01	1.978602545261327617e+00	1.676165260704382654e+00	2.194029998012147153e+00	2.492932602456554569e-02	8.120351889658737887e-01	2.560447673664525858e+00	2.686589650575758270e+00	4.039721790527054379e-01
+1.484413911807410891e+01	1.998020163214577760e-01	3.141873601255305015e+00	3.066415597754779565e+00	2.205093406956332380e+00	1.116117348869391623e+00	2.615679339050218655e-01	4.804557806332970804e-01	3.540690054736377768e+00	9.294949005824936217e-01
+8.903890154201720364e+00	2.893997238796244265e-01	4.277785905487593077e+00	3.596708777222128894e+00	3.332199664018714813e+00	6.094561931515880548e-01	2.121001953072600532e+00	1.426684687927117112e+00	9.708702533734449247e+00	5.724400833134991595e-01
+3.704414716601320379e+00	3.534656415192761331e-02	2.191170133339663817e+00	5.192464390336396285e+00	2.340092081088205767e+00	9.268383918699469870e-01	3.615953197841254241e+00	1.025661142784032753e+00	2.734380318250539954e+00	8.545976971860628213e-01
+9.213691025538279789e+00	1.023114031986859657e-01	2.236053896606724933e+00	6.731642119286943560e-01	4.131381102030507790e+00	3.423592126394250368e-01	2.177072569545674519e+00	1.414220327358206131e+00	8.610263975317616669e+00	4.954105311458011363e-01
+7.882621005926893076e-01	2.756438662864029721e-01	2.440056720240608268e+00	8.095898270821609843e-01	2.982700784281210993e+00	7.367102799018900861e-01	6.005049730578022604e+00	2.935825349713905741e+00	8.105806119374374674e+00	7.343900173346469273e-01
+7.332899839919692297e+00	1.012310325009186385e-01	2.786199548500924550e+00	6.996915193838988856e+00	3.958649628430874756e+00	6.984966471313347469e-01	5.034280993433526419e+00	1.175980210067817389e-01	1.010859759006517855e+01	6.006376844057623732e-01
+7.335639593623159094e+00	1.035066387333896804e-01	4.632911160270253959e+00	6.920712126173365952e+00	4.840386095819143364e+00	3.536787893048165543e-01	2.116621517341860326e+00	2.028873912140862767e+00	5.484712972130116881e+00	8.008724869574028737e-01
+1.173589800901229019e+01	1.675454624679203752e-01	1.857307229807804827e+00	1.233541929072509369e+00	3.229707875128986050e+00	1.703661647359659526e+00	1.399653313244334507e-01	4.231632680835958338e-01	1.622735163775802736e+00	1.411886133281192723e-02
+2.170542045884753080e+00	1.649943693366306696e-01	3.719614864008544686e+00	2.628731378385484874e-02	4.659863887863504139e+00	1.953928332749399477e+00	4.030765489154215508e+00	1.884789318558428350e+00	5.218984001391103966e+00	3.659090632923160946e-01
+1.056590580826244263e+01	2.862455750574361968e-01	9.503624324612436336e-02	1.127223921843998111e+00	1.774286440361028117e+00	1.354483262491954498e+00	1.915978523368969677e-01	2.412656854678067564e+00	4.504271337259460495e+00	2.537074724100759626e-01
+6.043982956924061511e+00	6.522158466617089707e-03	2.382223597003132909e+00	2.938800347127498824e+00	6.293807419434965800e-01	1.252993652180068862e+00	1.825306399812175462e-01	5.606017677912336072e-01	7.204927649424960556e+00	3.160779924731268453e-01
+1.156234306026847136e+01	2.625389283153459208e-01	9.188016061419135294e-01	3.956596395967132196e+00	1.157796919074650654e+00	1.652334566517626113e+00	1.741466103683401379e+00	1.069893612030600405e+00	6.560230433252789872e+00	7.063619376068841493e-01
+7.867290877658208004e+00	3.150568657612348028e-02	3.208635889352626780e+00	1.260684268789601381e+00	4.422562013782658674e+00	8.540116238383288483e-02	3.831517191823027968e+00	2.753952785268408032e+00	1.024925082683439470e+01	5.986830995941015976e-01
+6.908975429542424607e+00	2.465841896031346625e-01	2.002845859032076348e-01	3.450171987307428356e+00	5.654276553583914566e-02	5.888214584539321894e-01	2.954089858527504830e+00	3.998447426773437119e-01	8.565177675858345552e+00	2.149680205088763119e-01
+1.440579812308176999e+00	2.654515414198045306e-02	1.135165258992570925e+00	2.417274957088451526e+00	3.433882671585630764e+00	1.266388978164296741e-01	1.387836349982975115e+00	2.496160923818382393e-01	9.660716199882918076e+00	9.465672103847755370e-02
+8.782530926087384060e+00	2.393484704828878762e-01	3.968161715697180902e+00	5.364616924126802688e-01	3.825267183065478305e-01	1.180409496794958990e+00	6.081207848146038764e+00	1.796741281632131981e+00	8.120621615047823871e-01	4.720230640647659071e-01
+2.467121281489119689e+00	2.669775602143918958e-01	1.920947605339624609e+00	7.436975019510371432e+00	1.718195053919568949e-01	1.974195934046878431e+00	6.198510534051498766e+00	8.831966827916776230e-01	9.463134124520076185e+00	6.678848326528338264e-01
+9.247156276444975731e+00	7.001843581120269222e-02	4.115753916944164814e+00	2.041110834822566389e+00	3.904491445485749335e+00	5.587411667288546546e-01	4.848061119307658373e+00	5.410753659731812881e-01	1.022435181440595420e+00	2.642349075966086147e-01
+1.366546319900654893e+01	2.924851229239786368e-02	8.435137812387760725e-01	7.697721002565737436e+00	4.954980248261398046e+00	1.503394228824324497e+00	9.547207340156207422e-01	1.149510349323715541e+00	2.550282953574176226e+00	4.858288944991739911e-03
+9.937610741476689213e+00	2.759728949218902619e-02	2.479287724279272132e-01	1.845578662935752234e+00	1.148725236157810414e-01	1.874378505644074044e+00	4.577898001225015001e+00	3.157179950007004132e-01	6.572428732526478967e+00	9.817710114629516482e-01
+1.335840810844957005e+01	2.901657393525319262e-01	2.291037384835683088e+00	5.523192339535359707e+00	4.263209114304837399e+00	1.850890820836459616e+00	4.248656287099825235e+00	1.437415418687666868e+00	3.969903039271164946e+00	6.444202791760184068e-01
+4.192252523941295550e+00	1.550577732890167648e-01	4.335142520595742788e+00	3.915362307244128814e+00	4.174447531315469639e+00	1.464441590023846773e+00	7.659465632505535471e-02	1.119809765001355650e+00	3.868034385081745352e+00	9.191814708483783125e-01
+9.950321370165964296e+00	2.416678064761437206e-01	4.452588664798807550e+00	7.980962757329372437e+00	3.576862137763775706e+00	1.878820577509221490e-01	5.810484732429623378e+00	2.818609720584823730e-01	1.043698983315975104e+00	1.320478448637341096e-02
+3.344531274564604306e+00	1.638261678427317125e-01	4.752068092969680357e+00	2.056633949183845012e+00	4.059152604022060906e+00	1.323178175655694844e-01	3.634674435700454787e+00	1.332248033612655647e+00	9.750778647413559597e+00	6.571876845461107619e-01
+9.313380312895419566e-01	1.327820969301612697e-01	4.452531935545533059e+00	7.853262599622130580e+00	3.589473016958418139e+00	8.655756972988859488e-02	5.281257933398629589e+00	2.878400204002617091e+00	1.530027895964270801e+00	1.410499062384990010e-01
+1.093728606033430673e+01	1.496850021362609306e-01	3.004629347358933611e-01	6.530279224244562641e+00	1.505697907373285682e+00	4.359977775952421641e-01	2.822161658968949549e+00	2.723579655675674616e+00	4.517358372113638332e+00	4.762740241746520331e-01
+4.126188688687098427e+00	1.785762566399805643e-02	3.827008942348112619e+00	9.799394438157742471e-01	1.190849990888681598e-01	3.586378183201568426e-01	3.473362514860903971e+00	4.907195619794019192e-01	1.082846597286479273e+01	7.338269154915928461e-01
+1.007171327046501119e+01	5.302731525826676236e-03	4.442829328707308179e+00	2.714799527596614137e+00	1.292804717399506087e+00	1.414685076132262687e+00	2.183756095362196170e+00	2.808301856380406747e+00	6.780760473974004832e+00	3.843291080113009350e-01
+1.167399330294518034e+00	2.464035477017099129e-01	1.402426005668689912e+00	1.150248779473895366e+00	1.522194921445518379e+00	1.381162689722999160e+00	5.435001694932432237e+00	2.392787620207044608e+00	8.988227846318018521e+00	2.269266068514101953e-01
+2.894390818868963322e+00	3.501963832568973783e-02	4.740386916137786066e+00	2.285802360415889467e+00	4.429435669874964177e+00	1.149591990037637013e+00	6.309683324067085763e+00	1.754139509852320478e+00	4.996119690460893992e+00	9.633675391347560346e-01
+8.428267793741513358e+00	2.975519105867783232e-01	2.738097388061362825e+00	2.713125296218298343e-01	3.983255273469377133e-02	5.832842143111387490e-01	9.222455190282240478e-01	2.660850484958854789e+00	8.646005308057572947e+00	7.723493728139844139e-01
+1.060844902950677238e+00	6.766848820457482816e+00	2.571544822122694196e+00	1.301410412620856993e-01	4.939075861095859388e+00	1.944985184657319843e+00	3.071352746565616521e+00	2.952877773172982057e+00	5.413409368896327400e+00	7.835805833878990434e-01
+2.676604664379357956e+00	1.015453292439209010e-01	2.796370894748441138e-01	3.783589975482610779e-01	1.615586647489880567e-01	1.462415378364156915e-02	2.849926147228915241e+00	1.990766760230136434e+00	4.608386640197815742e-01	4.913530386323300414e-01
+4.928622521604909323e+00	4.776267137399662133e+00	6.738922765189601094e-01	6.737755331040837792e-01	3.523416780856081232e+00	1.987539862409304803e+00	3.322034856620849741e+00	2.129310622060661684e-01	6.600863177109800084e+00	3.085759141198198829e-01
+1.785331680394218745e+00	2.003420991178347599e+00	2.900766376377190259e+00	1.569593908723631026e-01	2.959800314520040221e+00	1.332160482584163530e+00	1.574742777579251296e+00	1.474370607477436312e+00	5.161994254879935795e+00	3.573259702589637321e-01
+2.060566256973487498e+00	4.064024192901496413e+00	1.638291229583957342e+00	5.291965806117688853e-01	4.147376271759576127e+00	1.871711279692187535e-01	1.592167092938667761e+00	9.832800064235791559e-02	9.093859685572962093e+00	2.871171512211987409e-01
+2.802432727066052731e+00	4.152681619178160588e+00	3.519899751123976461e+00	8.767373897844914499e-01	1.497015974178587117e+00	1.178656320463950191e+00	3.590298473162238935e+00	1.121258186897473141e+00	3.999535611626285458e+00	8.235737108516272276e-02
+7.793345816216601385e-02	7.119616496871206124e+00	3.263514453318660635e+00	8.767708034167319697e-01	4.367621895504575136e+00	1.584033235097142001e-01	1.753016637889057261e+00	8.806782211544889050e-01	7.660523694529250971e-01	2.421807599200342942e-02
+1.650807741747343904e+00	6.676864939234765650e-01	7.158398866250768044e-01	4.208260033098576436e-01	4.020367360514349286e+00	4.706317984761432260e-01	2.612129318099994713e+00	1.171799316797829782e+00	1.085072636057884621e+00	9.463861023983399789e-02
+4.058767043920196826e+00	7.095671728991746363e+00	2.700297896325542180e+00	1.613772848781617197e-01	2.851637748082545443e+00	8.849171780970555012e-01	6.469348385074413343e+00	2.409711450205083150e+00	1.227804052323222539e+00	7.245949939817655228e-01
+2.952642653678108964e+00	1.886946931087596369e+00	2.473081195542755850e+00	5.362099416315594391e-01	1.419640415165426717e+00	1.903766283029795225e-02	6.887126590983250196e+00	5.688537003635961709e-01	3.423639520476965625e+00	4.938406145277395298e-01
+4.737499561105624757e+00	9.968754726664579291e-01	3.774680347781333989e+00	4.881731108025820776e-01	2.226755900717518610e+00	1.171985346633335423e+00	6.671227239296362299e+00	7.695013938605947956e-01	1.042858080409883925e+00	8.496226110071675164e-01
+5.325414666879468850e-01	7.018918782479677709e+00	1.608471156325481655e+00	5.862836927685144417e-01	2.672078926166417290e+00	4.874633009746880408e-01	2.209336683548580815e+00	1.743210228627345870e+00	7.300458180698917943e+00	3.180482670802708967e-01
+4.057375329048528378e+00	3.890521688612440965e+00	1.762635121494908752e+00	4.315974671518035821e-01	5.740273295456138625e-01	1.149928423510549580e+00	6.645380061650246084e+00	1.716175648811826715e+00	1.817203695888137016e+00	2.279386936010485698e-04
+4.819371354809093511e+00	1.986334992808725719e+00	4.583363789373673391e-01	3.992089559255137532e-01	1.511460483775759922e+00	1.660344970547767085e+00	4.073543600444102353e+00	1.064209283618703594e+00	3.163140007477470483e+00	6.883692634412575950e-01
+4.822861817330296397e+00	1.286480435582614712e+00	9.370740372064094714e-01	9.673040603625950862e-01	1.291594883259390425e+00	1.038459954771715044e+00	6.225515359923287306e+00	2.457650031437864868e+00	1.095606761972162424e+01	7.337655625192263109e-01
+1.388473219412195148e+00	3.816243179861769086e+00	1.442597880348657213e-01	7.222240964942758801e-01	4.062612762646490516e+00	2.874594600573110448e-02	4.710301168894129198e+00	2.970156004203755362e+00	1.950104669992388517e-01	1.213572941978990904e-03
+2.095978035147009866e+00	6.873067538223646133e-01	1.319090499678944095e+00	6.916304149708443205e-01	7.253452473503479991e-01	1.948495719716487162e+00	1.265245191334455122e+00	2.196421971177734633e+00	5.301304620523421995e+00	1.584176397116228152e-01
+2.979233187060020605e+00	4.956587004286280518e+00	1.688392721619113690e+00	7.532059070534440348e-01	1.887662047040422619e-01	2.805001211605031575e-01	9.824130470675018767e-02	2.962504536056278504e+00	1.072663709115177610e+01	5.013157111486933326e-01
+2.788962486475272673e+00	5.115971710107624304e+00	5.660005924878737105e-01	5.560222984350132736e-01	4.858087680745722281e+00	7.725785191495309068e-01	5.845998556520539680e+00	9.987118052417467418e-01	2.295433607375663598e+00	1.326889295282640546e-01
+4.557887825045138008e+00	2.247326501433015267e+00	1.308921194395065601e+00	9.753282383497733354e-01	1.730029373381708480e+00	5.701790289472219442e-01	6.352823959792196495e-01	1.147755410972870260e+00	5.520736993109069957e+00	9.774412642381167249e-01
+2.045438792050340293e+00	7.561046060398181723e+00	3.522811502396113070e+00	6.976548466048726471e-01	1.767378331045376783e+00	1.924976381949984106e+00	1.266202415138989235e+00	2.046343295450062438e+00	2.076108124751949724e+00	9.755719638581734632e-01
+4.868031211031395245e+00	4.182997028123785377e+00	3.669697829412847945e+00	8.683837530035829477e-01	4.809874760362171209e+00	7.146311160463343359e-01	4.140379287730196367e+00	1.871204810554052189e+00	2.927063933787202199e+00	1.781360315397091387e-01
+1.447543209935399089e+00	3.894063908911108207e+00	7.167099377268382199e-01	4.816816841673178251e-01	9.437790189709754918e-01	7.136790168415698687e-01	7.984261778454281311e-01	1.267997907136523494e+00	9.241262771031886203e+00	2.264187036508533701e-01
+4.492110383454359201e+00	8.423313033097198144e+00	2.601809612520743276e+00	1.877570508378717529e-01	4.720029746759013101e+00	1.700776811458877491e+00	4.379722879784793577e+00	1.286338778406133088e+00	4.897457407195897616e+00	1.463406370506259435e-02
+3.397516181353549269e-01	5.474743776680605079e-01	2.792881561416644676e+00	8.613177248107457551e-01	3.084547950087940915e+00	4.295939916996971419e-01	5.853057398141740642e+00	2.886701648573187562e+00	6.513812374119662962e+00	3.683927726861278007e-01
+3.123566792546268012e+00	3.586380650299095585e+00	8.986175900527371141e-02	8.341062939442902557e-01	1.688951864196345243e+00	1.079977094532845516e+00	2.714109110128215541e+00	2.839337530931991704e+00	1.218807949172431293e+00	7.915582761215033125e-01
+3.141700155842215736e+00	1.204667402016855737e+00	1.916351797648172095e+00	1.536958008100480777e-01	3.425634957816583004e+00	5.173225973429682600e-01	5.259306090770171416e+00	1.917625582619049140e+00	1.075917707540842727e+01	7.474619317582414935e-01
+1.334327177064201120e+00	1.275405518944317640e+00	2.568022248402845875e-02	8.801880626520913742e-01	4.297141956880407010e-01	6.992528373701238920e-01	6.553594825126268120e+00	2.898861772480366694e-01	5.921191598075131957e+00	7.429605987984524429e-01
+2.771024127637877310e+00	2.706234632094140391e+00	3.850437535134872746e+00	7.057112116190219497e-01	2.533276847739223125e+00	1.771636964438744632e+00	3.080408803160064934e+00	2.070444129927007104e+00	1.189083402543695822e-01	8.109099497493107433e-01
+4.429566490061738193e+00	3.870904287199198102e+00	3.908477669001917398e-01	9.583973851447378234e-01	3.595638219458183737e+00	1.789184903519657199e+00	4.609156216292533692e-01	5.237161367552056745e-02	1.898196986141101217e+00	4.720040556194841086e-01
+6.236410129144742687e-01	5.677002709722877682e+00	3.495932245976291153e+00	1.724677152701515892e-01	4.797077834826430021e+00	1.896003719678501565e+00	6.666830956711757850e+00	1.917567880520230972e+00	5.078350320183913524e+00	1.619340143708598578e-01
+3.981295223585228360e+00	4.293445223367310604e+00	3.800375528545455239e+00	7.832850811253453394e-01	1.697773609172191778e+00	1.107703012941383403e-01	5.882009120179721329e+00	2.377183558175493872e+00	1.016804229228126033e+01	7.498926347264457393e-01
+2.600915763215731591e+00	2.624416429045383747e+00	8.727133245527625149e-01	8.321007865109071311e-01	3.120145967108394647e+00	1.706568507429746751e+00	6.924345627676093073e+00	6.502709038408825970e-01	3.057969519658665369e-02	1.561628673971688919e-01
+2.990086920642259782e-01	7.612290167957059595e+00	1.048504608494758017e+00	4.243228873493485320e-01	4.221314528605337735e+00	9.278772379775166446e-01	2.349514943790474764e+00	5.255177442909533259e-01	2.143073036231040618e+00	6.074576627365183557e-01
+3.899808502523676168e+00	7.299461473479367690e+00	1.095057277835178589e-01	4.079961930720432672e-02	1.621607684387396553e+00	5.256243374272819846e-01	1.486732148961382727e+00	8.027452089786548672e-01	5.594994509646422642e+00	2.574106532041128270e-01
+3.023696564487597271e+00	7.074713638764114521e+00	1.522391750286943957e+00	6.952922812547067677e-01	7.386888415687059561e-01	1.904294326226209977e+00	4.712216395755660869e+00	6.501349564540930270e-01	9.969785446062145340e+00	7.550945275312674898e-01
+1.543379307984599214e+00	6.829479885114219329e+00	3.204292732322415738e-01	2.897902351539538568e-01	1.968018159493589270e+00	1.312508995789594346e+00	2.708863147028642615e+00	1.956603963514276678e+00	3.858471150102140257e+00	7.226613324983187647e-01
+2.530459391858276952e+00	2.304294321666098710e+00	1.613466033140124711e+00	6.299550659672248365e-02	2.557517824305648446e+00	1.403315613527134742e+00	4.690924014732587466e+00	1.213893307285142553e+00	5.916330575871066699e+00	7.792844130394782631e-02
+1.928958533970001055e+00	7.096037593440583713e+00	3.299214390196449909e+00	4.754507764571461736e-01	4.595032873457040701e+00	6.269257509934247352e-01	2.676009205554832349e-01	7.111427300413641905e-02	2.311387519441321370e+00	7.607719658377676275e-01
+3.049750470993188411e+00	8.335532589038272988e+00	1.373761433026730483e+00	5.780521456251697110e-01	4.958750575379713865e+00	7.704485760265957772e-01	5.295783844382295769e+00	3.106174373836714242e-01	9.119442286621413984e+00	1.454365312917409447e-01
+1.446643143411851629e+00	1.641242803584559207e+00	2.373684364313463746e+00	8.733542221566478192e-01	8.350946657808716589e-01	1.827085120550399511e+00	1.796517849664760247e+00	1.705076201114264389e+00	8.296752770476137684e+00	7.700551493773489797e-01
+3.366516415093608217e+00	5.615004677240882813e+00	3.229775535441422818e+00	3.310459399464378283e-01	1.088020205681265562e+00	1.380181017003498711e+00	4.110524683994838391e+00	2.481465439558942165e+00	1.115804813826559716e-02	1.616539324263285282e-01
+5.339002830872147110e-01	3.839053681064814594e+00	2.333489534725208259e+00	8.432771114289439041e-02	2.102522728545276109e+00	1.709023161576461725e+00	6.917442654625217680e-01	3.462567460748395831e-01	3.782775783847899476e+00	1.071179999213418554e-01
+4.038277759901608199e+00	6.782157613841707011e+00	3.464511868539065453e+00	3.371376637740397531e-02	7.730806184225119670e-01	7.252544893421604133e-01	6.872132022199162193e-01	2.814389010091199683e+00	3.447296041223141039e+00	1.893497025003773038e-01
+2.731398993279879228e+00	3.676456867956779728e+00	6.413375855037339868e-01	6.707794732330785159e-01	7.635992572959304781e-01	6.062167860722607049e-01	2.063055943432477779e+00	7.336308576363859135e-02	7.472848003733477462e+00	1.287928899982984099e-01
+1.453840364993632228e+00	9.062482719258549979e-01	6.882205879952656424e-01	2.182327096949714385e-01	2.024410040526736232e-01	1.295642963260670966e+00	1.330150396283942271e-01	1.736145709990954078e+00	6.112044371929087561e+00	7.027845512380351822e-01
+1.210119312939017533e+00	7.630467468868430414e-01	6.359188990088751048e-01	9.883815275234506537e-01	5.934758597976730332e-01	1.831489821220492642e+00	1.310176158219893416e+00	1.258981371172946284e+00	9.653015748557789877e+00	5.710674551489269835e-01
+2.041872616241314109e+00	1.223997932765245711e+00	3.592523080817271008e+00	4.957374306008986986e-01	3.949335508277540985e+00	6.291860827029358560e-01	3.113717329409727341e+00	1.389609354520767059e+00	4.805115070835719315e+00	1.445284193078527624e-01
+3.575248649915818255e+00	8.905544750152357025e+00	2.966905439089235763e-01	4.679521298887630021e-01	3.547669603089278034e+00	1.578738230960443634e-01	6.270181915307466269e+00	7.487332787197820139e-01	7.886412615362010214e+00	8.133212834800832569e-01
+3.898698540050224981e+00	5.123757154565923067e+00	1.178107462557977492e+00	5.520746813096077954e-01	4.592951289518920621e-02	1.171909103767588389e+00	2.927267136454773322e+00	2.552935710110848078e+00	8.342615367499133683e+00	8.906236190999595737e-01
+2.108021535094918519e+00	5.560002888746932825e+00	7.214745149145316283e-01	6.765900158851164692e-01	1.023718975037019030e+00	5.744441677430218718e-01	2.485628740508086798e-01	2.832571092367738075e+00	7.596538198565406574e+00	5.914159707314822212e-01
+4.869067486253129573e+00	2.921814738200520623e+00	1.610700494896931900e+00	9.811040652599956058e-01	1.628599890640177072e+00	3.374886126447058654e-01	6.583180705038420122e+00	1.022109354202180187e+00	2.448534262177565424e+00	4.087328272831077802e-01
+2.420585719788033607e+00	4.954656265767008350e+00	2.231237042402161030e+00	9.790433090249440751e-01	3.332677810332588031e+00	6.561609460180721776e-01	8.270420803686340250e-03	3.528899693185899578e-01	2.741096663606271022e+00	1.378071713616224603e-01
+2.754906745122323031e+00	9.676710641503563082e-01	3.754240456912557367e+00	5.250193878563741423e-01	4.142397075465397371e+00	1.381722150840025476e+00	1.687280922291270358e+00	1.067933655487581790e-01	4.015412949008595467e-01	2.082096208576281748e-01
+4.888597998415178836e+00	3.014616594535894478e+00	2.837447468287521257e+00	8.929321846889970438e-02	1.593208978592462355e+00	1.432010333523069168e+00	1.362472022175857500e+00	2.023735351705774121e+00	8.040906539490745075e+00	5.333388283334727920e-02
+4.672702450324211831e+00	4.692525988250669577e+00	8.114199473892678149e-01	6.638642607029177078e-03	4.763672448857547703e-01	4.352861108378174304e-01	2.409652310337002223e+00	2.792543818597630345e+00	1.519095639879380233e+00	9.479421782536426866e-01
+1.390626568565362930e+00	5.795403282043417370e+00	5.780808828259962340e-01	6.537836869813318241e-01	4.342143903361439072e+00	1.328515786636720097e+00	5.020182370459501664e-01	7.291349036975974807e-01	8.463574453670117848e+00	2.741521287108358296e-01
+4.274877195091104198e+00	7.028513230726042060e+00	9.529844002173715189e-01	7.084183854011977255e-01	3.053184380355488781e+00	1.621308385572049371e+00	5.106963486979936295e-01	1.138778733677962673e+00	1.513533548987051613e+00	4.128356930393282109e-01
+3.624662754171856349e+00	2.618325768156440247e+00	8.047122068257333005e-01	5.662174560363387732e-01	2.262254632401385024e+00	2.208252441574161118e-01	3.245715851864902746e+00	2.088639737645078043e+00	6.869899939030401192e+00	3.833214771865146586e-01
+3.575490259832633022e+00	6.910866830500633995e+00	1.717562694591180605e+00	1.419119188604517356e-01	2.158793574868946408e+00	1.330907174346497746e+00	1.533175421100802627e+00	2.256864015809196822e+00	6.590486673228634018e+00	3.476457046878822510e-01
+2.763065587192560457e+00	3.755485876415471047e+00	2.937747270412279121e+00	6.776105276205796057e-01	1.102731743682296539e+00	1.671531786654884888e+00	3.194714296103120077e+00	1.832857589884217653e+00	5.267733310304743455e+00	9.498442020616374437e-01
+2.180692874176391349e+00	4.999495552064338710e+00	1.702888717024749976e+00	6.344642518347354265e-02	4.735873322905289839e+00	1.719599405515690238e+00	5.875922789677373359e+00	2.656004507669272208e+00	2.799792892846766357e+00	9.027899878643840248e-01
+1.498261411619749683e+00	1.440449178719120038e+00	3.793107505633872112e+00	5.092674831952860304e-01	1.034353051067818274e+00	1.569113426588875537e+00	3.771789988063644294e+00	1.328199351063930056e+00	6.225317682380070217e+00	7.271156352129748424e-02
+4.315942201307298998e-01	7.981247257459226141e+00	1.336073327630646901e+00	6.032379115696278049e-01	1.219125442838360662e+00	1.456458998083272505e+00	4.742675091300004864e-01	2.983575448822485932e+00	2.556602655333460650e+00	3.088219887595959889e-01
+4.976840216515537207e+00	5.358430906005960281e+00	6.245523297173987132e-01	2.545868317479035303e-01	9.742520666157300502e-01	1.182300247768848678e+00	4.654689808343711599e-01	2.709837605689326967e+00	5.452250849671616884e+00	6.515934524029750596e-01
+3.027576266208495070e+00	7.465991597741851393e+00	1.312320289625385605e+00	1.808157433154811145e-01	1.175791304316830654e+00	1.202757075039505796e+00	4.623859408182577901e+00	2.068219070878894339e+00	3.538760796420987731e+00	3.191906695569177721e-01
+3.186056897890198414e+00	7.744541371714031008e-01	7.520333736299331662e-01	2.346946453265875698e-01	1.939963125002858169e-01	1.102878394022341890e-01	2.892927495768838675e+00	2.226458507448537905e+00	8.040128531690038827e+00	2.426324783043983802e-01
+3.010003224219015117e+00	3.421867958770924645e+00	5.220586116504088992e-01	7.415249008538514763e-01	7.940706222571397577e-01	7.440532342345227423e-01	2.342240626863175024e+00	2.838160438547582931e+00	6.965119358930052407e+00	7.994713698433695281e-01
+1.073150862609050904e+00	5.708596454024827516e+00	2.122872605431856297e+00	3.879631915218560989e-01	2.315027253640028482e-01	9.412461989804450369e-01	1.359498791221620095e+00	2.799047819563208250e+00	6.092966540584811241e+00	6.446687874293053344e-01
+3.458319946541093426e+00	8.965823126867210391e+00	3.472581333838808959e-01	6.522372110328005235e-01	4.295269312487254298e-01	1.454437017783624775e+00	1.026918893392381404e+00	2.262804025523970530e+00	9.073155138943480580e+00	5.447998210661599838e-01
+1.800815055028895939e+00	8.579365052829048821e+00	2.541477396290954260e-01	2.397851878036376672e-01	2.759387911051200515e+00	2.947509094624349846e-01	9.515331736896013304e-01	1.743545886323498051e+00	2.156608211313451928e+00	4.566652586160673266e-01
+4.296243379948193386e+00	4.589758336708962716e+00	3.455005162367942528e+00	4.939154835666571541e-01	3.524083380370812701e-01	1.332555812949300478e+00	6.993865493780931253e+00	8.776996462395436627e-02	7.306362098970477170e+00	9.464560745296662914e-01
+4.270913173204858637e+00	4.311969821782867029e+00	1.235273021108498348e+00	1.363559640515099591e-01	4.297344674974395984e-01	5.399230520058395655e-01	4.519230441177060520e+00	2.223130570132609840e+00	2.003741389920957516e+00	3.000032742213165626e-03
+9.696108658633073585e-01	3.029563706398431311e+00	3.435820656827302866e+00	2.808855835523164091e-01	4.964076077685161792e+00	7.870171799195373463e-01	5.160598369656576700e+00	1.615991618531589236e-01	4.168851015871288368e+00	7.207503227396369061e-01
+9.857942554944587599e-01	2.241766796766214931e+00	1.094309073772436580e+00	6.171782099877928252e-01	2.164628407777784425e+00	2.967518925643408689e-01	6.897409292902939804e+00	9.171811935351321665e-01	5.578640625010033105e+00	4.324319825361930825e-01
+1.359323138290471800e+00	4.701967131801875199e-01	9.050689110105434310e-01	2.965795773291597381e-01	4.828973782133643589e+00	1.476756345192362208e+00	7.663619972606046105e-01	2.684843417506681096e+00	1.573201667699820838e+00	9.645271733524597435e-01
+6.432401347291311078e-01	4.025095134154975440e+00	3.309291976114321798e+00	3.338009834108435214e-02	3.084159326974440951e+00	7.597149110462917410e-01	1.345625764516446221e+00	1.543092560770717991e-01	5.232739162356885299e-01	5.344642145090121588e-01
+1.893475424698252141e+00	4.846915016695094280e+00	1.017577622922591463e+00	1.454379078590283259e-01	3.217212279193671698e+00	1.534170379797259010e+00	1.500675184724801436e+00	2.195608560978177248e+00	7.840082621731490065e+00	9.423202685727883887e-01
+4.916089799921347314e+00	3.077404880415298694e-01	3.341398797528096321e+00	5.790895913656423089e-01	2.109983576554563811e-01	1.849697544503176694e+00	4.269817133289845579e+00	2.772678110702025744e+00	1.597462715869091276e+00	2.066184857660853247e-01
+1.781292690950635027e+00	6.637468747977988137e+00	1.464153733648121847e+00	2.712309115523448000e-02	3.857947122149120389e+00	1.296349898299295811e+00	4.044166349775594860e+00	1.645944211560824044e+00	3.273391468292933260e-01	8.630632196811667267e-01
+8.171982958624174342e-01	8.696289780825402715e+00	3.455462363279165672e+00	8.945385963649863381e-01	2.164679436470390295e-01	8.639775191003977728e-01	9.436930182918934484e-02	2.039374760416071020e+00	7.722056720400328089e+00	7.888445971939340717e-01
+2.023302408059274970e+00	1.310618978377030786e+00	3.155456554057674889e+00	5.010819036675714377e-01	4.538509162145537346e+00	3.704064878007766737e-01	4.328283814895621973e+00	2.633257692097203950e-01	2.643788071556784747e+00	2.432016064719373372e-01
+8.102427541700596425e-01	4.125234289775202789e+00	1.517297146146757925e+00	7.389238601698774334e-01	4.067571276286313653e-01	1.735885673249011996e+00	2.664598954585144064e+00	2.602674375990287281e+00	3.116895494600373961e+00	1.762468820849705242e-01
+2.621132195703196111e+00	8.425316661290198184e+00	4.994480734649351383e-01	2.844736464195067871e-01	2.275884645154663488e+00	1.142221825149852377e+00	1.212554029681834233e+00	9.240986804861089920e-01	2.170291307332780084e-01	6.849869128634944460e-03
+1.174342088277471774e+00	5.577399746499002831e+00	3.951771200670569417e+00	5.006730198987506819e-01	3.596816929922009187e+00	4.994925384211443831e-01	4.413151350909869208e+00	1.418601174288871114e+00	4.839712146933547565e+00	9.760601828982439221e-01
+1.878213562249231749e+00	4.684555617152866169e+00	3.889299363513806895e+00	2.336972704101780707e-02	4.196904367361877775e+00	1.636484945202322683e+00	6.120210824336769662e+00	1.961635110777701918e+00	9.569470113865142125e+00	2.306199899979174406e-01
+3.431803129291879362e+00	4.012460279071989433e+00	3.786995576138590280e+00	3.401138113223747261e-01	3.171776225702972241e+00	5.533791211625698203e-01	4.380475363051796300e+00	2.758179724465671612e+00	8.238428864941681695e+00	1.611340397700082860e-01
+2.349694539920080150e+00	3.425362999949447929e+00	7.467879539582895632e-01	1.309946362139290388e-01	5.805916871698890702e-01	1.657140208444111584e+00	2.281415527558649625e+00	1.158152241249966297e+00	4.945420862933350925e+00	7.787419149878671565e-02
+2.871323242818877297e+00	6.534521291113140506e+00	3.096514924644943711e+00	6.667111185354958058e-01	4.581752374807475547e+00	4.565652293776831794e-01	6.933935392164753964e+00	7.018283743141698894e-01	4.265168364923495936e+00	6.901545552296244335e-01
+4.035690704229409675e+00	8.932606707872219332e+00	2.440117375879147676e+00	1.749555891357814641e-01	3.388836934377787546e+00	1.096540733110390020e+00	4.167898589768252116e+00	1.510982178698893286e+00	9.444730460473605760e+00	1.685190174932924556e-01
+1.895368854776446899e-01	8.111771833719306768e-01	1.496918109897968030e+00	8.739513189132178672e-01	3.271337369168346054e+00	7.030233822128264531e-01	6.401423581208871560e+00	1.029249503237427366e+00	2.009554833626514103e+00	6.565754492988090663e-01
+1.951751457247066224e+00	5.044712160044664273e+00	3.421432883480826970e+00	8.109581787816579901e-01	1.128731846702503816e+00	1.209060606591956688e+00	5.696978360178965417e+00	1.330520244258292406e+00	2.811362781860978100e+00	4.875439923021647193e-01
+7.946496095974958651e-01	7.959850102243462011e+00	8.886633323027690601e-01	8.912678301211978127e-01	1.506339073727302580e+00	1.772468056111744072e+00	5.209003007333696367e+00	1.910008906957938679e+00	6.469615179120823401e-01	4.738444478905338153e-01
+2.923037361500433029e+00	8.570876002749072242e+00	2.708321601975356430e+00	3.282691449572501252e-01	1.618103487581618039e+00	7.910655433987572316e-01	4.227704764846127006e+00	1.475926172111246215e+00	4.356475937759435091e+00	6.465232347181339989e-01
+2.522665440307211071e+00	1.963912550509897548e-01	1.722541801969912356e-02	7.082969529076817983e-01	4.976037482905154796e+00	2.468844590379837278e-02	6.706997326725380404e+00	1.309674497144936556e+00	9.860787708680341268e+00	8.357747879146570913e-02
+4.255818572678702338e+00	6.744878797873571585e+00	1.760033311394217925e+00	3.676055726983046279e-01	4.092141947481376718e+00	1.612470654985766583e+00	5.778498425542084149e+00	1.079514954339773070e+00	5.568696898336217060e+00	8.545812171197980645e-01
+2.446430878144840282e+00	5.234567351584125561e+00	5.715867278950135244e-01	7.003532329827356628e-01	4.568505639054738054e+00	1.943174193938479233e+00	5.764774523003604934e+00	1.937713945979894881e+00	6.298501537697791086e+00	9.026276578818063223e-01
+1.273163398740040364e+00	4.162415703791141119e+00	3.455865592048522394e+00	3.656764736071405064e-02	1.954721520949571190e+00	2.734474567634836983e-01	8.281588142887611470e-01	4.484584054747960957e-01	7.652386767723299954e+00	6.708336181638869800e-01
+3.272573882698126546e-01	2.771858331744477821e-01	3.650874191969583293e+00	8.313793690203402642e-01	4.721314279438468375e+00	1.073305358961462286e+00	5.882774132732964567e+00	2.199287336285580263e+00	3.798152586004966969e-01	5.333129895506141249e-01
+2.307814819672060480e+00	4.104095493932964800e+00	2.489576320635186413e+00	4.496836765063628727e-01	4.578631912903595946e+00	1.329946843468508222e+00	1.683934112573501896e-01	7.002919109156724442e-02	2.471193668340454508e+00	5.351430311502515247e-01
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pca_input_with_headers.dat
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/pca_input_with_headers.dat	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,301 @@
+col_1	col_2	col_3	col_4	col_5	col_6	col_7	col_8	col_9	col_10
+9.579515262220434924e-01	3.726315038026500881e-02	1.192922318396479886e+00	2.208390853256675612e+00	1.545465138214503487e+00	6.587709093437858598e+00	2.676346016926679283e+00	2.002623182927643519e+00	1.960111203222609788e+00	1.244000891424809074e-01
+5.456295681254983432e-01	3.130646354641937745e-01	6.007098680445335681e+00	3.644816120915847169e+00	1.043692024581632793e+00	1.970255599020762194e+00	7.768759398827200791e-01	6.435887304171391543e-01	4.933655623778216537e+00	5.543893932919085055e-01
+9.341619128268041639e-02	2.558875163847860179e-01	3.752555601842988420e+00	5.559464534602225783e+00	1.010576057771932490e+00	3.077425253345768663e+00	6.807691255479467962e+00	2.571623094724099445e+00	3.153422029415700933e+00	3.550137612924495478e-01
+1.471186662367064413e-01	4.878675188546680030e-01	1.721359340060558907e+00	4.167324499252111458e+00	1.985766726491912326e+00	5.316541920919662267e+00	2.962330081397085202e+00	6.305674360296442682e-02	1.008632361074792705e+00	1.954028793571292999e-01
+4.517113041288302044e-01	2.082857695479499172e-01	2.670306166999409037e+00	3.583860843014433861e+00	3.162463432948562581e+00	7.681858694197329029e+00	1.942922465406477395e+00	1.098113345375552274e+00	3.412374063138972069e+00	4.177369511025994520e-01
+7.303789721527453871e-02	1.033872090825091461e-01	1.795276419298532655e+00	5.719768891948289635e+00	2.977579113876869243e+00	7.844204854679616368e+00	3.384744044988120759e+00	2.998214211517472805e+00	4.270749911114063657e+00	4.257092154152972707e-01
+6.359175475607969918e-02	1.242103944058722265e-01	4.586547825302377923e+00	6.614372405184473891e+00	1.923730124171568079e+00	7.681919225138223339e+00	2.793831391806054665e+00	1.406817959154060160e+00	4.716223047352296582e+00	6.211888780251716424e-01
+9.886982415066914998e-01	4.584180816802013725e-02	2.793304094637673707e+00	1.871823089629541581e+00	2.607924236602056745e+00	9.206004712207825236e+00	4.623226894276893928e-01	2.966776892612695615e+00	1.485603429563761679e+00	4.654181765444357355e-01
+1.741783097973695904e-01	2.446343910749277373e-01	2.534641383481000876e+00	4.584056834431557093e+00	2.890133078107056441e+00	2.823965747627366518e+00	3.034991597984873835e+00	6.600338090755860643e-01	3.752675891901568583e+00	2.970984388064664694e-01
+4.690204907875814566e-01	2.929759132721354575e-02	3.548495454913231484e+00	4.482718753445549709e+00	3.203674397180960920e+00	8.065801814409903514e+00	3.773297073513870004e+00	2.113193009064737282e+00	4.579511767735440664e+00	4.024397631591818403e-01
+6.941135206286030979e-03	2.133769823942091026e-01	6.135694255460425239e+00	5.395845311332483352e-01	1.504596129252289138e-01	9.253872174123642935e-01	4.483882842463830620e+00	2.321382684831085008e+00	2.576937740611303873e+00	1.109827593740932983e-01
+2.746007390787119640e-03	6.638140727681796083e-02	4.108407001279307247e-01	3.212637467080699416e+00	4.920639575099698959e-01	4.018583101004429281e+00	6.796866753550522056e+00	1.316040638035593568e+00	2.620935479341985896e+00	2.976887894006831070e-01
+3.557722260573822348e-01	3.727028444011896702e-01	3.811343797909652054e+00	1.715026071489426762e+00	5.294113011251582179e-01	5.980858755297242979e+00	5.404241675653790544e+00	1.825392885196229997e+00	2.835734218533411788e+00	3.200816860194626301e-01
+3.642510923301112147e-01	7.309428690756680780e-03	3.666945761684001326e+00	2.430979500086832612e+00	3.031996394197797429e+00	2.708093900045675184e+00	7.623775896209878944e-01	7.865319376558289610e-01	4.100162854521766320e+00	8.307551984431076342e-01
+9.927215581748555229e-01	4.537144790675278760e-01	5.145060290158723681e+00	2.151991198713361086e+00	4.862387339994040936e-01	2.589672936803951053e+00	3.398039583724480561e+00	2.809787771375323651e+00	8.864381880832911120e-01	3.331137683083518208e-01
+5.057807499542814611e-01	1.402717130943404999e-01	1.883175574051066725e+00	4.122193241585520695e+00	1.035989381539633492e+00	5.670773882751129591e+00	3.687442345139384958e+00	1.684532121504235480e+00	4.642108569673514928e+00	9.305441677815040613e-01
+5.042353053817258957e-01	3.547819755513703099e-01	4.381967339967321351e+00	3.851122946472437469e+00	5.426308260180099374e-01	7.445193485365448893e+00	1.869875173163507931e+00	8.437445017751898924e-03	1.444658255941634994e+00	1.636723834558136970e-01
+6.808167520848328325e-01	4.889279161325942868e-01	1.800574817853715093e-01	6.987701665160759745e+00	2.781923379343957503e+00	2.993730387785709102e+00	5.946279606388386263e+00	9.945453378009785350e-01	4.532192935084170315e+00	8.927165058296504530e-01
+3.935353669966316081e-01	3.534471776807462939e-01	4.974393735263212157e+00	4.310249343469166661e+00	5.149149535110453257e-01	2.179395632453644538e-01	4.312162502099264882e-01	1.470934059506852742e+00	6.326429352635798420e-01	7.652243996922046820e-01
+5.817478561516450375e-01	3.650895867034674724e-01	1.106136061048209607e-01	6.499764055829857945e+00	2.050813058661709487e+00	4.066454208593111019e+00	1.490387097633062208e+00	1.061815166735420313e+00	2.302831003165218604e+00	2.174825207514023973e-01
+5.048471030130237125e-01	1.082304090000890673e-01	3.175827458076348364e+00	3.693216070028284115e+00	3.700472412642747955e+00	6.197372734372899927e+00	6.374064687621854297e+00	2.768340513420041837e+00	4.661995130609337679e+00	8.584541060279672342e-01
+9.485485718647990172e-02	2.363243089061691227e-01	1.837943546562954555e+00	7.414016988668096886e+00	1.058065255181876108e+00	9.078408743915952428e+00	4.183782154307690959e+00	1.516463707584718712e+00	3.901861889845664733e-01	2.074547211064202701e-01
+3.134106819658126764e-01	1.286339499547863308e-01	5.864729791423263450e+00	8.300357839112765035e+00	1.438336911915669702e+00	6.851092469972995147e+00	1.034029113386152776e+00	1.494799843839271336e+00	2.277085020013195127e+00	3.018026684870551701e-01
+9.974747480148854484e-01	7.417608355979210533e-02	5.576900855119989231e+00	1.085027230184690827e+00	1.610568082058991379e+00	2.681858695518825719e+00	3.483337744351994392e+00	1.340344201458989248e+00	1.785155307177410666e-01	6.064608937230153707e-02
+7.698707959570197934e-01	5.946693939209857227e-02	6.140872236681682139e+00	7.794500275667249234e+00	3.329936732740133021e+00	1.053683186798398808e+01	2.442474922407471993e+00	1.618248604822617676e+00	1.645175154595579059e+00	1.577878407070486544e-01
+2.921978170383732198e-02	2.098764262909763589e-01	2.571849891653310571e+00	1.701437788960805664e-01	3.606271296781285773e+00	6.151967513580181013e-01	4.407426394075528719e+00	2.238674479981308085e+00	2.918338395342272129e+00	2.203405589927943664e-01
+8.185553514857757396e-02	2.904901153328537933e-01	1.884207868724713020e+00	6.379742850556673339e+00	1.316060594347697510e+00	5.742231747444348500e-02	3.293024161175864162e+00	2.070570602227302937e-01	2.323330232077761792e+00	9.345412483474558885e-01
+9.870953766246871597e-01	2.838968068710498449e-01	8.984979565988782113e-01	7.228894867998849172e+00	3.009018931955541376e+00	7.470177361465970556e-01	4.791497852877925290e+00	2.138893706603099965e+00	3.957478162078499118e+00	9.206372464557524005e-01
+9.246986296046750819e-01	2.657540764872973194e-02	5.696958733461305435e+00	6.037947545874237321e+00	2.054547403001988126e+00	4.010012556963714836e+00	5.387264573805446988e-01	4.198151587672391827e-01	4.855865220608975186e+00	3.421872218672002974e-01
+4.891436182199244698e-01	2.957137425921102514e-01	2.092865426966933118e+00	1.304751064715160558e-01	1.857399876731623767e+00	3.929329864582863596e+00	1.890510040380741774e-01	1.808418679622973757e+00	8.962596057614125034e-01	5.071164143964516091e-01
+9.883745014565588072e-01	2.023820478627288422e-01	3.026225500297741178e+00	8.018625010860999325e+00	2.639151190842266015e+00	7.866860471267914434e+00	5.692475791922957384e-02	2.619732708394978626e+00	3.791192865048754079e+00	8.510442750449997984e-01
+6.766386709986900172e-01	3.163942649407911478e-01	6.650890489805712846e+00	9.981354386720189265e-01	8.895093378732830125e-01	8.880441813445409949e-01	5.269510439686068359e+00	2.800971666890863521e+00	4.336136086833519698e-01	6.151838148712087673e-01
+9.395548338899438745e-01	2.274826251714922587e-01	4.841436257692705025e-01	1.951295574220930362e+00	3.688485459922960619e+00	3.319068635438701342e+00	2.622624513963639714e+00	1.773842110030804609e+00	7.017709220203099951e-01	7.273521464765183575e-01
+7.131396196120692865e-01	2.829891666225929359e-01	1.809204461229397820e-01	3.578992630164364641e+00	5.190853847632848073e-02	9.799965411266482462e-01	4.614272826173850817e+00	2.684041190366065699e+00	2.984828522093719183e+00	2.167818654123231381e-01
+6.173854727816793231e-01	1.961753927292946287e-01	4.555255586921068023e+00	3.578807812709182024e+00	8.425821534786881450e-01	7.518481958157543943e+00	6.262313649648420188e+00	2.000433960754317564e+00	1.421954930513873006e+00	8.019504843363266522e-01
+6.671808236429033201e-02	2.702227356574862793e-01	2.867725189486065585e+00	8.406696908068906904e-01	1.816665326608355890e+00	1.069991981228995215e+01	5.100300539865704863e+00	1.022140401782990482e-01	9.935128054149117149e-01	2.217478442404806627e-01
+4.675882156850276195e-01	3.994470533120373923e-01	3.013415758827279856e+00	3.472047851101398130e+00	1.579805042782022717e+00	1.025374950194446200e+01	5.424839982873136179e+00	2.661207445309309083e+00	1.974765823248681329e+00	8.490805254939938207e-01
+7.440465128212200296e-01	3.185879639684230935e-01	5.875377909342210714e+00	8.735053206610791321e+00	1.922533667640191624e-02	2.664137099658425711e-01	3.070429299965248493e+00	1.797362708842066059e+00	5.848813121558199546e-01	4.383864302200134455e-01
+3.550604742260795588e-01	6.083111274854280381e-02	3.404146882195189239e+00	7.733962066765833754e-01	1.176797582398654285e+00	6.871446754170301929e+00	5.361716911609923919e+00	1.576687106248415571e+00	4.355077426059827062e+00	8.607241356371005958e-01
+3.559318532806881041e-01	4.015285662241686593e-01	2.944936440066225458e+00	2.111335278696990336e+00	2.963059944865208628e+00	1.476942511987013873e+00	6.450386812630387823e+00	1.907611126769427123e+00	1.381468577271076636e+00	3.983676385111964979e-01
+1.352222544842187624e-01	3.963201476435085358e-01	7.711539919790504349e-01	5.328381207561713850e+00	1.055305792258381725e+00	7.535148204080714507e+00	6.478550147632057055e+00	2.298107587130767904e+00	3.835975596160178469e+00	7.784889119545324032e-02
+5.656300588103846394e-01	2.408672177953232185e-01	2.222118682804348655e+00	1.584476418959711363e+00	2.205997974729819955e+00	1.320044695544450697e+00	3.093339610296233388e+00	2.078381944707535123e+00	2.709900781033619532e-01	1.998783060846459625e-01
+5.064693576216054982e-01	4.755666724189564487e-01	2.460782122272777706e-01	6.394893884651652982e+00	2.393279335645917882e+00	7.720168766472102817e+00	9.946162988780055114e-01	4.727471826960147894e-01	3.624628763819681243e+00	7.939552686881024002e-01
+7.126511753385316172e-01	1.251084009980807377e-02	6.424546400284762093e+00	1.732715732319492385e+00	3.291228557764222185e+00	5.494632343972354782e+00	4.309920997430734424e+00	1.785238040943090132e+00	1.319325481408312184e+00	3.987762049958972765e-01
+8.564779126009015586e-01	1.551694340859950394e-01	3.000664164177824667e+00	2.121531733172477452e+00	1.929201507138485816e+00	1.091606713354398295e+01	6.352850505658992120e+00	1.942089264915284774e+00	3.099275474026703225e+00	6.349421349719974739e-02
+4.875235919705348531e-01	1.165471825543921702e-01	4.659789198761613349e+00	4.857039597115840657e+00	2.268900869752328298e+00	8.073884519013418526e+00	6.867532374199831757e+00	7.110477929957825793e-01	2.139511718029329490e+00	3.270336697362830058e-01
+2.836462637303897028e-01	3.526582320725804021e-01	3.433435023383186291e+00	7.878111173527013733e+00	5.846439909687783931e-01	1.334584322193443917e-01	2.430764258810069744e-01	2.294882067517025170e+00	6.943377361908681378e-01	6.597104416060772802e-01
+7.138680788986382364e-01	3.866838295049366270e-01	1.938054711638698135e-01	7.776057762563468145e+00	3.843531806920502003e+00	1.169843574403325803e+01	1.317073001264212895e-02	9.974273699007062399e-01	2.805794644206359933e+00	2.846508994495189349e-02
+7.616522995605032875e-01	1.525341083280188914e-01	3.649857814806184653e+00	6.626064326264721416e+00	1.848485344378381079e+00	7.772079961576015883e+00	4.922747697985218274e+00	2.183176272993367029e+00	1.523463352631002188e+00	3.483587959766206721e-01
+6.174650468503004586e-01	2.890466460728707276e-01	4.198548001307910837e+00	4.756162259128787539e+00	1.215478403072798308e-01	1.073564948073302894e+01	2.393378431835311737e+00	7.963541702214833595e-01	1.221126147878501822e+00	3.627422424390945865e-01
+9.041286748679164820e-01	3.692704713445955078e-01	5.969223946468604325e+00	1.400042822911425899e-01	2.167809064247096185e+00	3.466765141422927687e+00	6.104187126619349257e+00	2.815584690378426735e+00	1.472968857439669765e+00	6.815901346942815353e-01
+7.420584650906367763e-01	2.629350119859111268e-01	5.157415509545635324e-01	8.936951265754993656e+00	3.499514727363592037e+00	2.929864868198977401e+00	5.289656243356750664e+00	3.794701199783089285e-01	3.570594754264058146e+00	5.454360810847372898e-01
+2.133902786741366242e-01	4.793775958545365423e-01	7.161025461060221975e-01	7.379345463324211707e+00	9.195588975890780503e-01	8.953799627402657890e+00	8.199588910676803843e-01	1.539214057143141190e-01	2.517268342599753961e+00	8.642672068937873320e-03
+4.189544227294224044e-01	4.677740958591244946e-01	4.169315152475023822e+00	2.198113856746841677e-01	4.442481038742749355e-01	8.853442692179621432e+00	5.871239829017361744e-01	1.642555038182410554e-01	3.779048982357357644e+00	5.353051674182843778e-01
+8.373426461385590214e-01	3.895842710949837251e-01	3.079787615886646623e-01	4.540155876800062273e+00	7.099227726704704367e-01	3.400668992101794075e-01	6.292240435961995004e+00	2.673955045372806705e+00	2.378211157475177195e+00	5.342130779135090268e-01
+3.068274218964279765e-01	3.192479805504804813e-01	3.859914935882651221e+00	4.687340409378260908e+00	1.900386926452752867e+00	8.623061138373001810e+00	1.033494255619878288e+00	8.997549532223314550e-02	4.911877241989344611e+00	9.510774047315817548e-01
+3.988512541926614308e-01	8.003053540870219695e-02	2.122999256011599556e+00	4.455738292615722962e+00	1.825496679610708828e+00	6.531267574926014063e+00	3.480291480026090900e-01	1.582969106163566453e+00	4.938475735461747007e+00	1.906205929699261725e-01
+7.111720075879690572e-02	4.221578019099042622e-01	4.465731829112144169e+00	2.564360848739634768e+00	2.152069261549716117e-02	1.058526283280879277e+01	1.462724588046307783e+00	2.852823949099446033e+00	1.829748887076950048e+00	2.844587557581582660e-01
+2.570944338116505357e-01	3.670273280771254032e-01	2.950100530191855697e+00	1.367357621902863807e-01	6.536517332253071189e-01	4.623777977996077482e+00	1.830565500886062402e+00	6.876079879205642120e-01	2.463356978321902702e+00	1.515963114524383482e-01
+8.196773403442627615e-01	2.439155028749898646e-01	6.976779897465351654e-01	4.021827899216881441e+00	1.629083009450637665e+00	4.895113507734013325e+00	5.420567352065293498e+00	2.923116514593426807e+00	3.675539915878816899e+00	4.820681859745293840e-01
+8.912757210535459107e-01	4.287706082586761891e-02	5.914097580762159190e+00	4.887219470061346271e+00	2.297300243872694381e+00	5.258879986696362252e+00	2.055176485482270277e+00	1.247382108420278080e+00	4.091406116197054965e-01	2.863708277926955148e-01
+9.165363924681566576e-01	2.077777304803083980e-01	6.425359611836583440e+00	8.532229331139205897e+00	1.890984676596261238e+00	4.482242194093222665e+00	4.719123490932191523e+00	9.368865626180848949e-01	3.424737866108997775e+00	3.692933466222642069e-01
+2.844432761355554229e-01	3.487910856226295042e-02	3.288851974081316243e+00	2.493792851872620453e+00	3.245659443981551373e+00	6.119401284154618814e+00	1.629426639698323909e+00	2.146211397792365361e+00	3.323215307906694616e+00	9.689245472658591929e-02
+4.605981453808145609e-01	2.951104911370585060e-01	3.466807508548188643e+00	7.015908445063255172e+00	2.012464416109721377e+00	1.411425132174343400e+00	5.640313420420241641e+00	2.551472185597204234e+00	2.921468481145677476e+00	5.154477507183952145e-02
+7.916776772020003294e-01	3.104882171066662977e-01	3.388406047132061616e+00	6.308076145350703712e+00	2.141204968913200002e+00	8.815894689517723037e+00	1.216772248282482316e+00	5.490792235288116663e-01	4.864033877707442777e+00	3.120795424356880288e-01
+6.520543319958096440e-01	7.498529269624598648e-02	6.546870924616779774e+00	4.313660942542439258e+00	2.842979234248417697e+00	2.708025294292042418e+00	2.101565155836826015e+00	2.779757313928136409e+00	2.766295492770797892e+00	8.242938770130925352e-02
+3.916403442843127136e-01	9.189287972434972973e-02	3.658241649007774488e+00	8.892285269585453733e+00	2.872944719502671163e+00	1.926067804146072149e-01	4.113071146818407797e+00	2.033786884589388499e+00	1.858529211147021964e+00	3.601164330247360601e-01
+6.658899523715963165e-01	1.901452620071845678e-01	3.358563768423928231e+00	7.307834854097906785e+00	2.230102878474681027e+00	6.994441846960493869e+00	6.046922242667236880e+00	1.681346319512073695e+00	4.453953342081854672e+00	7.760263753123383124e-01
+3.544087352095481869e-02	1.736442680483894496e-01	6.358750483131432318e+00	6.362553657877171531e+00	9.438518061698975004e-02	3.241545692161897474e+00	3.216563179949617268e+00	2.048445371027631801e+00	2.592256358497992519e+00	5.871829363638558785e-02
+2.278297361077044059e-01	2.521532626334166971e-01	6.006560048470274360e+00	1.036460639857805344e+00	9.596384576758123508e-01	1.161754935200590388e+01	6.921319460991003147e+00	9.492023907384942172e-01	2.570754313364566723e+00	9.898393847822013480e-01
+7.720727707112930993e-01	4.625201799694809712e-01	6.030038351299404020e+00	1.576843309640901802e+00	3.047360805551709184e+00	1.105183421427205381e+01	6.765794291140618810e+00	2.437125901810530237e+00	4.785718495907587133e-02	8.643252994269234879e-02
+9.816465867962677061e-01	1.040135248373981747e-01	6.269766387849492695e+00	4.587664995870221141e+00	1.471595298862088175e+00	3.137698622087241596e+00	2.585776241619418325e+00	1.094148950727448000e+00	4.787651271957346744e+00	8.537352255282423252e-01
+5.927286689665087760e-01	1.635250692112610871e-01	6.763777563834705298e+00	4.190158816469162772e+00	1.671137433875959921e-01	7.145892561514077812e-02	2.697194722513650555e-01	1.826917897949313918e+00	4.855283909060112535e+00	2.338052822860668956e-01
+1.591435657354911548e-02	1.309457494027614910e-01	4.027555471388495345e-01	3.269356767055083601e+00	2.135361695566277085e+00	3.812187332815673013e+00	3.745269592969274086e+00	2.239168581407309233e+00	2.403445557045992054e+00	4.127895397263747768e-02
+1.138459964891592735e-01	2.477562449655215659e-01	6.711903366433036311e+00	2.328903691994430591e+00	3.619135648902618296e+00	2.643113253632744630e+00	7.573805393623883608e-01	5.638560832013681523e-01	9.866348317250567268e-01	5.321998283901712146e-01
+8.335543816544467299e-01	4.852511675363395671e-01	2.522771010620390442e+00	6.865591808220169234e+00	2.614984821499222178e-01	6.661308755886223842e+00	4.631632858625027716e+00	2.016686176070514591e-02	1.670651928613386517e+00	8.001889580730393581e-01
+3.506629367480429416e-02	7.513357347200738667e-02	1.091955136302876994e+00	4.788485228215831668e+00	3.088440213543260704e+00	3.737602435514551402e+00	2.060091420371281679e+00	1.664114145344917528e+00	3.853021369729443979e+00	3.981246066772909931e-01
+2.941809570016090669e-01	1.951063404831046011e-01	1.053511941997986590e+00	1.626573601758511067e+00	1.073068181672781840e+00	8.246102825125259272e+00	1.229799882190759863e+00	2.046485654174841073e+00	1.887314229128450593e+00	8.477832457224251383e-01
+4.288411318977621844e-01	1.344940483989709445e-01	1.890175735159078219e+00	6.909579416417008346e+00	2.559618997696785136e+00	8.076451885637920824e+00	6.709931254318012073e+00	2.711755694833509533e+00	2.197259152647867975e-01	5.229458751166887742e-01
+7.962785959698204241e-02	4.791664160968215902e-01	4.775534443309384258e+00	6.195144705514182171e+00	1.095816602161203690e-01	7.253215415683056833e+00	3.785863733799192499e+00	9.032344566438499367e-01	3.712953563991834294e+00	3.658749193043641101e-01
+9.925977090507452916e-01	4.226472934729750275e-01	4.233597679026229521e+00	5.373501445983512426e+00	3.029885997105019158e+00	1.948856366491487524e+00	3.580389683767193798e+00	6.128625096828327345e-01	3.195613215016547937e+00	1.498067324162460912e-01
+3.211542228342814109e-01	2.435050065055133772e-01	5.191492939326351141e+00	8.811443367963034845e+00	3.119307887468464990e+00	9.566604729350618896e+00	2.662534653489017522e+00	2.048270692218978617e+00	4.513252133993818305e+00	1.534045164632015235e-01
+1.169841130722715228e-01	4.278805785103458326e-01	3.871981713139157399e+00	2.151432657451758379e-01	2.353074788516758442e+00	2.925683050900422355e+00	5.164172309356634294e+00	3.209672061804553778e-01	1.806778866741765022e+00	7.377245404193294442e-01
+4.920318247135287981e-01	3.980350958273896622e-01	3.553262242278445449e+00	5.660089801227229600e+00	1.130914505340574028e+00	5.111374270657123020e-01	3.594580615302541915e+00	1.377803570003424127e+00	3.733415954722649754e+00	3.790748149557219282e-01
+7.141555225002506058e-01	1.431060744802945539e-01	3.598062535886497493e+00	6.486014070157204436e+00	1.222357165551017477e+00	1.071797470084096382e+01	2.966727560848184453e+00	1.433401409283499239e+00	3.761066588446803749e+00	4.577426600413826430e-01
+8.846645270352224699e-01	3.643370058500688402e-01	3.776149232858763138e+00	8.514771398046235618e+00	1.333408164935339979e+00	8.719464634044745921e+00	3.680392243042417633e+00	2.323141187069376112e+00	3.968683511008049170e+00	5.273710580573882645e-01
+7.563601909975703474e-01	7.110020268898137319e-02	4.754320885232382388e+00	6.715112169672266873e+00	3.900410613846503338e-01	2.374351342693231892e+00	3.949776593352507525e-01	2.793668022917081828e+00	3.590934831061467047e+00	2.297057403281292931e-01
+4.973937884442386492e-01	3.879138870002525330e-01	9.799015387413885225e-01	2.012207080170396623e+00	3.118810053878664501e+00	1.476679627040943465e+00	5.927098696212524054e+00	1.896055595509993363e-02	3.766273251675572586e-01	9.605494500779653277e-01
+1.977451097083424703e-01	1.856512361107952036e-01	6.724615885357570377e+00	6.767753598078477317e+00	2.460427469322048477e+00	6.474778192244762032e+00	2.497838703773406444e+00	1.783570854432153130e+00	5.300044222306288244e-02	4.451008306808179604e-01
+7.777282859813858806e-01	1.108325048061198359e-02	5.994453580967894268e+00	3.907200072756264575e+00	2.802655265583420707e+00	2.467799246467401009e+00	1.767975654554970966e+00	1.542521176133627048e+00	3.301251420424628602e+00	2.703716625531150664e-01
+2.877553566109145589e-01	1.420816672999475339e-01	3.531815135282850626e+00	6.071634467360012444e+00	1.950296822580346312e+00	3.667561567003036149e+00	3.564813794526681789e+00	8.193521748791241510e-01	3.969846661030343782e+00	9.642674274532847534e-02
+8.461631661621418221e-01	3.874198608202865657e-01	2.460697897082127827e+00	4.483937646731980253e-01	9.536408659656969711e-01	9.374214254598758345e+00	4.523934853618548857e+00	8.998483173209120833e-01	4.534728615909888738e-01	1.316674336548497859e-01
+1.751881832985308085e-01	3.840511548841616940e-01	1.356205442152841334e+00	4.975298518310518503e+00	3.475732058856605633e+00	4.548907307536070199e+00	4.318674447424278640e+00	1.546572097412000968e+00	2.738768725851110197e+00	2.581125520633765769e-01
+5.541597656676272576e-01	2.055046901470117260e-01	6.866760560523623269e+00	3.572427800023941113e+00	5.759362217394889960e-01	3.707695882166028856e+00	1.083565015241491736e+00	8.888805063168140341e-01	4.589028250324568958e+00	6.712978422710076387e-01
+3.399810580604246679e-01	6.778009844025034702e-02	1.990157231926872106e+00	7.987721068254113987e+00	8.333111074045302935e-01	1.434155759051158885e+00	1.063680632215532995e+00	8.682505419899785304e-01	4.553780840671912244e+00	6.153621080682639688e-01
+3.805973074910944387e-01	1.809291374261368102e-02	2.326724448899936348e+00	8.808775644776478231e+00	1.071772823118059659e+00	2.671050593238351034e+00	3.236405416201733942e+00	1.156638793116922637e+00	4.089621847663170939e+00	8.958752205306643734e-01
+6.236783129330455422e-01	2.034130988847053789e-01	2.149437338793216412e+00	2.709264986875024039e+00	2.581735349094827381e+00	4.559785061212902946e+00	3.811076674546835186e+00	2.506501802065709494e+00	3.558610317643628562e+00	2.953998470582006597e-01
+5.786616826695738514e-01	1.092680018344108772e-01	3.673824620483585601e+00	6.935907382658493603e+00	2.924092204393669459e+00	4.994297253991534902e+00	4.216415579314912065e+00	2.221035033808330006e+00	3.308866108190522404e+00	6.005834101043915352e-01
+8.445682020932365752e-01	3.477257696376142015e-01	2.977918003630122712e+00	6.125943756092539161e+00	2.412136776594560494e+00	9.871992950448490234e+00	1.471692508678064337e+00	1.186189240533216616e+00	1.731159415996974538e+00	5.019757339821060427e-01
+7.262920712271674351e-01	1.070865338500862629e-01	6.515623171275430892e-02	1.910429663217140916e+00	3.785981980891470755e-01	5.136662978344108232e+00	1.190639365883919165e+00	2.126433858821366041e+00	2.551490600585693436e+00	2.282190611495389376e-01
+1.181796487183683730e+01	2.516406960282593364e-01	2.887277780206054967e+00	7.424704929314782653e+00	2.733699169495314329e+00	1.326499604911062224e-01	4.472085075329708559e+00	1.841612256174257833e+00	9.588965759771213015e+00	6.074890083495527726e-01
+1.355685210334684321e+01	1.476043055963610906e-01	2.536588592058465874e+00	6.894815252046440968e+00	4.629665076865330242e-01	1.591874408544442510e-01	2.659816619928975889e+00	1.992412304973402826e+00	9.409822587181350118e-01	8.428860916139044868e-01
+1.302344932128066368e+01	1.877957892610864488e-01	3.771232365671751907e+00	2.334982689796312627e+00	3.407718706286316790e-01	1.716052424590376324e+00	3.548651514000740193e+00	2.374591648505322450e+00	2.134503293655584777e+00	2.543046511567058632e-01
+4.451805618740952042e+00	6.764221264325200045e-02	2.669906521408719868e+00	8.632453926650279996e+00	2.033894446413802903e+00	7.142031037304861218e-01	4.194277576482712266e-01	1.402693657818623318e-01	7.586905366769697068e+00	1.843381480000478856e-01
+8.570192823591918696e+00	2.306084812036459097e-01	2.522438257729497479e+00	7.522008507552547130e+00	3.713341144773252278e-01	5.716961257420709597e-01	2.079090539304101704e+00	1.766024213797281917e+00	1.662647314050246683e+00	6.384753099614368654e-01
+1.492700367152876417e+01	5.956069900446444437e-02	5.193239326553306112e-01	4.348155739698301936e+00	1.498622145721807408e+00	4.168028931133043180e-01	6.514105873948607517e+00	1.300249280108312089e+00	7.509216655975119892e+00	6.466771718100665645e-01
+1.401469528149594801e+01	1.318450715802988726e-01	1.755366307435912709e+00	6.268538614231175643e+00	3.594158033755705084e+00	1.596063791967876844e+00	4.538357107641011190e-01	1.578349416671345651e+00	8.605308976007654209e+00	8.431350039872285151e-01
+1.125897718091157707e+01	7.088415129913086532e-02	3.073048649925616438e+00	4.169572134840827671e-01	3.391473123826589831e+00	1.253820676407349843e+00	6.033094418983614204e+00	1.669529100255978893e+00	2.743440461537412389e+00	3.447717414063620200e-01
+2.618236120635488717e+00	2.221707698733976499e-01	3.880148546665934006e+00	8.346365071605847064e+00	4.485232175994370074e+00	1.273339902009563929e+00	5.126040370747679376e+00	5.002442564550735327e-02	7.652504234144801742e+00	9.045218812960378330e-01
+1.352791799195179934e+01	2.958099853113912436e-01	1.620323493963710115e+00	8.514270244110930363e+00	1.405394051171777736e+00	1.228874034324174414e+00	4.366837956110266816e+00	4.681693532389841206e-01	3.658910928887952885e+00	5.685286335634343047e-01
+1.321105522112276098e+01	7.596543795040429370e-02	2.288656765287575112e+00	5.454334126686442019e+00	3.540974541852515589e+00	9.136761954539687203e-01	1.531916431358365749e+00	2.600489131884043736e+00	2.186958478364557035e+00	6.152510639313788499e-01
+9.248327943582943078e+00	2.953301427161937331e-01	2.912841777561403500e+00	3.210770144852208574e+00	4.678430187034543941e+00	1.903313079890405213e-01	1.852621718826671371e-01	1.901873807226989177e-01	6.598474242893042074e+00	1.863584605124068982e-01
+1.561511613665458764e+00	2.791101130788958273e-01	1.230729125078247499e+00	3.214729791326091046e+00	5.760499802570256955e-01	6.791526464572399391e-01	1.164793484277019120e-01	2.436090334891392928e+00	1.684437394931304732e+00	5.939045414290095026e-01
+1.074199933120756256e+01	2.768105466336150400e-01	3.600337787752637908e+00	1.988419733930615330e+00	1.121183222910840938e+00	1.262741873855612873e+00	5.955023194942483222e+00	1.775781023586198160e+00	1.635523073587350051e+00	9.451325867881940068e-01
+1.439453349318703390e+00	1.572125366345192565e-01	4.116939260327882266e+00	8.143883513662194318e+00	4.436336490499172669e+00	1.431008029759604838e+00	6.129158351904355762e+00	1.627229601340490550e+00	3.544342525406199984e-01	9.537385422254009981e-01
+4.385485861700014532e+00	1.072544990386351815e-01	2.555081167553841404e+00	7.797049674127350727e+00	6.437428060323546752e-03	1.690033945941410209e+00	3.546703381942077016e+00	2.355037673948323640e+00	6.000098633768423007e+00	5.634219751061730896e-02
+1.478941841002847202e+00	2.819342154043811277e-01	2.946748707794077937e+00	8.674573772230408375e-01	4.831892645548560239e+00	6.117546232929613748e-01	2.336129800349750152e+00	1.662089735231696785e+00	7.288065418938156625e+00	5.079145336272458122e-01
+3.566330915119718004e+00	1.054092958488348081e-01	1.262772079536855330e+00	6.632582037177616741e-01	3.155614409429076339e+00	4.560221336860896812e-01	6.107444411033736920e+00	9.724400924370590893e-02	8.869125512095319408e+00	4.531451318109073201e-01
+3.931188712123208084e+00	1.648487385228547819e-01	4.230745858304009843e+00	4.740462911360358689e+00	4.302603206380042344e+00	5.923369016635324780e-01	1.350657156605095111e-03	1.610503856182457394e+00	4.214531575126196472e+00	1.188686805020251480e-01
+5.690049848746455474e+00	1.611771331430286031e-02	2.797114322332588721e+00	1.326664870101148530e+00	2.184236794465954645e-01	7.244826847041867524e-01	5.088788284324481381e+00	1.892888045267941521e+00	5.251528732452677151e-01	8.270932539527531269e-01
+9.971187065128873428e+00	1.922234878798162738e-01	4.399243530319325579e+00	1.690861779292817113e-01	3.026193132922350149e-02	1.247811934568532566e+00	2.287373749222342489e+00	7.123297811357809373e-02	9.782325221036309415e+00	4.025349245250368080e-01
+3.166794098033590465e+00	2.895927629971295492e-01	1.010943063067509806e+00	6.246940915716239218e+00	2.296626417112780594e+00	1.124916422624346879e-01	3.155063467415336387e+00	1.122794863214901628e+00	7.747118569384047859e+00	8.813094613105451058e-01
+7.776074009241417784e+00	4.884943113850780116e-02	2.665091138087455569e+00	5.396374948611239120e+00	4.807416439179393208e+00	9.311196524679428155e-01	2.370568997313627246e+00	1.497537386829888018e+00	6.410622802993913183e+00	1.959147447247133744e-01
+9.386902307633294029e+00	2.918525147335055969e-01	2.580633210860679316e+00	6.117570487861421213e+00	9.440652787891057329e-01	1.478204798622005711e+00	1.583143507835594432e+00	1.878469714268893753e+00	8.341600309722448259e+00	2.296329479872928347e-01
+1.325226074192375592e+01	1.660088044261155971e-01	3.032911943104431352e+00	1.544500510963358053e-01	1.444444693560564819e-01	5.144081121761716613e-01	6.228472420827102063e+00	2.002195300328763139e+00	8.619120730699705746e+00	5.986701025311890190e-01
+1.253702247039758255e+01	2.815208299886055587e-01	4.418741917269815467e+00	7.187649403919402324e+00	1.857768480706825098e+00	1.693270109415251579e+00	4.500029768156658783e+00	9.386766274226390205e-01	7.712460417143821578e-01	1.490837705279541847e-01
+6.470192866248365426e+00	2.538814476100020867e-02	1.482709093692339941e+00	4.810511422160657080e-02	7.397535485801826072e-01	1.366029201822366090e+00	2.938463177620382449e+00	1.905659482665870819e+00	3.274297555223312450e+00	5.946455225965689984e-01
+8.046767686244354678e+00	2.379545842279764956e-01	4.589316043001465673e+00	5.892088873366180479e+00	1.308019335424309704e+00	7.484233826378567933e-01	4.495389998435046053e+00	6.202227507857822619e-01	1.707552168782031199e+00	9.367630937108080147e-01
+4.192176901095245434e+00	1.304693968976899099e-01	4.998027091565603541e+00	2.456526465425167283e-01	1.205473478694641942e+00	1.109994403062972701e+00	5.125196171178717286e+00	2.206741883831745188e+00	5.115846166892562330e+00	1.104691714503143185e-01
+4.157525610946958494e+00	9.298038433732908059e-02	1.491518671460473344e+00	4.496224394499284571e+00	4.648879436827211720e+00	1.793268724253979762e+00	2.896904069484845579e+00	1.356276322086461761e+00	9.923020114331025709e+00	3.558734125538330906e-01
+6.979832709755873221e-01	3.599810987684147479e-02	4.064902498699765943e+00	5.597103986278889387e+00	4.496807253190716835e+00	1.851319113294662699e+00	4.995032507818135237e+00	6.680000375419122838e-01	3.176705087670492755e+00	6.164391597089758923e-01
+2.680618751278343481e+00	1.681546055962608033e-01	4.674994237591107549e+00	7.872155819890408246e+00	3.635532819810061156e+00	5.723527244541317671e-01	1.228843659393086263e-02	1.624022154584328081e-01	7.634482806401528876e+00	9.621470740939815913e-01
+1.129656603051103581e+01	1.754676764823895063e-01	4.925438368822037560e+00	9.090625284174426168e-01	9.872898867967799807e-01	1.967411347408282829e+00	5.647085320216579163e+00	8.040378544211923550e-01	3.157643996826393629e+00	6.705813685367211230e-01
+1.166598416610384703e+01	1.866541563727542041e-01	3.082745872586427183e+00	5.684997481806196795e+00	2.688708007208003181e+00	1.498993448192174283e+00	6.225488991661570992e+00	1.314065400514044191e+00	6.343644934019415871e+00	5.416797703578821732e-01
+7.720230714264369354e+00	1.523894939496055478e-01	1.620746553117432542e+00	6.005901827039864749e+00	4.717729383985791447e-02	9.075246998741233195e-01	9.360149124843241131e-01	1.754815849294320884e+00	9.666726609856759467e+00	6.581401514679491305e-01
+1.453127659928862059e+01	7.703415326140243546e-02	2.479862457434094392e+00	4.182212439636490586e+00	3.488676768426026253e+00	1.206066251747953011e+00	2.285902497850169190e+00	1.194028499060063808e+00	9.286786278550043239e-01	8.091147826884519390e-01
+6.417666940507571915e+00	7.132128551135483163e-02	1.942224670162717270e+00	3.433069127251919817e+00	7.564280838361731041e-01	5.516799087701549364e-01	5.176162075754822567e+00	2.178815429942681181e+00	5.722924693718432820e+00	4.158454834199132311e-02
+4.502867570496368543e+00	2.239682077280483463e-01	1.141094924815538203e+00	2.453579665440670521e+00	2.992162924469959684e+00	8.370073651298797213e-01	1.718538404749463400e+00	4.075217867922253934e-02	2.539196137099058781e+00	4.990272000661035712e-01
+1.769506443642104854e+00	5.077985666082200644e-02	4.536839079078856862e+00	1.926622825410988948e+00	4.021468856985962681e+00	2.704122777555590940e-01	2.804453666907950282e+00	1.607921780184728977e+00	9.484877651296452328e+00	3.670233106390000666e-01
+4.295020083244110998e-01	2.868652070133119181e-01	3.134264451081448577e+00	6.836230003013163525e+00	4.042883960895656159e+00	9.348262365209494273e-01	3.157788950792046023e+00	6.497342539434567410e-01	2.517529722233489586e+00	8.540150270825374035e-01
+1.912602820186987129e+00	6.362962639611402689e-03	3.790830335966000497e+00	6.753767120657978573e+00	4.454347298520647591e+00	3.597830171502631735e-01	5.746913394800006181e+00	1.664073075055900741e+00	9.213646990669767334e+00	8.780134214441304152e-01
+3.963149975944498138e+00	1.436768738550251445e-01	3.590235964594930884e+00	4.171865940500004477e+00	4.196989506671150671e+00	1.790899951828085479e+00	3.907987905963472564e-01	2.629171659041773967e+00	1.771918908979907226e+00	1.659282155546771831e-01
+1.044847711025325054e+01	1.867999171686929583e-01	9.742152202794096549e-01	6.029364879715696901e+00	3.842755370236281998e+00	1.457930089422849740e-01	3.050806799572168160e+00	1.928860746757870892e+00	3.715892327997140310e+00	2.654349553692562091e-01
+7.856135199120164891e+00	1.212882676824621475e-01	1.801474098171824689e+00	8.484064353156798077e+00	2.754740315340553636e-01	1.410439285738713577e+00	4.796002926524840504e-01	2.610915875359472338e+00	6.670148976341948810e+00	6.486294231998313009e-03
+9.804395866994216391e+00	1.639075098111162643e-01	4.837423823790375721e+00	5.260179690540038422e+00	2.017636134845651075e+00	1.254612394194728031e+00	5.546452640168771708e+00	1.375458824455512818e+00	7.174505857330657488e-01	4.918004847159316295e-01
+1.183986689177626417e+01	7.872326102861289254e-02	2.582301908063294960e+00	7.740411186780283614e+00	4.407066198851386396e+00	8.853556556234460917e-01	5.162877457710448148e+00	1.109660738036303940e+00	1.268125593567879239e-01	8.662130880451797132e-01
+1.093683742604408948e+01	2.447064137767908099e-01	1.696855866075519081e+00	5.548678621604610228e+00	1.820809627873263281e+00	1.700607366429271350e+00	5.830452128040040982e+00	3.764385212451778484e-01	1.898685064749314089e+00	5.451812220747674909e-01
+7.056150651686926345e+00	8.818414996117814042e-02	2.747955950871696196e+00	5.338892801584529835e+00	4.473322648271785162e+00	7.333467400342130738e-02	2.177902358616423673e+00	9.320526616437706524e-01	6.762834017402112430e+00	7.935462801762755980e-01
+1.180908873504107781e+01	2.574753599584344022e-01	1.987005140477280385e+00	6.918063648604911187e+00	4.785668471712723360e+00	9.696239217014788192e-01	1.280135659543590876e+00	1.881727503129584367e-01	1.035012278208573377e+01	8.059150064856590578e-02
+1.008412809573388103e+01	2.343166128881368770e-01	4.905764759825019361e+00	6.797230994413787641e+00	3.285521074639472960e+00	3.493548680683078445e-03	1.756029501961107187e+00	1.794157670035024577e+00	2.319307927793950785e+00	1.193434686169847492e-02
+3.749280090904193230e+00	4.960933223025080357e-02	1.971450801044384304e+00	8.330916700800358399e+00	2.349270312429754259e+00	5.221738760240273169e-01	6.366458140784689412e+00	2.387898312417887414e+00	8.441503152405894994e+00	4.979337584731783339e-01
+5.343103528797895407e+00	2.723330372377434361e-01	1.378635711838508415e+00	8.671386126448166198e-01	3.147037907155366021e+00	8.963585668163664977e-02	1.405277975206570940e+00	1.309205332617405571e+00	1.965588001155148978e+00	8.059321310558243967e-01
+7.149160280820787250e+00	2.764868013404646607e-01	1.096825467691220357e-01	3.503192650439979960e+00	3.131184989945668740e+00	1.194188630214327640e+00	4.274505420449012050e+00	2.968756266528913557e+00	2.749295301370240363e+00	7.370923727332389097e-01
+8.210295738041565983e+00	2.272029223367369455e-01	3.779242145994847757e+00	6.686181645391151562e+00	2.011271144842419201e+00	4.622895905968951169e-01	3.398981903852160702e+00	2.343123357207267388e-01	3.729889267099015360e+00	5.792152207898214611e-01
+1.002328179326305246e+01	8.185470612146233949e-02	3.269943977541031721e+00	8.539125023520108826e+00	3.035522647556629483e+00	1.401749737447430810e-01	1.982996845708496103e+00	3.745616727807693502e-01	1.201117123994490221e+00	1.638310756436510696e-01
+2.710850844140515914e+00	2.242145718096996698e-01	2.296536249652671557e+00	4.220260338748655471e+00	1.230213951484597334e+00	9.427382488180584552e-01	4.976262280555096673e+00	1.332924357337322174e+00	6.600361386208043690e+00	9.862980787604007649e-01
+5.949570342069224971e+00	1.418784555555818727e-01	3.232287503680208562e+00	6.141638030385319524e+00	2.842720729387286482e+00	1.023630011169686105e+00	6.974549437024968768e+00	1.541945738455003934e+00	2.913259034713350015e+00	4.512992539354583332e-01
+2.028585498043759650e+00	1.398763410169154009e-01	3.691098756081625076e+00	7.976451317237516214e-01	4.435499859432201486e-02	7.467345392685726946e-01	5.281840013916209386e+00	9.546775874932222905e-01	5.365778369266787529e+00	7.770900276041966537e-01
+6.077535052205729649e+00	1.395387528894324602e-01	4.775093402342934112e+00	3.132020266567483890e+00	1.580718289061279869e+00	1.416317099261457102e+00	5.862579332019776324e+00	7.318328790735707523e-01	3.709729378713444436e+00	6.670468053137402764e-01
+1.214513163540950025e+01	4.365179876861721014e-02	3.838251055066958628e+00	7.238524315230883133e+00	1.660270397218274852e+00	1.239458019962108137e+00	1.401234933150055095e+00	2.814065416790874075e-01	4.456870379094779899e+00	2.891479005157764348e-01
+1.087941705836024830e+01	2.995998122378682460e-01	5.777085219163696772e-01	4.703046220800023214e+00	3.086014168894017917e+00	7.044434508496584257e-01	2.037881492641501424e+00	1.019327349906296476e+00	4.393779773589142401e+00	2.305255684467343302e-01
+5.290012626145627728e+00	9.008901407316972920e-02	1.142983813855805719e+00	4.118316186532029022e+00	3.637703293797282633e+00	1.906330254257075252e+00	1.445500604367967679e+00	5.164490469163260933e-01	3.532786407019917974e+00	8.270890916952341465e-01
+5.697086356845923127e+00	2.235572514757046270e-01	2.266800826831066873e-01	6.383456423897621690e+00	1.264197247239626343e+00	2.912491491275546185e-01	1.306548262207717137e+00	1.684488621935003927e+00	9.359893288902904729e+00	6.328523844944041743e-01
+1.359123925577359593e+01	2.715219536985591462e-03	8.374487623417636861e-01	4.033547555739824375e+00	7.378921961934747920e-01	1.372002555673720758e+00	2.694288461006839164e+00	2.082180871032943692e+00	1.911434796530308899e+00	7.656913496191556368e-01
+9.992533308249194945e+00	4.104749241998207482e-02	4.724075616116481413e+00	3.461796948861655121e+00	4.204372983561600385e+00	7.310738374531249306e-01	6.107621094624161806e+00	2.638927091445617990e+00	3.624613744624816114e+00	4.700163600933867647e-01
+1.685245491179172550e+00	2.115428105359661026e-01	4.407417050425523897e+00	7.476567774422387735e+00	3.634488913192286841e+00	1.698280219311323336e-01	2.945428761291103648e+00	2.713451434553051822e+00	1.012624145292138067e+00	3.648699049547410311e-02
+6.589428437578542130e+00	4.446906542749364671e-02	7.810041614180479597e-01	5.691285012262346399e+00	4.554086499149781808e+00	1.277799954679892380e-02	4.026680491475270740e-01	1.953473174748952212e+00	7.152482187616325815e-01	2.086430282341091846e-01
+2.720849865844793936e+00	2.440203981068089778e-01	2.917763308083296092e+00	5.899884531261626819e+00	3.940367037369739034e+00	1.211422445527540859e+00	1.567556955778588890e+00	5.600673976327497083e-02	9.876156837696910884e+00	1.599751919864411676e-01
+2.834482533918473379e+00	1.520034844725705325e-01	1.978602545261327617e+00	1.676165260704382654e+00	2.194029998012147153e+00	2.492932602456554569e-02	8.120351889658737887e-01	2.560447673664525858e+00	2.686589650575758270e+00	4.039721790527054379e-01
+1.484413911807410891e+01	1.998020163214577760e-01	3.141873601255305015e+00	3.066415597754779565e+00	2.205093406956332380e+00	1.116117348869391623e+00	2.615679339050218655e-01	4.804557806332970804e-01	3.540690054736377768e+00	9.294949005824936217e-01
+8.903890154201720364e+00	2.893997238796244265e-01	4.277785905487593077e+00	3.596708777222128894e+00	3.332199664018714813e+00	6.094561931515880548e-01	2.121001953072600532e+00	1.426684687927117112e+00	9.708702533734449247e+00	5.724400833134991595e-01
+3.704414716601320379e+00	3.534656415192761331e-02	2.191170133339663817e+00	5.192464390336396285e+00	2.340092081088205767e+00	9.268383918699469870e-01	3.615953197841254241e+00	1.025661142784032753e+00	2.734380318250539954e+00	8.545976971860628213e-01
+9.213691025538279789e+00	1.023114031986859657e-01	2.236053896606724933e+00	6.731642119286943560e-01	4.131381102030507790e+00	3.423592126394250368e-01	2.177072569545674519e+00	1.414220327358206131e+00	8.610263975317616669e+00	4.954105311458011363e-01
+7.882621005926893076e-01	2.756438662864029721e-01	2.440056720240608268e+00	8.095898270821609843e-01	2.982700784281210993e+00	7.367102799018900861e-01	6.005049730578022604e+00	2.935825349713905741e+00	8.105806119374374674e+00	7.343900173346469273e-01
+7.332899839919692297e+00	1.012310325009186385e-01	2.786199548500924550e+00	6.996915193838988856e+00	3.958649628430874756e+00	6.984966471313347469e-01	5.034280993433526419e+00	1.175980210067817389e-01	1.010859759006517855e+01	6.006376844057623732e-01
+7.335639593623159094e+00	1.035066387333896804e-01	4.632911160270253959e+00	6.920712126173365952e+00	4.840386095819143364e+00	3.536787893048165543e-01	2.116621517341860326e+00	2.028873912140862767e+00	5.484712972130116881e+00	8.008724869574028737e-01
+1.173589800901229019e+01	1.675454624679203752e-01	1.857307229807804827e+00	1.233541929072509369e+00	3.229707875128986050e+00	1.703661647359659526e+00	1.399653313244334507e-01	4.231632680835958338e-01	1.622735163775802736e+00	1.411886133281192723e-02
+2.170542045884753080e+00	1.649943693366306696e-01	3.719614864008544686e+00	2.628731378385484874e-02	4.659863887863504139e+00	1.953928332749399477e+00	4.030765489154215508e+00	1.884789318558428350e+00	5.218984001391103966e+00	3.659090632923160946e-01
+1.056590580826244263e+01	2.862455750574361968e-01	9.503624324612436336e-02	1.127223921843998111e+00	1.774286440361028117e+00	1.354483262491954498e+00	1.915978523368969677e-01	2.412656854678067564e+00	4.504271337259460495e+00	2.537074724100759626e-01
+6.043982956924061511e+00	6.522158466617089707e-03	2.382223597003132909e+00	2.938800347127498824e+00	6.293807419434965800e-01	1.252993652180068862e+00	1.825306399812175462e-01	5.606017677912336072e-01	7.204927649424960556e+00	3.160779924731268453e-01
+1.156234306026847136e+01	2.625389283153459208e-01	9.188016061419135294e-01	3.956596395967132196e+00	1.157796919074650654e+00	1.652334566517626113e+00	1.741466103683401379e+00	1.069893612030600405e+00	6.560230433252789872e+00	7.063619376068841493e-01
+7.867290877658208004e+00	3.150568657612348028e-02	3.208635889352626780e+00	1.260684268789601381e+00	4.422562013782658674e+00	8.540116238383288483e-02	3.831517191823027968e+00	2.753952785268408032e+00	1.024925082683439470e+01	5.986830995941015976e-01
+6.908975429542424607e+00	2.465841896031346625e-01	2.002845859032076348e-01	3.450171987307428356e+00	5.654276553583914566e-02	5.888214584539321894e-01	2.954089858527504830e+00	3.998447426773437119e-01	8.565177675858345552e+00	2.149680205088763119e-01
+1.440579812308176999e+00	2.654515414198045306e-02	1.135165258992570925e+00	2.417274957088451526e+00	3.433882671585630764e+00	1.266388978164296741e-01	1.387836349982975115e+00	2.496160923818382393e-01	9.660716199882918076e+00	9.465672103847755370e-02
+8.782530926087384060e+00	2.393484704828878762e-01	3.968161715697180902e+00	5.364616924126802688e-01	3.825267183065478305e-01	1.180409496794958990e+00	6.081207848146038764e+00	1.796741281632131981e+00	8.120621615047823871e-01	4.720230640647659071e-01
+2.467121281489119689e+00	2.669775602143918958e-01	1.920947605339624609e+00	7.436975019510371432e+00	1.718195053919568949e-01	1.974195934046878431e+00	6.198510534051498766e+00	8.831966827916776230e-01	9.463134124520076185e+00	6.678848326528338264e-01
+9.247156276444975731e+00	7.001843581120269222e-02	4.115753916944164814e+00	2.041110834822566389e+00	3.904491445485749335e+00	5.587411667288546546e-01	4.848061119307658373e+00	5.410753659731812881e-01	1.022435181440595420e+00	2.642349075966086147e-01
+1.366546319900654893e+01	2.924851229239786368e-02	8.435137812387760725e-01	7.697721002565737436e+00	4.954980248261398046e+00	1.503394228824324497e+00	9.547207340156207422e-01	1.149510349323715541e+00	2.550282953574176226e+00	4.858288944991739911e-03
+9.937610741476689213e+00	2.759728949218902619e-02	2.479287724279272132e-01	1.845578662935752234e+00	1.148725236157810414e-01	1.874378505644074044e+00	4.577898001225015001e+00	3.157179950007004132e-01	6.572428732526478967e+00	9.817710114629516482e-01
+1.335840810844957005e+01	2.901657393525319262e-01	2.291037384835683088e+00	5.523192339535359707e+00	4.263209114304837399e+00	1.850890820836459616e+00	4.248656287099825235e+00	1.437415418687666868e+00	3.969903039271164946e+00	6.444202791760184068e-01
+4.192252523941295550e+00	1.550577732890167648e-01	4.335142520595742788e+00	3.915362307244128814e+00	4.174447531315469639e+00	1.464441590023846773e+00	7.659465632505535471e-02	1.119809765001355650e+00	3.868034385081745352e+00	9.191814708483783125e-01
+9.950321370165964296e+00	2.416678064761437206e-01	4.452588664798807550e+00	7.980962757329372437e+00	3.576862137763775706e+00	1.878820577509221490e-01	5.810484732429623378e+00	2.818609720584823730e-01	1.043698983315975104e+00	1.320478448637341096e-02
+3.344531274564604306e+00	1.638261678427317125e-01	4.752068092969680357e+00	2.056633949183845012e+00	4.059152604022060906e+00	1.323178175655694844e-01	3.634674435700454787e+00	1.332248033612655647e+00	9.750778647413559597e+00	6.571876845461107619e-01
+9.313380312895419566e-01	1.327820969301612697e-01	4.452531935545533059e+00	7.853262599622130580e+00	3.589473016958418139e+00	8.655756972988859488e-02	5.281257933398629589e+00	2.878400204002617091e+00	1.530027895964270801e+00	1.410499062384990010e-01
+1.093728606033430673e+01	1.496850021362609306e-01	3.004629347358933611e-01	6.530279224244562641e+00	1.505697907373285682e+00	4.359977775952421641e-01	2.822161658968949549e+00	2.723579655675674616e+00	4.517358372113638332e+00	4.762740241746520331e-01
+4.126188688687098427e+00	1.785762566399805643e-02	3.827008942348112619e+00	9.799394438157742471e-01	1.190849990888681598e-01	3.586378183201568426e-01	3.473362514860903971e+00	4.907195619794019192e-01	1.082846597286479273e+01	7.338269154915928461e-01
+1.007171327046501119e+01	5.302731525826676236e-03	4.442829328707308179e+00	2.714799527596614137e+00	1.292804717399506087e+00	1.414685076132262687e+00	2.183756095362196170e+00	2.808301856380406747e+00	6.780760473974004832e+00	3.843291080113009350e-01
+1.167399330294518034e+00	2.464035477017099129e-01	1.402426005668689912e+00	1.150248779473895366e+00	1.522194921445518379e+00	1.381162689722999160e+00	5.435001694932432237e+00	2.392787620207044608e+00	8.988227846318018521e+00	2.269266068514101953e-01
+2.894390818868963322e+00	3.501963832568973783e-02	4.740386916137786066e+00	2.285802360415889467e+00	4.429435669874964177e+00	1.149591990037637013e+00	6.309683324067085763e+00	1.754139509852320478e+00	4.996119690460893992e+00	9.633675391347560346e-01
+8.428267793741513358e+00	2.975519105867783232e-01	2.738097388061362825e+00	2.713125296218298343e-01	3.983255273469377133e-02	5.832842143111387490e-01	9.222455190282240478e-01	2.660850484958854789e+00	8.646005308057572947e+00	7.723493728139844139e-01
+1.060844902950677238e+00	6.766848820457482816e+00	2.571544822122694196e+00	1.301410412620856993e-01	4.939075861095859388e+00	1.944985184657319843e+00	3.071352746565616521e+00	2.952877773172982057e+00	5.413409368896327400e+00	7.835805833878990434e-01
+2.676604664379357956e+00	1.015453292439209010e-01	2.796370894748441138e-01	3.783589975482610779e-01	1.615586647489880567e-01	1.462415378364156915e-02	2.849926147228915241e+00	1.990766760230136434e+00	4.608386640197815742e-01	4.913530386323300414e-01
+4.928622521604909323e+00	4.776267137399662133e+00	6.738922765189601094e-01	6.737755331040837792e-01	3.523416780856081232e+00	1.987539862409304803e+00	3.322034856620849741e+00	2.129310622060661684e-01	6.600863177109800084e+00	3.085759141198198829e-01
+1.785331680394218745e+00	2.003420991178347599e+00	2.900766376377190259e+00	1.569593908723631026e-01	2.959800314520040221e+00	1.332160482584163530e+00	1.574742777579251296e+00	1.474370607477436312e+00	5.161994254879935795e+00	3.573259702589637321e-01
+2.060566256973487498e+00	4.064024192901496413e+00	1.638291229583957342e+00	5.291965806117688853e-01	4.147376271759576127e+00	1.871711279692187535e-01	1.592167092938667761e+00	9.832800064235791559e-02	9.093859685572962093e+00	2.871171512211987409e-01
+2.802432727066052731e+00	4.152681619178160588e+00	3.519899751123976461e+00	8.767373897844914499e-01	1.497015974178587117e+00	1.178656320463950191e+00	3.590298473162238935e+00	1.121258186897473141e+00	3.999535611626285458e+00	8.235737108516272276e-02
+7.793345816216601385e-02	7.119616496871206124e+00	3.263514453318660635e+00	8.767708034167319697e-01	4.367621895504575136e+00	1.584033235097142001e-01	1.753016637889057261e+00	8.806782211544889050e-01	7.660523694529250971e-01	2.421807599200342942e-02
+1.650807741747343904e+00	6.676864939234765650e-01	7.158398866250768044e-01	4.208260033098576436e-01	4.020367360514349286e+00	4.706317984761432260e-01	2.612129318099994713e+00	1.171799316797829782e+00	1.085072636057884621e+00	9.463861023983399789e-02
+4.058767043920196826e+00	7.095671728991746363e+00	2.700297896325542180e+00	1.613772848781617197e-01	2.851637748082545443e+00	8.849171780970555012e-01	6.469348385074413343e+00	2.409711450205083150e+00	1.227804052323222539e+00	7.245949939817655228e-01
+2.952642653678108964e+00	1.886946931087596369e+00	2.473081195542755850e+00	5.362099416315594391e-01	1.419640415165426717e+00	1.903766283029795225e-02	6.887126590983250196e+00	5.688537003635961709e-01	3.423639520476965625e+00	4.938406145277395298e-01
+4.737499561105624757e+00	9.968754726664579291e-01	3.774680347781333989e+00	4.881731108025820776e-01	2.226755900717518610e+00	1.171985346633335423e+00	6.671227239296362299e+00	7.695013938605947956e-01	1.042858080409883925e+00	8.496226110071675164e-01
+5.325414666879468850e-01	7.018918782479677709e+00	1.608471156325481655e+00	5.862836927685144417e-01	2.672078926166417290e+00	4.874633009746880408e-01	2.209336683548580815e+00	1.743210228627345870e+00	7.300458180698917943e+00	3.180482670802708967e-01
+4.057375329048528378e+00	3.890521688612440965e+00	1.762635121494908752e+00	4.315974671518035821e-01	5.740273295456138625e-01	1.149928423510549580e+00	6.645380061650246084e+00	1.716175648811826715e+00	1.817203695888137016e+00	2.279386936010485698e-04
+4.819371354809093511e+00	1.986334992808725719e+00	4.583363789373673391e-01	3.992089559255137532e-01	1.511460483775759922e+00	1.660344970547767085e+00	4.073543600444102353e+00	1.064209283618703594e+00	3.163140007477470483e+00	6.883692634412575950e-01
+4.822861817330296397e+00	1.286480435582614712e+00	9.370740372064094714e-01	9.673040603625950862e-01	1.291594883259390425e+00	1.038459954771715044e+00	6.225515359923287306e+00	2.457650031437864868e+00	1.095606761972162424e+01	7.337655625192263109e-01
+1.388473219412195148e+00	3.816243179861769086e+00	1.442597880348657213e-01	7.222240964942758801e-01	4.062612762646490516e+00	2.874594600573110448e-02	4.710301168894129198e+00	2.970156004203755362e+00	1.950104669992388517e-01	1.213572941978990904e-03
+2.095978035147009866e+00	6.873067538223646133e-01	1.319090499678944095e+00	6.916304149708443205e-01	7.253452473503479991e-01	1.948495719716487162e+00	1.265245191334455122e+00	2.196421971177734633e+00	5.301304620523421995e+00	1.584176397116228152e-01
+2.979233187060020605e+00	4.956587004286280518e+00	1.688392721619113690e+00	7.532059070534440348e-01	1.887662047040422619e-01	2.805001211605031575e-01	9.824130470675018767e-02	2.962504536056278504e+00	1.072663709115177610e+01	5.013157111486933326e-01
+2.788962486475272673e+00	5.115971710107624304e+00	5.660005924878737105e-01	5.560222984350132736e-01	4.858087680745722281e+00	7.725785191495309068e-01	5.845998556520539680e+00	9.987118052417467418e-01	2.295433607375663598e+00	1.326889295282640546e-01
+4.557887825045138008e+00	2.247326501433015267e+00	1.308921194395065601e+00	9.753282383497733354e-01	1.730029373381708480e+00	5.701790289472219442e-01	6.352823959792196495e-01	1.147755410972870260e+00	5.520736993109069957e+00	9.774412642381167249e-01
+2.045438792050340293e+00	7.561046060398181723e+00	3.522811502396113070e+00	6.976548466048726471e-01	1.767378331045376783e+00	1.924976381949984106e+00	1.266202415138989235e+00	2.046343295450062438e+00	2.076108124751949724e+00	9.755719638581734632e-01
+4.868031211031395245e+00	4.182997028123785377e+00	3.669697829412847945e+00	8.683837530035829477e-01	4.809874760362171209e+00	7.146311160463343359e-01	4.140379287730196367e+00	1.871204810554052189e+00	2.927063933787202199e+00	1.781360315397091387e-01
+1.447543209935399089e+00	3.894063908911108207e+00	7.167099377268382199e-01	4.816816841673178251e-01	9.437790189709754918e-01	7.136790168415698687e-01	7.984261778454281311e-01	1.267997907136523494e+00	9.241262771031886203e+00	2.264187036508533701e-01
+4.492110383454359201e+00	8.423313033097198144e+00	2.601809612520743276e+00	1.877570508378717529e-01	4.720029746759013101e+00	1.700776811458877491e+00	4.379722879784793577e+00	1.286338778406133088e+00	4.897457407195897616e+00	1.463406370506259435e-02
+3.397516181353549269e-01	5.474743776680605079e-01	2.792881561416644676e+00	8.613177248107457551e-01	3.084547950087940915e+00	4.295939916996971419e-01	5.853057398141740642e+00	2.886701648573187562e+00	6.513812374119662962e+00	3.683927726861278007e-01
+3.123566792546268012e+00	3.586380650299095585e+00	8.986175900527371141e-02	8.341062939442902557e-01	1.688951864196345243e+00	1.079977094532845516e+00	2.714109110128215541e+00	2.839337530931991704e+00	1.218807949172431293e+00	7.915582761215033125e-01
+3.141700155842215736e+00	1.204667402016855737e+00	1.916351797648172095e+00	1.536958008100480777e-01	3.425634957816583004e+00	5.173225973429682600e-01	5.259306090770171416e+00	1.917625582619049140e+00	1.075917707540842727e+01	7.474619317582414935e-01
+1.334327177064201120e+00	1.275405518944317640e+00	2.568022248402845875e-02	8.801880626520913742e-01	4.297141956880407010e-01	6.992528373701238920e-01	6.553594825126268120e+00	2.898861772480366694e-01	5.921191598075131957e+00	7.429605987984524429e-01
+2.771024127637877310e+00	2.706234632094140391e+00	3.850437535134872746e+00	7.057112116190219497e-01	2.533276847739223125e+00	1.771636964438744632e+00	3.080408803160064934e+00	2.070444129927007104e+00	1.189083402543695822e-01	8.109099497493107433e-01
+4.429566490061738193e+00	3.870904287199198102e+00	3.908477669001917398e-01	9.583973851447378234e-01	3.595638219458183737e+00	1.789184903519657199e+00	4.609156216292533692e-01	5.237161367552056745e-02	1.898196986141101217e+00	4.720040556194841086e-01
+6.236410129144742687e-01	5.677002709722877682e+00	3.495932245976291153e+00	1.724677152701515892e-01	4.797077834826430021e+00	1.896003719678501565e+00	6.666830956711757850e+00	1.917567880520230972e+00	5.078350320183913524e+00	1.619340143708598578e-01
+3.981295223585228360e+00	4.293445223367310604e+00	3.800375528545455239e+00	7.832850811253453394e-01	1.697773609172191778e+00	1.107703012941383403e-01	5.882009120179721329e+00	2.377183558175493872e+00	1.016804229228126033e+01	7.498926347264457393e-01
+2.600915763215731591e+00	2.624416429045383747e+00	8.727133245527625149e-01	8.321007865109071311e-01	3.120145967108394647e+00	1.706568507429746751e+00	6.924345627676093073e+00	6.502709038408825970e-01	3.057969519658665369e-02	1.561628673971688919e-01
+2.990086920642259782e-01	7.612290167957059595e+00	1.048504608494758017e+00	4.243228873493485320e-01	4.221314528605337735e+00	9.278772379775166446e-01	2.349514943790474764e+00	5.255177442909533259e-01	2.143073036231040618e+00	6.074576627365183557e-01
+3.899808502523676168e+00	7.299461473479367690e+00	1.095057277835178589e-01	4.079961930720432672e-02	1.621607684387396553e+00	5.256243374272819846e-01	1.486732148961382727e+00	8.027452089786548672e-01	5.594994509646422642e+00	2.574106532041128270e-01
+3.023696564487597271e+00	7.074713638764114521e+00	1.522391750286943957e+00	6.952922812547067677e-01	7.386888415687059561e-01	1.904294326226209977e+00	4.712216395755660869e+00	6.501349564540930270e-01	9.969785446062145340e+00	7.550945275312674898e-01
+1.543379307984599214e+00	6.829479885114219329e+00	3.204292732322415738e-01	2.897902351539538568e-01	1.968018159493589270e+00	1.312508995789594346e+00	2.708863147028642615e+00	1.956603963514276678e+00	3.858471150102140257e+00	7.226613324983187647e-01
+2.530459391858276952e+00	2.304294321666098710e+00	1.613466033140124711e+00	6.299550659672248365e-02	2.557517824305648446e+00	1.403315613527134742e+00	4.690924014732587466e+00	1.213893307285142553e+00	5.916330575871066699e+00	7.792844130394782631e-02
+1.928958533970001055e+00	7.096037593440583713e+00	3.299214390196449909e+00	4.754507764571461736e-01	4.595032873457040701e+00	6.269257509934247352e-01	2.676009205554832349e-01	7.111427300413641905e-02	2.311387519441321370e+00	7.607719658377676275e-01
+3.049750470993188411e+00	8.335532589038272988e+00	1.373761433026730483e+00	5.780521456251697110e-01	4.958750575379713865e+00	7.704485760265957772e-01	5.295783844382295769e+00	3.106174373836714242e-01	9.119442286621413984e+00	1.454365312917409447e-01
+1.446643143411851629e+00	1.641242803584559207e+00	2.373684364313463746e+00	8.733542221566478192e-01	8.350946657808716589e-01	1.827085120550399511e+00	1.796517849664760247e+00	1.705076201114264389e+00	8.296752770476137684e+00	7.700551493773489797e-01
+3.366516415093608217e+00	5.615004677240882813e+00	3.229775535441422818e+00	3.310459399464378283e-01	1.088020205681265562e+00	1.380181017003498711e+00	4.110524683994838391e+00	2.481465439558942165e+00	1.115804813826559716e-02	1.616539324263285282e-01
+5.339002830872147110e-01	3.839053681064814594e+00	2.333489534725208259e+00	8.432771114289439041e-02	2.102522728545276109e+00	1.709023161576461725e+00	6.917442654625217680e-01	3.462567460748395831e-01	3.782775783847899476e+00	1.071179999213418554e-01
+4.038277759901608199e+00	6.782157613841707011e+00	3.464511868539065453e+00	3.371376637740397531e-02	7.730806184225119670e-01	7.252544893421604133e-01	6.872132022199162193e-01	2.814389010091199683e+00	3.447296041223141039e+00	1.893497025003773038e-01
+2.731398993279879228e+00	3.676456867956779728e+00	6.413375855037339868e-01	6.707794732330785159e-01	7.635992572959304781e-01	6.062167860722607049e-01	2.063055943432477779e+00	7.336308576363859135e-02	7.472848003733477462e+00	1.287928899982984099e-01
+1.453840364993632228e+00	9.062482719258549979e-01	6.882205879952656424e-01	2.182327096949714385e-01	2.024410040526736232e-01	1.295642963260670966e+00	1.330150396283942271e-01	1.736145709990954078e+00	6.112044371929087561e+00	7.027845512380351822e-01
+1.210119312939017533e+00	7.630467468868430414e-01	6.359188990088751048e-01	9.883815275234506537e-01	5.934758597976730332e-01	1.831489821220492642e+00	1.310176158219893416e+00	1.258981371172946284e+00	9.653015748557789877e+00	5.710674551489269835e-01
+2.041872616241314109e+00	1.223997932765245711e+00	3.592523080817271008e+00	4.957374306008986986e-01	3.949335508277540985e+00	6.291860827029358560e-01	3.113717329409727341e+00	1.389609354520767059e+00	4.805115070835719315e+00	1.445284193078527624e-01
+3.575248649915818255e+00	8.905544750152357025e+00	2.966905439089235763e-01	4.679521298887630021e-01	3.547669603089278034e+00	1.578738230960443634e-01	6.270181915307466269e+00	7.487332787197820139e-01	7.886412615362010214e+00	8.133212834800832569e-01
+3.898698540050224981e+00	5.123757154565923067e+00	1.178107462557977492e+00	5.520746813096077954e-01	4.592951289518920621e-02	1.171909103767588389e+00	2.927267136454773322e+00	2.552935710110848078e+00	8.342615367499133683e+00	8.906236190999595737e-01
+2.108021535094918519e+00	5.560002888746932825e+00	7.214745149145316283e-01	6.765900158851164692e-01	1.023718975037019030e+00	5.744441677430218718e-01	2.485628740508086798e-01	2.832571092367738075e+00	7.596538198565406574e+00	5.914159707314822212e-01
+4.869067486253129573e+00	2.921814738200520623e+00	1.610700494896931900e+00	9.811040652599956058e-01	1.628599890640177072e+00	3.374886126447058654e-01	6.583180705038420122e+00	1.022109354202180187e+00	2.448534262177565424e+00	4.087328272831077802e-01
+2.420585719788033607e+00	4.954656265767008350e+00	2.231237042402161030e+00	9.790433090249440751e-01	3.332677810332588031e+00	6.561609460180721776e-01	8.270420803686340250e-03	3.528899693185899578e-01	2.741096663606271022e+00	1.378071713616224603e-01
+2.754906745122323031e+00	9.676710641503563082e-01	3.754240456912557367e+00	5.250193878563741423e-01	4.142397075465397371e+00	1.381722150840025476e+00	1.687280922291270358e+00	1.067933655487581790e-01	4.015412949008595467e-01	2.082096208576281748e-01
+4.888597998415178836e+00	3.014616594535894478e+00	2.837447468287521257e+00	8.929321846889970438e-02	1.593208978592462355e+00	1.432010333523069168e+00	1.362472022175857500e+00	2.023735351705774121e+00	8.040906539490745075e+00	5.333388283334727920e-02
+4.672702450324211831e+00	4.692525988250669577e+00	8.114199473892678149e-01	6.638642607029177078e-03	4.763672448857547703e-01	4.352861108378174304e-01	2.409652310337002223e+00	2.792543818597630345e+00	1.519095639879380233e+00	9.479421782536426866e-01
+1.390626568565362930e+00	5.795403282043417370e+00	5.780808828259962340e-01	6.537836869813318241e-01	4.342143903361439072e+00	1.328515786636720097e+00	5.020182370459501664e-01	7.291349036975974807e-01	8.463574453670117848e+00	2.741521287108358296e-01
+4.274877195091104198e+00	7.028513230726042060e+00	9.529844002173715189e-01	7.084183854011977255e-01	3.053184380355488781e+00	1.621308385572049371e+00	5.106963486979936295e-01	1.138778733677962673e+00	1.513533548987051613e+00	4.128356930393282109e-01
+3.624662754171856349e+00	2.618325768156440247e+00	8.047122068257333005e-01	5.662174560363387732e-01	2.262254632401385024e+00	2.208252441574161118e-01	3.245715851864902746e+00	2.088639737645078043e+00	6.869899939030401192e+00	3.833214771865146586e-01
+3.575490259832633022e+00	6.910866830500633995e+00	1.717562694591180605e+00	1.419119188604517356e-01	2.158793574868946408e+00	1.330907174346497746e+00	1.533175421100802627e+00	2.256864015809196822e+00	6.590486673228634018e+00	3.476457046878822510e-01
+2.763065587192560457e+00	3.755485876415471047e+00	2.937747270412279121e+00	6.776105276205796057e-01	1.102731743682296539e+00	1.671531786654884888e+00	3.194714296103120077e+00	1.832857589884217653e+00	5.267733310304743455e+00	9.498442020616374437e-01
+2.180692874176391349e+00	4.999495552064338710e+00	1.702888717024749976e+00	6.344642518347354265e-02	4.735873322905289839e+00	1.719599405515690238e+00	5.875922789677373359e+00	2.656004507669272208e+00	2.799792892846766357e+00	9.027899878643840248e-01
+1.498261411619749683e+00	1.440449178719120038e+00	3.793107505633872112e+00	5.092674831952860304e-01	1.034353051067818274e+00	1.569113426588875537e+00	3.771789988063644294e+00	1.328199351063930056e+00	6.225317682380070217e+00	7.271156352129748424e-02
+4.315942201307298998e-01	7.981247257459226141e+00	1.336073327630646901e+00	6.032379115696278049e-01	1.219125442838360662e+00	1.456458998083272505e+00	4.742675091300004864e-01	2.983575448822485932e+00	2.556602655333460650e+00	3.088219887595959889e-01
+4.976840216515537207e+00	5.358430906005960281e+00	6.245523297173987132e-01	2.545868317479035303e-01	9.742520666157300502e-01	1.182300247768848678e+00	4.654689808343711599e-01	2.709837605689326967e+00	5.452250849671616884e+00	6.515934524029750596e-01
+3.027576266208495070e+00	7.465991597741851393e+00	1.312320289625385605e+00	1.808157433154811145e-01	1.175791304316830654e+00	1.202757075039505796e+00	4.623859408182577901e+00	2.068219070878894339e+00	3.538760796420987731e+00	3.191906695569177721e-01
+3.186056897890198414e+00	7.744541371714031008e-01	7.520333736299331662e-01	2.346946453265875698e-01	1.939963125002858169e-01	1.102878394022341890e-01	2.892927495768838675e+00	2.226458507448537905e+00	8.040128531690038827e+00	2.426324783043983802e-01
+3.010003224219015117e+00	3.421867958770924645e+00	5.220586116504088992e-01	7.415249008538514763e-01	7.940706222571397577e-01	7.440532342345227423e-01	2.342240626863175024e+00	2.838160438547582931e+00	6.965119358930052407e+00	7.994713698433695281e-01
+1.073150862609050904e+00	5.708596454024827516e+00	2.122872605431856297e+00	3.879631915218560989e-01	2.315027253640028482e-01	9.412461989804450369e-01	1.359498791221620095e+00	2.799047819563208250e+00	6.092966540584811241e+00	6.446687874293053344e-01
+3.458319946541093426e+00	8.965823126867210391e+00	3.472581333838808959e-01	6.522372110328005235e-01	4.295269312487254298e-01	1.454437017783624775e+00	1.026918893392381404e+00	2.262804025523970530e+00	9.073155138943480580e+00	5.447998210661599838e-01
+1.800815055028895939e+00	8.579365052829048821e+00	2.541477396290954260e-01	2.397851878036376672e-01	2.759387911051200515e+00	2.947509094624349846e-01	9.515331736896013304e-01	1.743545886323498051e+00	2.156608211313451928e+00	4.566652586160673266e-01
+4.296243379948193386e+00	4.589758336708962716e+00	3.455005162367942528e+00	4.939154835666571541e-01	3.524083380370812701e-01	1.332555812949300478e+00	6.993865493780931253e+00	8.776996462395436627e-02	7.306362098970477170e+00	9.464560745296662914e-01
+4.270913173204858637e+00	4.311969821782867029e+00	1.235273021108498348e+00	1.363559640515099591e-01	4.297344674974395984e-01	5.399230520058395655e-01	4.519230441177060520e+00	2.223130570132609840e+00	2.003741389920957516e+00	3.000032742213165626e-03
+9.696108658633073585e-01	3.029563706398431311e+00	3.435820656827302866e+00	2.808855835523164091e-01	4.964076077685161792e+00	7.870171799195373463e-01	5.160598369656576700e+00	1.615991618531589236e-01	4.168851015871288368e+00	7.207503227396369061e-01
+9.857942554944587599e-01	2.241766796766214931e+00	1.094309073772436580e+00	6.171782099877928252e-01	2.164628407777784425e+00	2.967518925643408689e-01	6.897409292902939804e+00	9.171811935351321665e-01	5.578640625010033105e+00	4.324319825361930825e-01
+1.359323138290471800e+00	4.701967131801875199e-01	9.050689110105434310e-01	2.965795773291597381e-01	4.828973782133643589e+00	1.476756345192362208e+00	7.663619972606046105e-01	2.684843417506681096e+00	1.573201667699820838e+00	9.645271733524597435e-01
+6.432401347291311078e-01	4.025095134154975440e+00	3.309291976114321798e+00	3.338009834108435214e-02	3.084159326974440951e+00	7.597149110462917410e-01	1.345625764516446221e+00	1.543092560770717991e-01	5.232739162356885299e-01	5.344642145090121588e-01
+1.893475424698252141e+00	4.846915016695094280e+00	1.017577622922591463e+00	1.454379078590283259e-01	3.217212279193671698e+00	1.534170379797259010e+00	1.500675184724801436e+00	2.195608560978177248e+00	7.840082621731490065e+00	9.423202685727883887e-01
+4.916089799921347314e+00	3.077404880415298694e-01	3.341398797528096321e+00	5.790895913656423089e-01	2.109983576554563811e-01	1.849697544503176694e+00	4.269817133289845579e+00	2.772678110702025744e+00	1.597462715869091276e+00	2.066184857660853247e-01
+1.781292690950635027e+00	6.637468747977988137e+00	1.464153733648121847e+00	2.712309115523448000e-02	3.857947122149120389e+00	1.296349898299295811e+00	4.044166349775594860e+00	1.645944211560824044e+00	3.273391468292933260e-01	8.630632196811667267e-01
+8.171982958624174342e-01	8.696289780825402715e+00	3.455462363279165672e+00	8.945385963649863381e-01	2.164679436470390295e-01	8.639775191003977728e-01	9.436930182918934484e-02	2.039374760416071020e+00	7.722056720400328089e+00	7.888445971939340717e-01
+2.023302408059274970e+00	1.310618978377030786e+00	3.155456554057674889e+00	5.010819036675714377e-01	4.538509162145537346e+00	3.704064878007766737e-01	4.328283814895621973e+00	2.633257692097203950e-01	2.643788071556784747e+00	2.432016064719373372e-01
+8.102427541700596425e-01	4.125234289775202789e+00	1.517297146146757925e+00	7.389238601698774334e-01	4.067571276286313653e-01	1.735885673249011996e+00	2.664598954585144064e+00	2.602674375990287281e+00	3.116895494600373961e+00	1.762468820849705242e-01
+2.621132195703196111e+00	8.425316661290198184e+00	4.994480734649351383e-01	2.844736464195067871e-01	2.275884645154663488e+00	1.142221825149852377e+00	1.212554029681834233e+00	9.240986804861089920e-01	2.170291307332780084e-01	6.849869128634944460e-03
+1.174342088277471774e+00	5.577399746499002831e+00	3.951771200670569417e+00	5.006730198987506819e-01	3.596816929922009187e+00	4.994925384211443831e-01	4.413151350909869208e+00	1.418601174288871114e+00	4.839712146933547565e+00	9.760601828982439221e-01
+1.878213562249231749e+00	4.684555617152866169e+00	3.889299363513806895e+00	2.336972704101780707e-02	4.196904367361877775e+00	1.636484945202322683e+00	6.120210824336769662e+00	1.961635110777701918e+00	9.569470113865142125e+00	2.306199899979174406e-01
+3.431803129291879362e+00	4.012460279071989433e+00	3.786995576138590280e+00	3.401138113223747261e-01	3.171776225702972241e+00	5.533791211625698203e-01	4.380475363051796300e+00	2.758179724465671612e+00	8.238428864941681695e+00	1.611340397700082860e-01
+2.349694539920080150e+00	3.425362999949447929e+00	7.467879539582895632e-01	1.309946362139290388e-01	5.805916871698890702e-01	1.657140208444111584e+00	2.281415527558649625e+00	1.158152241249966297e+00	4.945420862933350925e+00	7.787419149878671565e-02
+2.871323242818877297e+00	6.534521291113140506e+00	3.096514924644943711e+00	6.667111185354958058e-01	4.581752374807475547e+00	4.565652293776831794e-01	6.933935392164753964e+00	7.018283743141698894e-01	4.265168364923495936e+00	6.901545552296244335e-01
+4.035690704229409675e+00	8.932606707872219332e+00	2.440117375879147676e+00	1.749555891357814641e-01	3.388836934377787546e+00	1.096540733110390020e+00	4.167898589768252116e+00	1.510982178698893286e+00	9.444730460473605760e+00	1.685190174932924556e-01
+1.895368854776446899e-01	8.111771833719306768e-01	1.496918109897968030e+00	8.739513189132178672e-01	3.271337369168346054e+00	7.030233822128264531e-01	6.401423581208871560e+00	1.029249503237427366e+00	2.009554833626514103e+00	6.565754492988090663e-01
+1.951751457247066224e+00	5.044712160044664273e+00	3.421432883480826970e+00	8.109581787816579901e-01	1.128731846702503816e+00	1.209060606591956688e+00	5.696978360178965417e+00	1.330520244258292406e+00	2.811362781860978100e+00	4.875439923021647193e-01
+7.946496095974958651e-01	7.959850102243462011e+00	8.886633323027690601e-01	8.912678301211978127e-01	1.506339073727302580e+00	1.772468056111744072e+00	5.209003007333696367e+00	1.910008906957938679e+00	6.469615179120823401e-01	4.738444478905338153e-01
+2.923037361500433029e+00	8.570876002749072242e+00	2.708321601975356430e+00	3.282691449572501252e-01	1.618103487581618039e+00	7.910655433987572316e-01	4.227704764846127006e+00	1.475926172111246215e+00	4.356475937759435091e+00	6.465232347181339989e-01
+2.522665440307211071e+00	1.963912550509897548e-01	1.722541801969912356e-02	7.082969529076817983e-01	4.976037482905154796e+00	2.468844590379837278e-02	6.706997326725380404e+00	1.309674497144936556e+00	9.860787708680341268e+00	8.357747879146570913e-02
+4.255818572678702338e+00	6.744878797873571585e+00	1.760033311394217925e+00	3.676055726983046279e-01	4.092141947481376718e+00	1.612470654985766583e+00	5.778498425542084149e+00	1.079514954339773070e+00	5.568696898336217060e+00	8.545812171197980645e-01
+2.446430878144840282e+00	5.234567351584125561e+00	5.715867278950135244e-01	7.003532329827356628e-01	4.568505639054738054e+00	1.943174193938479233e+00	5.764774523003604934e+00	1.937713945979894881e+00	6.298501537697791086e+00	9.026276578818063223e-01
+1.273163398740040364e+00	4.162415703791141119e+00	3.455865592048522394e+00	3.656764736071405064e-02	1.954721520949571190e+00	2.734474567634836983e-01	8.281588142887611470e-01	4.484584054747960957e-01	7.652386767723299954e+00	6.708336181638869800e-01
+3.272573882698126546e-01	2.771858331744477821e-01	3.650874191969583293e+00	8.313793690203402642e-01	4.721314279438468375e+00	1.073305358961462286e+00	5.882774132732964567e+00	2.199287336285580263e+00	3.798152586004966969e-01	5.333129895506141249e-01
+2.307814819672060480e+00	4.104095493932964800e+00	2.489576320635186413e+00	4.496836765063628727e-01	4.578631912903595946e+00	1.329946843468508222e+00	1.683934112573501896e-01	7.002919109156724442e-02	2.471193668340454508e+00	5.351430311502515247e-01
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pickle_blacklist
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/pickle_blacklist	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,4 @@
+cos
+system
+(S'ls ~'
+tR.
\ No newline at end of file
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pipeline01
Binary file test-data/pipeline01 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pipeline02
Binary file test-data/pipeline02 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pipeline03
Binary file test-data/pipeline03 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pipeline04
Binary file test-data/pipeline04 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pipeline05
Binary file test-data/pipeline05 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pipeline06
Binary file test-data/pipeline06 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pipeline07
Binary file test-data/pipeline07 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pipeline08
Binary file test-data/pipeline08 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pipeline09
Binary file test-data/pipeline09 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pipeline10
Binary file test-data/pipeline10 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pipeline11
Binary file test-data/pipeline11 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pipeline12
Binary file test-data/pipeline12 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pipeline14
Binary file test-data/pipeline14 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pipeline15
Binary file test-data/pipeline15 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pipeline16
Binary file test-data/pipeline16 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pipeline17
Binary file test-data/pipeline17 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pipeline_params05.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/pipeline_params05.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,18 @@
+	Parameter	Value
+@	bootstrap	bootstrap: True
+@	criterion	criterion: 'mse'
+@	max_depth	max_depth: None
+@	max_features	max_features: 'auto'
+@	max_leaf_nodes	max_leaf_nodes: None
+@	min_impurity_decrease	min_impurity_decrease: 0.0
+@	min_impurity_split	min_impurity_split: None
+@	min_samples_leaf	min_samples_leaf: 1
+@	min_samples_split	min_samples_split: 2
+@	min_weight_fraction_leaf	min_weight_fraction_leaf: 0.0
+@	n_estimators	n_estimators: 100
+*	n_jobs	n_jobs: 1
+@	oob_score	oob_score: False
+@	random_state	random_state: 42
+@	verbose	verbose: 0
+@	warm_start	warm_start: False
+	Note:	@, params eligible for search in searchcv tool.
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pipeline_params18
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/pipeline_params18	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,89 @@
+	Parameter	Value
+*	memory	memory: None
+@	powertransformer	powertransformer: PowerTransformer(copy=True, method='yeo-johnson', standardize=True)
+*	steps	"steps: [('powertransformer', PowerTransformer(copy=True, method='yeo-johnson', standardize=True)), ('transformedtargetregressor', TransformedTargetRegressor(check_inverse=True, func=None, inverse_func=None,
+                           regressor=RandomForestRegressor(bootstrap=True,
+                                                           criterion='mse',
+                                                           max_depth=None,
+                                                           max_features='auto',
+                                                           max_leaf_nodes=None,
+                                                           min_impurity_decrease=0.0,
+                                                           min_impurity_split=None,
+                                                           min_samples_leaf=1,
+                                                           min_samples_split=2,
+                                                           min_weight_fraction_leaf=0.0,
+                                                           n_estimators='warn',
+                                                           n_jobs=1,
+                                                           oob_score=False,
+                                                           random_state=10,
+                                                           verbose=0,
+                                                           warm_start=False),
+                           transformer=QuantileTransformer(copy=True,
+                                                           ignore_implicit_zeros=False,
+                                                           n_quantiles=1000,
+                                                           output_distribution='uniform',
+                                                           random_state=10,
+                                                           subsample=100000)))]"
+@	transformedtargetregressor	"transformedtargetregressor: TransformedTargetRegressor(check_inverse=True, func=None, inverse_func=None,
+                           regressor=RandomForestRegressor(bootstrap=True,
+                                                           criterion='mse',
+                                                           max_depth=None,
+                                                           max_features='auto',
+                                                           max_leaf_nodes=None,
+                                                           min_impurity_decrease=0.0,
+                                                           min_impurity_split=None,
+                                                           min_samples_leaf=1,
+                                                           min_samples_split=2,
+                                                           min_weight_fraction_leaf=0.0,
+                                                           n_estimators='warn',
+                                                           n_jobs=1,
+                                                           oob_score=False,
+                                                           random_state=10,
+                                                           verbose=0,
+                                                           warm_start=False),
+                           transformer=QuantileTransformer(copy=True,
+                                                           ignore_implicit_zeros=False,
+                                                           n_quantiles=1000,
+                                                           output_distribution='uniform',
+                                                           random_state=10,
+                                                           subsample=100000))"
+@	verbose	verbose: False
+@	powertransformer__copy	powertransformer__copy: True
+@	powertransformer__method	powertransformer__method: 'yeo-johnson'
+@	powertransformer__standardize	powertransformer__standardize: True
+@	transformedtargetregressor__check_inverse	transformedtargetregressor__check_inverse: True
+@	transformedtargetregressor__func	transformedtargetregressor__func: None
+@	transformedtargetregressor__inverse_func	transformedtargetregressor__inverse_func: None
+@	transformedtargetregressor__regressor	"transformedtargetregressor__regressor: RandomForestRegressor(bootstrap=True, criterion='mse', max_depth=None,
+                      max_features='auto', max_leaf_nodes=None,
+                      min_impurity_decrease=0.0, min_impurity_split=None,
+                      min_samples_leaf=1, min_samples_split=2,
+                      min_weight_fraction_leaf=0.0, n_estimators='warn',
+                      n_jobs=1, oob_score=False, random_state=10, verbose=0,
+                      warm_start=False)"
+@	transformedtargetregressor__regressor__bootstrap	transformedtargetregressor__regressor__bootstrap: True
+@	transformedtargetregressor__regressor__criterion	transformedtargetregressor__regressor__criterion: 'mse'
+@	transformedtargetregressor__regressor__max_depth	transformedtargetregressor__regressor__max_depth: None
+@	transformedtargetregressor__regressor__max_features	transformedtargetregressor__regressor__max_features: 'auto'
+@	transformedtargetregressor__regressor__max_leaf_nodes	transformedtargetregressor__regressor__max_leaf_nodes: None
+@	transformedtargetregressor__regressor__min_impurity_decrease	transformedtargetregressor__regressor__min_impurity_decrease: 0.0
+@	transformedtargetregressor__regressor__min_impurity_split	transformedtargetregressor__regressor__min_impurity_split: None
+@	transformedtargetregressor__regressor__min_samples_leaf	transformedtargetregressor__regressor__min_samples_leaf: 1
+@	transformedtargetregressor__regressor__min_samples_split	transformedtargetregressor__regressor__min_samples_split: 2
+@	transformedtargetregressor__regressor__min_weight_fraction_leaf	transformedtargetregressor__regressor__min_weight_fraction_leaf: 0.0
+@	transformedtargetregressor__regressor__n_estimators	transformedtargetregressor__regressor__n_estimators: 'warn'
+*	transformedtargetregressor__regressor__n_jobs	transformedtargetregressor__regressor__n_jobs: 1
+@	transformedtargetregressor__regressor__oob_score	transformedtargetregressor__regressor__oob_score: False
+@	transformedtargetregressor__regressor__random_state	transformedtargetregressor__regressor__random_state: 10
+@	transformedtargetregressor__regressor__verbose	transformedtargetregressor__regressor__verbose: 0
+@	transformedtargetregressor__regressor__warm_start	transformedtargetregressor__regressor__warm_start: False
+@	transformedtargetregressor__transformer	"transformedtargetregressor__transformer: QuantileTransformer(copy=True, ignore_implicit_zeros=False, n_quantiles=1000,
+                    output_distribution='uniform', random_state=10,
+                    subsample=100000)"
+@	transformedtargetregressor__transformer__copy	transformedtargetregressor__transformer__copy: True
+@	transformedtargetregressor__transformer__ignore_implicit_zeros	transformedtargetregressor__transformer__ignore_implicit_zeros: False
+@	transformedtargetregressor__transformer__n_quantiles	transformedtargetregressor__transformer__n_quantiles: 1000
+@	transformedtargetregressor__transformer__output_distribution	transformedtargetregressor__transformer__output_distribution: 'uniform'
+@	transformedtargetregressor__transformer__random_state	transformedtargetregressor__transformer__random_state: 10
+@	transformedtargetregressor__transformer__subsample	transformedtargetregressor__transformer__subsample: 100000
+	Note:	@, params eligible for search in searchcv tool.
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/precision_recall_curve.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/precision_recall_curve.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+precision_recall_curve : 
+(array([1., 1.]), array([1., 0.]), array([1]))
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/precision_recall_fscore_support.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/precision_recall_fscore_support.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+precision_recall_fscore_support : 
+(0.8461538461538461, 0.8461538461538461, 0.8461538461538461, None)
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/precision_score.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/precision_score.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+precision_score : 
+0.8461538461538461
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/predicted_header.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/predicted_header.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,35 @@
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+1
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/prp_model01
Binary file test-data/prp_model01 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/prp_model02
Binary file test-data/prp_model02 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/prp_model03
Binary file test-data/prp_model03 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/prp_model04
Binary file test-data/prp_model04 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/prp_model05
Binary file test-data/prp_model05 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/prp_model06
Binary file test-data/prp_model06 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/prp_model07
Binary file test-data/prp_model07 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/prp_model08
Binary file test-data/prp_model08 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/prp_model09
Binary file test-data/prp_model09 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/prp_result01
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/prp_result01	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,15 @@
+0.34079224150348947	-0.3921227933085925	0.2490507280911941	-0.7698156258582727	-0.1701382209728926
+-0.8620757555306106	-0.19048588419219253	0.24710543975009408	0.7422931346186274	-0.6790706051909926
+-0.44857543757211044	0.19920312300180737	-0.812112096739406	0.2785593090771274	0.04069143168750737
+1.3342816328356895	1.6641608262566074	-3.000113357933606	-0.6701123839490727	-0.07045038775469255
+0.7615267260378895	0.9176274108888074	-1.954493327131406	-0.5675301168878727	0.10063563654750733
+0.3517077819346894	0.6351202511326074	-1.518915029366606	-0.30971697444707263	0.09957030020130735
+-1.1546995581165105	-0.5289323469785927	0.7279548225941941	0.8261855855227276	-0.6127421735668926
+-0.17683671467671042	-1.5830256329757926	1.8352445249339941	-1.0553955128494728	0.23777966502290743
+-0.04589044764567053	0.4089694362054475	-1.1558632189207658	-0.02446696726223259	0.07501752707814739
+-2.322599763463111	-1.5464662131621925	2.233148890877594	1.4052188634961276	-0.5115354482934926
+0.3359621667503495	-0.16218071845273258	-0.03556840603494589	-0.5958346262657126	-0.28461208654203257
+0.09817425011268949	-0.29803272230839256	0.18230400872239416	-0.42567750847007263	-0.2990016986016926
+0.6939725287059254	-0.046625817910626616	-0.25306728129413986	-0.9172273915573068	-0.2192857084889266
+-1.8560091420543106	-0.8903352997473926	0.8320084501263939	1.0765172991949272	0.09558502193530742
+0.7235684795430894	-0.41357463008399253	0.19661484068979412	-1.2196980959976726	-0.029144264696292624
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/prp_result02
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/prp_result02	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,15 @@
+0.5507843815769634	0.3509713593582132	0.5024983733118504	0.21181277111109376	0.0
+0.3861806964013367	0.5069547456108511	0.6109599535763046	0.8290928000628373	0.0
+0.5507375738755746	0.6540163740150353	0.4443100403766963	0.7730482551190299	1.0
+1.0	1.0	0.0	0.517244227590485	1.0
+0.8235586181451755	0.7985651943678985	0.18709221814790866	0.4963213476362478	1.0
+0.7266009913523925	0.7367833962232062	0.2805049676108317	0.5753897601225946	1.0
+0.30103611027291544	0.41809900797558924	0.6996399175984136	0.8344573213929083	0.0
+0.3312417925943893	0.0	0.7545711939364796	0.0	0.0
+0.6381134490835961	0.6925288168071413	0.36342661590035497	0.6700118165314028	1.0
+0.0	0.17251430929709788	1.0	0.9803983325686505	0.0
+0.5767922296995018	0.42657716609772306	0.4660985815769355	0.29991460317209145	0.0
+0.5238014571892052	0.39991387603944323	0.5157872357238816	0.3562801111416092	0.0
+0.6462177807916674	0.4376032758632245	0.4055927537907609	0.18180023195970593	0.0
+0.2038689924106734	0.40279192286335813	0.7842991022590049	1.0	1.0
+0.6081358906411253	0.3153114383337088	0.4611172283355056	0.03134330438976468	0.0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/prp_result03
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/prp_result03	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,15 @@
+1.0	-0.409899987374	-0.649450145317	0.510268556953	-0.229110484125	0.0	0.16801799964920539	0.26620960636548074	-0.2091590750523839	0.09391238455008853	-0.0	0.4217854912522724	-0.33139398846382173	0.14879583720862946	-0.0	0.260374000214897	-0.11690787611726697	0.0	0.05249161393599188	-0.0	0.0
+1.0	-1.10383560019	0.0611191480175	1.0172556528299999	1.79193066057	0.0	1.2184530322468177	-0.06746549143499857	-1.1228830040882731	-1.9779968562091492	-0.0	0.003735550254385074	0.06217379881695535	0.10952127528047438	0.0	1.0348090632145892	1.8228515939442282	0.0	3.2110154922908367	0.0	0.0
+1.0	-0.41009731910999997	0.7310461183329999	0.238276079462	1.60843479815	1.0	0.16817981114120914	-0.29980005327413506	-0.09771638139540752	-0.659614798684549	-0.41009731910999997	0.5344284271297466	0.17419080298230055	1.1758400157792797	0.7310461183329999	0.05677549004378134	0.38325153777343535	0.238276079462	2.5870624998998313	1.60843479815	1.0
+1.0	1.48390157074	2.30714564103	-1.83858336229	0.7709049245659999	1.0	2.2019638716446392	3.423577040650361	-2.7282767392385616	1.1439470284546884	1.48390157074	5.322921008923729	-4.241879589977655	1.7785899363610076	2.30714564103	3.3803887800896018	-1.417372968214475	-1.83858336229	0.59429440272011	0.7709049245659999	1.0
+1.0	0.74006063964	1.38952620136	-0.96404935579	0.702401167325	1.0	0.547689750344366	1.028333649375021	-0.7134549828904773	0.5198194571744222	0.74006063964	1.9307830642659514	-1.3395718392744338	0.9760048258639371	1.38952620136	0.929391160399114	-0.6771493928658102	-0.96404935579	0.49336739985952266	0.702401167325	1.0
+1.0	0.331307031883	1.10808437795	-0.527405721679	0.961279646112	1.0	0.10976434937512317	0.3671161463345349	-0.17473322424758106	0.3184787063629073	0.331307031883	1.2278509886568385	-0.5844100410339456	1.0651789586980116	1.10808437795	0.27815679525974685	-0.5069843854930332	-0.527405721679	0.924058558029212	0.961279646112	1.0
+1.0	-1.4627878344	-0.34365574639300006	1.43177660405	1.8094946798500002	0.0	2.139748248468642	0.5026954450453321	-2.0943853979828857	-2.646906804096103	-0.0	0.11809927202892997	-0.49203825753283764	-0.6218432447980146	-0.0	2.0499842439049503	2.5907921477621754	0.0	3.274270996405455	0.0	0.0
+1.0	-1.33544682955	-2.24827087098	1.6885444678000001	-0.922608257112	0.0	1.7834182345551466	3.0024462066198576	-2.254961356077702	1.2320942718768715	-0.0	5.054721909297167	-3.7963053413091665	2.074273269790536	-0.0	2.851182419737986	-1.5578650684930677	0.0	0.8512059960912424	-0.0	0.0
+1.0	-0.041738424574199996	0.906486336146	-0.13980113811	1.27108242642	1.0	0.001742096085936182	-0.03783531156877273	0.005835079258391552	-0.05305297798272229	-0.041738424574199996	0.821717477619399	-0.12672782147437484	1.1522188516650336	0.906486336146	0.019544358216851295	-0.17769876984513633	-0.13980113811	1.6156505347537549	1.27108242642	1.0
+1.0	-2.7318947650200003	-1.46239633785	2.83576394706	2.28732123255	0.0	7.463249007143682	3.9951128997568346	-7.747008681805666	-6.24872090112244	-0.0	2.1386030489570915	-4.147010811187605	-3.344970193967668	-0.0	8.04155716344531	6.486303086610132	0.0	5.231838420874052	0.0	0.0
+1.0	-0.300256196558	-0.305034204892	0.340123288396	0.0593443810367	0.0	0.09015378357147634	0.0915884101809656	-0.1021241249345827	-0.017818518137168244	-0.0	0.09304586615409464	-0.10374923684112626	-0.01810206608433767	-0.0	0.11568385130930857	0.020184406026027626	0.0	0.0035217555606290385	0.0	0.0
+1.0	-0.523654501136	-0.42649659668799994	0.5723853152130001	0.24389111089200002	0.0	0.274214036559993	0.22333686257485638	-0.29973214669543563	-0.1277146780056551	-0.0	0.18189934698644647	-0.2441203889325326	-0.1040187287578936	-0.0	0.3276249490714854	0.1395996903855662	0.0	0.05948287397213385	0.0	0.0
+1.0	-0.007572212655529999	-0.254805682403	0.0572980350837	-0.327374762308	0.0	5.733840450056868e-05	0.0019294428129929542	-0.00043387290639779506	0.002478951318249763	-0.0	0.0649259357848585	-0.014599864929853214	0.08341694971140987	-0.0	0.003283064824452916	-0.018757930616241734	0.0	0.1071742349962195	-0.0	0.0
+1.0	-1.87242461384	-0.413385894664	1.8275030360799998	2.35149919802	1.0	3.5059739345138734	0.7740339241831431	-3.421861666623521	-4.403004977797668	-1.87242461384	0.1708878979071557	-0.755463977571107	-0.9720765997751761	-0.413385894664	3.339767346881617	4.297371923721235	1.8275030360799998	5.529548478288703	2.35149919802	1.0
+1.0	-0.16811770561099998	-0.811895938369	0.316838713275	-0.819986910541	0.0	0.028263562939906853	0.13649408235348612	-0.053266197524534487	0.1378543180312052	-0.0	0.659175014740079	-0.25724006442603264	0.6657440421839824	-0.0	0.10038677022975767	-0.25980359763815297	0.0	0.672378533458574	-0.0	0.0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/prp_result04
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/prp_result04	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,15 @@
+0.0	-0.25385559680817016	0.13442061387070464	-0.5602120769938709	0.0
+-0.5807061112525813	0.2698773982744695	0.5349578561360192	0.571982134735025	0.0
+-0.00016513310878258202	0.7636545174678359	-0.0804627978317235	0.4691871204655464	1.0
+1.584789882498885	1.9253361878040125	-1.7212531850763018	0.0	1.0
+0.9623215057330502	1.248994581161877	-1.0303412425843197	-0.038376040801309956	1.0
+0.6202642404230927	1.0415547572084232	-0.6853777543973235	0.1066485748494791	1.0
+-0.881088095119412	-0.028466436412001278	0.862443663986116	0.5818215588435884	0.0
+-0.7745253270992509	-1.4322841823191093	1.0652991072215634	-0.9487119185155306	0.0
+0.30808862594408043	0.8929646798898123	-0.37915680271103425	0.2802011596461483	1.0
+-1.9431147973567746	-0.8530466232854528	1.97164195151228	0.8495016397748227	0.0
+0.09175320910447847	0.0	0.0	-0.3986186678055577	0.0
+-0.0951931852237634	-0.08952520583418162	0.18349498924288923	-0.2952349539785941	0.0
+0.33667993570408733	0.03702149075186114	-0.22344167716683067	-0.6152600641516485	0.0
+-1.223884424953702	-0.07986181719203675	1.1750811552867684	0.8854543571237001	1.0
+0.20233065722424093	-0.37358807403702804	-0.01839561515890641	-0.8912230866367292	0.0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/prp_result05
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/prp_result05	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,7 @@
+%%MatrixMarket matrix coordinate real general
+%
+3 3 4
+1 1 1.000000000000000e+00
+2 3 1.000000000000000e+00
+3 1 1.000000000000000e+00
+3 3 1.000000000000000e+00
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/prp_result06
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/prp_result06	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,9 @@
+%%MatrixMarket matrix coordinate real general
+%
+3 3 6
+1 1 1.000000000000000e+00
+3 1 4.000000000000000e-02
+3 2 -5.000000000000000e+00
+1 3 -2.000000000000000e-01
+2 3 1.100000000000000e+01
+3 3 2.600000000000000e+00
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/prp_result07
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/prp_result07	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,15 @@
+0.10866513901130055	-0.5565683482001781	0.01697338750768846	-0.9589623671667038	-0.816496580927726
+-0.5710995365177258	0.07926796585473102	0.46542360804755395	0.9797654572160418	-0.816496580927726
+0.10847183700890116	0.6787364476581768	-0.2236147606088382	0.803743046654752	1.224744871391589
+1.9637931622636124	2.0890722453009336	-2.0606794162148767	0.00032423752699077795	1.224744871391589
+1.2351422905746392	1.2679619500798842	-1.2871193566513779	-0.06538948660301952	1.224744871391589
+0.8347358862676002	1.0161203164819261	-0.9008907216292501	0.18294534382616373	1.224744871391589
+-0.922721566734639	-0.28293538193724904	0.8320838514832234	0.9966141260199964	-0.816496580927726
+-0.7979810068833711	-1.9872356829362412	1.059205224122999	-1.6242152405020795	-0.816496580927726
+0.4693084330819043	0.8357250235474191	-0.5580390743243027	0.48013042183945476	1.224744871391589
+-2.1659119218220786	-1.284014236214121	2.073966413639728	1.4549796745789692	-0.816496580927726
+0.2160698816290759	-0.2483757987671466	-0.1335268595966537	-0.6822557426452339	-0.816496580927726
+-0.0027663810163240663	-0.35706357942460004	0.07191812706310458	-0.5052252645629531	-0.816496580927726
+0.5027769329398427	-0.20342998011241972	-0.3836970281346616	-1.053224520491157	-0.816496580927726
+-1.3239931073762934	-0.34533177433843787	1.182119596299028	1.5165437885484256	1.224744871391589
+0.3455099575735564	-0.7019291669926769	-0.15412299100336474	-1.5257734742396478	-0.816496580927726
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/prp_result08
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/prp_result08	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,9 @@
+%%MatrixMarket matrix coordinate real general
+%
+3 3 6
+1 1 1.000000000000000e+00
+1 3 -1.818181818181818e-02
+2 3 1.000000000000000e+00
+3 1 4.000000000000000e-02
+3 2 -1.000000000000000e+00
+3 3 2.363636363636364e-01
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/prp_result09
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/prp_result09	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,9 @@
+%%MatrixMarket matrix coordinate real general
+%
+3 3 6
+1 1 8.333333333333334e-01
+1 3 -1.666666666666667e-01
+2 3 1.000000000000000e+00
+3 1 5.235602094240837e-03
+3 2 -6.544502617801047e-01
+3 3 3.403141361256544e-01
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/prp_result10
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/prp_result10	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,262 @@
+year	month	day	temp_2	temp_1	average	forecast_noaa	forecast_acc	forecast_under	friend	week_Fri	week_Mon	week_Sat	week_Sun	week_Thurs	week_Tues	week_Wed
+-1.0	0.4545454545454546	0.19999999999999996	0.22222222222222188	-0.17073170731707288	0.5232198142414863	0.33333333333333304	0.6000000000000001	0.5428571428571427	0.791044776119403	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.4545454545454546	-0.1333333333333333	-0.07407407407407396	-0.41463414634146334	-0.195046439628483	-0.11111111111111116	-0.02857142857142847	-0.20000000000000018	0.13432835820895517	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.09090909090909083	0.9333333333333333	0.8518518518518516	0.29268292682926855	0.9938080495356032	0.8888888888888884	0.8857142857142857	0.8857142857142852	0.25373134328358193	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.2727272727272727	-0.06666666666666665	0.7407407407407405	-0.26829268292682906	0.21362229102167207	0.22222222222222232	0.31428571428571406	0.1428571428571428	-0.10447761194029859	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	-1.0	0.1333333333333333	-0.2962962962962963	-0.6341463414634145	-0.8513931888544892	-0.8333333333333335	-0.8857142857142857	-0.7142857142857144	-0.10447761194029859	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-1.0	0.6000000000000001	-0.5185185185185186	-0.6097560975609755	-0.8080495356037152	-0.7777777777777777	-0.7142857142857144	-0.7142857142857144	0.04477611940298498	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.8181818181818181	0.6000000000000001	-0.4814814814814816	-0.5853658536585364	-0.7832817337461302	-0.7777777777777777	-0.657142857142857	-0.8285714285714287	-0.6119402985074627	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.09090909090909083	0.2666666666666666	0.40740740740740744	0.048780487804878314	0.956656346749226	0.8888888888888884	0.8285714285714287	0.8857142857142852	0.13432835820895517	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.9999999999999998	0.06666666666666665	-0.8518518518518519	-0.9999999999999999	-0.9938080495356036	-0.8888888888888888	-0.9428571428571431	-0.8857142857142857	-0.7014925373134329	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.9999999999999998	-0.5333333333333333	-0.7407407407407409	-0.8780487804878048	-0.9380804953560373	-0.7777777777777777	-0.7142857142857144	-0.8285714285714287	-0.7611940298507462	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.9999999999999998	0.8	-0.7407407407407409	-0.7073170731707314	-0.9876160990712077	-1.0	-0.8285714285714287	-1.0	-0.10447761194029859	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.09090909090909083	0.06666666666666665	0.5185185185185186	-0.09756097560975596	0.9318885448916405	0.9444444444444446	0.8285714285714287	0.8857142857142852	0.791044776119403	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	0.09090909090909083	-0.6	0.2592592592592591	2.220446049250313e-16	0.8142414860681115	0.7777777777777777	0.7714285714285709	0.7142857142857144	0.31343283582089554	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.9999999999999998	-0.06666666666666665	-0.8148148148148149	-0.9024390243902437	-0.9876160990712077	-0.7777777777777777	-0.8285714285714287	-0.8285714285714287	-0.4626865671641791	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	-0.09090909090909105	0.7333333333333334	0.33333333333333304	0.048780487804878314	0.6780185758513935	0.6111111111111112	0.6000000000000001	0.5999999999999996	0.6716417910447763	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.2727272727272727	0.9999999999999998	0.07407407407407396	-0.12195121951219501	0.3746130030959747	0.22222222222222232	0.4857142857142853	0.37142857142857144	0.7014925373134326	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-1.0	0.2666666666666666	-0.2962962962962963	-0.6829268292682924	-0.8390092879256965	-0.8333333333333335	-0.657142857142857	-0.7142857142857144	-0.014925373134328401	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.2727272727272727	-0.4	0.40740740740740744	-0.09756097560975596	0.9752321981424141	1.0	0.8285714285714287	0.8857142857142852	0.19402985074626877	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	-0.6363636363636365	0.46666666666666656	-0.22222222222222232	-0.4634146341463412	-0.40557275541795645	-0.5	-0.3142857142857145	-0.37142857142857144	0.25373134328358193	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.9999999999999998	0.5333333333333334	-0.6296296296296298	-0.8780487804878048	-1.0	-0.8333333333333335	-0.9428571428571431	-0.8857142857142857	-0.6716417910447761	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-1.0	0.19999999999999996	-0.44444444444444464	-0.5365853658536583	-0.8452012383900929	-0.6666666666666665	-0.8285714285714287	-0.7714285714285714	-0.25373134328358216	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	0.8181818181818181	-0.6666666666666666	0.11111111111111116	-0.43902439024390216	-0.4984520123839009	-0.38888888888888884	-0.37142857142857144	-0.37142857142857144	0.28358208955223874	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	-0.4545454545454546	0.06666666666666665	-0.07407407407407396	-0.19512195121951192	-0.16408668730650167	-0.0555555555555558	-0.08571428571428585	-0.1428571428571428	-0.22388059701492535	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	0.6363636363636365	0.8666666666666667	-0.07407407407407396	-0.26829268292682906	-0.3684210526315792	-0.22222222222222232	-0.2571428571428571	-0.37142857142857144	0.10447761194029859	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.8181818181818182	-1.0	-0.5185185185185186	-0.7073170731707314	-0.7708978328173379	-0.7222222222222223	-0.8285714285714287	-0.7142857142857144	-0.31343283582089554	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.9999999999999998	-0.2666666666666666	-0.6666666666666667	-0.7804878048780486	-0.9690402476780187	-0.8888888888888888	-0.7714285714285714	-0.9428571428571431	-0.5820895522388059	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.2727272727272727	0.9333333333333333	0.07407407407407396	-0.2926829268292681	0.36222910216718196	0.2777777777777777	0.37142857142857144	0.2571428571428571	0.22388059701492558	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.6363636363636365	0.46666666666666656	-0.11111111111111116	-0.3414634146341462	-0.2569659442724461	-0.11111111111111116	-0.3142857142857145	-0.1428571428571428	0.16417910447761197	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	0.4545454545454546	0.9333333333333333	0.22222222222222188	-0.24390243902439002	0.27554179566563475	0.2777777777777777	0.19999999999999973	0.19999999999999973	0.37313432835820914	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.4545454545454546	-0.2666666666666666	0.5555555555555554	-0.14634146341463405	0.6532507739938072	0.4444444444444442	0.5428571428571431	0.6571428571428575	0.8507462686567162	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.8181818181818181	-0.9333333333333333	-0.11111111111111116	-0.4634146341463412	-0.43653250773993824	-0.2777777777777777	-0.3142857142857145	-0.37142857142857144	0.25373134328358193	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.8181818181818181	0.06666666666666665	-0.2592592592592595	-0.6341463414634145	-0.6656346749226008	-0.7222222222222223	-0.7142857142857144	-0.657142857142857	-0.13432835820895517	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	-0.6363636363636365	-0.8666666666666667	-0.14814814814814836	-0.5121951219512193	-0.5851393188854495	-0.5555555555555558	-0.5428571428571431	-0.657142857142857	0.28358208955223874	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.8181818181818181	0.33333333333333326	-0.18518518518518512	-0.5121951219512193	-0.7275541795665634	-0.7222222222222223	-0.7142857142857144	-0.7142857142857144	0.16417910447761197	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.9999999999999998	0.7333333333333334	-0.7407407407407409	-0.8292682926829267	-0.9938080495356036	-1.0	-0.7714285714285714	-0.8285714285714287	-0.4328358208955223	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.4545454545454546	0.5333333333333334	0.07407407407407396	-0.26829268292682906	-0.07120743034055721	-0.11111111111111116	-0.1428571428571428	-0.08571428571428585	-0.6119402985074627	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	-0.2727272727272727	0.2666666666666666	0.07407407407407396	-0.31707317073170715	0.2693498452012375	0.22222222222222232	0.37142857142857144	0.1428571428571428	0.34328358208955234	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-1.0	0.0	-0.4814814814814816	-0.6829268292682924	-0.8637770897832819	-0.7777777777777777	-0.657142857142857	-0.8857142857142857	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.9999999999999998	-0.6	-0.8148148148148149	-0.8292682926829267	-0.9256965944272451	-0.8333333333333335	-0.7142857142857144	-0.8857142857142857	0.014925373134328401	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	-1.0	-0.6	-0.6666666666666667	-0.6097560975609755	-0.931888544891641	-0.7777777777777777	-0.8285714285714287	-0.8857142857142857	-0.7014925373134329	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.4545454545454546	0.5333333333333334	0.18518518518518512	-0.2926829268292681	0.41795665634674917	0.33333333333333304	0.4285714285714284	0.2571428571428571	0.07462686567164178	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.2727272727272727	0.9333333333333333	0.6296296296296293	-0.024390243902438824	0.8266253869969034	0.833333333333333	0.714285714285714	0.7714285714285714	0.04477611940298498	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-1.0	-0.33333333333333337	-0.44444444444444464	-0.5853658536585364	-0.9009287925696592	-0.9444444444444446	-0.8857142857142857	-0.7714285714285714	-0.6716417910447761	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.09090909090909105	-0.4666666666666667	0.8518518518518516	-0.21951219512195097	0.4551083591331264	0.38888888888888884	0.5428571428571431	0.4285714285714284	0.5522388059701491	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.4545454545454546	0.3999999999999999	0.18518518518518512	-0.19512195121951192	0.4613003095975228	0.33333333333333304	0.37142857142857144	0.4285714285714284	-0.16417910447761197	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	-0.6363636363636365	0.6000000000000001	-0.3333333333333335	-0.5365853658536583	-0.38699690402476783	-0.3333333333333335	-0.37142857142857144	-0.2571428571428571	-0.5820895522388059	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.6363636363636365	0.5333333333333334	0.0	-0.3414634146341462	-0.2755417956656352	-0.38888888888888884	-0.1428571428571428	-0.2571428571428571	0.25373134328358193	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.09090909090909083	0.0	0.5555555555555554	2.220446049250313e-16	0.9195046439628478	0.9444444444444446	0.8285714285714287	0.7714285714285714	-0.014925373134328401	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.09090909090909083	-1.0	0.4444444444444442	-0.07317073170731692	0.7337461300309589	0.6666666666666665	0.657142857142857	0.5999999999999996	0.9402985074626866	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.8181818181818181	0.1333333333333333	-0.44444444444444464	-0.5853658536585364	-0.6780185758513935	-0.5	-0.6000000000000001	-0.657142857142857	-0.791044776119403	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.4545454545454546	-0.8666666666666667	0.4814814814814814	-0.14634146341463405	0.7832817337461297	0.6666666666666665	0.657142857142857	0.6571428571428575	0.19402985074626877	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.2727272727272727	-0.9333333333333333	0.40740740740740744	0.024390243902439268	1.0000000000000004	0.8888888888888884	0.9428571428571426	1.0	0.014925373134328401	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.4545454545454546	-0.7333333333333334	0.2592592592592591	-0.3902439024390243	-0.28792569659442746	-0.38888888888888884	-0.3142857142857145	-0.3142857142857145	0.31343283582089554	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.6363636363636365	-0.19999999999999996	-0.2592592592592595	-0.5853658536585364	-0.492260061919505	-0.5	-0.48571428571428577	-0.48571428571428577	-0.22388059701492535	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	0.2727272727272727	0.8	0.7037037037037037	0.07317073170731736	0.8513931888544888	0.6666666666666665	0.7714285714285709	0.8285714285714283	0.7014925373134326	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	-0.4545454545454546	-0.4666666666666667	0.5555555555555554	2.220446049250313e-16	-0.25077399380804977	-0.3333333333333335	-0.1428571428571428	-0.2571428571428571	0.37313432835820914	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.2727272727272727	0.6666666666666667	0.14814814814814792	-0.24390243902439002	0.3250773993808047	0.2777777777777777	0.37142857142857144	0.19999999999999973	0.7014925373134326	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.6363636363636365	-0.4	0.22222222222222188	-0.4634146341463412	0.03405572755417907	-0.0555555555555558	0.02857142857142847	-0.02857142857142847	0.014925373134328401	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.4545454545454546	-0.4	0.5185185185185186	-0.24390243902439002	-0.23839009287925705	-0.11111111111111116	-0.20000000000000018	-0.2571428571428571	-0.04477611940298498	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	0.6363636363636365	0.19999999999999996	-0.07407407407407396	-0.36585365853658525	-0.17647058823529438	-0.0555555555555558	-0.20000000000000018	-0.2571428571428571	-0.6119402985074627	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	-0.6363636363636365	-0.2666666666666666	-0.22222222222222232	-0.5121951219512193	-0.5046439628482973	-0.38888888888888884	-0.3142857142857145	-0.48571428571428577	0.10447761194029859	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-1.0	0.5333333333333334	-0.18518518518518512	-0.6829268292682924	-0.8142414860681115	-0.7222222222222223	-0.7714285714285714	-0.7714285714285714	-0.22388059701492535	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	-0.8181818181818182	-0.6	-0.3333333333333335	-0.6585365853658536	-0.7461300309597525	-0.7222222222222223	-0.7142857142857144	-0.7714285714285714	0.04477611940298498	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	-0.2727272727272727	0.7333333333333334	0.14814814814814792	-0.26829268292682906	0.3374613003095974	0.2777777777777777	0.19999999999999973	0.37142857142857144	0.34328358208955234	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.2727272727272727	-0.7333333333333334	0.4444444444444442	-0.3902439024390243	0.07739938080495312	-0.0555555555555558	0.1428571428571428	0.02857142857142847	-0.16417910447761197	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	-0.6363636363636365	-0.33333333333333337	-0.2592592592592595	-0.48780487804878025	-0.5108359133126936	-0.3333333333333335	-0.6000000000000001	-0.6000000000000001	-0.7611940298507462	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.6363636363636365	0.3999999999999999	0.0	-0.41463414634146334	-0.23839009287925705	-0.16666666666666696	-0.2571428571428571	-0.20000000000000018	-0.5223880597014925	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.9999999999999998	-0.33333333333333337	-0.962962962962963	-0.7804878048780486	-0.9628482972136223	-1.0	-1.0	-0.8285714285714287	-0.791044776119403	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	-0.2727272727272727	-0.5333333333333333	0.5555555555555554	0.14634146341463428	0.12074303405572762	0.16666666666666652	0.08571428571428541	0.08571428571428585	0.6417910447761195	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	-0.2727272727272727	0.8666666666666667	0.07407407407407396	-0.2926829268292681	0.3560371517027865	0.33333333333333304	0.4285714285714284	0.19999999999999973	0.4328358208955223	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	0.9999999999999998	-0.19999999999999996	-0.6666666666666667	-0.8048780487804876	-0.975232198142415	-1.0	-0.9428571428571431	-0.8857142857142857	-0.4626865671641791	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.6363636363636365	0.9333333333333333	-0.22222222222222232	-0.2926829268292681	-0.3436532507739938	-0.44444444444444464	-0.37142857142857144	-0.3142857142857145	-0.13432835820895517	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.8181818181818181	-0.5333333333333333	-0.0370370370370372	-0.31707317073170715	-0.5294117647058822	-0.5555555555555558	-0.37142857142857144	-0.5428571428571427	-0.3731343283582089	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.09090909090909105	0.2666666666666666	0.11111111111111116	-0.14634146341463405	0.5789473684210518	0.4444444444444442	0.4285714285714284	0.48571428571428577	0.5223880597014927	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.8181818181818181	-0.4666666666666667	0.03703703703703676	-0.12195121951219501	-0.5479876160990713	-0.6111111111111112	-0.4285714285714288	-0.5428571428571427	-0.5820895522388059	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.09090909090909083	-0.8666666666666667	0.5185185185185186	2.220446049250313e-16	0.7585139318885443	0.5555555555555554	0.714285714285714	0.7714285714285714	0.7014925373134326	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	0.6363636363636365	-0.4666666666666667	0.07407407407407396	-0.19512195121951192	0.05263157894736814	-0.0555555555555558	0.08571428571428541	0.08571428571428585	-0.19402985074626855	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	0.9999999999999998	0.0	-0.8518518518518519	-0.9024390243902437	-0.9876160990712077	-0.8333333333333335	-0.8285714285714287	-1.0	-0.6716417910447761	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.4545454545454546	0.0	0.6296296296296293	-0.12195121951219501	0.585139318885449	0.6111111111111112	0.6000000000000001	0.5428571428571427	-0.28358208955223874	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.09090909090909105	0.6000000000000001	0.22222222222222188	-0.17073170731707288	0.6470588235294117	0.5	0.5428571428571431	0.6571428571428575	0.8208955223880599	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.4545454545454546	-0.19999999999999996	0.2962962962962963	-0.04878048780487787	0.634674922600619	0.6666666666666665	0.657142857142857	0.48571428571428577	0.6119402985074627	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.2727272727272727	-0.2666666666666666	0.4814814814814814	0.12195121951219523	0.1764705882352935	0.16666666666666652	0.19999999999999973	0.08571428571428585	0.5820895522388059	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	-0.8181818181818182	-0.5333333333333333	-0.4814814814814816	-0.6097560975609755	-0.7399380804953566	-0.5555555555555558	-0.657142857142857	-0.657142857142857	-0.8208955223880596	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-1.0	-0.2666666666666666	-0.37037037037037046	-0.7560975609756095	-0.8947368421052633	-0.8333333333333335	-0.7714285714285714	-0.9428571428571431	-0.014925373134328401	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	0.2727272727272727	-0.19999999999999996	0.6666666666666665	0.2682926829268295	0.9628482972136214	0.7777777777777777	0.8857142857142857	0.9428571428571431	0.34328358208955234	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.09090909090909083	-0.8	0.5185185185185186	-0.12195121951219501	0.7770897832817334	0.6666666666666665	0.714285714285714	0.6571428571428575	0.7313432835820894	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.4545454545454546	0.6000000000000001	0.11111111111111116	-0.5121951219512193	-0.05882352941176494	-0.16666666666666696	0.02857142857142847	-0.02857142857142847	0.4626865671641791	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.2727272727272727	-0.2666666666666666	0.5185185185185186	0.09756097560975618	0.9690402476780187	0.7222222222222223	0.8857142857142857	0.8857142857142852	0.5820895522388059	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.4545454545454546	0.33333333333333326	0.33333333333333304	-0.21951219512195097	0.47987616099071184	0.33333333333333304	0.37142857142857144	0.48571428571428577	0.4328358208955223	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	-0.4545454545454546	0.9333333333333333	0.07407407407407396	-0.36585365853658525	0.00928792569659409	0.05555555555555536	0.08571428571428541	0.02857142857142847	0.4925373134328359	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.9999999999999998	-0.7333333333333334	-0.4814814814814816	-0.7317073170731705	-0.907120743034056	-0.8888888888888888	-0.7714285714285714	-0.9428571428571431	0.10447761194029859	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.9999999999999998	0.19999999999999996	-1.0	-0.9024390243902437	-1.0	-0.9444444444444446	-1.0	-0.9428571428571431	-0.31343283582089554	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.4545454545454546	0.46666666666666656	0.22222222222222188	-0.21951219512195097	0.43653250773993735	0.4444444444444442	0.31428571428571406	0.31428571428571406	-0.014925373134328401	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.8181818181818181	0.8666666666666667	-0.5185185185185186	-0.5853658536585364	-0.8328173374613006	-0.8888888888888888	-0.8857142857142857	-0.8285714285714287	-0.34328358208955234	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.09090909090909105	0.0	-0.07407407407407396	-0.21951219512195097	0.5294117647058818	0.5	0.4857142857142853	0.5428571428571427	0.7611940298507462	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.4545454545454546	-0.1333333333333333	0.4444444444444442	-0.024390243902438824	0.6160990712074299	0.4444444444444442	0.657142857142857	0.6571428571428575	0.4626865671641791	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.4545454545454546	-0.6666666666666666	0.22222222222222188	-0.19512195121951192	0.7461300309597516	0.7777777777777777	0.714285714285714	0.7714285714285714	0.5223880597014927	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.09090909090909105	-0.6666666666666666	0.7037037037037037	0.39024390243902474	0.4303405572755419	0.33333333333333304	0.37142857142857144	0.31428571428571406	0.28358208955223874	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.4545454545454546	-0.5333333333333333	0.22222222222222188	-0.21951219512195097	0.7151702786377707	0.5555555555555554	0.7714285714285709	0.6571428571428575	-0.16417910447761197	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	-1.0	-0.8666666666666667	-0.6296296296296298	-0.7804878048780486	-0.9566563467492264	-0.8888888888888888	-1.0	-0.8285714285714287	-0.16417910447761197	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	-0.4545454545454546	0.8	-0.07407407407407396	-0.36585365853658525	-0.01547987616099089	-0.16666666666666696	0.08571428571428541	0.02857142857142847	0.34328358208955234	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.8181818181818181	-0.7333333333333334	0.11111111111111116	-0.26829268292682906	-0.48606811145510864	-0.5555555555555558	-0.3142857142857145	-0.5428571428571427	-0.6119402985074627	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.4545454545454546	-0.6	0.22222222222222188	-0.19512195121951192	0.7275541795665634	0.7222222222222223	0.8285714285714287	0.5428571428571427	0.25373134328358193	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	-0.2727272727272727	-0.8666666666666667	0.5555555555555554	0.2682926829268295	0.05263157894736814	0.16666666666666652	0.1428571428571428	0.1428571428571428	0.22388059701492558	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	0.6363636363636365	0.9999999999999998	0.11111111111111116	1.0000000000000004	-0.39938080495356054	-0.44444444444444464	-0.2571428571428571	-0.3142857142857145	0.014925373134328401	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.09090909090909083	0.1333333333333333	0.37037037037037024	0.09756097560975618	0.9380804953560369	0.8888888888888884	0.7714285714285709	0.7714285714285714	0.13432835820895517	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.8181818181818181	-0.06666666666666665	-0.2592592592592595	-0.4634146341463412	-0.6346749226006194	-0.6666666666666665	-0.5428571428571431	-0.6000000000000001	-0.4626865671641791	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.2727272727272727	-0.4	0.03703703703703676	-0.21951219512195097	0.1455108359133126	0.11111111111111116	0.1428571428571428	0.1428571428571428	0.19402985074626877	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.6363636363636365	0.1333333333333333	-0.3333333333333335	-0.43902439024390216	-0.44891640866873095	-0.44444444444444464	-0.37142857142857144	-0.4285714285714288	-0.16417910447761197	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.6363636363636365	0.6666666666666667	-0.0370370370370372	-0.26829268292682906	-0.31269349845201244	-0.3333333333333335	-0.37142857142857144	-0.2571428571428571	-0.6119402985074627	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	-1.0	0.9333333333333333	-0.22222222222222232	-0.5853658536585364	-0.7832817337461302	-0.7777777777777777	-0.7142857142857144	-0.7714285714285714	-0.4328358208955223	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.6363636363636365	0.7333333333333334	-0.18518518518518512	-0.41463414634146334	-0.3684210526315792	-0.38888888888888884	-0.3142857142857145	-0.37142857142857144	-0.6716417910447761	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	0.8181818181818181	-0.8666666666666667	-0.18518518518518512	-0.4634146341463412	-0.4551083591331273	-0.3333333333333335	-0.5428571428571431	-0.4285714285714288	-0.791044776119403	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	-0.4545454545454546	0.2666666666666666	1.0	0.12195121951219523	-0.12693498452012397	-0.16666666666666696	-0.02857142857142847	-0.02857142857142847	0.13432835820895517	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.09090909090909083	0.5333333333333334	0.33333333333333304	-0.024390243902438824	0.9814241486068105	0.9444444444444446	0.8285714285714287	0.9428571428571431	0.4029850746268655	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	0.09090909090909083	0.9999999999999998	0.9629629629629628	2.220446049250313e-16	1.0000000000000004	0.9444444444444446	0.8285714285714287	1.0	0.9999999999999998	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	-0.2727272727272727	0.0	0.11111111111111116	-0.4634146341463412	0.21981424148606754	0.11111111111111116	0.08571428571428541	0.19999999999999973	-0.25373134328358216	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.09090909090909083	-0.6666666666666666	0.22222222222222188	-0.17073170731707288	0.8018575851393188	0.7222222222222223	0.714285714285714	0.7714285714285714	0.7313432835820894	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.4545454545454546	0.7333333333333334	0.5185185185185186	0.024390243902439268	0.3436532507739938	0.38888888888888884	0.19999999999999973	0.37142857142857144	0.07462686567164178	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.8181818181818182	0.0	-0.14814814814814836	-0.5121951219512193	-0.7027863777089784	-0.6666666666666665	-0.5428571428571431	-0.6000000000000001	-0.19402985074626855	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	0.9999999999999998	-0.8	-0.44444444444444464	-0.6585365853658536	-0.8947368421052633	-0.7777777777777777	-0.9428571428571431	-0.8285714285714287	-0.25373134328358216	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	-0.6363636363636365	-0.4666666666666667	-0.3333333333333335	-0.5365853658536583	-0.5294117647058822	-0.6111111111111112	-0.4285714285714288	-0.4285714285714288	-0.13432835820895517	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.8181818181818181	-0.1333333333333333	-0.11111111111111116	-0.5121951219512193	-0.6222910216718267	-0.5555555555555558	-0.6000000000000001	-0.48571428571428577	-0.5820895522388059	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.6363636363636365	0.8666666666666667	-0.40740740740740744	-0.48780487804878025	-0.34984520123839014	-0.3333333333333335	-0.2571428571428571	-0.4285714285714288	-0.4925373134328359	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	0.09090909090909083	-0.5333333333333333	0.5185185185185186	-0.19512195121951192	0.8266253869969034	0.7222222222222223	0.8857142857142857	0.7714285714285714	0.4626865671641791	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.6363636363636365	-0.1333333333333333	-0.37037037037037046	-0.5365853658536583	-0.48606811145510864	-0.5555555555555558	-0.3142857142857145	-0.37142857142857144	-0.5223880597014925	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.09090909090909105	-0.33333333333333337	0.11111111111111116	-0.21951219512195097	0.47987616099071184	0.5555555555555554	0.4857142857142853	0.5428571428571427	0.7611940298507462	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-1.0	-0.19999999999999996	-0.6296296296296298	-0.6585365853658536	-0.8885448916408669	-0.7777777777777777	-0.7142857142857144	-0.8857142857142857	-0.8507462686567164	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	-0.8181818181818182	-0.7333333333333334	-0.4814814814814816	-0.6585365853658536	-0.7523219814241489	-0.6666666666666665	-0.7714285714285714	-0.7142857142857144	-0.4925373134328359	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-1.0	0.8666666666666667	-0.18518518518518512	-0.48780487804878025	-0.7894736842105265	-0.6111111111111112	-0.657142857142857	-0.8285714285714287	-0.3731343283582089	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.09090909090909105	0.3999999999999999	0.5185185185185186	-0.07317073170731692	0.6037151702786372	0.38888888888888884	0.4285714285714284	0.5999999999999996	0.4925373134328359	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	-0.2727272727272727	0.6000000000000001	0.11111111111111116	-0.24390243902439002	0.31888544891640835	0.33333333333333304	0.19999999999999973	0.2571428571428571	-0.04477611940298498	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.4545454545454546	0.8	0.5555555555555554	-0.17073170731707288	0.3250773993808047	0.38888888888888884	0.2571428571428571	0.2571428571428571	0.014925373134328401	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	-0.2727272727272727	-0.1333333333333333	0.5555555555555554	0.14634146341463428	0.20123839009287892	0.2777777777777777	0.1428571428571428	0.2571428571428571	0.10447761194029859	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.2727272727272727	-0.1333333333333333	0.9259259259259256	0.34146341463414664	0.956656346749226	0.8888888888888884	0.8285714285714287	0.9428571428571431	0.10447761194029859	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	-0.8181818181818182	0.46666666666666656	-0.40740740740740744	-0.6097560975609755	-0.653250773993808	-0.5555555555555558	-0.6000000000000001	-0.6000000000000001	-0.5522388059701493	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.4545454545454546	-0.5333333333333333	0.22222222222222188	0.024390243902439268	-0.2569659442724461	-0.11111111111111116	-0.1428571428571428	-0.2571428571428571	-0.6119402985074627	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.6363636363636365	-0.33333333333333337	-0.18518518518518512	-0.3902439024390243	0.00928792569659409	-0.0555555555555558	0.1428571428571428	-0.02857142857142847	-0.10447761194029859	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.09090909090909105	0.9333333333333333	0.6296296296296293	-0.04878048780487787	0.7151702786377707	0.6666666666666665	0.714285714285714	0.5999999999999996	0.7611940298507462	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.09090909090909083	0.6666666666666667	0.6666666666666665	0.21951219512195141	0.9876160990712068	0.7777777777777777	0.8857142857142857	0.8285714285714283	0.37313432835820914	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.2727272727272727	-0.6666666666666666	-0.07407407407407396	-0.19512195121951192	0.09597523219814219	0.11111111111111116	0.02857142857142847	-0.02857142857142847	0.07462686567164178	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.8181818181818182	-0.33333333333333337	0.0	-0.48780487804878025	-0.7275541795665634	-0.7222222222222223	-0.6000000000000001	-0.657142857142857	-0.7313432835820894	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	-0.4545454545454546	-0.9333333333333333	0.40740740740740744	-0.12195121951219501	-0.31269349845201244	-0.22222222222222232	-0.3142857142857145	-0.20000000000000018	-0.4925373134328359	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.6363636363636365	0.0	-0.07407407407407396	-0.3414634146341462	-0.10835913312693535	-0.11111111111111116	-0.20000000000000018	-0.1428571428571428	-0.6417910447761195	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	0.09090909090909083	0.8	0.6296296296296293	0.17073170731707332	0.9938080495356032	0.9444444444444446	0.9428571428571426	0.9428571428571431	0.4328358208955223	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	-0.2727272727272727	0.19999999999999996	0.33333333333333304	-0.2926829268292681	0.2569659442724457	0.16666666666666652	0.2571428571428571	0.31428571428571406	-0.16417910447761197	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	-1.0	0.7333333333333334	-0.2962962962962963	-0.48780487804878025	-0.7956656346749229	-0.7777777777777777	-0.7142857142857144	-0.7142857142857144	-0.22388059701492535	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.9999999999999998	0.6000000000000001	-0.8148148148148149	-0.8536585365853657	-1.0	-0.9444444444444446	-0.8285714285714287	-1.0	-0.9104477611940298	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	-0.2727272727272727	0.5333333333333334	0.14814814814814792	-0.26829268292682906	0.30650154798761564	0.38888888888888884	0.4285714285714284	0.2571428571428571	0.16417910447761197	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	0.8181818181818181	-0.8	-0.18518518518518512	-0.26829268292682906	-0.4674922600619196	-0.5555555555555558	-0.48571428571428577	-0.4285714285714288	-0.7014925373134329	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-1.0	-0.7333333333333334	-0.7777777777777779	-0.8780487804878048	-0.9442724458204337	-0.7222222222222223	-1.0	-0.8857142857142857	-0.6119402985074627	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-1.0	-1.0	-0.6296296296296298	-0.7560975609756095	-0.9690402476780187	-0.8888888888888888	-0.7714285714285714	-1.0	-0.9701492537313433	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.8181818181818181	0.6666666666666667	-0.37037037037037046	-0.5853658536585364	-0.7956656346749229	-0.6111111111111112	-0.7714285714285714	-0.8285714285714287	-0.10447761194029859	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.8181818181818181	-0.2666666666666666	0.07407407407407396	-0.31707317073170715	-0.5913312693498454	-0.5	-0.657142857142857	-0.5428571428571427	0.04477611940298498	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.8181818181818181	0.9333333333333333	-0.37037037037037046	-0.5853658536585364	-0.8452012383900929	-0.6666666666666665	-0.657142857142857	-0.7142857142857144	-0.5223880597014925	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	-0.4545454545454546	-0.19999999999999996	-0.14814814814814836	-0.3902439024390243	-0.20743034055727572	-0.22222222222222232	-0.08571428571428585	-0.3142857142857145	0.4626865671641791	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.2727272727272727	0.46666666666666656	0.8148148148148144	0.12195121951219523	0.8947368421052633	0.7777777777777777	0.8285714285714287	0.8857142857142852	0.8208955223880599	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	0.09090909090909083	-0.1333333333333333	0.5555555555555554	-0.024390243902438824	0.9009287925696587	0.833333333333333	0.714285714285714	0.8857142857142852	0.4626865671641791	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.8181818181818181	-0.19999999999999996	0.03703703703703676	-0.41463414634146334	-0.6099071207430344	-0.6111111111111112	-0.4285714285714288	-0.657142857142857	0.07462686567164178	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	0.2727272727272727	-0.4666666666666667	0.37037037037037024	-0.07317073170731692	0.9814241486068105	1.0	0.9428571428571426	1.0	0.9701492537313434	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	0.2727272727272727	-0.8	0.40740740740740744	-0.024390243902438824	0.9938080495356032	0.7777777777777777	0.8857142857142857	0.9428571428571431	0.13432835820895517	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	-0.4545454545454546	0.0	-0.11111111111111116	-0.3902439024390243	-0.17027863777089802	-0.16666666666666696	-0.20000000000000018	-0.1428571428571428	-0.07462686567164178	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.09090909090909105	0.46666666666666656	0.40740740740740744	-0.024390243902438824	0.6222910216718263	0.5	0.4857142857142853	0.5428571428571427	-0.16417910447761197	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	-0.4545454545454546	-0.33333333333333337	0.14814814814814792	-0.41463414634146334	-0.22600619195046434	-0.16666666666666696	-0.20000000000000018	-0.20000000000000018	-0.6417910447761195	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.8181818181818182	-0.6666666666666666	-0.4814814814814816	-0.5609756097560974	-0.7523219814241489	-0.6666666666666665	-0.6000000000000001	-0.7142857142857144	-0.16417910447761197	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.2727272727272727	-0.6666666666666666	0.6666666666666665	0.07317073170731736	0.9876160990712068	0.9444444444444446	0.9999999999999996	1.0	-0.04477611940298498	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.6363636363636365	-0.7333333333333334	-0.11111111111111116	-0.4634146341463412	-0.5665634674922599	-0.5555555555555558	-0.6000000000000001	-0.6000000000000001	-0.4626865671641791	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.09090909090909105	-0.9333333333333333	0.6296296296296293	-0.024390243902438824	0.39318885448916374	0.2777777777777777	0.4285714285714284	0.31428571428571406	0.4626865671641791	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.4545454545454546	0.2666666666666666	0.2592592592592591	-0.12195121951219501	0.5046439628482973	0.4444444444444442	0.5428571428571431	0.4285714285714284	0.5820895522388059	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.8181818181818182	0.19999999999999996	-0.18518518518518512	-0.5609756097560974	-0.6842105263157894	-0.5	-0.657142857142857	-0.6000000000000001	-0.5820895522388059	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.8181818181818182	-0.9333333333333333	-0.5555555555555556	-0.7317073170731705	-0.7708978328173379	-0.6111111111111112	-0.7714285714285714	-0.657142857142857	-0.16417910447761197	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	0.09090909090909083	0.3999999999999999	0.7407407407407405	0.12195121951219523	0.9690402476780187	0.7222222222222223	0.7714285714285709	0.8285714285714283	0.25373134328358193	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.8181818181818181	0.5333333333333334	-0.2962962962962963	-0.6585365853658536	-0.7647058823529416	-0.6666666666666665	-0.6000000000000001	-0.7714285714285714	-0.9701492537313433	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	-1.0	0.8	-0.22222222222222232	-0.4634146341463412	-0.7956656346749229	-0.8333333333333335	-0.657142857142857	-0.7714285714285714	-0.8208955223880596	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.6363636363636365	0.1333333333333333	-0.07407407407407396	-0.3902439024390243	-0.1517027863777094	-0.2777777777777777	-0.20000000000000018	-0.2571428571428571	-0.25373134328358216	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	0.4545454545454546	-0.8	0.2962962962962963	-0.21951219512195097	0.770897832817337	0.7222222222222223	0.7714285714285709	0.7714285714285714	0.07462686567164178	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	0.6363636363636365	-0.8	0.11111111111111116	-0.36585365853658525	0.1764705882352935	0.16666666666666652	0.31428571428571406	0.19999999999999973	-0.04477611940298498	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.09090909090909105	-0.1333333333333333	0.2962962962962963	-0.24390243902439002	0.5108359133126936	0.38888888888888884	0.4285714285714284	0.4285714285714284	0.7014925373134326	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	0.8181818181818181	-0.33333333333333337	0.11111111111111116	-0.2926829268292681	-0.5789473684210531	-0.5	-0.6000000000000001	-0.5428571428571427	-0.19402985074626855	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.2727272727272727	0.33333333333333326	0.03703703703703676	-0.24390243902439002	0.27554179566563475	0.16666666666666652	0.19999999999999973	0.19999999999999973	-0.3731343283582089	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.6363636363636365	-0.6666666666666666	-0.18518518518518512	-0.2926829268292681	-0.5603715170278636	-0.38888888888888884	-0.6000000000000001	-0.6000000000000001	-0.3731343283582089	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	-0.2727272727272727	0.1333333333333333	-0.07407407407407396	-0.12195121951219501	0.24458204334365297	0.11111111111111116	0.2571428571428571	0.19999999999999973	-0.16417910447761197	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	-0.2727272727272727	-0.33333333333333337	0.18518518518518512	-0.024390243902438824	0.15789473684210487	0.16666666666666652	0.2571428571428571	0.08571428571428585	-0.04477611940298498	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	-1.0	-0.4666666666666667	-0.6296296296296298	-0.6829268292682924	-0.9195046439628487	-0.7222222222222223	-0.7714285714285714	-0.9428571428571431	-0.4328358208955223	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.6363636363636365	-0.5333333333333333	-0.07407407407407396	-0.5609756097560974	-0.541795665634675	-0.6111111111111112	-0.4285714285714288	-0.6000000000000001	0.25373134328358193	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-1.0	-0.06666666666666665	-0.2592592592592595	-0.6585365853658536	-0.8761609907120742	-0.7222222222222223	-0.7142857142857144	-0.8857142857142857	0.10447761194029859	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.09090909090909105	-0.5333333333333333	0.8888888888888888	0.21951219512195141	0.44891640866873006	0.4444444444444442	0.37142857142857144	0.4285714285714284	0.5820895522388059	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	-0.8181818181818182	-0.4	-0.18518518518518512	-0.3414634146341462	-0.7337461300309598	-0.6111111111111112	-0.7714285714285714	-0.7142857142857144	-0.9402985074626865	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.9999999999999998	-0.8666666666666667	-0.5925925925925926	-0.6341463414634145	-0.8823529411764706	-0.9444444444444446	-0.657142857142857	-0.8285714285714287	-0.10447761194029859	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.6363636363636365	0.7333333333333334	0.11111111111111116	-0.43902439024390216	-0.3312693498452015	-0.44444444444444464	-0.20000000000000018	-0.37142857142857144	-0.6716417910447761	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.2727272727272727	-0.6	0.6296296296296293	-0.09756097560975596	0.9876160990712068	0.833333333333333	0.8285714285714287	0.8857142857142852	0.9999999999999998	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	0.8181818181818181	0.0	-0.18518518518518512	-0.5121951219512193	-0.653250773993808	-0.5	-0.7142857142857144	-0.7142857142857144	-0.8208955223880596	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.4545454545454546	-0.4	0.37037037037037024	-0.04878048780487787	0.6842105263157889	0.6111111111111112	0.7714285714285709	0.7142857142857144	0.880597014925373	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.09090909090909083	0.8666666666666667	0.7777777777777777	0.21951219512195141	0.9938080495356032	1.0	0.9428571428571426	1.0	0.4626865671641791	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.2727272727272727	-0.8666666666666667	0.5555555555555554	-0.07317073170731692	0.9938080495356032	1.0	0.9999999999999996	0.8857142857142852	0.9402985074626866	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.9999999999999998	-1.0	-0.37037037037037046	-0.5853658536585364	-0.8575851393188856	-0.8333333333333335	-0.8857142857142857	-0.7142857142857144	-0.6716417910447761	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.4545454545454546	0.6000000000000001	0.07407407407407396	-0.21951219512195097	0.39318885448916374	0.2777777777777777	0.4857142857142853	0.31428571428571406	0.014925373134328401	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	0.9999999999999998	0.46666666666666656	-0.4814814814814816	-0.7560975609756095	-1.0	-0.7777777777777777	-0.8285714285714287	-1.0	-0.791044776119403	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.9999999999999998	-0.9333333333333333	-0.37037037037037046	-0.7317073170731705	-0.8699690402476778	-0.7222222222222223	-0.7142857142857144	-0.7142857142857144	-0.6119402985074627	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.6363636363636365	-0.19999999999999996	0.0	-0.24390243902439002	-0.04024767801857587	0.05555555555555536	-0.08571428571428585	-0.08571428571428585	-0.13432835820895517	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.09090909090909083	0.46666666666666656	0.7037037037037037	-0.12195121951219501	0.9752321981424141	0.8888888888888884	0.9999999999999996	0.8285714285714283	0.7313432835820894	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.09090909090909105	-0.19999999999999996	0.11111111111111116	-0.14634146341463405	0.4984520123839	0.38888888888888884	0.4857142857142853	0.4285714285714284	0.5223880597014927	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.8181818181818182	-0.06666666666666665	-0.2592592592592595	-0.43902439024390216	-0.7027863777089784	-0.7222222222222223	-0.657142857142857	-0.7142857142857144	-0.25373134328358216	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.2727272727272727	-0.5333333333333333	0.37037037037037024	-0.09756097560975596	0.9814241486068105	0.9444444444444446	0.8285714285714287	0.8857142857142852	0.10447761194029859	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.09090909090909083	-0.2666666666666666	0.4444444444444442	-0.04878048780487787	0.8761609907120742	0.833333333333333	0.7714285714285709	0.8857142857142852	0.28358208955223874	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	0.6363636363636365	-0.8666666666666667	0.03703703703703676	-0.26829268292682906	0.20123839009287892	0.22222222222222232	0.2571428571428571	0.19999999999999973	-0.3731343283582089	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.4545454545454546	0.1333333333333333	0.22222222222222188	0.024390243902439268	-0.1517027863777094	-0.22222222222222232	-0.2571428571428571	-0.2571428571428571	-0.6716417910447761	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.8181818181818182	0.6000000000000001	-0.07407407407407396	-0.41463414634146334	-0.6408668730650158	-0.5555555555555558	-0.7142857142857144	-0.7142857142857144	-0.791044776119403	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	-1.0	-0.9333333333333333	-0.6666666666666667	-0.7560975609756095	-0.9628482972136223	-1.0	-0.7714285714285714	-1.0	-0.014925373134328401	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.8181818181818182	0.33333333333333326	-0.40740740740740744	-0.5609756097560974	-0.6656346749226008	-0.5555555555555558	-0.5428571428571431	-0.5428571428571427	-0.4626865671641791	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	-0.6363636363636365	0.5333333333333334	-0.18518518518518512	-0.5609756097560974	-0.3931888544891642	-0.2777777777777777	-0.4285714285714288	-0.3142857142857145	0.31343283582089554	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.09090909090909083	0.7333333333333334	0.8518518518518516	0.07317073170731736	0.9938080495356032	0.7777777777777777	0.8285714285714287	1.0	0.5223880597014927	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	-0.8181818181818182	-0.8	-0.40740740740740744	-0.6585365853658536	-0.7585139318885452	-0.8333333333333335	-0.5428571428571431	-0.6000000000000001	-0.5223880597014925	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.6363636363636365	-0.6	0.14814814814814792	-0.31707317073170715	0.10216718266253855	0.16666666666666652	0.19999999999999973	0.1428571428571428	0.4925373134328359	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.4545454545454546	-0.8	0.03703703703703676	-0.17073170731707288	-0.2941176470588238	-0.2777777777777777	-0.2571428571428571	-0.3142857142857145	-0.4925373134328359	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.8181818181818182	0.5333333333333334	-0.40740740740740744	-0.3902439024390243	-0.6470588235294121	-0.6666666666666665	-0.6000000000000001	-0.657142857142857	-0.4626865671641791	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.6363636363636365	-0.5333333333333333	0.03703703703703676	-0.2926829268292681	0.07739938080495312	0.05555555555555536	0.08571428571428541	-0.02857142857142847	0.34328358208955234	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.4545454545454546	-0.06666666666666665	0.4814814814814814	0.07317073170731736	0.6037151702786372	0.38888888888888884	0.714285714285714	0.4285714285714284	0.07462686567164178	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	-1.0	-0.1333333333333333	-0.4814814814814816	-0.5121951219512193	-0.8823529411764706	-0.8888888888888888	-0.9428571428571431	-0.8857142857142857	-0.10447761194029859	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	-0.4545454545454546	-1.0	0.22222222222222188	-0.07317073170731692	-0.32507739938080515	-0.2777777777777777	-0.2571428571428571	-0.37142857142857144	-0.6119402985074627	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.6363636363636365	0.06666666666666665	0.0	-0.3902439024390243	-0.13312693498452033	-0.11111111111111116	-0.02857142857142847	-0.1428571428571428	0.014925373134328401	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.09090909090909105	0.1333333333333333	0.33333333333333304	-0.21951219512195097	0.5541795665634672	0.4444444444444442	0.657142857142857	0.4285714285714284	0.4626865671641791	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.9999999999999998	0.6666666666666667	-0.7777777777777779	-0.8292682926829267	-0.9938080495356036	-0.7777777777777777	-0.8857142857142857	-0.8857142857142857	-0.10447761194029859	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.2727272727272727	0.06666666666666665	-0.18518518518518512	-0.3902439024390243	0.23219814241486025	0.16666666666666652	0.08571428571428541	0.19999999999999973	-0.19402985074626855	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	0.8181818181818181	0.2666666666666666	-0.2592592592592595	-0.4634146341463412	-0.7089783281733748	-0.6666666666666665	-0.5428571428571431	-0.7714285714285714	-0.9402985074626865	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	0.9999999999999998	0.1333333333333333	-1.0	-0.9999999999999999	-0.9938080495356036	-0.8333333333333335	-1.0	-0.8857142857142857	-0.7611940298507462	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	0.4545454545454546	0.06666666666666665	0.33333333333333304	-0.024390243902438824	0.5603715170278636	0.38888888888888884	0.5428571428571431	0.48571428571428577	0.6716417910447763	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.8181818181818182	0.6666666666666667	-0.11111111111111116	-0.36585365853658525	-0.6284829721362231	-0.6111111111111112	-0.4285714285714288	-0.48571428571428577	0.10447761194029859	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.8181818181818182	0.3999999999999999	-0.3333333333333335	-0.6097560975609755	-0.6594427244582044	-0.7222222222222223	-0.7142857142857144	-0.657142857142857	-0.07462686567164178	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.09090909090909105	0.6666666666666667	0.2592592592592591	-0.12195121951219501	0.6594427244582044	0.4444444444444442	0.6000000000000001	0.5999999999999996	0.25373134328358193	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	0.09090909090909083	-0.33333333333333337	0.33333333333333304	-0.04878048780487787	0.8699690402476778	0.833333333333333	0.8857142857142857	0.7714285714285714	0.28358208955223874	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.9999999999999998	0.9333333333333333	-0.5185185185185186	-0.6829268292682924	-0.9814241486068114	-0.8333333333333335	-1.0	-1.0	-0.5820895522388059	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.09090909090909083	-0.4666666666666667	0.22222222222222188	-0.04878048780487787	0.8452012383900933	0.6111111111111112	0.8857142857142857	0.8285714285714283	-0.04477611940298498	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.09090909090909105	0.33333333333333326	0.2962962962962963	2.220446049250313e-16	0.5913312693498445	0.5	0.657142857142857	0.5428571428571427	-0.13432835820895517	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.6363636363636365	-0.9333333333333333	-0.2962962962962963	-0.43902439024390216	-0.5975232198142417	-0.6666666666666665	-0.5428571428571431	-0.5428571428571427	-0.7313432835820894	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	-0.8181818181818182	0.2666666666666666	-0.3333333333333335	-0.6097560975609755	-0.6718266253869971	-0.6111111111111112	-0.48571428571428577	-0.6000000000000001	-0.5522388059701493	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.4545454545454546	-0.4666666666666667	0.18518518518518512	-0.09756097560975596	0.702786377708978	0.5	0.7714285714285709	0.5428571428571427	0.4925373134328359	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.4545454545454546	0.6666666666666667	0.18518518518518512	2.220446049250313e-16	0.3684210526315792	0.2777777777777777	0.31428571428571406	0.4285714285714284	0.37313432835820914	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-1.0	0.3999999999999999	-0.37037037037037046	-0.5853658536585364	-0.8266253869969042	-0.6666666666666665	-0.8857142857142857	-0.7714285714285714	-0.04477611940298498	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.8181818181818181	0.7333333333333334	-0.37037037037037046	-0.5609756097560974	-0.8080495356037152	-0.6111111111111112	-0.8285714285714287	-0.7142857142857144	-0.25373134328358216	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	-0.09090909090909105	-0.2666666666666666	0.18518518518518512	-0.26829268292682906	0.4860681114551073	0.33333333333333304	0.5428571428571431	0.48571428571428577	0.6417910447761195	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	0.6363636363636365	0.2666666666666666	-0.0370370370370372	-0.43902439024390216	-0.195046439628483	-0.0555555555555558	-0.2571428571428571	-0.20000000000000018	-0.5522388059701493	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.09090909090909083	-0.19999999999999996	0.4444444444444442	0.024390243902439268	0.888544891640866	0.833333333333333	0.8285714285714287	0.8285714285714283	-0.16417910447761197	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.8181818181818181	-0.6	-0.14814814814814836	-0.36585365853658525	-0.51702786377709	-0.44444444444444464	-0.4285714285714288	-0.6000000000000001	-0.791044776119403	-1.0	1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.6363636363636365	-1.0	0.14814814814814792	-0.21951219512195097	0.2507739938080493	0.2777777777777777	0.37142857142857144	0.1428571428571428	-0.22388059701492535	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	0.8181818181818181	0.3999999999999999	-0.2592592592592595	-0.5365853658536583	-0.7399380804953566	-0.7222222222222223	-0.5428571428571431	-0.7142857142857144	-0.10447761194029859	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.09090909090909105	-1.0	0.33333333333333304	0.07317073170731736	0.3808049535603719	0.33333333333333304	0.31428571428571406	0.2571428571428571	-0.10447761194029859	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	-0.2727272727272727	-0.19999999999999996	0.7037037037037037	0.024390243902439268	0.1888544891640862	0.22222222222222232	0.19999999999999973	0.2571428571428571	0.16417910447761197	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.09090909090909105	-0.8666666666666667	0.4814814814814814	-0.12195121951219501	0.3993808049535601	0.2777777777777777	0.4285714285714284	0.2571428571428571	-0.19402985074626855	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.4545454545454546	-0.2666666666666666	-0.11111111111111116	-0.43902439024390216	-0.21981424148606798	-0.2777777777777777	-0.2571428571428571	-0.2571428571428571	-0.014925373134328401	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.6363636363636365	0.9999999999999998	0.07407407407407396	-0.19512195121951192	-0.3312693498452015	-0.22222222222222232	-0.2571428571428571	-0.3142857142857145	-0.16417910447761197	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.9999999999999998	-0.1333333333333333	-0.7037037037037037	-0.8780487804878048	-0.9814241486068114	-0.7777777777777777	-0.8857142857142857	-0.9428571428571431	-0.3731343283582089	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.2727272727272727	-0.7333333333333334	0.4814814814814814	0.09756097560975618	0.9938080495356032	0.8888888888888884	0.9999999999999996	0.9428571428571431	0.28358208955223874	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.2727272727272727	-0.8	0.9259259259259256	-0.04878048780487787	0.06501547987616041	0.0	0.08571428571428541	0.1428571428571428	-0.014925373134328401	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0	1.0
+-1.0	0.9999999999999998	0.9999999999999998	-0.5185185185185186	-0.4634146341463412	-0.975232198142415	-0.9444444444444446	-0.8857142857142857	-0.8285714285714287	-0.13432835820895517	-1.0	-1.0	1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-1.0	0.33333333333333326	-0.5185185185185186	-0.5853658536585364	-0.8328173374613006	-0.8888888888888888	-0.7142857142857144	-0.8857142857142857	-0.13432835820895517	-1.0	-1.0	-1.0	-1.0	1.0	-1.0	-1.0
+-1.0	0.09090909090909083	-0.4	0.4444444444444442	-0.12195121951219501	0.8575851393188851	0.6666666666666665	0.7714285714285709	0.8285714285714283	0.9999999999999998	-1.0	-1.0	-1.0	1.0	-1.0	-1.0	-1.0
+-1.0	-0.6363636363636365	-0.06666666666666665	-0.2962962962962963	-0.6585365853658536	-0.47368421052631593	-0.5555555555555558	-0.3142857142857145	-0.5428571428571427	0.25373134328358193	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	-0.4545454545454546	0.19999999999999996	0.5555555555555554	0.3170731707317076	-0.13931888544891669	0.0	-0.02857142857142847	-0.1428571428571428	-0.014925373134328401	-1.0	-1.0	-1.0	-1.0	-1.0	1.0	-1.0
+-1.0	0.6363636363636365	-0.1333333333333333	0.14814814814814792	-0.3902439024390243	-0.06501547987616085	-0.16666666666666696	0.02857142857142847	-0.08571428571428585	0.4925373134328359	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
+-1.0	-0.4545454545454546	-0.06666666666666665	-0.11111111111111116	-0.41463414634146334	-0.18266253869969074	-0.0555555555555558	-0.1428571428571428	-0.08571428571428585	-0.6417910447761195	1.0	-1.0	-1.0	-1.0	-1.0	-1.0	-1.0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pw_metric01.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/pw_metric01.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,4 @@
+3.0431466614809506e-10	1.0	0.0014178061201292206	0.04636609716221582	0.012120163495312785	0.012120163495312785	0.03966478547536481	4.837152686522704e-11
+0.00827235898637926	0.0014178061201292193	1.0	0.5030530725911153	0.005949415154775898	0.005949415154775898	0.001821364614043494	1.4472984886595985e-15
+0.0001805433897597471	0.04636609716221582	0.5030530725911155	1.0	0.05154646069476933	0.05154646069476933	0.032127855194777344	6.217339473667583e-13
+1.9087117205849074e-06	0.012120163495312775	0.005949415154775898	0.05154646069476933	1.0	1.0	0.6882765785347926	7.171478371468866e-07
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pw_metric02.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/pw_metric02.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,4 @@
+0.0	6.991989327202	4.700302055636	5.583279679695999
+6.991989327202	0.0	2.2916872715660004	5.558713150412
+4.700302055636	2.2916872715660004	0.0	4.078323200938
+5.583279679695999	5.558713150412	4.078323200938	0.0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/pw_metric03.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/pw_metric03.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,4 @@
+0.0	0.7801459919993865	0.69641542739614	0.649889281728111
+0.7801459919993865	0.0	0.7727193167666271	0.7669511761085644
+0.69641542739614	0.7727193167666271	0.0	0.6761972684325525
+0.649889281728111	0.7669511761085644	0.6761972684325525	0.0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/qda_model01
Binary file test-data/qda_model01 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/qda_prediction_result01.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/qda_prediction_result01.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,5 @@
+3.68258022948	2.82110345641	-3.990140724	-1.9523364774	0
+0.015942057224	-0.7119585943469999	0.125502976978	-0.972218263337	0
+2.0869076882499997	0.929399321468	-2.1292408448400004	-1.9971402218799998	0
+1.4132105208399999	0.523750660422	-1.4210539291	-1.49298569451	0
+0.7683140439399999	1.38267855169	-0.989045048734	0.649504257894	0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/ranking_.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/ranking_.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,18 @@
+ranking_
+17
+7
+4
+5
+2
+1
+9
+6
+8
+3
+10
+15
+14
+11
+13
+12
+16
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/recall_score.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/recall_score.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+recall_score : 
+0.8461538461538461
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/regression.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/regression.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,101 @@
+0	1	2	3	4	5	6	7	8	9	10	11	12	13	14	15	16	17	18	19	20	21	22	23	24	25	26	27	28	29	30	31	32	33	34	35	36	37	38	39	40	41	42	43	44	45	46	47	48	49	50	51	52	53	54	55	56	57	58	59	60	61	62	63	64	65	66	67	68	69	70	71	72	73	74	75	76	77	78	79	80	81	82	83	84	85	86	87	88	89	90	91	92	93	94	95	96	97	98	99	0
+0.04046644371002	-0.32221869168671	-1.94327028847757	0.14089076168331	0.50797298196983	-1.18817519027507	-0.55837864669810	-1.47620399282446	-0.24067909072797	-0.06358029107758	0.80929510932574	0.35754611398417	-0.35463528505326	-0.01380073878907	-0.08714823571983	-0.79453654989307	0.04252844430409	1.18480579060701	-0.34427022696108	1.81291648390238	1.93725134258407	-0.23132382095439	0.47212052875794	-1.08604982624795	-0.22514835388271	-0.26881282015314	-2.61290454860335	-1.40689902631265	-0.68522413053158	0.30338447890179	0.23198841547816	1.07743876868911	0.16518761240476	-1.00475952205489	-0.44900112900871	0.06253225964953	0.50965618717347	0.34198041660066	0.20063772499325	-0.88958780218396	0.10327990808768	-0.40064406812253	0.99727968716504	0.30650582998706	1.82568154541772	-0.41737003120446	0.44026752537403	-0.28046691405830	0.29390729185835	-0.25861302105802	1.61354083357410	-0.21018097777042	0.73272699046602	0.33128542535218	0.28400681429313	-1.08781339197842	-1.56515214507716	0.11108254244934	-1.05834110708324	2.71590566117543	-0.46709306413711	-0.34890072684346	-1.25513636804015	-0.38706157159995	-2.08983065701298	-0.05398563142234	-1.69582718701414	0.11871279626400	0.11536367037547	0.14893574125345	-0.75025315028281	2.96755797814605	0.14570961888674	-1.16629293291132	-1.11326773952565	0.31364953071627	0.10971268259129	-1.08261212881083	1.51674154694999	1.74111073387411	1.65143588667220	0.59294661121932	1.83067100732278	-1.17600259748250	0.50010668566359	-0.65702939966286	-0.00009313425995	0.06338028324231	2.21679138485467	-0.04565557453581	0.95729262004143	1.62993492561400	0.37185201934035	-0.25222024644962	0.23738912982157	0.81546373244439	-0.85286175333815	0.96037198372300	-0.30907239676257	-0.56066669259864	-6.00832134693808
+-0.71424406804035	0.28458137387342	-0.30625448987067	-0.17448841397393	1.12578361592423	-1.80584080194791	-1.06785276227400	0.81398817572329	0.73661869553748	-1.49629927138158	-1.56717360361501	-1.12018456782121	0.10177233182574	-2.45504661423104	-0.40554207157953	-1.05963908925750	-0.37210757142254	0.40749776579757	0.68553648625535	-0.39884590002055	-0.94459829604073	-2.10119710498413	0.38679160339170	-1.41816962334346	-0.51923835176096	0.97898426074191	0.40508582774259	-0.77652811271980	1.10175760640748	-0.79228035470404	0.61001162860313	-0.33062637671512	-0.32042678881724	-0.72672493847467	-0.18435061102909	-2.64629329629355	0.23852982942963	-1.26888176101983	1.45228797948679	-1.44631600120499	-0.03944246509191	0.83664527833708	-0.32080614910167	1.73265246953955	-0.43674374808587	0.00064259510634	-0.54908314046260	0.44138872930676	-0.43306138863878	-0.50788915323440	-0.71562529742484	0.24730882154570	2.34264998959277	1.39731257913356	0.18452040005385	1.28537324525823	1.97667702755659	-1.00696330920959	1.11581898903754	-0.49351437757812	1.03520399433437	2.01005968546991	-0.07145737231421	-0.05824150571174	-0.05500426148539	-0.18496077328512	0.63825358857687	-0.79762195021188	1.90659647973074	-2.18232577234497	-1.22200333720390	0.59956850953643	0.53073647163920	0.92313325091088	0.54634108574228	1.23753050621481	-0.80531409504059	1.40053754921282	-0.82885164729651	-1.41231683902822	-0.77506619672441	0.78710407214462	-0.11413232110539	-1.58966521342893	1.82079148764931	0.88747900665656	-1.14489712094299	-0.67489966013144	-0.40151386976975	1.26230720670704	-1.04186780413216	1.44434627688843	-1.39500110713296	-0.96634203108665	-0.02576081685939	0.42214550402037	0.02827639221332	0.67481973806360	-0.06302357453907	-0.90665121506621	-119.53727328767538
+0.10887198989791	0.23784462192362	1.54160517451341	-0.18949583082318	1.02973268513335	-0.54443916167246	-1.44321699522534	0.50780959049232	-0.66817173681343	1.29974807475531	-0.82793236436587	-1.69061682638360	-1.10452309266229	1.18962226802913	-1.43219061105893	0.43516348812289	0.58057333579427	-0.57882582479099	0.25500144427338	-1.07004333056829	-0.75635230559444	0.81645401101929	0.01354854862861	0.36916395710701	-0.54974619353549	-0.45802698550262	-1.73309562365328	1.83193608182554	0.22239960855530	0.05567601485478	-1.61357850282218	0.42823287059674	-0.33177713505281	-1.63552939938082	0.00395759398760	0.98132078695123	-0.58359505032266	0.36609322616730	2.03460756150493	-1.74976547305470	-0.07602346572462	0.22117966922140	0.00731456322890	1.87657342696217	0.73620521332382	-0.88973148126503	0.35750775316737	-0.98331009912963	-0.61293873547816	-1.19945119919393	-1.35639904886131	-2.48715153522277	-0.18501411089711	1.61898166067526	-1.11831824625544	-0.94004616154477	-0.10441114339063	-1.84118830018672	0.69012147022471	-0.25243603652139	-0.68921797808975	0.75045333032684	-0.88179838948302	0.51421884139438	-0.07961124591740	-1.04420987770932	-1.30699233908082	-0.25187913921321	1.15303580256364	-1.56668752957839	-0.45594692746800	-0.53128037685191	-0.32623805920230	0.02828363482307	-0.86222734651048	-1.18801759731772	0.81684707168578	-0.37690335016897	1.47071386661213	0.77882239932307	0.00301743403121	0.67272080570966	0.75044476153418	1.36155612514533	0.93708220110895	-1.70595200573817	0.34268040332750	0.61303888168755	-0.84243573825130	0.18451869056394	0.73100034383481	-0.43813562270442	0.01863894948806	-0.55071441191459	-1.23243451391493	0.68689006613840	0.10886346783368	1.02692143939979	1.24946974272698	0.90497412146668	-39.45962610258561
+0.43049750124209	0.11356526903860	0.72553769026361	-1.37257080550454	-0.53405627446001	0.57269594252942	0.22876689591944	-0.85573459941781	0.84454696312219	0.41952857952143	0.28297478883800	0.49174595538952	-0.45957604931739	-1.29454833771848	0.12144040286126	-0.56749008367003	-0.92677720114731	0.71197350649826	0.38858515238047	-1.75127114176714	0.38824180373022	1.46109539974248	-0.95887487155075	-1.51335311017291	-0.24047102860609	0.19642833108712	-0.32990149710917	-1.16676201164635	-1.01683896008396	-0.05736797104843	-0.48225713496807	0.28315439184704	-0.48534569744915	-0.06338128352465	-0.31552603005049	0.48908480206144	-0.45842443984219	2.73165740390708	-0.23737694521216	-1.36993367188055	0.49377293672210	0.19733365034861	0.70597555694639	0.15627796712174	1.80810546027698	-0.27086727566315	-1.79329060520391	-0.18230481887726	-0.43195752420646	0.11511101918420	0.20304460093894	-0.97124898350430	-1.23132301587650	-0.06907959275270	-0.54501855829420	0.25538526919955	1.03358066829412	0.88474857238876	-1.05250092460670	-0.96921134094500	0.47743331367039	0.31853145199723	-1.06698049883602	1.32302410307027	-0.28621289990793	0.97683888583266	-0.45436438842782	-1.69527337971782	-0.36358016088241	-1.88133991347147	-0.98578213935099	-0.37794528332813	-0.40205147385169	0.05189079227587	-0.38428519791628	-1.00108980001687	-0.68436234148101	1.36354269198788	-1.10323859899734	0.87007392975822	-0.50870762313681	-0.30196568364525	-1.05252218917258	-0.76931151413580	-1.22885972262994	-0.55908206838476	1.10149521027424	-0.68154084697198	-1.04662083648334	0.49381141397504	-1.26137717819236	0.46077555174801	1.15223514936106	0.19447986216594	-0.13298594534832	0.01582884313015	0.05020629227570	1.29262075917722	0.08023790280266	-0.39914510372852	-110.94278057538622
+-1.04082504764818	-0.14291528294558	0.50941609956270	0.01719088282515	-0.21026301056465	0.35564446693979	-0.49492051037651	0.07303474450567	-0.08589378375206	1.64924800941425	-1.25954092793670	-0.24900450820726	1.63589321712284	-0.04961878313037	-0.81009491637967	-0.34464408604547	-1.94560170418721	0.32184888243425	0.74108006091085	0.18470567818918	-0.12232105489848	0.52527021060110	-0.71997912618815	-0.32427745907217	-0.85017365206209	0.21195232049157	0.09175699102065	0.79834394396158	-0.38347439810911	0.45328111268115	-1.35295636502847	0.45757695816544	-0.11841376098173	1.53370694989233	0.00928220841674	-0.95052764769250	0.27363180477975	0.69664205261743	-0.43118891549985	0.09258761536292	0.21398126993619	-0.42488711862200	-1.88763105117720	0.13148058447863	0.32290469113896	0.48596637861344	-1.72633476290354	1.85524491975957	-0.45630894137812	-2.52655025766330	1.06286521934782	0.55544020510924	0.50722159326213	-0.57551091786770	-0.83612711510760	-1.16696105223900	0.78605259013459	0.95152740307346	0.09393433118919	0.93436651143654	-1.76653517949162	-2.65911283659938	0.58620921851611	2.11706549612480	1.52803969143288	-1.41744883105608	1.91555411693306	0.66718453341277	-0.91010726400287	0.93209368593598	-1.32272548840879	-1.29139204743064	1.86769489382967	0.23149694961784	1.57369351630713	0.91025802126147	-1.66003530110453	-0.57011520885049	0.83653262599812	-0.92532013127807	-0.79620960511765	-0.46450514299622	0.14413958583356	-1.52170511536002	0.37638940632934	-0.28109433319072	0.61695564625486	-1.52489462603475	0.40349598675388	-0.95262183743669	-0.70334056444209	0.39350835922817	0.54631407491362	0.76775381553840	-0.54953167510253	1.37980585745118	0.29893708958150	1.04798414810842	-0.40934755827503	0.74052673724598	139.85642014968761
+-1.05811059676979	0.99067700176551	-0.79902106766283	1.20353286396071	0.91384588363917	1.56733359139555	0.10594780499086	0.38957790648763	1.58228179571590	2.85195001145423	0.49991635782010	-1.59567325664173	-1.08919962263961	0.16126931859841	-0.02013537567643	-0.36305564037357	-0.31239115103111	0.37215376680088	-0.50219411556924	0.15255593748469	1.15422070799168	-1.54633385415870	-0.47877282400639	0.34740650995611	-1.34863575467756	0.70167829598013	-1.95655791997583	0.92431667651783	-1.44943246170963	1.24771974027670	2.29708685804274	0.29286391943532	0.06765280961513	0.83278302396612	-0.15048769700898	-0.46492410983922	-0.62319692387032	0.32082524058621	-0.06983224710479	0.82652967239436	0.93605834204049	0.75030068893215	0.64307211143671	-0.38356840573813	1.15609357958677	1.50035757886359	-0.08179619690236	0.41431769072388	0.09659492374073	0.08190939862180	-0.09577341039166	0.57411676439462	-0.72041460150809	0.39732769667234	1.12984651720063	2.77538211642644	0.58369788267979	-2.08978194979401	0.44424286449910	0.47280270911404	0.15324554328312	0.26632184535452	-1.04659766934247	-1.50171168930055	-0.58031851363652	-1.43145718151164	0.40769453844323	-1.34238077050188	-0.56896683024931	0.74497513836766	1.11215662584122	0.30592251074771	-1.06077535094698	-0.98141526599547	-0.07623095716045	-1.25678966384947	0.50405726923042	0.08567585935807	-0.18678651803450	-1.36227299675292	-0.41303701972737	-1.72718834712848	1.23794658172594	-1.11733301647517	-0.89717533873070	-0.57501559283981	-0.04413634824140	-1.85950916548548	1.07635582836163	1.37608517468105	-0.21070237563237	-0.29581151440468	-0.61010403535437	0.63165820165887	-1.91244766323246	1.04798113824920	0.01242424859437	-0.71005952085140	0.59931316208899	0.84826516635826	4.09973180962128
+-1.57959882389898	0.60910571044828	-1.13272917818355	0.94175526669991	-0.50807986288157	0.81432461353739	0.73895099749018	0.01971106661271	1.21405951712152	0.84591347041895	-0.84460866879706	-0.07844206283832	-1.38203472602272	0.94045481943182	0.86865026174101	1.27624794598934	-0.87509938541256	-0.10678367894303	-0.64696211157545	0.66758809223607	0.33409134205811	-1.13662591270665	1.26195725302240	-0.17704463664704	-0.71719712842115	2.29788557899753	0.32351256640858	-2.26688495579483	-1.81559956919532	0.46054390238907	1.10927385522428	1.08549401158481	0.26574012341415	1.24552417959664	0.12372879270055	0.55580647222209	-0.47009316461769	0.53336626468608	-0.62553340053294	-2.81865300250736	0.99739273288514	-0.85708255039404	-1.61195033936970	-1.70774484272890	0.06886762106071	2.27510798428090	0.02272578262120	0.17759075527122	0.38265856161426	-0.87130264702368	-0.68854089765781	0.29032122469609	-0.69870881191519	0.10415185780639	-0.36418635729920	0.62719563155225	-0.54828134463686	0.11248681150044	-2.61928060359101	-0.52402017253811	0.51069429889518	0.67015655033214	-0.41089883250021	-0.29971585133852	-0.36580059274080	-0.60451754286066	-0.53690477132988	0.99518438312051	0.86211901342962	-0.76249075938351	-1.93022327109422	-0.69500988234387	0.27987375745446	-0.08438402162960	0.33128518790477	0.84932026904071	-0.71920612728623	0.49356800079005	0.74631228295486	2.15602528615351	0.95928316416588	-0.15806847832807	0.33687080618689	0.54855666050758	0.43925107369418	0.70852633013248	0.82717756235674	0.20927629446991	1.50380466533721	-0.35779084437972	0.97617679318048	0.84510709853710	-0.86369513471085	1.19073160862588	-0.72305978753721	0.58616532716987	0.12548690045125	0.92062286363650	1.39287220764142	0.63977056741894	-172.97027995025576
+0.01667237342327	1.17695251369075	0.11653331605849	0.83081956369486	-0.08289852500467	0.68892136215794	-0.06961565914855	-0.23406889069910	0.04127457420270	-0.51766032371938	-2.75203766267793	0.94250687917122	-0.69494912373732	-1.01103512095547	2.18227591083450	0.71253894037464	-0.08885766708389	-1.00401580667882	-0.87826816754173	3.07557389343242	1.36559019919265	-0.55869533571676	-1.16543173350357	0.14853198602057	0.39315819224911	0.13986220576101	0.30217682520827	-1.76519385068265	1.52358483157953	-3.20995538197805	0.01760020692310	0.16564178605540	-0.43728724254382	0.53824609750456	0.74640215370270	1.66590470279182	0.35962374341728	1.44800142087605	-1.12682828365713	0.87605118541231	-1.14177869440826	3.85793967348964	-0.49772668445685	1.83630816031061	-0.52850563611267	-1.34851188441845	0.98820884848646	0.77344099754421	-0.00984728747148	-1.31209853152664	-2.22151082370052	0.78698146524371	-0.46902780374761	-1.90818478313660	0.69269605713184	-0.51086319348789	-0.49517395484316	0.32870245607284	-1.01447204069737	-0.14253519602585	0.91147448513032	-1.22656743165181	0.86605917282181	-1.38011429643308	0.01286688418472	-0.84286055170898	1.35527256153284	1.75517416567648	1.28870255629561	-0.91947922766802	2.40091831132128	0.13296228043630	0.22430285295478	-0.63143225155943	-1.60141394152819	0.68775969579480	0.71274800118976	0.13966757848863	0.81980615401978	-0.53279237278261	1.44760405289435	1.06878568075187	0.27539347594118	-1.79000391907616	-0.67356455479923	0.44682624679648	2.15621999334801	-2.87496887986553	-0.39556563485904	-0.93258345676184	0.71453204799170	0.21421904746683	0.79129498040016	1.11473389263156	-2.58576758899944	0.87121601371846	-0.19206908223922	-0.32108899071015	0.79102614968522	0.28763112142636	518.61340613861648
+-0.17889399951874	-0.12959655901367	0.08864979057353	0.49875048880423	1.54772910282559	0.53981291899131	-0.58488933245995	-0.24659729953407	0.54317318009914	-0.22013056376799	-0.36649624944706	2.13248672882896	-1.06524615482103	0.15859859636139	0.26307668943329	0.08652484860757	0.12495397935004	-0.44340798605666	-1.07782607706718	-0.33614362847696	-0.92924719790142	0.39841641960968	-0.17083040768744	-0.08605564337254	-0.02117577430050	0.57693405994303	-0.25227004044698	0.09277642496735	-0.52564519481547	-0.13207671471324	-1.95696755224306	0.16713678370411	-1.93141285692905	0.79042809047227	0.78378607818048	1.60337199634899	0.38378884838188	0.92910011329669	-1.21369153934521	-0.54849228027521	-2.04867192260410	1.84452320625568	0.96374453107731	-0.33575683852309	0.53644393686813	-0.65428085380793	0.48028838228527	0.01003713940840	1.25372613426345	0.73895390075995	2.72133360986656	-1.18441142741057	-0.23298456157950	0.88767178082627	1.00339755722139	0.33107168261446	-0.31300773157575	-1.27105798549423	0.60305369790333	3.33420351759743	0.02421534060406	-0.57226389920743	-0.01912275129905	1.01289623095502	0.32520629231681	1.09181590721546	2.74511796477507	-1.32457809594023	3.17339052396198	-1.51643049572030	-1.71158305311757	0.12355262918533	0.35069281439802	1.17823915920031	1.49053309726734	-1.16323582218066	1.33473075772714	-0.13662937928239	-0.56448465830768	-1.98362094280418	0.18971879197959	1.67179118861467	-1.35590785559730	0.24849462488068	-0.46484257027188	-0.15484845483449	-0.05263496977245	-0.40508326392064	0.23838464525501	1.19666146012001	-1.13667271129239	-0.10788917679724	0.99294164933736	0.18813695705594	-1.97286404807838	-1.06146763692164	0.86047540690491	-2.13131465998520	-0.39939137701025	0.32928250529486	461.99090648520172
+0.27977942135967	-0.88782571940255	-0.66869970835467	-1.02153810220936	1.71925226830590	1.28730441715029	-0.40434751373119	2.03587069152956	0.78338914100291	-0.98446065533268	0.54154316276641	-0.34564752083914	1.60232599862447	0.55630005438833	0.43712174673388	0.84266932146659	-1.06764736169652	0.53243843860830	-0.63852499043117	1.18963780218869	0.22947036892796	-0.45751581302286	1.31726246734945	-0.76958450697875	-0.85935906978785	-0.32736159557559	0.12413603818360	-1.06998623619066	0.55843774413695	-0.56880230670358	-0.70285799624859	0.91985300736931	0.64828966224648	-0.71508863256353	-0.21930307042151	0.80256600279718	0.82323004819646	1.77533097919632	-0.11340015290773	-1.38444443777389	-0.82334200311744	-0.10142859096933	0.18879866320990	0.87996177286494	0.34985235737472	-0.32233980766498	-0.66317309956921	-0.76473941549714	-1.89991459561061	0.18129764009853	1.45245635465150	-0.59466456474353	0.63325536019448	-0.81417104265693	-1.46123525035655	0.09727192171450	0.33009671359517	0.11125773338330	-0.67054403603921	0.89841893842412	0.69313769017350	-1.13261513657046	-1.31464936182519	1.29429493872359	-0.99837823815193	0.81505901743091	-0.05767876680783	0.56992204795497	-2.22347976723193	1.57004191602788	0.68585209985297	0.53931291271669	0.95696417804256	-1.07230780002117	-1.79658566281839	0.37024980783686	-0.42571587987749	0.76816700325577	-1.53650245814487	2.54258163157675	-2.89921548518789	-0.10233911195945	-0.09410393113389	0.46315603854531	-0.31473730920689	2.14903884886610	0.20216975907101	-1.29897808329546	0.06795536501263	0.91543147704630	0.49805354137877	-0.55729359965497	0.55574823878448	-0.40824531465148	-0.32240307211271	-1.05800173092861	1.44020869774190	0.12012710080302	-0.52492873912732	-0.42349091697045	-138.50467581363895
+-1.92139632229487	0.43662119021414	-1.29623255290790	-0.13072742282139	-0.53709609014327	0.73057265487375	1.78349742022723	1.12088661527391	0.32892274884153	0.25954300918840	0.22746085677060	-0.90751410583276	-0.00152271454015	-1.04084403360503	1.33766558971195	-0.08707681322173	0.40983883442266	1.43636345241552	0.07055177751602	1.72959162554155	-0.03214387268415	0.99640329382398	-0.46382136291295	0.22260596043089	-0.24493165793476	-0.85879710889865	0.83584599970334	0.04613231639449	-0.51256193842803	-0.35250745064609	-1.25955238824187	0.07212492808793	1.58236973360205	-0.43039660684542	-1.49310854959295	-0.59310635501256	1.02181058032764	0.29396621086825	-0.31901568507019	-0.84628154014509	-0.05574492665120	0.44118232537964	0.38703693699544	0.33187636048699	-0.34661930103528	-0.19413827519552	-0.87549628765832	-2.55481405039711	1.25062678414699	1.13182560044782	1.24158232048234	-0.59949886342082	0.00857057873712	-0.95452820322858	-0.05315331116089	-0.89062718796085	-0.08314082723387	-0.71676198285976	0.40349862023671	1.13265443413917	1.27777810237399	1.56684644605604	0.76146090585051	1.51382193500254	-0.20106018519975	-0.43945835995994	1.64747384309288	0.28922996107466	0.92454453978287	-1.12472275210807	1.67558451935899	0.82048676060393	0.66061034069735	1.36820782417535	-0.81227866935907	0.36295138311199	1.78995114440304	1.30969619734061	0.56898981620026	0.49876410576743	-0.87350675274130	-0.44171209653593	0.25636081622249	-0.51978990063666	-0.83477350005599	0.65770792710663	2.40322784974689	0.84453757608375	0.39412136243439	0.95744084949312	-0.72225736545482	0.29298558440163	0.52223393477637	-0.21472822782873	0.26997744559873	-0.52061281047407	-1.35887420217081	-1.85506231882390	-1.36549987809939	-0.41606346520678	300.17577038227813
+0.19590182711116	0.90232328434833	0.50760457715395	-0.80524201931644	1.97206325513313	-0.57322079054234	1.77366496335898	-1.20087125261144	-1.77567356718588	0.05171883427542	-0.53376989885114	0.23005842525377	-1.25518895893938	0.68421113096017	0.24281495777844	-0.85191918157699	0.30878596572739	1.06610518184285	-0.17371537721977	0.61858240149039	-1.80166611174266	0.84669084728248	-0.19571829101336	0.57723733551842	1.70937976209221	0.38860633542037	1.07457782272155	0.38042912543649	0.92626707752398	0.32760478280433	-0.56623915416835	0.08330739096431	-0.51513155327419	0.02755754119477	2.20283141210221	0.78617490919434	0.77779843075663	-0.79337758330260	-0.44990350112173	1.11676239802414	0.22000216981799	1.19602177374054	-2.77434292563498	0.51037242771711	0.66577816968633	0.36317102055545	-0.97834141801268	0.84258934275269	-0.20348106727286	1.16375201348356	-0.27864006963781	-0.93517866742905	1.48680049139438	0.67438569969138	1.47455968392259	-0.61584640890701	-1.80827472024128	1.53610750572021	-0.46257037254050	0.61298961966911	0.33802068753858	-0.02418429990430	-0.62552868451915	-0.45673282761442	-0.41067155295716	-1.65928985307577	0.12286788044018	-1.34353448045359	0.48404516268493	-0.83606253583799	-0.07821244380148	0.09109665891071	-0.69784300521292	0.59059576442279	-1.61405945166478	0.33503930425481	-0.19567402460114	-0.87382719572956	-0.42460481580850	0.79075309482050	0.39295136926932	-0.98183429860217	-0.02744135898988	2.01229729925180	-1.53476536227905	-0.91883417673077	-1.17101672779515	1.50095701141901	-0.62710865632929	-0.06417465757776	-0.28388146910277	1.30870504470546	-0.28071832227846	-0.33866554470860	-1.78470498935557	0.29288447162778	1.56481790560749	-0.67046025831404	-0.12634115842089	0.59546133090813	122.74924095167367
+0.95666379949758	0.92931310925055	-0.76550978080254	-0.08280882147581	-1.39100321144728	0.04104710872568	-0.26836813835056	-1.76264614531235	0.13548793223523	-0.04527856251083	0.48607320858206	0.24949428091851	0.02584422370008	0.07043187851425	1.39773086544050	1.86253664811816	1.86142630322813	-1.32230215206597	-1.58399175555073	-0.68217350483095	0.13687042883691	-0.06638489106889	-0.04460441452115	-0.01130186793684	-0.47336487400886	-0.71502227074316	2.05199840934946	1.15974506898306	0.27254273082410	-0.57090368421815	-0.20034307182725	-0.52996810095391	0.11794483950465	0.95089837778410	0.10601918208232	0.71385186495772	-0.48201800365812	0.82491727680058	-0.51652137759975	1.11000086876294	-0.67407979275498	1.46947758181744	-1.69528069290329	-0.75639885362772	0.37165952143384	-0.89595768007701	-0.16521378061409	-0.59270216977864	0.17812227233907	-2.64778872984068	-0.84840584235259	-0.55854431026348	0.74070365495494	0.96525221520717	-2.20018308333539	1.11849590491587	0.58088311059278	-2.06206379573886	1.31602008426851	-0.08674639175942	0.47813267257155	0.94918710405911	-1.35891613312140	0.18900662205754	1.04633342710199	-0.63242546134069	0.71877358613569	-1.18957486652419	-0.04404298783135	1.41512409597988	-0.23438252214543	-1.30896591872359	0.23479550988516	-1.47900020436081	0.10436756302337	0.01667711794144	-1.72536224159375	-0.75690984787502	-0.71687538879114	-0.36118450218430	0.70640618424563	2.65294588041599	0.61905312957028	0.65969506192225	-0.33978304961743	-0.53442707536180	-0.87063587255507	-1.06115041354686	-1.55576968967249	-0.47834564938154	-0.38074612241068	-1.78983432100004	1.33041759095043	-0.51331554009586	1.18421029274433	-0.64570114731647	-1.02770157505667	0.09596235048166	-0.83484840752271	0.39707445532969	138.05484395446103
+1.85315106817606	0.25779881222600	1.97031310327167	0.82128761377631	-0.34789771373064	0.44192955782818	1.73937457361324	0.73952865248516	0.93513644990444	0.63152180272187	0.02848556925001	0.86771018410871	-0.19724427143959	-1.28256743682801	-1.01218473074390	0.06895659361416	-0.45894460951794	-1.25667593368627	-0.55140794108584	-1.63941101317793	-2.08113708935705	0.84237883176053	0.34505513763731	-0.46956595378324	0.76907532796441	-2.15039936115554	-1.31636586856055	-0.93917311883075	-0.21732850560326	0.59503344907505	0.45704214143897	0.07203754723271	0.72042408043638	-0.18221012389788	-0.98478655686749	0.04737997785399	0.00945583339502	0.87660467724864	1.21749501563320	-0.93063590214986	-0.24936692838604	-0.65174563870892	-0.29223129379247	0.33734399703447	-0.09789701795265	-0.60787278965301	0.31588166775505	-0.32377034080588	0.00412514417076	-1.08760163916656	-0.47743793393662	-0.13554703553192	0.12597472196038	-0.43005210449502	0.33374859054091	-0.01513984836818	-1.48306681407552	0.16735642242490	-0.38833624421884	0.16309921015451	-1.68145140970845	2.64227776011366	-0.08557406247184	0.72146800285475	1.38629739101285	0.50455935009935	-1.51000956117059	0.61606111183751	-0.16675731307953	1.77237364367416	-0.58820914733350	-0.16104448170268	-2.06494450904685	-0.95007883894013	-0.19851695038156	0.25454471691282	-0.79521555764439	-2.26747424506599	0.22794275921146	-1.54373166873646	-0.30816021023739	0.67150538554424	0.93655712368837	-0.64843386279617	1.36238164773649	0.97609278184300	0.62043817499346	0.66758695509121	0.00855027188283	-0.57633239067434	0.48029513530512	-0.41404176748924	-0.55729526234432	1.06378517509930	-0.13150609375208	0.68726959983325	0.63862850841850	1.26543327894364	-0.81604562367686	2.68514063281568	-55.11776559991853
+0.67968851312825	0.47767994203151	-0.86793247389614	-0.79455841741649	-0.18181804005855	-0.26118576529325	-0.87440474152653	-1.00305015273403	-0.27615698896262	2.81990763419778	0.80074979670045	0.00418646639543	-0.25452208281282	-0.27067456679954	0.08232654879434	0.35658838500266	0.69334079476880	-1.42268990949976	0.70971777550925	-2.45746233323133	1.78049039505377	2.41315971003628	-0.45583513182117	-2.48304129477194	-1.50721983557469	-0.25199952706681	0.83604453169928	1.28034262669475	-1.37852913957562	-0.69364307508480	-1.17759810098669	0.03602026306287	-0.66440657277788	0.01689444133413	-0.67851140381449	-0.70251476140616	-1.56400727165643	-0.19746261726843	-0.15522471302754	-1.14603148816586	-0.63142706139990	1.05752663321703	0.31496996848582	0.41117528257991	-1.50358122193905	1.48572711507738	0.96166124014647	-0.38532962247294	-0.65898538558521	0.47430212858153	0.77671147856860	-0.28005061744659	-0.70686511869679	-0.99059890225378	0.09858219421417	0.45599002483155	0.88922507155753	0.77005761795783	0.48428044716794	0.66006853056512	-0.34817156166701	-0.80520758818281	0.25707672516032	0.54697354071627	-1.06489426366551	-0.36262884758188	-1.11615566569023	-0.81417467910951	-0.81151322118059	0.43631693659620	-1.75838861831620	-0.58316016849061	-1.01108751276865	0.35890998726974	0.78371287841064	0.02527309482095	1.10191608815751	-1.27459459029864	0.26277133565875	1.02460866526831	-0.50102944708696	-0.55927250227947	1.42760411267439	-1.10571303796230	0.44049371657989	-1.60568752553561	0.26813467693922	0.56523344936118	-0.33404122530864	1.24077920729760	1.01282420866240	0.60342485997761	-0.39056285404054	-0.88058543602587	0.83393476033931	-0.49578445261214	-1.05036094419895	2.69118392333630	0.11280789406053	1.13141231053317	-171.73685344870825
+0.19626309777824	0.34971084067282	-0.50046711635040	1.26553343107876	1.94772444689085	0.40262761438233	0.18319432148914	1.55321681035915	1.01627486225925	0.06612758134608	-1.24512847507481	0.90161903286567	-0.90075506491838	-0.79052643157895	0.39267042405480	2.37315723857145	-0.91319932743561	0.24334059059423	-0.04677204433258	1.35585633705023	-0.04640851129205	-0.66504040763621	1.03408601094333	0.54037043152523	2.04207532021155	-0.23395647038079	0.32387448030281	-0.47931886366751	0.59346127966551	-0.54922572266752	1.12450122141999	0.40834327005535	0.43138059234729	-0.99065800085994	0.06346235424028	-2.55617381626622	-0.20673969695638	-0.91954114731568	0.67089470143661	2.26168939231262	1.12050150707955	-1.38153201215724	-1.17188149853108	1.33851526083075	-0.18751598407183	-1.38750907992740	-1.27276301542129	-0.44533651803172	1.20453643902250	1.56811998554203	0.30015512879457	0.61980358089268	-1.33120413553912	-0.38515756062354	0.51220404983132	0.34129450909373	-1.94321951165303	0.04391971527693	0.34781783390270	0.78333926705324	-0.07529992286534	-1.27532809886708	1.58893552705754	1.12692160530505	0.11272865538094	-1.32588823427922	1.55333668975366	-1.13779590302710	-0.77519343666767	0.86808950456481	-0.72993632314162	-0.77769139342231	0.62340162940386	0.22614263862304	1.79763253848593	1.09943847159962	1.44083050545613	0.94451432691959	-1.50060854732986	1.55240112684171	-0.05941500240542	1.14561712557757	-0.52091791772273	1.85396419118063	-1.40291580947963	0.04546481803708	-0.01670069992886	-1.23615719235706	0.12850251223132	0.84323411642328	0.01759992778379	-1.14691963107992	0.80255966780705	-0.55872252349954	0.77109616473560	-0.33187432673338	0.60429658977306	0.05089796352466	0.10129882011110	-0.58796355463035	242.11497497255584
+0.45448373349021	0.25054572016926	-0.20047330203809	1.15974589356045	-2.01859119337207	0.30093392414094	0.51322716996826	-0.56465709771955	0.92814726974625	-0.16160986786544	-1.68555929555258	-1.12344229777328	0.98435634844022	-1.19914690030036	0.24619163555483	-0.93823152186873	0.62156664515051	0.49395399847300	0.90351534785015	0.55773985261720	1.06616126915032	0.43636426186294	0.29345647495680	-0.66723039696601	0.88034896181970	-0.80323939993979	1.59176280691394	-1.50864863545846	-0.01335536688888	-0.19957759748310	1.51595707121713	-0.03905224641879	-1.60653199350900	-0.77804691797837	-1.12051944910719	-1.68588645761520	1.00228981250299	1.11381523288884	-1.21086864075693	-0.04069101492097	0.59694619969191	-1.25887998587520	0.76708901071338	1.35852865816822	1.13505266739101	0.20046008646420	-0.59511312664897	-1.32423807723531	-1.02524495089072	1.94629205489077	0.56966159636638	-0.14621470287263	-0.22269525483718	-0.91528667622153	-1.11763484979803	-0.07841370544633	-0.44681009135136	1.12868905077069	-0.51449474942438	-1.85110750767517	-1.19247342285097	-1.09330146046519	0.38065488076790	-0.69196410173586	-0.53166395879398	-0.36720126869992	-0.61908095654760	1.39779411509909	-1.41332331224353	1.41588645376208	-1.50894828833263	-1.43102578813188	-1.67326963482454	1.00261374680937	-0.43122453048439	1.91701759756705	0.88643950937251	-1.98723764445648	-0.41478445715748	-0.60673255629315	1.32643876944535	0.46559642270486	0.15975930390337	-0.79692339669248	-0.08737078948197	0.94815154524388	-0.56269401167672	0.50812158017767	-0.93782464765058	0.52956798312903	1.59949728917403	1.57141993995898	1.05892389679234	1.28006584965980	0.02483526622743	-2.34175714269291	-0.27856511562302	1.57748198206235	-0.32308748918940	0.30877078793522	-253.43945330856593
+0.34472059018565	-0.53040942803005	0.60188394028094	0.20898972573566	0.84132019438746	-0.59907844859613	0.95342033758124	-0.41323336649748	0.67274253603237	0.18166179174550	1.72639639291121	-1.24880773365240	0.02071123962714	1.00350733705348	0.74471340329805	0.33689819504509	-0.36088786782315	-0.14067727228562	-0.03779952942285	1.66711307606431	-0.55524692277405	0.52277032355671	-1.15862067036494	0.56143933965894	0.40195887068315	-1.39292788780168	1.42104832349286	-1.35218508482241	0.00986687347310	1.58255249408749	-0.69407198802805	-1.30890692002140	-0.41229910610962	2.72265798549338	-0.41057612192262	-0.28524834467092	0.14776654174954	0.14460914761244	0.33249526217871	-0.97633576308856	0.89904133855454	-1.90111973322871	0.56032622619027	0.57586433800261	0.10416628741063	-2.48028746555471	0.68564197314306	0.74433271002929	0.00476358171050	-0.60045540686325	0.07328162495381	1.45005122167493	-0.93829635382044	-0.70762605589717	-2.00925456255999	0.36203891387029	0.15009042371487	0.58763887523380	-0.79412347535503	1.47466620778412	-2.31365831216100	-0.79378077814297	-0.16309013666904	-1.19480643417467	-1.34466973746209	-0.28791268959378	0.66273239634231	1.81512343132975	1.29251429455728	0.64196325760386	0.00048299060134	1.12255887064596	0.33884697913904	-0.76046937815826	-1.44565409435171	1.25823822064100	-0.33299341718695	2.30364559136121	-0.47472800853181	0.59785771333450	0.40210659978010	1.77271420347055	-1.04070696910250	0.82607133885753	-0.35688989769158	0.60771926897304	0.85719138946155	2.76385564262439	-1.00002892792779	0.24491740363809	-0.96803965652010	-1.84286467228001	-0.51478673709471	0.16931042803721	-1.37411098170475	0.88023630219330	-0.90240442390261	0.89285174433701	-0.52442802594386	-1.42133783943089	-77.56780514739475
+2.94190010450209	1.11804914625680	-0.69341366915829	-1.89436511105639	0.42350831251139	0.37733703429563	0.69290058511369	-2.00634924382851	-0.79603901637367	0.09462589768642	0.13659228198972	-0.64922590181036	0.29055481300774	-0.57228977778950	0.48075557263940	0.17373385394310	0.84499405771552	-0.92978237491353	-1.14052224730645	1.73210966075590	0.51013410265176	0.78885737524128	0.51021697726536	-2.78412599521638	0.02714255154190	-0.70223461514255	1.01635016809792	-0.54472074067077	-0.50145793480025	1.36265166908355	0.39234022675072	0.93951000249078	-0.17086543176171	-1.41920220555263	0.64390869019525	-0.46956645480533	0.20909584705607	-0.03710148502632	-1.76478658966632	1.44625023128847	-0.33389718290509	-0.03490254168295	-0.16251265372045	0.28615352847100	1.05985356770417	1.26248044674252	1.00928192962753	1.50710954123929	0.42441529869267	0.92592471052358	-1.38272578433744	0.29755375302778	-0.71529377193883	-0.22152373597015	0.80766882061895	1.48877277872380	-0.02983698525124	-0.85105107217914	-1.18491359879660	0.11798112486318	-0.47264639859850	0.65686899615709	-0.17354717618796	-1.57596880307754	-0.45589031488384	-1.34460290103766	1.09225686732525	-0.33832286309141	-1.57805925172434	-0.92264788263110	0.07667421331539	0.26686796952951	-0.86930906498704	-0.49341368458829	-0.42711255321007	-1.50220637322443	-0.54905939196496	-1.11287043581601	-1.60138825217622	-0.38424745429698	0.77782537944884	0.39655180066883	-0.77711229705581	0.27904039053026	1.60435106416775	-0.20657718796852	0.76532045160393	0.40320409769310	-1.49164850214162	-0.35164335030646	-1.39804738841456	-0.73878781656931	-1.38153492543424	-0.44157059811018	0.00806801313697	-1.42888919240924	-0.90412131800503	-1.24421909741809	0.33906732805495	-0.33804352966123	-122.23045124607208
+-0.16935301763052	0.62788767844617	-0.57794626699179	0.43061327513407	-1.83387373528744	-0.02860552628380	2.57697767903116	-0.95521588382280	-1.25227751410810	0.99121885080264	-1.36534324182302	0.13438281144362	-0.56117734271977	-0.73016628022484	0.14069505646733	-0.56931657031587	0.91954364575782	-1.64560796462227	-1.19078425486019	1.87714287063779	1.58732124247286	0.68767761615488	0.95270524350930	-0.07149411774530	0.23351936921649	0.22621213114101	0.28721298619813	-1.08125857121519	0.36102541634538	1.51836206992618	0.01632286834065	0.09157124428915	-0.78043417951363	-0.82962773861004	-2.05090576304937	0.32702615652722	-0.73226070973677	-1.28557386041386	0.09694034331841	0.56794338164994	-0.50356048600791	0.90159225838742	0.10659762229931	-0.38621990548929	-0.53939102282005	-1.45264067391114	-0.37850280255917	-0.63596981864126	0.54225733318692	0.16979751913292	0.97155356324931	-1.32944561779624	0.08725798075221	-1.53160182309595	-0.15859132011071	1.01495228874720	-0.82349887163333	1.23826241313624	-0.41011200920817	-1.16160194672828	-0.46617212638524	-0.07936631605576	-0.82760173749992	0.56733342056442	0.03730765585465	1.16046637087229	-0.31828531361553	-1.90590553684648	0.06925096183453	-0.09891912036095	-0.58958206791907	0.30663585257869	-0.72730690571494	-0.88569789419583	-0.26051262079765	0.32144427129437	-0.71174158551669	1.34495027194420	-0.20958795245615	-1.26749599415944	-0.06307879670507	0.05687216122626	-0.01821234710461	-0.03502705018891	-0.50845288515225	-0.13785869633103	-0.10163797438184	-0.31152510549227	-2.00894261676224	0.23889598302964	-0.04826170379593	-2.89224040536514	2.29219364581099	-0.45823039827602	-1.05837944272187	0.06812570823585	0.27653105409089	0.54043275536691	-1.32749098273129	0.23925986087457	209.83878080423796
+1.27329616906945	-1.03601557454339	-0.88318109338268	-0.86083405208718	-0.84049597176074	0.54220098765448	-0.94475239718646	0.55152282832803	0.02113738380347	-0.16241286336126	0.40033494520882	0.14337348117549	-0.26229033898779	0.16805519074751	-1.11632983193236	0.07567969491410	0.02142685002903	0.11342576959258	-0.35928445739812	-1.79522233143678	0.65790634665557	1.69072715737977	0.35841843007310	1.17108350361865	0.02604794972522	1.86150797912939	-0.32967599007510	-0.05879930999669	0.37380450070119	0.55460321377855	-2.06546002375025	-0.67579861857835	0.51335162068047	1.61132781529346	1.26503773854364	-0.03998527731894	0.31671759658979	-0.81119098451529	1.23720732770172	-0.67129856546585	0.88659906032689	0.73320108170001	-0.39134273968267	-1.02243901415325	0.67859750714451	1.83923961261428	0.79575386168328	-0.66989991355051	1.17542204863277	-0.76951597969322	-2.10257256956536	-2.19450880304470	1.97152121164796	-0.03850183629653	2.57437741705726	0.11980403894989	-0.19577646314540	-0.42149791592154	-0.89159076599021	-0.25204009950055	0.55960499614656	0.64167665840306	-0.83927871967345	0.08845019567417	-1.10190796280200	-1.12287140885388	0.96138365261514	-0.13261465381721	-0.23156601234163	0.72565729204670	0.46313191383624	0.31641359928794	-2.11795868821422	-1.64224090592553	-0.04328498355774	0.79165686193107	-0.14088196706511	0.63238016880307	1.64795218970982	-0.24574077501449	-0.96212866624671	-0.79594908286135	0.19795807338872	1.09326515444629	-1.24475552978125	-0.98058221756987	-0.42488720824823	-0.00573629616465	1.24592732719868	-0.02921535061610	0.70900716478074	0.69504591529888	-0.90326127952282	-0.02976749070840	-1.53451858798111	-1.04708538445108	-0.53284125888756	0.73551413696486	0.83602161983182	0.88191411240776	-161.38553214566451
+-0.00619823333807	0.64274633548075	-0.81795475974269	0.86295221230262	-0.14907056457727	-1.32375562033450	-2.07412537040676	0.48470549177627	0.05739620711733	1.21319868593147	0.27995293275756	-0.58208189894273	-1.78522868874675	0.80479979153498	-0.48664408672596	2.47720394156925	-0.54795958620379	-0.83065773839144	0.25173127529377	0.62654078637807	-0.34752899289413	-1.06200804136298	-0.23061690629814	1.20301875008106	1.63666387163611	0.95832740467460	1.23878514428405	0.49735882101322	-2.13647101286755	1.20468170495807	-2.80702134287572	-0.80315057257834	0.62029781598803	0.81712046469058	-0.64490496802744	-0.82164519613281	-2.52326382016491	0.07083612541006	0.26652334916817	-0.48043253398959	-0.14904244468736	1.81841313335067	1.17255505633687	-0.05097909198987	0.09135888719421	0.43847236098863	0.62626733122012	0.83851731204307	-1.20226805199120	1.09184682272928	1.35568182958241	-0.61370419911740	-1.41761913085882	-0.32487923813193	-0.79412732695959	0.86941046258591	0.88515690788019	-0.53554804665413	-0.92865410934256	0.70263593951681	-0.33602630838451	0.61027474826945	-0.66492835448311	-0.19949613625230	-0.15594119624566	-0.30515628807508	0.39007568319144	-0.62039461093762	1.54015320346067	0.26581542135661	-0.54022391280628	1.34464262514618	1.74552421943047	0.20317556111915	-0.02896881924639	1.04081486573800	-1.02784750151547	-0.62418490452035	-0.96980230621241	-0.32725492547191	-0.69849782229485	-0.97982827436267	-0.09626509905957	0.79199827926289	1.13285628849110	0.27729251721085	-1.67001178842392	-1.97629489573092	0.27560995260510	-0.60363847762990	-0.69463707800065	-0.75163849232470	0.65364918994571	-0.01599908393883	0.33479222224752	0.35445179908439	0.72151683374021	-0.88131471452213	0.29199124075082	-0.56146221888221	116.02812950584253
+-1.19133133442471	-0.09182482057905	-0.62454378130028	-0.49999112059189	0.08673275328357	-0.25065505333996	0.08016039144403	1.58521811148341	-1.77735677483900	1.50847369985984	0.21507044307340	1.57982176977838	-0.57192363872476	-0.08386604949330	3.15339213702926	0.36433532967740	-2.22529850735205	0.00166872461300	0.95213619368166	-0.82781803028538	0.06735076268881	0.14509497472689	-0.65012209308352	-0.88456351563158	-0.88709700395597	0.58552106706673	0.13920799755829	0.13365491795790	0.11067652064373	0.94061147718630	-0.79770286222923	0.56551073476677	-1.09675037912677	1.01819992438826	-1.89502334245523	0.29475161885457	0.92441984484308	0.34045328943976	1.03223713358853	0.77081448578198	-0.73752628953609	0.79103247716398	-0.85461177179209	-0.80615267597283	0.79567966263108	1.45619738017844	0.84471868216816	1.36279408783655	1.29841934439445	0.17729020131651	0.34897645936960	-0.83506872664955	1.35808362017793	-0.52337299276143	0.14836066686102	0.25725359246395	-0.42746127528210	1.88514304077337	-0.74193259937246	-0.93215757594415	-0.85134534531627	1.28650059443073	1.06466924066016	0.10073964563305	-1.08512900577270	-0.05887498161268	0.38984338767530	-0.82098087957051	0.65781421217168	0.81787423762442	-0.28890181862109	-0.71035780677251	0.79060498315542	-0.16037413153006	-1.55216762082834	0.52589081849009	0.12427879489590	-0.92694500878970	1.34565853347249	-0.24281669250063	0.56127530078447	1.30654086472355	1.31054650815127	-0.69273559142909	-0.61521424761850	0.25526965807018	1.36871012357774	1.59053418227284	-1.07065696287547	-0.96196816455268	0.25000879229761	1.66347500973781	0.61912782990034	1.02617890456543	0.91424737967521	0.55311140252008	0.47869405392555	-1.81830216540714	1.70657177542842	-0.11169201358308	167.16130546468247
+1.94893534205111	-0.12246297949795	-0.13771592943905	-1.74833501022067	1.23792923184947	-0.44636639968044	1.13275623542857	-0.15171459029358	1.05663380109584	-1.34954832697825	0.54490111574140	0.94915770599960	0.06681752838011	0.04332675574656	1.62879051955270	1.69355243795629	-1.17490417949138	0.24251543704215	0.85128795369498	0.45026243300498	0.49050212065559	-0.68927489999547	0.85411792373367	0.11514620017243	1.44451357774026	0.28127971724393	-0.59677582796185	0.45722842581013	-0.65565619882092	1.21135781281056	0.11765017184279	-0.88829628241521	-0.83765959024089	0.67766687923623	0.10520234705296	-1.08534266237368	-1.12054592567879	1.29044421858853	0.27164184658994	0.01163811707543	-1.91226357867813	-0.59520317754494	0.61017206567012	-1.63278598389425	-0.72977248054832	-1.65279124555346	1.50698413914817	0.37648618885667	0.25431521742909	0.73836373145707	0.55208134890838	-0.18169911229327	-0.46396944249906	-0.84392779812746	-0.40698488871523	0.46215554330225	0.51454250642429	-2.04273655688569	0.52956058669649	0.46495779872659	0.14383412686534	-0.21462208438045	-0.03053394029836	-0.80533446142592	2.14205200686154	0.54851900635602	0.57571885435008	0.45736099136854	0.79776314397163	1.29441912918710	0.20379540998307	0.67313871887040	0.85197205378919	1.31331469734595	0.11666058942725	0.04734561790763	0.37719073305720	-0.90518643345142	-0.40344421043447	0.08548251430034	1.19467014457827	-1.42790096251477	1.43203785254763	0.26493616619955	-0.63484469571709	-0.25330044381114	-0.46161968058496	0.40768874438723	-0.93602846622399	-0.59801436481700	1.60616011148532	0.33951174877855	0.92339919918796	-0.14759557276086	1.35859775254570	0.42681856360737	-0.14729983402055	-1.12036880636403	1.29354585442169	1.32977535799966	-148.42601044384463
+0.84264122711141	-0.08413858918338	-1.56450511526693	0.27423429265671	0.28527840201933	0.57043100825844	-0.66332064805905	0.63717771946865	0.36128016913391	0.22893481911606	0.11174787960267	-2.03886402245571	1.43576046614844	1.39992114425482	-0.11865151519592	1.25862690708819	-0.63034668857911	0.87923792823133	-1.43971622862043	0.73536731655197	-1.54327021193327	-1.76693205577845	1.05796219039752	0.66790127587206	1.41333221987285	0.25679298213415	-1.15628836821884	-0.74432968801310	-0.63335950217465	0.26528997592076	-0.31447224553682	0.31417139085053	-0.79617707154678	-2.70791676707336	-0.00698306744684	0.96929214041449	-0.51967878967260	-0.79482787228435	0.48782171082759	-0.17777471160788	-0.21058603886876	-0.17225781195207	0.47888269083377	-0.59045203049462	-2.15513935128698	1.10018175276202	0.19736979672604	1.13344741901570	-0.40060452019969	0.27399242241062	-0.58581854308557	-0.02593063456943	-0.96700821110584	0.28840266167732	-0.31375148196507	-0.98012531864654	-1.44115728772231	-0.03986470272537	0.07124340140598	-0.85372589489174	-0.60970111645605	-0.43588811786845	-0.36001120873927	-0.33960730626217	-0.46742394177998	0.46921967260450	-0.08101601979140	-0.87531488285232	0.46393123229276	0.81781247075196	-0.46175427663082	0.56265303071473	0.00873103818430	-0.34750927953831	0.42552865981831	0.26024081537408	2.56757533474819	-0.51567310118644	-0.66442150054322	1.64883679254338	0.57485859415160	-1.20298084030903	0.43038239797812	1.89195904484205	0.12710296580042	0.76397161904223	1.41097705448862	1.09010770320751	-1.45642127869786	-0.27104663726570	0.80955060606322	-1.60541611694059	-1.03284148532547	0.08736172853578	1.27104564349521	-1.25412388575158	-0.92976787274689	-2.18135933683967	-0.00107476713360	-0.29738186591640	77.56140193649487
+-0.39539103096972	1.01060439703072	-0.54403348298509	0.17206818556904	2.32147178240124	-0.46403527389485	-0.68598444536901	0.33555263122051	0.55850170951467	0.01409059407441	-0.13757119461187	1.40273769484900	1.38054002689822	-1.03342572917817	0.17343564215333	-0.30627904204094	-0.89404003318756	0.31936537901897	0.43284871187605	1.93122364323137	-0.12639873091840	-0.05557262526068	0.19779551234203	-2.09930799159135	-0.13803353805904	-0.34934298548501	0.61631761476499	-2.44012413052577	-0.43127943000415	-0.38013003169035	0.94174239199510	-2.00292020394409	-0.12856543154526	1.51973365929547	-0.67806290999829	0.14192653307463	0.98341794190333	-0.32072144250564	0.70349967306490	-0.34264274255648	1.53794531092664	0.28344237829034	-0.05392825488468	0.01824430667556	0.20363657658428	0.16285776033696	1.68673074920963	-0.17700696998060	-0.20348049475629	1.02618541017619	1.35972907453666	-0.45112484398348	0.68842512205417	-2.27188150922846	-0.23262770964087	0.44509194817063	-0.99620901514614	0.00237317485420	1.39903372162280	0.00948331634404	-0.28967654343563	0.96815268237236	0.41898652072243	0.85806252467423	0.62934700880957	-0.63480634137192	-1.37314374099103	-0.22004918763242	-1.70638257808941	0.79405613450962	0.60786316056963	-0.77223728420998	-0.09527287531893	0.96971879243850	0.90769515820434	0.71098758655597	-1.44799944933468	1.86257293009435	0.37218518549031	-0.39445843389046	0.00233063860882	1.56165577367923	-0.33751580279769	-0.73719411805131	0.26986120763838	-1.47852531610831	0.36893981741100	1.86521942673122	-1.22171440388384	-0.92728230098261	0.61362787824674	-1.18035744344120	-0.64485684017456	-1.78851887224043	-0.27326271043764	-1.70775494274118	-0.16529336091014	0.19885284128331	-0.02956212425316	-0.59475471196968	33.92952361876705
+-1.06957241104326	-0.97015083587588	1.25486481386100	-0.84959191790887	0.99187576085415	-1.21775162378719	1.51019880381041	-0.76662363395215	1.88704877525987	-1.90624647436607	0.86208732425027	-2.03263405304921	1.45105027532467	1.91757392248037	-0.11076621221642	0.58726078824205	0.67712259430385	-0.52355617825319	-0.58814630959311	-1.38454211237675	0.21125692538996	-0.22977365259892	0.31434860887191	-0.38180161144719	1.22638113374436	1.29562876472539	1.28157980987085	-0.59320162680055	-0.61133018268110	-0.39467675892004	0.96649543616414	0.62947271209452	-1.72511773350212	-0.72534038374982	-0.39480747725037	-0.34659553101767	0.62145635694496	-1.64542962556109	1.02536539323328	1.90445676670824	-0.77874420900175	-0.69785332281889	-0.07542311139204	-0.03214575099223	0.82114034593182	-0.77877697829430	1.51233269795977	-1.97954205741737	0.06517237355439	-2.93721279408485	-0.62505920902380	-0.62407415626996	0.95650842959013	1.48037615437435	-0.42539393261142	-0.15553540707588	-0.46107039407025	0.32995144589601	-1.11520488892930	-0.19034785706267	0.22200564191645	-0.44264496955899	-0.65411833210323	-0.20132502772711	-0.92887364263721	-1.18711559438895	-0.48279201875575	2.18370717427803	-0.82071629363232	0.25576885966259	-0.36119467511111	1.26748502269765	0.77936281641454	-0.37803006443961	0.41424975264252	-0.30758800476186	-0.76186362691871	0.34234423587788	-0.55239909311998	-0.37113559445172	-1.09695139389830	1.58026077932695	1.42003127401498	-1.84593264731184	0.96946372575594	2.02958951921615	-1.69018369365401	-1.62814572809311	-0.47263253661851	-0.97002433566091	-1.03319622667737	0.21320815874578	-0.76866265823355	-0.14856133765617	1.23959805416845	1.50494719024179	0.85077474306085	-0.28845561587994	-0.37565625539514	0.12213993725440	-104.04716860439702
+1.73659041941985	-1.07151230683853	0.03670013025781	0.28049468599073	0.67552638669251	-0.71641600097820	0.98112077951633	-0.42236464719255	-0.74913658648600	1.13075257464700	-0.14714869142423	-0.05503716909872	0.84811532364803	-0.42902077736201	-0.53476805911002	1.27611953045517	-0.26812639061493	0.75070492983542	-1.20394772281725	-0.49836837975439	-0.01854856316107	0.11966887273846	-0.66619188933252	-1.63321740197392	1.72536397764349	-1.83913938043923	-0.28663180890729	0.44569229245033	-0.05523892035892	0.07917949885861	-1.02903348724410	-0.35032342286098	-0.40873553173513	1.15066416685943	-0.98826110891547	-0.95489617818700	1.38053898990779	0.16349028190474	1.69382007740643	-0.48738834716186	-2.26178238328119	1.11145289995655	-0.91419606563208	-0.49392104840838	-0.91609727248558	0.06975612753001	-0.28456189058377	0.38612592552610	-1.20481318701074	-1.23845841371401	-1.07689542881084	-0.04123539552950	0.03702544158630	-0.02340626983319	-0.87880523936936	-0.11240823967079	0.54486677314067	0.09311070367831	-0.06317729979494	0.90634642283880	-1.39086349240824	0.35275413442660	-1.64389356081876	-0.87092762390722	0.32804569674911	-0.20937712601375	-0.01225007885917	1.40686714201832	-0.05444389938549	0.99175650590455	-0.45695130330752	-0.08557368666587	-1.17690578747815	-0.27397877669094	-0.71721714241551	1.85802039220758	1.59684406720228	-0.91403875587295	0.53748161073702	-0.49870391508198	-1.14141092811277	0.17205487245376	0.42640179576218	0.94805517613420	1.10454720185075	-0.92607686768667	-1.15977167848573	1.46468146362344	-0.58922317163468	-0.01061551929925	-1.11383501125351	1.39875348074128	-0.93906966315529	0.82335567574587	-0.35770273439052	0.14668827699595	0.03316542387805	0.80807407729529	-1.54887329478877	0.10478992725531	-133.97306742606622
+-1.07648514247444	-1.56303787069804	1.15124096406009	0.86619642616854	1.66230353321512	-1.15232037525006	-1.56801316616609	-0.48497500562853	0.23955298039022	0.27635216206676	3.15217175414863	-0.59234270839447	-1.12552205318430	-1.62731879378960	0.31555876015829	-0.64775158481197	-0.42404955474871	-0.14837403067022	1.49001703928095	-2.46888363066774	-0.48314224962823	1.47495501937814	-0.47018810502868	-2.34455212110272	1.02076250496426	1.43988663685773	-0.34654624687023	1.56379379086194	-0.90586416739257	-0.06436359974931	1.49654162033581	0.20841147805942	-0.15707370226237	1.07876693747758	-1.03185524526652	-0.50469682879244	-0.14027696798572	0.70645644549797	-1.05794104330146	-0.38455862627330	1.37742091975469	-1.50050781532726	2.26909463593031	0.73274769968577	-0.18233514492739	-0.70551653609639	-0.02041006363679	1.28655530353634	0.24280066301944	-0.92250147094377	1.03492325046198	-0.40582402985755	0.20418816126951	-1.09845649435155	-0.06863771222246	0.19373483339054	0.25071794162057	0.62054594864508	1.16972705288782	1.31312034240541	1.21373613188559	1.22099649537185	-0.92847325256371	0.33150806819328	1.03126254606210	0.15594548938541	-0.35671007195524	-0.50526002509255	0.14424192365261	-0.55646531285585	-0.01521535625682	0.20031873003483	-0.41664673016121	1.00938689527079	-0.06274340626219	-0.33419114415772	1.14269089056552	1.32148041888627	-0.01779881719190	-0.04568716284552	-0.19334270600070	-0.20228105692791	-0.66467159232514	0.08734081074671	-0.72589993803933	-0.15078404618428	-1.28069888962569	1.30676572667637	-0.52700469515969	0.20912814027575	1.11409002032412	-2.11185388251156	-1.03242957317340	0.64861468529272	-1.01188794228860	-0.75305787808310	0.69525779828192	-0.11374741750750	-1.62111875224303	-0.97639998410442	-149.27127885256516
+-0.51855437138907	0.47879371537880	1.71935898995856	-0.22761060832257	0.80136505783905	1.23424495827210	-0.19957280228930	0.59830036291635	1.39347065656952	0.33915816107425	-0.86955058296915	0.62310454191975	-0.01388994040937	-1.47717547890001	-1.70358658538506	-0.04130758586255	-1.30460637864350	-0.29553995221049	-2.52223390883334	0.97043190250713	0.05569218919379	1.15830550309158	0.07153122744181	-0.43559886627459	-0.18791009235703	-1.44894029831505	0.56338462154246	0.60840692351556	2.42927698601159	-3.06865965482480	1.22245363441224	0.23486588916903	0.39914219408064	0.12938721272815	-0.95255315127764	0.81544675604713	-1.04249839278699	0.90990391629298	0.87385127021501	-1.35436521346976	-0.25158618426482	-0.64295697173486	0.72533571897235	-0.59283634462387	-0.10824714097010	-0.28450606115843	1.90156686247442	1.05992170321075	-0.02629132045491	-1.48383850742506	0.02277106486052	-0.98072298937565	-0.20648164548847	0.27750843672672	0.72729856868983	2.00484893403820	-0.07094159654537	0.23004866022068	0.01198534707278	-0.79323523774805	-0.08499871799625	0.87958673557713	-1.17146431949651	1.73522134077785	-0.28868103633213	1.53750783561340	0.17781626558816	-1.07448512960606	0.77116358564062	0.93930271793693	1.15923252659992	-2.50517861402261	-0.75960145362350	-0.75974001293604	-0.93092686594660	-0.79233943427677	0.44974755044691	-1.21443730656852	-0.79943372909283	-0.56267654034997	-0.27833461269833	-0.91169292245894	-0.07187429024562	-0.55033972764195	-0.79131414604393	-1.26693869131253	-1.11152085996309	-1.01444959346702	0.79963719377277	0.19991711057483	0.17239772600582	-0.59203042352480	-0.14725439039293	2.44663594558118	-0.21124065868172	0.28464190094031	0.33500698491637	-0.39368019124705	0.72051719443242	0.14529096572906	7.88405892032534
+0.47114110121133	0.53893841098479	0.91272267719043	1.10390718787921	0.91648531510222	1.10992031395934	0.31999718802029	-1.50829613405488	-0.47216351131623	-1.15704845938508	0.75558607266865	0.33476324942302	-1.46003394051966	1.65643569079107	-0.58651630520901	-0.23107259438145	-0.75207633562505	-0.41479650951109	0.33533733148199	-1.06600154266205	0.75252927394356	-1.27675919821039	-1.52026941409893	-0.01569606897387	1.08226378529261	1.91101781377062	0.45206428978804	0.10940873637880	-0.57714839289474	-0.56200745929828	0.16083740517604	0.15503214566988	-1.64996612988387	-1.75895497154212	-0.97555727612356	0.01259120614638	-3.02223478092557	0.25948920907823	-1.16021863779047	-0.27526219531660	-2.13513046801183	-1.99297377467222	-0.41778623258996	-0.17199423887660	-1.23683008698567	-1.26769217520477	-1.23924389726192	0.39716995571772	0.81553783357639	-0.72410381016575	0.66779387370793	1.52525063695998	-0.08749103486815	-0.58230252097712	-0.67942178882341	-0.58277966631157	2.33829711333972	-1.33667877606815	-2.58651651169032	-2.39073130300142	-0.03260144257512	-0.53359980502431	-0.15080090013696	1.17039537767531	-0.46129485523472	-0.56807508285776	0.78540231150022	0.14259926524344	1.00723239692187	-1.35670190281462	-0.30150680389443	0.38505101783937	1.27116744453588	-0.33314075349869	-0.16320109999304	-1.40626875415263	1.12269302602259	-1.40431891272240	-0.42861482375968	0.78183807568001	1.88493217057946	-1.81965506233219	-1.00842394678574	1.08522700729646	-0.23818797618809	0.58474972202278	0.20323338404762	0.42074980790049	-2.19937202927393	-1.49013706768362	0.96236306361617	-1.79518958324987	0.90851757507710	1.10927167434091	-1.69617169822560	-0.01553889476856	1.22760300537070	-0.53141552546911	0.36674379998885	-1.22548415877702	20.60991076345557
+0.04192163376629	0.06036925279842	0.61539847376215	1.11891863708690	0.39179053392903	-0.76205492626280	-2.50395096245701	-0.06494287131142	-0.90726254095564	1.24921906641752	0.30735420707645	-1.06899305996407	0.11797021995522	1.81090379014873	0.43557292295845	0.61404499087041	-0.79775293634525	0.08915409897520	1.07757450046199	0.85253656986770	1.14516685134435	-0.69810615071700	0.76477939659188	-0.29105581272370	-0.12928023961540	0.65707826671251	0.66107830142591	0.14650391694471	-0.66849651139085	-1.23610210916290	-1.44659528010770	-0.08212033961560	-0.64701583101961	-0.03792237968212	-2.03601246529011	0.31247971693281	0.69992638897531	-0.48666918749456	0.85995094348421	0.48330997566378	-1.26447770173494	1.05036120914809	-1.71581457984744	0.01807358134635	-0.61835700695687	0.67852529537931	-0.67912697966675	1.11679346553496	0.92642400266909	-1.14246604460390	0.00034034755766	-0.73932987456389	-0.92532092640027	0.72059826314574	-0.59627733948273	-0.95466560131511	-0.29992932647565	0.69690396633394	0.86424396469030	0.65757312549123	-1.31739323029919	1.09103321819422	0.30881955439843	0.25486482108742	-0.06012759903707	-2.08316219187317	-0.82583806001976	0.67225467126708	-0.38071174491787	0.63319312140480	0.14025482509329	1.00055309048537	-0.53357026463205	-0.47560191433281	-0.26070543143090	-1.57737155489118	-0.39075210726745	-0.11159017823022	1.29316921777669	-0.62832737677706	0.86070156580417	-0.33498685695044	-0.03083290116491	-0.12856690978265	0.11745262455474	0.53240100244882	0.20689472993577	-0.51238961631623	0.24414829520697	-2.29314213670384	0.98200696851862	1.15715366559930	1.07789545842203	0.36805128767859	0.21488405836851	-0.53612173451045	0.42301440328500	0.05453262972312	1.41367603803834	0.84863823924315	211.97968305548093
+-1.00319737955778	-0.00080899257311	1.02514483097011	-0.37102435419105	-0.58119617005901	0.00483180973632	-1.25801023527529	2.37643713871573	-0.02561667670096	0.87637987049935	0.70292849054600	0.22725393740230	1.07324521456159	0.91427466042393	0.26591514249925	-0.38310874173183	-1.37730579551423	-0.25171105437444	-0.13901760781045	-0.04949100906818	-0.60238717569114	-2.34345110309052	-1.09225675983491	1.13770965485967	-1.48417843397247	0.29921569652752	-0.29509828981324	1.09491877315537	1.57496117866488	1.99011479770375	-1.39590553528440	0.12936993315252	-0.77873128768381	0.75145617738301	1.56731657624145	-0.13057675888246	1.07022049237627	-1.02446989456245	-1.07765443733641	0.31616934347779	0.19580295488899	-0.66073595788022	-2.65742589558578	0.31728072747963	0.41191998359893	0.87457384693703	0.18406998905192	-0.64027317977314	1.79302528432230	0.47162156169552	-0.46714916129402	-1.20267207291400	0.65816870124662	-0.08985101768708	0.63887681594610	0.83456809048655	-0.10011796387947	-1.98999218017875	0.13530051854730	-1.13851971671774	-2.48542167236452	1.53619523838226	3.20915397175154	-0.34479384716130	-1.51214174723064	-1.44847513160358	2.09058201900616	-0.01948239420888	-1.07678500882178	-0.26332748481915	-1.42313658998581	-0.44760270800615	0.80052404521516	0.58307764537387	0.00916443145049	0.22177534627142	-0.25735009443271	-0.09445442977702	-0.08307465728395	0.32761950088689	0.49889004555144	-0.22877881799865	1.13816677216056	-0.52691473620811	0.66095508777377	2.66062776724198	-0.17888572021406	1.17471370713701	-0.70480562775024	-0.19776492953637	-0.16572132238818	-1.03203480995207	0.55151884115508	-1.42003401832500	-0.92840709217580	-0.07627348942622	1.27736601321958	-1.58460947184970	0.57544149846065	-1.16107237264281	-161.32459825065274
+0.42377328016603	-0.72265157733906	-1.12815548203103	1.70586683849704	1.18400175164047	-0.61012453487593	1.15788176433466	0.05478370225444	-0.87807717665374	0.12168919181901	-0.81653746987096	1.50060473375726	0.15698317225554	0.59097947817308	0.15015854720955	-0.07915806552111	-1.34352909699076	-1.54242474317987	-1.34894041105658	-1.47101855393740	0.06553709774387	-1.62608569744516	0.40682178217221	0.03559433431935	-0.93929050634725	0.58215503031235	-1.36360824865495	0.27938570052741	0.60546261837084	0.48378299348230	0.64651943698371	1.25865484984779	-0.29765994093546	0.64922359616686	-1.83248098815270	1.27066617509227	0.87679248854910	0.32372229098315	1.07640937269921	-0.63332985934328	-1.04531884651614	0.16569144238396	0.48017567862674	1.86225034635936	1.00738642473082	-0.11219091523467	1.49066471057656	-1.85451199509185	-0.11645437071570	0.79894770868825	0.71498980860905	0.94294970387432	1.21060070777700	0.21576931738734	0.28318486126366	2.46598880707857	-0.50989235966972	-1.01058298272238	-0.57776728604733	-2.10471392978882	-0.22443489989314	-0.53608862130312	-1.51602632426897	-0.54120332289770	1.09066565355480	1.22591467225412	-1.83767256101175	0.60825522883290	-1.99733775325153	1.69388004726418	-1.86261936737543	0.47057473525496	0.82642403315789	-1.54554538438516	0.10839453664482	-0.19888065525716	2.33823257471980	0.41345962867788	0.77041990679610	-0.22241764838241	-0.14371194228967	0.90886312871808	0.69565740300422	1.36337438622852	0.65987396405427	-1.95490010432396	0.54710479139073	-0.39779623610127	0.99309779568723	-0.80402669732210	0.49800794585314	-0.44641374713115	0.90090590730655	-0.89805895272999	-0.93148663249758	0.66219447584803	0.51581640391155	0.18251326463727	-1.09205996147130	-0.50405081831345	-193.04638092372366
+0.09919945586212	-0.15903336397853	-0.89377575486935	0.14144691390381	-0.68498598887283	-0.58910734319034	-0.38243791333295	0.44984557061249	1.39038535475695	-2.40065425443544	0.58453680938218	0.45231171037814	1.68404904683736	-0.08767313304112	0.56176540109827	-0.26393368269565	1.15288106147081	0.01470030364577	-2.02995672871678	-1.24085552938332	0.72586349708017	-0.07836884456793	1.29373726935070	-0.68856269058699	1.17692233056370	-0.50153624629835	-0.21575574035476	1.95482096352309	0.54622017251160	-1.23143212517737	-0.12952804666948	2.65921640690455	1.16373097152504	0.77408424906635	0.62129823379734	-0.25232149972156	-0.97768669306500	-0.65611732456591	1.28764623908474	0.84335492480941	-0.31007503623312	-1.47337404330438	0.16334941058451	1.24674950163012	0.07820446740299	0.88476770068457	-0.28265362184995	-0.17966311319184	0.86308472180505	0.57350447742159	0.10245113568230	-1.03044667520049	0.21979090754115	-0.23538961812081	1.64686186553554	-0.36447638495207	-1.74078092546528	-1.75006437830870	0.16364693611425	-1.21773953828842	-0.00068585584628	0.72378799748445	0.35836179655058	-1.09682520366409	1.05377985666171	1.13957302088164	0.04567721901866	1.26007980755454	-1.56137029960442	0.74007683012838	-2.05607431438784	0.67760135793719	0.09121968868826	-0.89700090816546	-0.02223507616165	-0.66184280608271	-0.14663930025565	0.00398002089223	-0.29108489312600	-1.88040825095128	-1.17116567673392	-0.89920795272370	-0.20500750175415	0.79548399982687	-0.41431530732624	-0.09418897057868	0.63652782067379	-0.82052905642337	1.48736104546505	-0.82104161511804	-1.53719753545861	-0.57745860097334	-1.06742235875152	0.33185087637114	-0.19096216376048	-0.75967615465285	-0.68507284216423	0.46624767595974	-0.39713889021962	-0.44180056615967	-241.80321377944034
+-2.77637566734417	1.25876777249800	-1.34200986152618	-0.88669578853318	-0.14110731609144	0.37517967446839	0.48752899347214	-2.53365907312400	1.93283077362891	1.49786979935194	1.54579173122264	2.17096546132302	-0.79497075998121	1.69066426892097	0.88537774041941	0.01312455011601	0.91098747605010	0.66629573755348	0.26631313525129	0.84851524280557	0.11946347911826	0.64415085817592	0.24730211968121	0.72831932044818	-0.39851466404950	0.65129992992914	-0.00386005404236	-0.43538661170923	0.89850045974002	1.35015680295908	-0.28707919350382	0.18917215898207	1.47359837057780	-0.63322333717155	0.67991940270556	0.12365707251805	2.01585741917297	0.34795554509387	-0.57735022954264	0.12207306986972	1.51478257502111	-2.12453378949394	0.43872939777665	-0.43077648376541	1.41911986372606	0.40457879920691	0.67088708703721	-0.91833894248512	-0.85747495445085	1.66834080052007	-1.01367069193092	-1.66168502374777	0.14927826733732	1.41936835486557	-1.47149722655405	0.03148748801069	1.29203622651637	-0.96431769338993	0.88170139798294	0.24184784408029	-0.83598632054734	0.53967303728921	-0.53322558478033	0.01468247313569	-0.76464772802450	-0.33159625723311	-0.14018824801580	0.43998672043957	-1.30232788853766	0.52544219835226	0.52470707816163	-0.03573415359096	0.29522042883890	-2.47828637665329	1.12344697105041	-1.12273970161485	0.35624651770280	0.09472617917109	-1.93338661698078	-0.30793912426168	-1.04550165272068	-0.82266099317291	-1.96838765949376	0.46405289547394	0.30238456823346	-0.78193114291006	-0.31628495384432	0.70198638916626	0.64045365899565	-0.88158419507680	-2.17767746427192	0.52002584625063	-0.01247105048327	0.71871603982350	0.60004687803146	-0.97201217485823	2.94241430142137	-0.35301065614125	-0.57738751306440	-0.34564002227471	-201.33272634638396
+-1.54311204317840	0.72600395273350	0.38464619181793	0.09480566688752	1.11198773170114	-0.64977663445530	-0.47451334654421	0.90886479260714	0.98606152988085	-0.73622278694758	-1.61870296201772	-0.93914061605116	0.42111903516139	-0.11839025178106	-0.82887944208730	-0.84638717227429	-1.11899898715414	-0.21073848869675	-0.55824296468371	0.63313096576851	-1.05385664264324	0.44229691204107	-0.76265059119776	0.82905674581785	0.73007728757955	-0.41229933607140	1.41677730450979	-0.10393644103591	0.14800512052845	-0.34478066438331	-0.51878693571826	0.32397805545186	0.44575611441653	-0.04703322757168	1.43924362309173	0.80178256148683	-0.14337045638837	1.96877431899773	0.62012721773238	0.08070980195427	0.45922459425885	1.30743664506059	-1.14255798005321	0.67870368697588	0.28642416949696	-0.07250542240067	-0.17815228389684	-1.72762024202747	-1.44154680715785	0.55252189882446	-0.81380523449561	1.39288134572617	-0.04438488567068	-1.31839410208143	1.71415385314430	-1.01424283673032	-0.36371328567827	-0.83614771840528	-0.19441475520652	0.17046152640744	0.78763346488683	1.53629292143752	-1.06712699245584	0.22180640166335	0.42929761533276	3.05616789794572	-0.80670735424292	0.40227778986108	-0.69806292177379	0.81523758544173	-0.70268548756494	-0.29764526269802	-1.42567277615058	-0.11604450506318	-0.57235989352765	-1.56925436386542	-1.05941475535581	-1.11543546463070	0.10663379456252	-1.28752739689525	-0.29300156828176	0.10121344416710	-1.69973650159582	-0.23460151106459	1.92242343791683	0.23343311870793	-0.14463594906244	0.86623933240352	1.25249225510296	-0.36018392588216	-0.13950065562368	0.93989023260519	1.15299921041376	-0.02898648172167	0.39644453853063	-0.98002449861716	-0.21096833163520	0.11736131348113	0.41310691121398	1.10016093383403	86.73778952792843
+-0.27750871888408	-2.25133516914352	-0.32107571525220	-0.38465598282467	2.30841741126472	1.48640631903602	-0.78787019096885	1.91974255851513	-1.62821777180962	-1.75187737591560	-1.05340778690377	0.27029012954100	-0.14793977663719	-0.10897822398419	1.27770675903322	1.39252607799062	0.49964503885838	-0.10263740350804	-1.66451043296171	0.07530237581079	-1.04143201454603	-0.98194051591479	-0.50912521786848	-0.03485269020052	-1.47945235072339	0.39058426076125	-0.66745614006467	-1.80223381223842	-0.94369758837852	-0.30710431365795	2.25710565232505	-0.70894374471068	0.13276628757163	-0.47736885712639	-1.08327246061057	0.67913806366811	0.16841451395907	1.23953469504633	-0.67536139282347	0.52199797058332	-1.64556309241950	-0.10405164557506	0.85151694240477	-1.12593959633095	0.90230353252561	0.65002118945772	-1.37673177011338	0.62281607050984	1.57545462068964	-1.47180240222042	0.23171425886031	-0.22261666691449	0.27391970907521	-0.38764651972311	0.36522981144030	-0.16855252122596	-0.53831139368581	-1.91867051463498	0.80101320256416	1.07780358731347	-0.93416374286335	-0.91933868352159	-1.04132871861780	0.49256225202706	0.63224807672432	0.88267324177621	-1.64505975037400	0.14753580887585	-0.05818985492235	-0.73034321346699	-0.03764483160530	-0.40544947525878	-1.32704849889692	0.52532086561303	0.97293284933260	-1.27684180321357	-0.39256877587960	0.11353638062793	0.36492588017405	0.20588204620130	0.07794539839356	-0.30229931902300	0.85091769041245	0.60656726069033	1.48165499306989	-0.17200164077205	0.56394933943390	0.22204744890590	0.32032143845469	2.45406998657260	1.39125634898900	-1.16148195023671	-1.89943473982177	-1.11734685917487	-1.52889113905006	-0.65616839141888	0.44210387411915	0.50473019645579	-0.12931445088700	1.05261221379816	125.21821149872606
+-1.11104747382038	-0.95877349586009	1.26034387217925	-0.18368328923943	1.52138386736533	1.15458365368359	0.56897360353272	-1.35572485555963	0.17655580084185	-0.65148701392369	0.33663768968591	0.93876289308139	1.20750441985220	0.45037547566300	0.09824812897172	0.64971875749553	-0.63761824808558	-0.59359197690230	1.25527503545983	0.31411293746637	-0.84536794534859	-0.70582119546060	0.57508490063350	-0.02378320073482	-0.65355290892703	1.15064326826250	-1.33804286036160	-0.57443632275247	-0.41323864450751	1.07608173281409	-1.20896131966596	0.00739671636935	-0.07665521532271	-0.87084559957171	1.13429292439123	0.14138147777016	-0.30924008807326	1.53093064957169	1.04023030973799	0.78405056002850	0.75450917123574	-0.34066262128922	0.39868644716833	0.44706268946330	1.06903600847483	-0.72543256141039	-0.06802109100979	1.77783556705028	-0.76452367899058	-0.16565361556734	0.84565150427757	-0.90522300519793	0.92726629868161	-0.99223965832651	0.15186923108825	-0.31366416590567	0.34436848311876	2.16835984972170	1.79997043203105	0.66089846054817	0.48931951257760	-1.79800152532694	-0.24203939089471	0.41213287132794	0.68576039116998	-0.87225619275806	0.28127567701179	-1.34907660434447	0.69212771400312	0.43441897442106	0.70510966132033	-0.71808101018309	-0.54253463156690	0.68325331340290	0.51589925396158	-2.59327448723262	1.12764421977694	0.36536771336862	0.74623056051364	1.34615068796485	-1.49025145930781	1.33510958673354	-1.99476810749673	1.15440811805863	1.23311767042743	-0.04310081128733	-0.99642626791980	1.58746550552678	-0.41883139041301	-0.06069184588514	-1.52646468825703	0.42664115229945	-0.82763653290220	0.41738270335269	-0.10239298875772	-0.49887518525136	0.84374895460336	-0.82743738594919	-0.75620914199018	0.89085725804611	120.14258490310168
+0.03946279048167	-0.54554785063136	-1.02526452614977	-0.24552486040404	-0.68886895630423	0.11435788747562	-0.90449281911880	1.37455039342507	-0.58097852196687	-0.23662158736489	1.09950562010572	1.95078759062241	0.46004672263288	0.37331799331930	-0.48919660071892	-0.48625613370653	0.33646947134663	0.16947673903520	0.20287471835666	1.55584439501538	-1.54856241522880	0.57212052511056	-1.41179172829558	-1.39636091566781	-0.52836247736773	-0.17207328001004	0.58982996403623	-0.81766700029708	-1.00533921960505	0.60267976868707	-2.06557630689760	-0.30778500965645	0.74733829252179	0.11890542517230	-1.69667037040064	0.37477924196387	-1.72851936670536	0.63233806678328	-0.45316627827029	-0.73674362327619	-0.58380758452182	1.18554134807764	-0.72563441216237	-0.76170663738733	-0.15536389622096	2.19470331355183	-2.27811822954257	1.07113879804575	0.54556966533598	-0.40233962129800	-0.29381629820326	0.34942988893539	0.64638220955072	0.86899016712676	0.65452168843976	-0.02207883991010	0.69930790437624	-2.08824609676805	0.35082624167613	-1.07391211528593	0.83334548617370	0.95153961151760	-0.19377850082585	0.60652076957323	0.68741967543430	0.87727957055020	-1.44545796113324	0.98659251400384	-1.56832490320969	-0.66067919907349	0.23689248478204	-0.46305089189494	0.32492515934217	-0.31771306931925	-0.31740934484204	-1.29394521913468	-0.08813495961037	0.33183378898655	0.59077817489657	0.42139316885581	-0.04424166334611	-0.20870111400347	-0.60632725771030	0.64440285906178	-1.21460612665044	-0.27352246371253	-1.07715182977075	0.37847338967711	0.57886500101243	-0.97463692588780	0.60041666297351	1.55321865503057	-0.62394235129185	0.23202688117380	-0.66928571416886	-0.80741913042254	0.87086516627949	-0.24045858125573	0.17723010510126	0.76889751136338	-83.70058981176965
+-0.42039445805126	1.01394428505913	0.18552322332851	-0.48053705721974	-0.56054901089217	1.76094829095010	-1.17911490528266	-2.06294416460408	-0.27310283347530	-0.58086539547761	0.19216480176474	0.44800925605212	0.93822799273493	1.65570423822718	0.33781442919692	-0.23244920353017	0.89576575472507	2.18049631963877	-0.14144979290749	-0.11660753330508	-1.11028599599765	1.14546143365439	1.19566781672823	0.77797308552080	1.63027500926502	0.74611435735919	-2.72904435708972	0.62541617313744	0.20187081849229	0.95171239990030	1.14398835125444	-0.21899848103126	0.27624619403045	0.90502641895338	-0.20792927144826	-0.34153074332486	0.85503084583770	-1.38364668533387	0.52093341199876	-1.25253007197131	-1.71369690195832	0.23842571206456	0.92648519545678	-0.53698477316446	1.53837985180269	0.43966891204061	-0.48461048206082	1.10200009732387	-1.07898571121250	0.66967728546606	0.63248309614337	0.21044802246357	-0.44324426212312	-0.48487002597630	0.47973453921572	1.75735239793197	-1.01491204505336	-0.24077939122000	0.79306055245184	-1.22007837390479	0.16775394441283	-1.13655189258879	-0.18464622990604	0.45476536272576	0.18686589206271	0.56045339704805	-0.67967476350677	-0.64758970269249	2.77632545880003	-0.05705869182666	-1.01623586712682	0.58263517960352	-0.32383251498638	0.31000867774906	0.44354425344114	1.11712875733376	-0.08217955576858	-0.18085904537193	0.59917299161582	-1.32081736676951	-1.41072302714466	1.22791719488876	-1.62701719626098	0.62909850709659	0.15835059144669	1.29904948521420	0.17099173202804	-0.87703325270504	1.76430689077991	-0.76234517720612	0.93890377729439	1.51887091277134	1.30341691844031	1.67197260082661	-0.32938728705761	-0.04238235772628	0.66281176615266	1.73354132549215	-0.96621365438453	0.03121605299136	66.38565799519176
+-0.79383509411506	0.59670947457560	-0.17605559223668	1.86079556991889	-1.27233286980465	0.82953329165102	0.10635687587363	1.83461831574176	-0.06055097232821	1.92727458717836	0.40212524324624	0.16417696078347	0.60593215775031	0.13858589182874	-0.38051986546754	-0.56174273228984	-0.36966270707918	-1.71961125639374	-0.51509677022113	0.33640524528083	-1.45384203398433	-1.03941718452974	0.47836728498160	0.66109160894031	0.41152780750795	1.48174249573904	1.21195781857316	-0.15744977050164	-0.22440219048789	-0.09476271985340	1.22579509617858	2.30322710988890	0.00475622988535	0.62635511844370	-0.27934717619893	-2.21704649958982	-0.25889326060597	-0.67381052473460	0.28983068920041	-0.05397239931792	-0.80220998390561	-1.38183941339322	-0.30021119650802	0.86602036834371	0.66894947902530	0.43743914656768	-0.54549856329342	-1.31863330633075	0.67022563195254	-1.61310254600984	1.68793250063404	-1.49680731108092	0.95685632970570	-0.22259580457394	-2.52483832536149	0.92350645117669	1.06904745564000	-1.16755619582970	-0.20620865774219	1.06942567690289	0.76263574421528	0.35658372857129	0.46486101364581	0.34688395081689	1.46103088831402	-1.13329801527510	-0.60613076348208	-0.79698463671324	1.02937427282952	0.68054904249889	0.68577121059784	-0.67360417406479	-1.09628155313274	-0.00366826166109	-0.08987154290979	1.14027181025110	0.84072900460280	0.08198112419905	0.81527701760216	-0.70288601509427	-1.34739656538006	0.73611103323201	0.77460655245282	-1.11484076099329	1.79379048993827	-0.64407517121741	-0.44813376867939	1.11054813204716	1.54214418614532	0.88102258359954	-0.41282905613501	0.90205557711177	0.28123401649925	0.19673546942673	-1.13102817012130	-0.71414229684376	0.80425573019291	0.91258262805636	-0.06955587751988	0.56112951235315	67.07542993824605
+0.55450251542103	0.98546342183149	-1.36204695753497	2.24149537865924	0.40445166836461	0.61018095851466	-0.28759791546421	-1.34805930724102	0.02198340371154	-0.53062823174545	-0.65966646698525	-0.16525156924900	-1.25889401338615	0.69035181951884	-0.16602861813409	-0.32718066974612	-0.23892745611740	-1.07422203007314	-2.08463913245419	0.34455332880166	-1.05856170608174	-2.20224147187092	0.35213740144335	-0.40831520780284	-0.06329423876550	0.29278037857570	-1.57775791204774	1.07940427327474	0.62772064162177	0.49557004820497	-0.37333697669245	0.06333222100801	0.26170103652107	1.90251392053200	0.47914430143706	0.09721144394745	1.23745254085896	-0.22359822709110	0.22338152449599	-0.08454378176961	-0.90669337741161	0.61147493247361	0.05052246940085	-0.33375727444635	0.02702719917854	-0.77347232901706	2.10453099687290	-1.22035238812186	1.06880935829881	-1.24990631452673	-1.42387390325478	0.99668353059328	0.42444351582043	0.16807720186664	-1.28634416770847	-0.78544545002692	2.61167206503173	0.54040227582000	-2.50556216910377	1.77982437665335	-0.87882569912227	0.06464925530844	-1.62552969717786	0.27452429517308	0.12593047317490	-0.38203252453882	0.25129617537816	0.50903089565831	0.01018230120525	0.48349270599591	0.66399470874777	-0.38408692932100	-1.84207659279609	-0.76190257382497	-0.52185169268662	0.67702986849365	1.06996910168923	-1.08609447188844	-1.25673650993136	0.79424995547807	-0.83392935473959	1.67950835828363	-0.53003975804257	1.27021746349824	1.33085308867384	0.90286769096480	0.06581590910791	-0.48685100067279	0.36586657398015	-1.01018184270819	-0.76104435642641	-1.24677147070361	-0.84960283327241	0.27594189907791	1.75080217782484	-0.33917079652490	-0.99202193093118	0.36588164236314	2.44734642152670	-0.33237846308783	199.77543759433871
+-1.07463280922014	-0.24449536039349	-0.84336811896495	0.52734824653334	1.40532672350075	0.02812798963253	-1.74415837013360	-1.66078921999198	-0.71292612356201	1.67244587001315	-0.91141071635852	-0.91325966532833	-0.41108812818067	1.41047838221223	-0.88052603905215	-1.05506430664229	-1.04195844077771	-0.80856996299297	0.94513740842195	-1.18083241222369	-0.08863188512291	0.89137635889969	-1.12767105643049	-0.10045914128828	-0.69609052035882	1.01418960006177	-0.05153201481060	0.71515782756833	0.97691891347880	1.20387794434349	-0.59751817552357	1.39312220003489	0.69466386816529	1.04225392079647	0.97241948228963	0.10182098963901	-0.19050068651868	-1.61836516859602	-0.76536601190187	1.79091935094332	-1.50058149773895	-1.33071783383557	0.20308458426915	-0.17659273382948	-1.33782836435243	0.23298754304613	0.78372396770704	-0.78820358852213	-1.46321954586914	0.80813129902114	-1.39202299644409	1.48281986420421	0.10804191798611	0.16248231239452	-0.51174721812501	0.79220379223163	0.59953217010301	0.91094051918345	-0.97769299011405	-0.31294344531549	0.59357769338122	0.46655071850645	0.59376917528515	-0.19980423791532	1.93098464555733	-0.02145320772864	-0.38434497371167	0.41692176537745	-0.56469248558454	-0.27819442211170	-0.63246414861767	0.21743737779022	2.42182349074680	0.47661627836693	0.18698715953816	-0.16809433605388	-1.53035679635680	0.60107364893760	-2.00061171726496	-1.13317640798020	-0.04873569244194	1.07743648577275	-0.15720493949636	0.96387478374730	-1.06737113143172	0.22846819456003	-0.98005630074370	0.68652265795127	0.12846095470876	-0.33415557368041	-1.22118874293628	0.36637247488255	-0.83912983203876	-0.34258477125811	0.42096790941055	1.41883005806661	0.83372355156695	-1.89442507261839	-0.15783564022999	-0.16190688032375	-9.88666000521529
+-0.21406430482932	-0.14454495683808	-1.25234840669722	-0.49295571686582	-0.22214270831378	0.33780119369614	3.69529977835013	-2.47138554228265	0.20791533464874	1.10919976721021	0.15383110884472	0.72793903587558	-0.38713935944426	-0.07882919793238	-0.49036321851585	0.29682919133623	-0.09382341620634	1.08262637695515	-0.88063090884717	0.42840060230530	0.25406833827517	-0.64971245692424	-0.95528856459517	-0.74708530460630	-0.48057596253158	0.59220888856477	-0.82737259275277	1.02632671723665	-0.69087574507093	-0.54476911366839	2.05453268528124	-0.91108945699879	-0.55601163288695	1.47371552247279	0.69304397576838	-1.42265330543716	-0.16467980281744	0.14474981471101	0.66571680275187	-0.05743347337349	-0.63984126922496	1.05334664754725	-1.49885505410249	1.78878998132128	0.25820545739708	0.16597253072044	0.68538875926529	-0.83236212870386	0.92409256601004	-0.68984327313534	1.36694974295589	1.43244517288102	-0.73539847334906	1.45789154480667	0.41024752258201	-0.24394028298367	0.74586858497619	0.15571555789835	-0.79172222696205	-1.89152317129488	2.03511295529497	-0.22724707736807	0.12864079034854	-1.22086001827980	-0.87351952795602	-1.68292829680383	-1.14556050776555	1.30781308171466	0.38976152676693	0.14156820012350	-0.26597152644485	-0.13393665804210	-0.35339746345380	1.03201758215091	0.17987313715453	-0.28092320612016	0.28093706475016	-0.69989800116214	1.39108648385490	-0.59471315063908	1.18204822662364	1.55588879978394	0.58557360710927	-0.75013236801716	0.05745400435124	0.10189135481818	-0.52451706111483	0.72051674045052	0.59568405233605	-1.84730756598923	-0.41872518391633	0.43052180752145	0.00473982193278	-1.16087801438722	-1.66688050225999	0.80175977098916	1.92093917402858	0.72955398378128	-0.57950730067292	0.11944449842230	-144.71627421727115
+-0.23003580655163	1.62046839874561	0.07455981071054	1.61774196142305	0.24991368104673	0.44909883424447	-1.73909927285195	-1.01548935711666	-0.82308786099501	0.58452074310721	1.41787893985715	0.81169105187866	-0.12518243894875	-0.14505356097390	0.28597294251824	-0.69387520207473	0.59233942121097	-0.54981177998242	1.76686175167260	-0.78682452225503	0.08649405653784	-0.49104596911570	0.07902571896854	0.40492907257520	0.03192366589003	0.02671427780161	-0.24814981566369	-0.69753059114904	0.03104795204671	0.06339992712335	0.71583729974384	-1.05949973115471	-0.12518483708270	-0.56957364717962	0.12521268584196	1.09972052782062	1.97532817125755	-0.65751914045096	0.07971000908831	-0.21086735397273	-0.07780687825586	1.03265375465552	-0.40249559696951	-1.60248453016383	-0.88796113476465	-0.60170249786771	1.14307342544157	0.32847783781428	1.38578376645451	0.25069797962240	-0.24481231922778	-0.25597521409264	-0.99846607168437	0.70004527231468	-0.52833335165891	-0.86037047628512	2.52707092078269	0.30743025186465	-0.53721915084252	-0.16425303413718	-0.90416520924335	-2.26787692109136	0.26686482080895	-0.58573665545518	-1.12648546303188	-0.14829295739478	-1.43639202877881	-0.09180805144899	0.13511777624745	0.20985948458268	0.64435936243261	-0.73681484165252	-0.14471976544476	1.88470605445356	-0.72597531242581	-0.17345609362160	-1.22038699166548	-0.06048301501586	1.35080136501707	0.76441509704166	0.15037810499509	-1.13149838485326	-2.67435494854769	0.12340670941540	-0.79047271088966	0.26294826841518	-0.67691516582881	-0.15048806046766	-0.81056011591737	1.99985784045740	1.27203492786928	-0.40720157196165	-1.02807068249337	0.48923376483358	-0.69635074191039	-0.86995665452769	-0.21636159151508	0.28675094725200	1.22770549324071	-0.65144358419921	45.26210557498366
+-0.85609723400442	-0.18766385053728	0.45203398946731	-0.47343760655378	-2.01505732797837	0.76386893413176	-2.14588679792632	1.82648404237636	1.83994963055741	-0.51767519115923	-1.91492817349487	1.11110654177585	-0.66355113372819	0.22127375522211	1.89226862079190	0.17603121588818	-1.20070650090100	0.72086484100997	-0.74948233183579	-0.63027200040612	-1.21647654226326	0.38175378353567	-0.59316033093809	0.98038863960216	0.76927049117557	-0.58418278501515	-0.07722387609604	-0.70307962242397	0.50639440061423	1.28356002271181	0.49546514629803	-1.06892902364016	0.87935496444136	0.22514518786078	0.07621536928306	-0.82893572820219	1.74119761308765	-0.19846457938874	0.43890612641572	0.08997749833181	-0.79041591678245	-0.72474668957983	-0.12239760192074	1.35103654725275	-0.38130946655205	0.56562473305279	0.27349194096620	-1.44718431799349	-1.12259590764015	-0.14605438477884	-1.44045143369674	1.01645173768848	1.20942261148170	0.75057484722409	0.02374026311067	-0.96570987421670	-0.61866475821757	-0.07025913864658	-1.43242019846215	0.94932745017034	1.84235756008697	-1.18670177472146	1.21935325510419	-0.19681459852311	-1.17897589665846	1.70928494573571	-0.86495189424019	-1.01387042084351	-0.74860110360851	-0.85469199753633	0.56338251712291	-0.55328837849634	0.63587841499844	0.24331219961763	0.75670036615865	1.03113337200430	0.43469733219865	0.12826796931738	-0.96731765891180	0.20278896420107	-1.93975970799203	-0.18032841398595	-1.05303394812047	0.51751929957680	-1.69003162724298	-0.65666156714819	0.20792988171370	1.47322446736778	1.13771860287971	-0.14394322492402	-0.66575050442904	0.53843053344581	0.28262159055981	-0.50150725523661	1.55389897710243	-0.77220359723843	1.51319198717822	-0.57064868035020	-0.02095822991115	0.68826089035723	-134.94369675179502
+1.58532041845449	0.93191636340928	1.54631513022096	0.32275553462583	0.11702435033107	-0.88426974974394	0.70450919952631	-0.42860068950384	-0.74857950862615	-0.14049754781225	0.47571797295158	0.21755165324758	0.85324258399395	0.38473954319328	-0.03900084187524	0.62339666847262	0.17609060654774	0.80149953023218	2.01739757834081	0.89663574291032	0.43371435429526	-0.63016499074960	-0.36683283885408	0.45625792012817	-1.26641698959108	-1.18097663070209	0.20636071914402	-0.51234946144279	0.10011845364190	1.57017498367264	-0.83105561011588	2.45333308505905	0.61995160291408	-1.53276745131076	-0.29179516831966	-1.40300817045126	-1.06132200388070	0.02461092435439	-0.41866790047305	-0.05491251790269	1.57871001876532	0.92892176907148	1.52509720728604	-2.29824497752493	0.69267341404237	-0.62966214029979	-1.06588938527590	1.70507521991582	-1.05054924091012	-0.89929912857773	1.84865854026355	1.58134343161406	-2.89151148026647	0.31284917854425	-0.38661129049386	0.18233426852884	-0.91458923222037	0.68693767706164	-0.20772226152840	0.49423123195870	-0.01843261323416	0.11816520887304	-0.38767663351136	-0.39683153307267	1.08166421019659	-0.63255078857528	0.28019350876253	0.26651882984744	0.31006029717985	-0.63762664079209	-1.69233884444532	0.61539349290177	-0.91979362886803	-0.20640389337347	0.09281635295595	-0.22516071659483	0.83869921876842	-0.75719966274831	-0.16704848061303	-1.20942255149378	-1.52911761277096	-2.67481443851287	0.20479266970356	0.10719287249680	-0.49553650615678	-0.18178378221099	2.41075733155841	-0.86057297238854	-1.77390237979677	-0.31496343501988	-0.73447585581426	1.01665449662449	1.54820599989367	-0.50643713863378	1.24517688510667	-0.40363697742893	-0.00624749909608	-1.39951354678885	-0.15309936522224	0.98157257754322	161.10132445013608
+-0.93286094213424	0.58240426467360	0.77081843337639	1.26354483633054	0.67249644253334	-0.65948406246294	-0.88472860123867	0.45319420435997	-0.40906579310461	-1.45824184628667	1.36810521913452	0.65231019836457	1.99795151776873	-1.47265712624577	0.28032230350373	-2.43702669941400	-0.18618164454287	-0.03102869757093	-1.45610559752933	1.11971610167859	1.17560948074634	0.47969620845726	-0.00845748620002	2.88575179539228	0.15323002771334	0.32128693891874	-0.01090659216795	-2.21346060739119	1.25223156262730	0.91465664311128	0.79187920141782	1.47713538228764	-0.04489492214522	-1.72365143380736	-0.45619206614093	-0.45271329511708	0.97337371093006	0.59519151467352	-1.12745914989289	0.75637688792742	1.23725351268738	0.91674695152792	-0.33858048238969	1.75982110036090	-1.65002519482436	-0.58818877513993	0.84217249032250	-0.76657297567464	-0.39661868538565	-0.08768373982573	-0.15168996527867	0.24074228458820	2.12474539951312	-0.30440284592937	-0.52700342019866	-0.78639503041184	-0.46398126201592	0.40271751266444	0.57255675159723	0.52422365195372	0.64534644308214	0.10571095020939	0.36522540717597	0.68759278675132	2.88396925177584	-1.02553725476702	-1.00134678404358	-0.23575096986828	0.37967322200031	-1.15772004612616	0.86216891849810	0.38673364020325	0.74832418672378	0.13042091725382	-0.40637868993132	0.01315303655787	-0.64248112674987	1.09133090752907	-1.31762772533865	-1.65499679923647	-0.02398076189861	0.29283256357178	-0.58996743406612	0.07355255089438	-2.52894751088469	0.61775947077628	0.82428920150463	0.53492759374879	-0.17778292517384	2.28863529133324	0.56775355409626	-1.09097595301491	0.32310950138879	0.22451442073277	1.34323688312126	-1.36871620107071	0.00400879553357	0.66894730906415	0.68411948932681	1.06582622979255	329.17976397375503
+0.84717572964620	-0.48044322255341	0.08556965981154	0.23083378179179	0.61027597199081	0.63001342016154	1.08250718241616	-0.18029420877981	1.31790619769259	-1.42374690443803	-0.64720694395527	-1.39506056890719	0.95632417198215	0.31582375749697	0.52449180176510	-1.73229349918893	0.05534708673197	-1.62424424405229	-0.31959547362628	0.18122487083842	-2.21278834210218	-0.05705078534083	-0.28469970812814	1.05912643361369	-0.53641181299733	-0.36622520944109	-0.29496641914311	0.21009123683659	-0.53388872506499	0.71844228523507	1.36384938681917	0.55277677546827	0.27501537137586	0.99610891165425	-0.66411830981953	-0.96050241948932	-0.10983352066908	0.60601451732944	2.16155128335990	0.84013059894774	1.23045767238811	-0.84677566212058	0.42267985020187	-0.50212996087858	-0.99747864849752	0.13150039586303	0.28140262401684	1.04556281673215	0.22947735705150	-1.56765520988923	-0.87409499340979	-0.41704437764442	1.43139768634744	-0.15162394516087	-0.10290457813007	-0.02778498395112	1.28049594082555	0.15538222556682	0.18911314310958	1.71560356892486	-1.94916994753801	0.42161806347965	-0.02015216264471	0.64788816608178	0.07056481815123	-0.47015322100417	0.34526073327211	-1.04019898786869	1.02634389914139	-1.82187418810474	0.51695505789819	0.34434856482531	1.00651854583672	-0.94003330257403	0.43899452428635	-0.51584438618039	0.86824894143669	-0.56920895637548	-0.36737865130906	2.63641934664710	0.75646080392610	-0.27080738555517	0.45739083311344	0.29827139991912	1.26295664793481	-0.01186519946267	0.54694077669745	0.34929292293946	0.82126673665524	0.05686376685022	0.53985744455289	-0.43883400682281	-0.82859943526298	0.15892284401728	0.64323859831106	0.65386137478493	0.51309206960214	-0.65567956053727	-0.13760068751873	1.55205788709569	212.72556364078713
+0.75151420160182	0.37648272196138	-1.25241494390116	-1.23095625175820	-1.26635247082197	0.38117292894343	0.45482917149687	0.27491499598144	0.93646394601953	-1.78253353439187	0.87901872438343	-0.42788233263563	0.20618061071079	-0.44614803280348	1.53226524900698	-0.97929407721463	-1.00529759994329	-0.50078331545508	0.27536023960277	-0.15880038306289	-0.15947032644385	-0.67433118548630	0.25458733392416	0.00541104057746	-0.42120753173040	-0.76888106313370	1.44494486545794	-1.08836699202503	-0.32954303263353	-0.05134291270421	-0.59089830446606	-1.10523524291490	-0.62410687649436	-0.26903784148159	-1.02199532852630	0.03551647259452	1.13735223914166	0.40493210788022	-0.59692939291585	-0.73855353298015	0.37478194393334	2.17808933919939	-1.59283988299122	-0.73747063306162	-0.30273873737298	0.88510251494934	0.84466526590456	0.36574449125854	-2.11349417452781	0.45993715118448	-0.65107896429202	0.50087095549708	-0.20161303094545	-0.92534398134520	-0.01180014420646	-2.17526085624965	1.25987937651699	0.69143488367090	1.43629012375632	0.53830658105352	-0.42778372998725	-0.19278078851351	0.48843220829072	-0.86700374479912	0.61428514812013	0.12734193950368	-0.44838400048471	1.49302263571426	1.35573679744800	1.37421809513366	0.98891289429138	0.13228469802575	0.85615555683656	1.05753063237406	0.19290973969550	0.57598444063289	0.70087391806578	1.11889025721168	0.98349490213998	0.44267472266842	1.18358674091081	0.59205155931608	0.56012316103031	-0.03636883391061	-0.93331720124442	0.65601050889378	0.19762742151241	0.68650826998327	0.78547645285499	-0.90271645383321	0.50457976547048	0.21908701821239	-0.47756825940893	1.22466405521239	-0.93851928205576	0.97298269517817	-0.62242584585518	1.08004263424443	0.83221055194221	-1.25773571934466	15.17276169505750
+0.92186885281197	0.82417314669445	-0.00004692364842	-0.74428320531026	-0.46736430239296	-0.69054279123800	-0.01998011137842	-0.26226264279813	0.02151891066196	1.07623053869333	0.36198391780055	1.45477741380301	-1.08642119577312	-0.61605925297803	0.11202699557935	-0.82318542377801	-1.06743701839669	-1.59848944855990	-0.67660610536527	-0.18673859429046	-1.34560509411301	0.95045943490642	0.77272893758727	-0.13487364953547	-0.98595838844770	2.49123322317737	1.70516754264917	0.59861927086325	0.29165717566470	0.38784688001747	1.04212235470706	-1.57882048645913	-0.74037673570707	0.02294779077263	0.26022518507551	0.39783481612024	0.22371569410373	-0.43578309799629	-0.62664325444773	-0.54104594502208	-0.56284815563978	-0.54113717200021	0.71621994109292	-1.92607304725601	-0.46381005296278	-1.11493370310948	0.67190398356659	1.51697763102202	0.82358914287389	2.01443780856466	0.42447874132744	-0.50515572553956	-0.83552796115089	-0.10290258544372	-0.36942677734403	1.18161182676019	0.85872916214583	-0.22390044893106	1.60838184446633	-0.18002474183726	-1.53859230021218	-0.87942249771224	1.55309537062290	-0.00946060391641	0.03221247025305	-0.25008041396037	-0.06989426329468	0.89168284875568	-0.56757070099714	0.11174167310999	0.04393700630922	-0.49707518190192	-0.27266738484089	-0.33592000451810	0.48954760187344	-1.24815469493989	-2.63995870211062	1.25686587116291	0.82757338240166	0.91931634416039	0.37273691740683	-0.14228651307625	-0.06034007258187	2.14211920917794	-1.34037320407428	-2.39987109998579	-0.71092650536873	-0.19411851184901	-1.34949869960793	-1.80783915972600	0.24704615342240	0.32456622189523	0.13891357638744	-0.33366768918091	-0.96732408731307	0.44757460623941	-0.09298991277744	0.47184525606695	1.47991116610202	0.59548382184627	-186.77575340504563
+-0.94729409262962	0.21666429568091	-0.06294586010399	-1.37772551439706	-1.56604206056995	0.73039574471488	-0.13098928899193	0.14788416318621	-0.74561122671158	0.56491590309559	-0.98028572380168	-2.52195928039109	0.87641635831810	-0.60426235033059	0.27039124877840	0.70861244312019	0.31942333953944	-0.25050280067795	0.35013914822538	1.41928820063014	0.65636130480173	0.05467451421145	-0.30594137663802	0.68850246589716	-1.58978489958821	-0.13612424676207	0.14592932950462	-0.29576403862412	-0.20853374850379	-0.48261053662652	0.16696148821215	0.26670591981882	-1.52617176968915	-0.76129721747389	0.35744219788802	-0.24553287552274	-1.19616690798062	-0.12013074367715	-0.40220065523743	1.09568526483681	-0.91610796634645	0.73731755985870	-1.12970273359066	0.18432173306857	-1.04619486486834	0.64349542771796	0.76100863411831	0.46759039402810	1.25428506334303	-0.72796067113955	-0.13257632036996	3.24370673471075	1.02939730025712	1.03718267484373	-1.65394787566464	1.25141521991555	-1.28559094166414	-0.51009565058228	0.40254353079087	0.26810539683256	0.43812301543585	-0.18340097086397	-0.03772553245359	0.34195859832714	0.28614506973745	-0.32937184486411	-1.07150827594308	-0.66940982529076	-2.14679761104787	0.88445436107371	0.92422165715369	-0.28451206526997	-0.56095602320016	-0.71076564558542	0.13493974556283	0.67581436986168	-0.01893199830377	0.15013490619177	-1.34825811180791	0.24693551449210	-0.50633783045220	0.73742606493324	0.72591434327546	1.01190551249819	1.99025587940289	-0.28973021175150	1.86831147496573	0.14522393930551	-0.74532464624008	0.15295455454868	1.30654415148134	1.58769558622819	1.20989075938034	0.21096153767683	-0.24188888726089	-0.42977393550483	0.69567562632460	0.12369830040614	1.51036790343774	0.53077293440946	88.40928087173592
+-0.01615749501836	-1.34445167977149	0.95098980317983	0.67574853246925	-0.82136683796692	-0.62258788697146	0.77430790092523	0.96640462416727	-0.26443824934454	0.08152067323403	-0.63265129673397	-0.39259816530312	-0.29421070247440	-2.11736263934892	1.69433219802401	0.49515906973825	-0.35397316560392	1.75346217893096	0.73856834577585	-1.15014856812047	0.58764014555272	-0.80788251637963	-0.86945946292347	0.95382022623031	-0.19488815770290	0.00031061577754	0.95665980866462	-0.22105083178461	-1.12633861937796	0.00151178624205	1.07652899450215	-0.64788858186794	-0.31559724629122	1.17434993498553	-0.20531006812362	0.86762496574731	-0.43895925845998	0.63425688983434	-0.70989311767666	-0.52934591199550	0.81651329320256	-1.68487619834236	0.89168756780733	3.81919219017520	1.31821697261128	0.21098015077189	-1.45919092683669	-1.58276535932866	-1.68876473073888	-1.02093361077415	1.62356811999793	-0.66102639372694	2.28109371424973	-0.17107483949929	-0.51447138890868	0.01292026552969	0.10803797920981	0.95520593263015	0.06134031050569	0.71978889976909	-0.00585406646256	0.97219718868853	-1.34517344647488	-0.01152932198313	0.22262863581002	-2.00968102041663	-0.28169086505569	-0.32901065637107	1.48739970871313	0.85423568705889	0.36841962395381	-1.52773726582063	0.08661627333884	-1.03637386157937	2.36269920896494	-1.45866362482966	0.81587917127766	1.35178401636706	-0.45648915183614	0.00197491634542	-0.44012812009388	0.18144010629406	0.07824444348495	1.65338640897453	0.47730393689332	0.41401030035857	0.89721351811360	-0.09925735459981	0.34915122582326	-0.10531928574470	-0.47034452117796	-0.56394963213685	-0.56764476157495	1.42647058207287	-1.16808574400263	-0.58185841047675	0.07910798853031	-0.29066794001209	-0.06788278782023	-0.49011057428258	39.83233411030456
+-1.09469802179063	-0.35366227552682	-0.21910520449954	1.39134963763149	1.42876492112578	-0.01523421626087	0.57503023982850	1.63327561766418	-0.17456844029291	-0.49289669006410	-0.63874914639017	-0.11060042340561	2.25025092763627	-1.06335009742644	-1.50393600377694	-0.92137980872115	2.28489034444606	-0.42631367260740	0.97360541004009	-0.11826106493052	0.21472295797993	-0.29996616086756	0.80362265935917	0.77552722970579	0.03096843440672	0.01607238501099	1.72219606370423	0.39410731094051	0.11616996929286	0.84946120915174	-0.55454593869287	-0.00564463790094	-1.22163380897679	1.04223760913673	1.61050272840605	0.49597404813146	-0.91489732067886	0.43706998235851	-0.66403005428078	-1.29252772858723	1.66638325270258	-2.69397392771888	0.09070581837991	0.24621757457783	-0.70035151442734	-1.22132484934622	0.13704916600554	0.97646459602462	-0.06842148642048	0.51862857873778	-0.12839314647429	1.20875821683937	1.29522566609296	0.81508636541300	-0.78477096894672	-0.76560066770804	0.02001406249059	-0.59199191824715	0.31406757488332	0.36999773251962	0.45926723447903	-1.71773487561508	-0.68770513197294	-0.69975856857173	0.90622528817534	-0.02320368828959	0.75388953352120	0.54738096325336	-1.41129483195717	0.44303140036437	0.22863599484526	-0.36160843887673	-1.08986350333131	-1.26627317782005	-0.74354266820481	-0.67476439230958	-0.18555794143655	0.57010218802028	0.84289906001566	-0.28952462205507	0.63632328399832	1.08633290046676	-1.51869835901801	-0.75782013660950	-1.34319831253132	-0.47311702441175	0.73764946507534	1.45654764299083	-1.84132642956028	0.90925942978053	0.37000667437464	-1.31443348680313	0.14613061725988	-1.00846746483880	-1.68363962915833	-0.43885972807692	1.16955300027249	0.94188892790598	0.43670264994490	-0.31629563434097	-294.10152542028715
+1.75033907305734	-1.87821606955059	-0.43711167209021	-0.33984267738726	-1.14320545064565	-0.64888395144408	0.53191770558498	1.00739361606794	-1.37185610938006	-1.88661870667244	-0.87021161913261	-0.57920003228768	-0.73454471518641	0.26725983276554	-0.77604615473074	1.25365068385030	-0.67307450416554	-0.29839070149368	0.19388181547747	1.20457876227714	-0.50339691765812	-1.41639523028686	0.51134053497020	-0.84912337019037	-0.22969359436015	0.06581618993434	0.23636828949395	0.82887052347107	-0.42096311043465	0.04234871251329	1.44654529807622	-0.42287307418887	0.58343307075843	0.19802932566382	1.28613630600933	1.17176221701199	0.20100174039756	0.27285114699823	0.81752939484138	-1.94963054377691	0.83602375042918	0.20841859381746	2.38701543533494	0.42963564522382	0.92388626752956	0.01330776199140	0.52317508953504	1.50389210952655	-0.17162990916383	-0.64242806569388	0.80101632890685	0.26017539225357	-1.79947055465867	1.90764309597868	-1.50477210878064	0.80929884852966	0.68571707907135	-1.31769526198858	-1.67802316373841	-0.64513510565187	0.32477106605334	1.09799065455033	-0.58052348667003	-1.14112904095416	1.00162668945700	-0.17917520272367	-1.42607970679554	-0.11932283876529	-0.00374782569396	-1.20680861144495	-0.80721463004680	-0.64960798423730	-0.66766312888495	0.48737121476628	0.10869000584189	0.24730261710509	1.22629435169890	-1.18684963077833	-0.12232719399096	1.64903412899024	-1.00878701928307	0.62550214542704	-0.66762631865672	0.85760582583429	-1.76399020461501	0.22326758776569	0.24065306950471	-0.62246889495630	-1.05299989041142	0.84482183934422	1.43296263638543	1.88394521488106	-0.06592809584334	-0.05143464523814	-0.43717923585797	-1.00111797568797	-0.82415779751937	2.09052685002845	-1.05323141400181	-2.08037553750348	-220.37911799791263
+0.20575579361255	-0.17567464975870	-0.73620990228732	0.31892442127050	-0.53224432626209	0.17633003566405	-0.34136956560059	1.71120230643488	1.76497758578563	1.15668840501798	-1.11761526625257	0.07284021251238	1.39203706121885	1.58374324686185	0.01056344343516	-0.52712797983477	-0.41393335743515	0.28649364602537	2.47051140162914	1.61989634945954	1.81971517903598	-1.90458026355356	1.23575161359874	-0.47723940826955	1.23391885130652	-1.13709729574076	-1.07522954167309	1.70924229665898	0.70368069305504	-1.07279784809465	-0.25817599341173	-1.28014821909021	-0.65586574707540	1.52559434083406	0.61207164390513	-0.10029381079401	1.05334372042292	1.80188792182790	0.74282548545549	0.17936204011130	1.58014206649393	-0.48709448069526	0.11566538410186	1.53116825232201	-1.69112076900909	0.60772331985459	0.00512313142155	-0.52792102478525	0.49473279104056	0.87969286356248	-0.58166646081217	-0.51333775822803	-0.97084332020374	2.37876976301789	-1.71918636011054	0.39171749835738	-0.96769225329000	0.14981245977246	0.28814219836335	-1.04797155046024	-0.86158547183694	0.99374489425507	0.24399211847151	-0.42577371407978	-1.37001752540822	-0.13045484768485	-0.81625855657110	-0.17144516781101	-2.03869470793271	0.45048101717301	-1.64090217750951	1.06767356697271	-0.82742891668937	-1.50224038051919	-0.85648675414455	-0.32895483981010	0.94847436974027	0.01365192467740	0.17602871851570	-0.90128841949583	-0.77135802252219	1.78918347022456	-0.98281316514014	0.22343101005545	-0.83131963499275	-0.55032522815646	-1.29983502767110	0.64269958944098	1.90192724000895	0.38756676254589	0.87437619514588	1.99891068114876	0.58057929394896	0.36674573322670	0.74800595215092	0.41236284827212	-0.22723305643787	0.41180989594059	0.95153786298165	0.13377317887603	-185.43899527023353
+-1.16176653394227	0.37527517082853	-0.44703433158366	-0.72475736692633	-2.27041320216111	0.38994299710336	1.30483782959653	-0.05535106725613	-0.22795940583767	-0.43075414491187	-2.23625278820163	-0.70473922024255	-1.37132324714712	-0.63804073501091	-0.34938053901100	-1.07944895168607	0.55886578794897	-0.05969813961280	-0.01380577028470	-1.84602959651520	0.52231095857855	0.84381004627805	0.04209531864772	-0.35850443734187	-1.29614227036199	0.58444269589575	2.49440561798007	1.77066826083462	0.54993059705704	-0.04884518704140	-0.36523398198146	-1.13002622574528	-0.40937398914928	-0.08995684027341	1.66817944125433	-0.78587615821105	0.71469582726835	0.67902030451042	0.42931928660867	1.47911698111755	-0.25203469271236	-0.17228886477186	1.26529937609102	-0.07117035012373	-0.96111851955694	-0.90352072580641	1.89749568490005	0.60627820368255	1.68503101293086	1.10583644659743	-1.04662737981767	1.16518178124656	-0.83348164541541	1.46920830285220	0.68771749134311	-0.76610222077183	0.21453403707113	0.65956346509166	-0.33064387147695	1.05404247481340	-0.35331772809174	-0.27289135617129	-0.70778800820319	1.31902000563410	-0.20458977846843	1.31442829458894	0.18393634027607	0.96921333984274	-0.18580560212243	-0.53051831435872	1.56379260861824	-1.43133844949823	-1.48934343703746	0.16933309281863	0.42491286095294	0.89689355586200	0.22357751470351	0.09786380091577	-0.35012000796409	-0.64412787386933	0.71611091434967	-0.90608677894424	0.05568648814205	-0.56995179625459	-0.66528888555852	-0.66189127587285	0.47594636026706	-0.20552190606537	0.84668723774938	0.61081809397362	-0.53906864157748	1.66803512796643	-0.28824269480757	1.34878786829010	2.04977877144408	0.45223327235005	0.04632755731085	-0.87707970471058	0.62282151475396	-0.28145821900384	159.26191001875208
+-0.90525364077921	-0.84251599247383	0.26393122365044	1.27075490447891	-0.66013927084282	-0.33898353209291	-0.46273031364217	-1.26505769401880	-0.14231230753550	-0.71090242259897	-2.26861996224610	0.47291346464840	-1.54807741104142	0.69863077029901	-0.37219899010144	-0.64799211304521	0.66289321510005	-0.96571566244728	-1.00347453471153	0.20181386383006	1.62820763578731	-0.07589976704854	-0.75294560429257	0.90505286293288	-0.69338785111048	-0.73233781024839	-0.60618411010976	1.04071749528225	-2.22925893308860	-0.91342069483830	0.53917244527671	-2.18515380325798	0.81009786739909	-0.48256531456154	0.06644430233107	-0.72752125085450	-0.78552143832369	0.13329024202743	-0.32840807939173	-0.18202083482438	0.42441824827810	0.13606129350626	-1.44904592785806	-0.91298932261592	0.35300518346143	1.13118119092022	0.54545402972289	-1.07224227237928	-1.32271650036149	1.00948977186841	-0.27245180877096	1.95443008890281	-0.08799540550164	-1.94454028229548	0.56485691272211	-0.94697605259024	-1.23992032828593	2.64741898928310	-0.55587442554628	-0.94427060043736	-2.06645372378496	0.91272825867490	-0.10907396256763	2.06548613728673	0.59002612631513	0.52454784623453	-0.88539519723148	1.53875365950315	-0.93692211107218	1.83987093518309	-0.77999830271270	-0.29178644639701	1.00979354229043	0.21306591909620	0.96369686489873	-0.07684033970520	1.73473118319348	-0.45036832301511	1.19882393851677	1.54424956156833	-0.75552508928466	-0.44615385943240	-1.39453271532136	1.13520166746838	-0.20268282272443	-1.01221122074599	-1.00338071773004	-0.26458368036447	2.39707306723396	1.55620837098324	-0.10890626163811	-1.09179766493574	-0.05816611715256	0.28544899454626	0.18479275551351	-0.20939878024356	0.21359010083020	0.22382411909066	0.51834351515590	-0.01203576792221	84.11129272320431
+0.82371260812247	1.06049118341091	0.17077093196796	-0.86955070652243	2.02577923393804	-0.73726216157733	-0.02235671114494	-0.92949768413126	-0.00659820348762	2.28127210740249	0.10382736210532	-0.41984607954645	-0.47291319401645	-2.34092551640182	-0.28050963185139	2.72502080734977	-0.65637898517119	-0.65113051695822	-0.60808108193892	0.62998761682914	0.68558209372613	-0.22007309599774	-0.52964950255039	-1.70771489038527	-0.83470023457854	1.19933281075384	1.15351988705559	1.35213675856099	0.07371157701561	1.56072342378178	0.34421346303858	-0.32415019818830	-1.49252017362111	-0.42081660974292	-0.06865025280147	-2.20422692007755	0.45076298555580	-0.24321111498677	-1.41304072773344	0.16824138572934	-0.15514280895006	-0.43910471923623	0.27650295204355	-0.00592407225118	0.81019164225428	-0.68639586551848	-0.22290652406606	1.29725053661935	-0.58526773653832	0.96888684822170	1.01731916862618	-2.19769192666658	-0.43232000255590	0.96890455773333	1.83273343012926	-0.81062581222911	0.88508989186866	-0.57777271708645	1.74625631827517	1.16312573437369	0.24204583536789	1.52215285997152	-1.13324727107082	-0.12336287720355	1.30995232375324	-2.59304938782319	2.00067202408474	0.70799437963389	-1.10837164045886	-0.91944918476336	0.63361311272871	1.58606514164395	0.58126290998869	1.95505544387808	0.44878878757341	0.55154018140607	-0.83947772441124	-0.74049700625808	-1.99828208763225	1.09256336197860	-0.64498854209998	-0.04019547527576	-2.06889049535591	2.03332331706350	-0.78790112920094	0.42023925046178	-0.09701976042143	0.28768107786746	1.30161022453538	0.37742602405131	0.92821235504231	1.53030103085952	-0.16433173228337	-0.94533461209859	-0.38910754054643	1.44308758345478	-0.28854033016482	0.10193764725371	-0.55606815946511	1.09015289264315	-153.20351659840199
+0.23731164772087	-0.94297879662871	0.08645024003598	1.01101081626547	-0.80927303339709	-0.66313298126150	1.05945551681193	-0.69533963352308	-2.27407005373147	0.74114051798485	0.33795356999333	0.46665199638203	-1.25108251980948	0.06937008395654	-1.89006424101399	0.77714472670555	-0.71263003889833	0.24930998597508	-0.63343005038353	-0.37829745272535	-2.15959205046823	0.27360750323242	-0.35865315095417	-1.53768482264940	-0.06451309551366	-0.58560616456922	-1.00201341426072	-1.23787039502056	-0.43221175305307	-1.29747175535927	0.53634444403331	0.17840259925317	1.38744006141647	0.58135917300059	-0.71696757931791	-0.26281303379846	-0.76850611444608	0.54760981763061	0.54183932510373	-0.87071920954846	-0.16672104301294	-0.00105884233708	1.16679802849735	1.38971429390086	0.30430567959513	-0.69262219750205	0.59631435543253	-0.73166504185827	-0.72493307763488	-1.93152932509806	-1.52878699473782	0.63254479697250	-0.44385381956290	1.07206884381149	0.32390725067122	-0.09527290234272	0.75291842952402	0.99118445895813	1.78939620600234	-0.84516646553810	0.86965646470040	-0.26774268073720	-0.56275588007192	3.19748295397337	-0.64181458755874	0.11220827271786	0.39242735549608	0.12369973790391	0.49499027263261	-0.33937719999794	1.07594091815337	-2.30618294114761	-0.91527048466399	0.74278616610630	1.58708893707405	0.13908675055447	-1.29702771520254	1.18365592695542	-1.37922561613492	-0.85439807543532	2.13554560159511	0.73757066753288	0.21789245532885	0.63387081378507	0.89838207250241	0.79295189758418	1.44561839409914	1.59881271022057	-1.06222933444924	-0.83470398475351	-1.10048794622371	-0.23693404546697	-0.46948669807164	0.57065526463020	-0.92563839209779	-0.38542737502405	1.58078609084390	0.92876873289337	0.40043811487948	-0.46537678392965	298.70742594357387
+-0.53439383530306	-1.06605525816211	-0.66155694349019	-0.48811101691646	-0.41546602951165	1.19741734779592	-0.59892262579212	-0.34502527403732	-1.22250529739662	-0.53629036242314	-1.07173556758791	-0.91621993917044	1.49961056170431	-1.68138681554986	1.32813211314365	0.60909959142993	-0.30290404839246	-1.02319884121943	0.62969480563024	0.98774702734042	-0.38234037804602	-0.98598081157493	-0.74304592231484	0.17912390469971	0.48905360189012	-0.45339969843110	0.10714253527293	0.68196488401329	-0.28559377932837	-1.04187437109117	1.65258564139881	-0.86179917990581	1.11676824680888	-0.88592524951272	0.92700352399697	-0.10746411474279	-0.85224895065849	0.17185882517031	1.28290975661447	-0.05864391264017	1.32634484032934	1.59576290128042	-2.02376353002073	-0.45596835004497	-0.30175139488690	-0.68365014168151	0.90506544040104	0.61515218539276	0.05371174766609	0.53846601124160	0.54362793226983	1.32833309213812	0.21309224825039	-1.79763757816820	-1.13609897454000	0.70453542780530	-1.84634161455384	0.23807425695170	0.14614254213308	0.91179656231331	-0.01368885520815	0.75872144408905	-1.18079802759063	-0.72747083460478	-2.14185161440355	-0.49581833514280	-1.09860423557013	2.54928569877370	-0.12278570026443	-0.30620639436988	-0.82353342400180	-0.41243382161399	1.94062280466786	-1.26260428547622	1.24018981821212	-0.06340532135398	-0.05454962931514	0.32669169909967	-0.84281968759992	-2.38861407368411	-0.73798870708179	1.09079462734148	-1.36447657201091	-0.37873629845671	0.54171265127420	1.71650277423513	-0.87399991994747	0.52738768762870	-1.63767562413715	0.00631766181730	-0.13210003839032	-1.30175658921974	1.18100216181730	-1.12997104581712	1.52486260054826	1.90341641619205	0.41375864841338	0.35564438892659	0.10342901781619	-0.45706533906365	-6.34809220768067
+0.60485035977112	-0.81917880971935	-0.80347890842219	1.45392470112750	-0.53500479966104	-0.32094617970992	0.12213336537981	-0.52262479893785	-0.03218742948789	-0.14713637940923	1.95714748525154	0.57676593508819	0.47177761480284	-1.91183847649389	-0.97217252028459	-0.94724270301085	1.60903477112184	0.02919824227611	2.08623818383769	1.92472952203794	0.46676252634654	0.29207422144612	0.18340384896407	0.71484581505297	1.28516508228772	-0.33901502980396	0.76397395195672	-1.42018105492234	-0.48152007909040	0.30150156015547	0.16920718894615	0.74475090424097	0.71763428683260	1.93314940514764	0.01777062822280	0.61054056030369	-0.10187157236010	0.33181175287606	0.70876840727328	-0.45856237177030	-0.10630799215816	0.06945486058985	0.92425718841558	0.03837002381134	-0.61314728631319	-0.64571404608039	0.54398007332163	-1.77506612463993	-0.10530188835403	-0.15329499941220	0.31294480761307	-0.14474255579500	0.35644111212354	-3.01947828912756	-0.46015395801657	0.36501060120401	-0.33665621874796	-0.17271456198533	2.04689568584425	-1.06024894332193	0.92380467905748	-1.66107764522918	0.59446690026467	0.40627103433728	-0.56228197370260	0.06339719161510	0.03152888550240	1.01553124415400	-0.75178877030570	0.62939609984347	-1.16449600478523	-1.09411240185078	0.86216166767960	0.94791352935839	-0.80274940323322	-0.02387659729528	-0.56496992517263	1.08862772584186	-0.92601640820222	0.78552104217310	0.19773612678223	-0.28053543152835	1.19050327452036	0.59358638763266	-0.02112686166147	-0.80825327805690	0.08476026448907	-0.13231336136076	-0.84237988127277	0.60298550429462	1.05961965189812	0.05140356784040	-1.14899631952474	0.63266115530981	-1.36645582721129	1.22297957033743	-1.52462066693024	-1.56526863511656	-0.51542197279942	-0.99027372662895	83.18251489809984
+-0.23360351594125	0.51780014132893	0.47189185278225	0.31266769812928	-0.46423324324249	0.93012041871149	-1.07473700626576	-0.07121407145719	-0.61554382605409	-1.15390594616347	-2.21557669751673	1.29752521456244	-1.18501059669587	1.46080829687507	1.06065059333918	0.80484095522081	0.30282453869857	-1.47023190774427	0.70652425107460	0.26908372958608	2.58987786854812	0.69966242815453	2.50371354683367	-1.20576076636063	0.48868156524268	0.21295656721036	0.89279409873222	-0.56348326934775	-1.94742857107159	-2.75399439623809	0.12034531941479	-0.50756416284849	-2.06979282385431	-0.30176617166129	-0.95016040939428	-0.75242183741536	0.23344148850686	0.57560117159236	-0.65067865650394	2.15648605425089	0.86240581458478	-1.37958834095557	-0.98601687308613	0.64734924008394	-0.58977920052385	0.48842926768120	-1.34284956667977	0.44264517581568	-0.80076201382923	-0.27140158552493	-0.08320813580903	-2.18399184239918	-1.51060588793332	0.71727106279513	0.52718941543087	0.66715534901773	-2.60570086158510	-0.39016646725244	0.31246335836550	-0.04939692005088	0.10076725420128	0.87453430081419	-0.20045977763241	2.64764119667458	-0.65263257410764	0.06743204078346	0.47823812377305	0.28451630335358	-0.98055766528080	-1.43951335772667	0.35862698661410	1.49376490939663	-0.83067262548191	1.63820420675785	1.12556540239670	0.69245905017337	-1.14663423333821	-0.42802978647160	-1.15605631064741	1.05047198411877	-0.05350399155936	0.64996009169977	1.37984507284836	-1.44032554512212	-1.28000525974047	-1.33796121019978	0.10507521383048	2.05261475824247	-0.04147364381361	0.18996192530594	0.35646156398745	1.13188939300824	-0.13256540194324	1.37292552298259	0.85518188076263	-0.35257793975927	0.64596364367883	0.02042685045411	-1.43266499341111	-0.17050972869915	306.68569681203297
+-1.25296280467458	-0.83025719678593	1.65061057515429	0.35201138999786	-0.78406415938721	0.31785297189550	-1.04452618819526	-0.68790853198804	0.04039473148273	-0.86289480405033	0.61981448999640	0.22957648624281	-0.85206960552465	-0.61765478834963	-0.46794493092435	-1.05077637708626	1.64659140742473	0.13850840695624	0.06160666997064	-0.49474676253084	0.82273598517635	0.97385775328521	-1.10892796979588	-0.05156342459302	-1.78383701676582	-0.78001387080232	-0.03536832084080	0.81568459067934	-2.46214935965358	1.01715782762861	-0.99727404781262	-0.11158158538997	-0.61427488147199	0.25834886041991	-0.89044046388733	1.38911954812564	-1.74483538203107	-0.39312638369341	-0.05479647337549	1.50992509872890	-0.25847076830634	0.47017542842254	-1.66407176025946	-0.13070247449714	0.88835121473013	0.63644925849689	0.92587145547177	-1.74072889999885	1.33210125090470	-0.58034560090389	1.50173477115025	3.45859681611483	-0.45817250767783	0.63631775551804	0.05408430234132	1.58986617036583	1.28950889120899	0.08029282816138	1.22619309270920	0.13886362814684	1.73805279237266	0.05189800571520	0.80360332612928	-0.47951423120958	-0.17457636669612	0.21232513672501	0.99548069397187	-1.88273912338563	1.18565318653551	-0.95749783834589	-0.36022735174714	-1.28517950423883	-1.89819976496742	0.18017323736953	1.81241648305024	0.63472690685258	-0.48822887288540	1.01229506388111	0.20114044005615	-0.61741288434896	-0.32584486975140	2.86440982135278	1.16041108663904	0.13277769142148	-0.39040121423881	-0.70994342102016	1.68023918741133	-0.72235737871125	1.31573242600862	-0.33750264324332	1.14648796381249	0.25534181555395	1.72168414618614	-0.60387877251900	0.48126589816265	-1.40965253181126	-0.62896214127894	0.31666913082336	0.96150720252784	-0.15418510627167	319.72766464935830
+-0.99984919565061	-0.41568599706365	-0.39181545952787	-1.62140965180433	-0.09372242947512	0.88807050348678	-0.48770743942331	0.74250528414756	0.36151564054382	0.58839967282694	-0.14855122280234	-1.27595196285025	-0.30004084198674	0.48196935625066	-0.23166423343158	0.57817332751618	0.99085634653088	-1.26925599918287	-2.53591769701790	-0.42831071697740	-0.37800617745680	1.02275598671931	0.63947035404518	-2.93945402623268	0.80202497868662	1.32560284682255	0.10758407655917	0.03589098986827	0.73234414567467	0.77350032709294	-0.40011937071572	-1.68757141259862	1.00139208278641	-1.33498087380541	0.22381525401752	-1.00771260483999	0.39503746321277	0.45292246503710	1.00925540352445	1.78380578989255	-1.28298206121363	0.96624593337558	0.55550082680649	0.29709483161602	0.49278078953369	0.16415045951939	-1.57551684443402	-1.65783673100636	-1.55039846351065	1.41018471619668	0.42131724213733	-0.89942110324181	0.52398205959548	-0.47630382946818	2.21902342400668	-0.72140358929444	-0.68378301323355	-0.72466683204568	-0.03941108338753	-0.87485789248075	0.78246739954919	-0.48104450858833	0.39652665243359	-0.95362353766592	-0.46729967496423	-1.14354465294870	1.18595514588528	0.55498877545656	-0.67407458051265	0.28244514895971	0.51534595539665	-0.66631357680754	1.11051984352877	-0.63799585051663	0.52076910597396	0.71573481530487	2.23167990003180	0.93026310604633	0.68211688672307	-0.45107670178899	0.44203580046205	0.35921021514755	-0.40048699254874	0.06665705844307	-0.08633708909346	1.19109584245807	0.65402309281216	1.45399557066344	-0.77697347387938	1.43127866185655	-1.25198149950300	-1.08227485754994	0.37606413832639	-2.49432105977188	0.57984847679803	-0.88573943776404	-0.60070604018335	0.74502532136478	-0.26138740156194	0.37169778801089	-28.88294185187181
+0.11873192576863	0.50782717604328	-1.88628836750776	0.89912452927707	1.85554554037016	1.39703111443078	-0.26707103356968	-0.16791317278749	-0.86192197429386	-0.51961635999419	-1.06000825915833	-0.56618238374823	-0.02201246704805	0.93625357254660	-0.34735426368722	-2.20510346457549	-0.67825090790002	0.71999113868596	0.93719153370628	-0.85113208816929	-0.67728368618506	-0.67160782301516	0.41614597578860	0.48468627798386	0.55249841886654	0.95358665169946	-0.24957125769622	2.07595058038693	1.04068151796384	-0.24423451883693	-2.36898017503155	0.54705279757494	-0.08008290659022	0.14295695245145	0.19659506908436	0.47412482777189	-2.28130579269409	-0.29805890017704	1.37332641197813	0.89225788474987	-1.01371970243794	-1.20471587989712	-0.11515634319649	-0.25611541433026	0.66105743346714	-0.18337459189216	-0.48299659888296	2.24365945072822	0.01053669744720	-1.28450455961991	-0.50534692148270	-1.55238870643750	0.21087317003824	-0.36765985352241	-1.42284954696312	-0.69268161369909	0.17584571165005	1.35836119344929	-1.90036969146443	-0.46898715506364	0.49468129909972	-1.05628060800437	1.28303077470863	0.66839521890313	-0.04822163559468	-0.06162756634039	0.20225506690040	0.75482209317788	1.27559732330514	0.21506804700839	-1.11680064015089	-0.63075559065252	0.49742787278958	-2.30532242342615	0.75979590681133	1.51900331388425	-0.61163107591882	1.35462630683437	-0.92158082263334	-0.52443498054272	0.66688019935718	2.80970114357323	2.62561444578465	-1.13293433132828	0.23750379404051	1.35697878766828	0.14386099595966	-0.31480674559034	1.78122457816227	0.65262945998463	0.59420142654116	0.16029074988454	0.68476315549096	-0.92876576084625	-0.86641728530192	-1.02393641925718	1.46715555041065	-1.09486848955906	-0.20862173185309	-0.52669820264485	195.55343117391755
+0.53989987701503	-0.30229983961680	-0.18952778229310	1.58065982941181	0.50954937261940	-1.27181166795962	-1.54513479247270	-1.03724152904860	-0.24320231504243	-0.12917328933681	0.68762595105335	1.62263447803408	-0.77768839458826	-0.35432027228238	-0.35444017877375	-0.01204523685327	-0.71112606864810	0.46301689909690	-1.68470641515874	-0.43238636618531	0.68309768317027	0.35618373486097	-2.09192224595068	0.65517052833489	-0.82918256335977	2.13583957966129	0.83085260101875	-0.22160844758174	1.21163866634881	-0.84765491128206	1.66083540305834	1.74752208638427	1.02496354466242	-0.37834187454000	0.36247267480026	0.88417181820482	-0.29108659019024	2.92966089343238	-1.20472252967611	-1.11063467203220	0.05633894424120	-0.37667434221349	-0.56664127771572	0.09451199914285	1.11373246944271	0.31369744702418	0.46020710543896	-0.95373772154093	0.63074297976962	0.23737629933432	0.48781476497659	0.06160768626593	0.43035789354356	-1.17692489125799	1.68624027507551	-0.50047441141399	0.20809368345217	1.63591387534772	-0.70148114726004	1.69259062798494	0.82636784748711	0.41080891898718	0.57081667179724	-0.53847994465738	-0.72038199226362	-0.97783117164403	-1.16329587634886	0.03428860534610	2.28031127323918	-0.41439949325445	-0.12660063112598	0.14688445026803	-0.35970358543714	-0.49519737438897	-1.14096696114584	0.12771181052703	0.56245625463307	1.18341257320349	-0.76404024780852	0.34371703262203	-0.77676896123635	0.73156355474731	-0.11846930012185	0.45675680055101	0.97279724853587	-0.59186322726051	0.45044561776910	-0.50244393016290	-0.33390993070057	-0.38212536558313	0.30867526144868	1.54055553097994	0.91148722778550	1.10393109847706	-1.12198923773443	0.51678635048715	1.53455299292131	-0.67022422619825	0.58606596126713	-0.56158479425220	117.11657696019363
+-1.32832487309615	1.31109091857193	0.19299500589830	-0.70914009446327	0.25434203705865	-0.81164199574491	3.25290080230116	-0.77424462206273	-0.09317352694210	-1.38671465261539	0.53847146764008	-0.67881021015951	-1.15388579272057	-1.19630997140351	-1.23775731178111	0.29442208903978	-1.55737402557916	0.59646916463244	-0.74488917332986	-0.05559892689283	-0.32230874972039	-1.59588136903204	-0.20429550994058	-0.54579760282679	-0.22085148462506	-1.16045058959635	0.82829089845702	0.55688820276477	-0.81545786921724	-0.65347232226131	0.78312203082146	0.62322167403123	0.05589336010351	-0.52778304032194	-2.53371490068694	-0.01527361681360	-1.00991536358007	0.97101507393984	-0.79350827923054	-0.37048875517772	-0.24928762363266	2.57076451076604	0.11250426233137	0.54507847151932	0.41535786515367	0.93140074843532	0.38416436496132	0.00943042045478	0.09207904862564	1.11694972800202	-0.22815479658338	0.54161611666685	0.20604165648495	1.02192519611460	-0.72167070822085	1.48317891613439	-0.12031642840440	0.40944806598520	0.49790841207097	-1.09384108244855	-0.13442562190597	-1.14464828962824	0.41529870162847	-2.27243937784938	-1.32848396851821	-0.05624642393738	-0.92284959319310	-0.47729389928282	-0.98951114687389	-0.77359597333041	-0.46615570221613	-0.29672975912512	-0.03592836294147	1.83568546159400	0.98636816490667	0.57482093126366	-0.08405908275244	-0.92753200328799	-0.02867786645987	-0.72102784522139	-2.65454143301367	0.63641252153443	-0.94713926617294	-0.10473605798933	-1.13224127168569	0.95286809097754	-1.92608826517881	-0.18726676450257	-0.27166980167059	-0.24751855177125	-0.81102229054031	1.63470761092968	2.56591736017761	1.24851306311143	-1.47376551761364	-2.33827338672236	-1.93736462781153	-0.18032332448792	1.13753778208345	0.68071643163492	-315.36692082206162
+0.58393229889877	0.68688222118671	-0.01808502204789	-1.14946380600619	1.19364870096398	-0.14030364690299	-0.48177908155920	1.57059946194859	-1.60515870931798	2.13097697552497	-0.16399047233950	1.05611389219230	-2.24686691247365	0.50582212834559	-0.84182782123162	0.51172636391823	1.01990743375523	-0.31637400342825	0.80602929485992	-1.10507997674477	-1.76727890725306	-0.61033550875345	-1.75825708590963	0.08553096050358	1.82220909686859	-0.03959248222631	-1.19455205272399	-0.85119602096774	-1.21954891188046	0.19989429431027	0.51596749143715	0.54920725193041	-0.46709100753137	0.84376564897414	-0.03091044526501	-1.22501753265651	-0.12334897487342	-0.22365334502617	-1.78558411696325	-0.91511067495983	1.51743693003815	-0.24428399614294	-2.68093971742700	-1.23005401629543	1.08973471382361	0.58159894125110	-0.44310663177011	-1.07401298162501	2.19811891486377	-0.83753060974643	-1.24960361044679	-0.86718580894570	-0.67635352558107	1.03509757545419	-0.50977393407063	-0.93146343948333	0.61856348797175	1.13266269945958	-0.89879458006918	0.20540906746208	-0.44760290457024	-0.10760526555833	0.60134535760530	-1.63559436589120	0.19777288266124	-0.15274867036915	-0.40632877747023	0.51857040708973	-0.09737254758721	-0.25637012987823	1.06024997771121	0.58039849991616	-0.45975877940269	-0.11852020736895	1.18438910028083	0.86591250263919	0.12965188345047	1.95101032590928	-0.47250258416061	-1.26523113822972	-0.75066117737511	-0.88489924698671	1.73341973351040	0.40959579855119	-0.29496022190770	0.20174018206511	-1.82594295213940	-1.16521793109774	-2.14065173722520	-0.11303630982187	-0.71338100397835	0.74016405669662	1.23774810950444	0.62569967344406	0.77212446947439	-0.95273807786878	-1.27552565146540	0.51029590275177	-1.21200093542217	1.33196412798578	-442.58137407789695
+0.47920744733532	-0.13131119308435	0.39523394757452	2.42875449179891	0.66942308022336	-1.01330705735830	-0.21098957751191	-0.36663718340930	0.66654569160005	-1.66480005416940	1.52309485482836	0.25515027597795	0.37427143010408	0.71727329380079	-0.16728168369342	-0.84113557421620	-0.90521946974507	-1.18754577566874	-0.53786654595522	0.05389801515569	0.66859125023804	2.67602023768652	0.82833679018968	-0.13897571459460	0.09532380010913	0.44343359918321	0.23212711401667	-0.63798261723599	-0.71732295839540	-0.36414147000169	0.03784392223651	-1.53471503701257	1.82582765801510	0.22468694646702	-0.00853987247180	-0.55262032525851	0.60711720079632	-0.93041570404701	-1.16155424988279	-1.52139029377199	-0.35437033568282	0.47105343515246	0.10344156347143	0.12927613208904	0.37934294025429	-0.39546458167579	0.80799312403205	1.92434686474473	2.02222918038293	-1.44353981569905	-0.76045039511322	2.72411049921578	-2.08466112487513	0.82224011553374	0.13713873110153	-0.32644361861668	0.49570660587299	-0.90325374570057	-0.26786058872577	-0.58324352906836	1.84152433012121	-0.44885245631263	-0.36384437035240	0.28565904369762	-1.18269346052704	1.24043943236649	-2.70896235092552	-0.29933287109748	0.43229829833764	-0.94399150771478	-0.76306298004819	0.21620530529445	0.64675292878371	-2.11844214743670	-0.96017972447499	-0.23076981760868	-1.11834036512685	-0.15283744229134	-0.87814344077209	0.71049851013645	1.16844747032850	0.91158350869973	0.98050124475620	1.48466900846835	0.81955668362063	-1.65566177873312	0.58353377115804	-2.22334910758758	0.08802660199278	-0.23904327354462	0.32615014517430	-0.92620244123667	-0.60923482008364	0.54426091178689	-1.96365213189423	0.19515911022955	-2.04000542532887	0.05416138462197	-0.72287585321521	-1.03063348543544	48.00720940695776
+-1.47660447335409	1.37134004833326	0.25216685749133	-1.24117397825372	1.37271419107494	0.63656697009173	0.75872281128808	-0.94729168922549	1.55552039386085	1.94146182834657	-0.65603581275142	0.47399974979802	-0.10046770431772	-0.16830955500926	0.95887911109428	0.66651303220881	1.42194459766525	-0.05524726319889	-1.11694933445517	1.17576076160416	0.42918380412796	-0.13639695871917	0.71279079991185	0.91801931628910	-0.65401240403666	0.37329387064614	-0.00132328378662	-2.39885149866919	-0.35033804658145	0.41402652545070	2.55401894984651	-0.60063989325184	0.13416460556866	-0.04238655950547	-1.89690189194636	-0.81475522436517	-0.83813168418052	-0.01274299775052	-0.34806796396138	-0.29409045550462	0.62072159792750	1.11635872204375	1.78166558740094	-1.66965147147727	0.56805562216935	-1.57263782281471	0.35486942122590	-0.41137252459851	0.23215015115032	0.30344541675144	-1.06920039736629	-0.71557363217321	0.89448678206218	0.69893655842451	-0.25812009439425	0.37207012675274	0.01378431197102	-1.27538239444783	1.13639798181376	2.25788318121107	-0.29194311372864	-0.06611326127525	-0.34095099547610	-0.28800588066852	-2.07870745049221	-0.57201599245687	1.55844070091210	0.01965559559331	-0.21842004760876	-0.47833344856130	0.43092787514326	-0.26880451121350	-1.37404618048635	-0.43962458921237	0.56135219978606	0.40776699302961	-2.53260498399090	0.39855418546269	0.01317822458354	0.21331575176343	1.47236959537503	-0.89826046694067	0.53453737316928	-1.34259298070016	0.04648836807976	-0.55575718627569	-0.24815683115450	0.23616828488443	-0.13394065275717	1.35667364968561	-0.63910523423676	-1.30149799200389	-1.33200660524170	1.06151813915677	-0.22162012209544	-2.07640915511610	-0.46751923807040	0.42310724471751	-0.43362498916251	-0.55522210000675	-21.22880114514193
+0.02103505962360	-1.01008694548528	0.24665462553993	-0.13453565023602	-0.43761853537583	0.60488490265100	0.90713401708077	0.88156935700792	-0.30089064784770	2.50339586465192	-1.15854382817661	-0.17391552264915	-0.33937231678983	0.18473638243375	-0.31463843444711	0.47483760097544	-2.27254616555245	-0.41158031906025	-0.80195323977093	1.23526281338149	-0.32330964199465	1.08115431216387	0.60750915635236	-1.58214161383270	2.47518042365224	-0.94103037203018	0.01099242378449	0.05252683778107	-0.70994635540154	1.15542878331025	0.45474294526929	-1.03076194414421	-0.71445525576520	-0.83888687102360	-0.72300630278013	1.51646989751903	-0.46700181365170	-0.30514944058308	0.00867481535962	-0.67848982905688	-0.16509680609535	-2.03171064185275	-1.23133183148450	-0.57096624428787	1.21521773377136	0.94413392553137	0.52859161544123	1.17708238656408	1.26415326510296	-0.81276065442393	-0.74158186206241	1.82957740669176	0.08723507627936	0.00229725697297	-1.46950429868838	1.02363357629688	-0.88114309643357	0.39220770165006	0.77264055270463	0.91797938487891	0.02109134639944	1.01984834715512	-0.09244045209208	-0.32217910662559	0.19527128346778	-0.05923912787862	-0.44744050491296	1.39161215696777	-2.18727359218968	1.43782067923492	0.25445974212963	0.00879925977189	-0.89458616926989	-0.47909879686675	-1.31304971563024	0.19181939357558	1.76147218747328	-2.69443642542130	0.55800371228876	-0.81923786233450	0.75948048977069	-1.15920444954713	1.68822952630296	0.75959650370415	-0.46610557054536	0.08866180909893	-0.28016730000479	0.60281408208898	0.39738102387249	-0.40404535771284	-1.17204361795124	0.63264976258494	-0.06552827105219	-0.22908085663464	0.67416616091292	0.16496222937819	-2.03037659045416	-0.96462867485975	-0.05423635723879	0.78351939784607	-264.64792461511678
+-0.02314428722743	0.23993365517940	1.08803176922071	-0.29276276659055	-1.29486396410410	-0.60050989743196	-0.78411206018879	1.88413078460772	0.84554898908143	0.73767681742297	1.79759015963904	-0.17030126829076	-2.27776608595968	-0.38971424756554	1.55693182373347	-0.67454743799529	-0.26715327585055	-0.49198558693115	-0.00179184731303	-0.89352844651013	0.16492772415374	-0.05880774395368	-0.84294690378851	0.77407476108497	0.41442824135040	-0.65856897009092	-0.76099957822970	-0.00676335305451	-0.39413237394996	0.06232283297484	-1.72772927025313	-0.60556637883775	0.65903386137314	1.29183597462173	-1.27712125878273	0.70926538763558	-0.71787892449274	-0.66988447166087	-1.33881494313762	0.45813312213727	0.12359266139179	1.24671727185169	1.66330711055529	0.79003209219726	1.36737071776834	1.91683709982927	-1.06108459163866	-0.03933919024408	-0.38448431741711	-0.04783613155371	0.83683553718536	1.01715703281652	-1.66895055331836	0.28442817388873	-2.04104241578001	-1.43714617199295	-1.13970980997070	0.35987239412100	-0.69028781677673	0.46066251017031	-0.19683907052492	-3.30008037579214	1.34742403957605	-1.64895868422983	0.73120505924000	0.31480420326241	0.51358808166493	-2.11793385082746	0.13534081741857	0.82541378046470	1.24361052450599	1.91609288124725	-0.74732124269807	1.70436779898531	0.75605259111001	-0.18059916124345	-0.22008582993341	1.05935232834926	0.56613842005730	-0.78569118663915	-0.12809748899210	1.22765759796445	0.86363552376553	1.12918358607072	-0.27250456415440	-0.27606942922165	0.19068598014523	0.76249605445342	-2.10778000446167	0.46036930202947	-0.19409476681268	-0.34785057662675	-0.62395013027500	1.53000504661068	-0.06875758750577	0.46383731696641	1.17117320534657	0.74965065313197	-1.57989972003189	-0.22355276487659	-33.43299862316081
+0.99677698688706	-0.17773979821252	-0.76504407655314	0.11570072469253	-2.14590649099201	0.70337012953240	-0.19237387601598	-1.20404752442651	2.01817310540842	-1.20652153292749	0.48669587923112	0.12769130229012	-0.19262731037511	-0.06746988975378	-1.33035505829699	-2.04738691778099	-0.82290468210378	1.24716023801265	1.56849523846961	-0.72360078809019	0.63558576701527	1.33875245154078	0.73493229286802	-0.87062318665389	0.13798757250416	1.99520491495813	1.09739682231768	0.61929178123674	-0.23623063578080	-0.08696044863427	0.79472260375013	0.16902656575001	0.72212753413589	0.21762562625294	-0.01406171985858	-0.04472071656060	1.04225089374782	0.39944503867986	-0.16497629634505	1.67907091393753	-2.17268803509731	0.21077639827867	-2.11844360220433	-1.55846763262097	1.27019848504733	-0.46393585695803	1.68122524483674	0.45649848502098	0.93407508651128	-0.32451917971977	0.13357971925722	0.77445391770783	-0.98104677029861	-0.01002724526373	0.33801810767192	0.78004315415512	0.06264861100814	-0.27240144950647	-0.58284273507593	-0.47197704985890	0.85097065084024	-0.85256329158641	-0.53649125678013	1.24851755191534	1.27922106374415	-1.34549613070002	0.94819301551344	0.11139191480131	-0.24104904339346	-1.14703050421273	-0.28230330899905	1.17263107984010	0.26725894417147	0.30756862968407	0.17254732987559	-1.34119209281075	-0.04894159950050	-1.72518170846262	-0.07990314551890	-0.60339694669446	1.11423043122097	-0.98832415555988	1.73391440437887	0.47159048751603	0.13709833236790	-0.53242161537851	1.84299482925891	-0.23246046381217	-1.08314363737545	-0.77528926132395	0.39824856259262	-0.81754954637459	1.02388871112381	-2.82813083903565	-1.01704694461756	-1.11667091463225	-0.66473520567704	1.30610534226461	0.80598343266521	1.01233012915357	318.81475924233303
+-1.69886552399871	-0.18568361489942	0.43298750265476	0.17709038735160	-0.33816958213576	0.71758758501919	-0.86082371817589	1.22884818960892	-0.96814647882124	-0.15368025726188	-0.73494529340058	-0.16065930935766	-0.65759696103077	-1.07291039730988	-0.07576332416913	0.75617103870715	-1.30460249823597	0.18219474781001	0.94773300328017	0.82467155246302	0.34493339570580	-0.06903364793907	-0.44901391719760	0.11796790090879	1.00126161020819	-1.77164811539956	0.64906460899666	-1.60853034951428	-0.26693774818874	-0.53295884012444	-0.21279986644757	-0.92539658793170	-0.45324174299625	-0.66271314201151	1.37907382970892	-1.65567819736165	-0.00041900640911	-0.48906202428599	1.34731393850510	1.25663098986856	-0.70144056870437	0.04606068550973	0.88995746743205	-0.13874495728770	0.47913059628598	-0.68842884835015	-0.17968240762178	0.53400818130713	-0.85537601123395	0.24010268323408	1.14895530483006	0.28905140117423	0.23468493582501	1.80132865296969	0.12404443549411	1.48328887374094	-0.37016768877335	-0.97474121996813	0.90713521921810	-0.48154331070475	1.04390258739738	0.55303692218189	0.59686612695676	0.32394320067265	0.02855690701210	-0.03328106877934	-0.51423107269586	-0.41055717801551	2.45729458906539	-0.34897153974633	2.11119340517594	-0.35325293596846	0.43260536447898	-0.50722520283563	-1.41553545263657	0.24107499361742	-1.61940864389895	1.65179223085336	-0.21685878634417	1.08397992665649	-0.04491081095560	0.60059731408021	-0.96495762969502	0.50749435988139	-0.48775220424905	1.34184259653624	0.00382728820157	0.82792470476057	0.84861463579662	0.25629416320792	1.02109365879592	2.12238444513483	-0.17355823957423	1.79394721358859	-0.06831955046279	-0.38846724360150	-1.32828815054547	-0.08273851353005	0.21619030567037	-0.45010334984429	301.61285772621625
+-1.22581335013218	-1.73796505582609	1.96017184839008	1.93117941902837	-0.59411393213236	-0.65729585078458	-1.49981080660348	-0.12132087586355	-0.68566433180079	1.00583354324936	-0.68382768961220	0.50933313967243	1.54004505392479	0.90310315882540	0.65531676776910	-0.33418548590687	0.92014001186196	1.02187046039150	-0.59294216017003	-1.61236369281192	1.07036028574279	-0.89670744455314	0.55776855435606	-0.76774721208813	1.03833365824105	-0.13771186564608	-0.44742206345505	1.19436332992678	-0.20382070564307	0.23729977991079	-0.64281712867200	1.27489827986867	-1.31558324355781	0.31514655042184	-0.48561028980135	-0.39710954778341	1.01951116459518	-0.58165107488339	0.27943288610787	0.87744824540740	-0.04023185070889	0.07146070549131	0.39903559542739	-0.52584541239804	0.72781814366764	-0.40541420269429	-1.12189535282868	-0.52605709462192	-0.18775866430007	1.98380768997405	-1.20095788268363	1.35072880288867	1.27055016570502	-0.04170664725736	0.56331002750338	-0.42707225831883	-0.42500640397633	-0.73361088375779	-2.26775974562354	-1.51692576747353	1.70858874064561	1.67461089357830	-1.69695895375479	-0.90994001887199	0.22923526864041	-0.81331752018173	0.27618727073050	-0.30822042929912	-1.36494548611288	-1.48888942538805	0.20593400544691	-0.45479173867420	1.93893504166378	-0.65376704917741	-0.30839244152673	-0.15663124469744	2.07522787070169	-1.45593485251425	0.14490783281513	0.14462826198240	1.11708902511014	0.04306225121625	-0.12815942094116	2.12579785325617	-0.88051084469996	-1.97192869284642	-0.57223000322982	0.75120700376413	-0.94300399203998	-0.89266036801272	-0.21894353343129	-0.90192749939987	1.03530828019690	-0.10325107918881	1.27908848412365	0.38464432736402	-0.50670752740064	-0.77992239965684	-0.48768344803958	1.79240891105707	-115.34292092377967
+-1.60575325391702	1.23814982209376	0.74083842419248	-0.59045577410630	-1.04884099046814	0.01812188449898	-0.94808429746267	0.40856170791346	1.28685662712794	-2.10793518248250	-0.26190368355415	0.64915549190698	-0.13065313987924	-1.21895141928241	0.24618496271496	-2.33741750309075	-0.32031813273184	-0.99641024538668	0.04478654086973	-0.54659878446908	-0.17907621643172	0.64887328654516	0.54263491738343	1.32911620683372	-0.65750453050909	-0.35010324127495	1.25958316716667	-1.37238235774783	1.82436432938029	2.20708305596651	0.77965469811817	0.51923827227930	-0.51368994218474	0.41760547207838	-1.86178210744909	-0.28529427255598	-0.39193394121558	-1.38904583961858	-0.68681587002194	-0.97041821787443	-0.29182929357100	2.50995206772295	-0.95367708999579	-1.38568424083541	-0.77772664383746	-0.55848421095118	-1.69358753979204	0.05229554082446	0.62497161580466	1.47630152230586	-0.07814405455485	0.71264909657753	1.28188727270388	0.84142569238758	-0.24592515568695	1.49511969207907	-0.75126183284201	1.61972903533170	1.15018909123871	-0.53312972260428	0.65048892201379	0.82583657576801	0.07169915686160	-0.94894371882567	-1.02948842654469	-0.24905612865738	0.94390841331928	-0.29871029318940	0.93127761446655	1.16074823801478	0.56444600666267	-0.47290993591376	-0.22101348869903	-0.03309136571850	1.82156313457058	0.41680075873532	-1.43634420978274	-0.13919576433460	0.25156414068307	0.75197234029144	0.00280351923813	-0.77014400299132	-2.41527792983074	0.31659004415549	0.34447088622059	-0.44253687900481	2.68716120333928	1.76165586979036	0.15018404550084	-0.09293132743622	0.33251104369688	1.09844408992457	0.38931484982301	0.15730681894998	1.71246991410673	0.29042618875806	0.14332671267990	1.58456927484766	-0.66581979235695	0.91820958939388	69.30623644325681
+0.48410162661283	-0.66660026743630	2.11400564534567	-1.04280309041504	0.61346141381796	-1.54581428876415	-0.18151912940747	-1.06686114392896	-0.34720359315039	0.30289223391360	-1.18291681910647	-1.07780425073798	-0.06065686295533	-2.09216376379004	-1.19031733463992	0.99497077762508	0.58031841396510	-2.51871608248123	-0.18584614159461	0.14377439893095	1.40075365722500	-0.56491517693009	-1.56075986849864	1.07128841234052	-0.16057434224099	-0.41231397008039	0.96464057294866	0.98045505345914	-0.27243804051414	0.34997218112817	0.17565929597975	0.99295732320322	0.16346088438584	0.89746452863354	1.02530872676844	-0.63033408667503	0.33310830572758	-0.55379628052969	1.15013674331112	1.96177407364450	-0.43561938641337	-1.54394323641784	0.05422486142590	-0.75099328459008	0.47049261914201	0.07047790903175	-0.53364595525150	0.47369931818742	-2.33895646706247	0.77429235463578	0.63178608918510	0.18606310012075	0.13248571077964	-0.59467962658410	-0.63751448604541	0.10943621735141	-0.74091649721328	0.71076517410073	1.08954136184671	-0.32098711972394	0.10496050401054	0.60904917001488	-0.52208103148585	-0.10216974805535	0.74079837517810	0.49912316755688	-0.63251326080876	-1.18128999684733	1.30726596430629	0.65861311776873	-0.36917260711038	-0.55591787214570	-0.68761879894502	-1.00634811113442	0.48162835049875	-1.04510121663659	0.86481629831455	-1.40215793942063	1.59274944315704	-0.00737630533347	0.55123101024886	-1.81033392039582	0.21905490740933	1.05907848817747	-1.11925372226175	-0.87136555675802	-0.67777605140012	0.12054627724308	0.15085282765731	-2.88373043806562	-0.23979661136712	-0.28692261114735	-0.30137288266731	0.55656163475216	-0.46675757953711	0.04122581703700	-1.84880675707303	-0.48059449402328	-0.38585088908351	1.44142698374766	88.59500130037171
+-0.78684867942999	0.48087086224395	-0.12546677939511	-0.80528731413955	-0.43947623292375	-0.38507447926986	-0.41117001919851	-0.52237964465781	1.29898113392182	-1.82192197432894	0.07866249867007	-1.32852379513420	-0.78984951377215	0.09274956037328	0.41978802366658	-1.08700857434471	-0.73049075818035	-0.05584787328110	2.53359590871119	-0.60530656286035	-1.89160668217876	0.17977180277517	-0.08869658792811	1.29655053819846	-0.40134564691807	0.83323257272461	1.17469057116239	0.50874504410975	2.06314487498477	-0.42750592564638	-0.50388294443836	-0.51382767037076	-1.29603491776665	-0.03945700916163	-0.86535080289905	0.67289831496009	-0.03203702989305	-1.01777032015894	1.20309792998375	-1.01751883850764	-0.62852831852354	-0.85165312478971	-0.17385947328691	-0.35458486574299	0.78674503337431	-1.73492589294434	0.99493761897608	0.39065353232009	-1.16840478522345	0.76868464315819	-1.27577321445241	1.28438338449989	0.96888698431414	-0.97555485367227	-1.20965480689123	-1.03580998424150	-0.73688146957460	-0.95730676702355	2.89820619266554	-1.49527753574825	-0.85371799439649	-1.34511544384089	0.17238422867531	-1.76466694426462	1.06483187798492	-0.15256795650609	0.27566056886643	-1.14305699556243	-2.06661794310332	0.25468976146568	0.35551752752193	-0.59668259400946	-0.54352014360604	0.21748307116912	-0.83874472894751	-1.33401458977386	0.66955546040083	0.30134810389253	0.12121828145689	1.29714640081018	1.65581992484908	-0.35750587001043	-1.29854071511577	-1.44633394972283	0.50348366256542	0.71752833584648	1.13607861367834	0.20589152720838	-0.53969883591433	-0.36745424170400	-1.77977516714972	0.21677041583682	0.10587185773539	0.41381437605472	2.44382498518456	1.58111842390768	-0.12247655094076	-0.81990485428488	-1.25068445172450	0.58453549274416	-443.01495282964368
+1.30581029979653	-2.07069953202991	-0.27273775366147	0.17209491566562	-0.35014310622512	-1.88682802708395	-0.04490421779302	-1.30679657457425	-1.09758455847722	-0.40307052968047	0.40440576782413	1.02101366826457	-1.14063152536238	0.35368310028367	-0.57394326068823	1.37083162261108	-0.43756620844878	-2.12988392980997	-1.34285292027204	-1.35097590700570	0.84858585034289	0.60624187269026	0.00095682025800	1.17564231419129	0.31348936805697	-0.90719534614389	0.17903748217802	-0.23952308229061	1.51631405810172	-2.62269466783022	-1.50134027004688	-1.72500091733015	-2.09862918589491	0.53037165751532	1.28600587970976	-0.66695414114150	0.43513424952585	-1.26854720478723	0.43218840071681	-0.82468906828727	0.22687513999867	-0.58091751923367	0.57882529416697	1.53648281669868	1.27346262156706	1.13432968769871	0.38455344046270	0.96439704522497	1.28414645338939	0.05696536106536	-1.23137259658208	-0.87154671393117	0.22338174940582	-0.30191539589876	-1.21409442285701	1.38208249510652	1.24863320296881	0.84039725519990	-1.07789744354195	1.65049637031583	1.27136855007851	0.83968989820127	0.12396212221955	0.30953692591781	1.19068689477015	-0.05021905452525	1.30824522880767	-0.06958910926608	1.06689018407432	0.60431692022009	-0.44919688257035	-1.46657154198010	1.21140579247711	-0.37483135229591	1.26285431795602	-1.05716187350563	-0.12244541575575	-1.57760225036989	-0.94838056903278	1.22978023456799	1.50688978315184	-1.33487812278546	0.98889428829855	-1.15121973786817	-1.35720189085026	1.18185929553268	0.47550508114085	-0.98046837892930	-0.83456213472346	-1.28966231641202	0.21972050880376	0.08043131702057	-0.11581961448364	-0.32372949921869	-1.09484102945830	1.72989495450255	-2.53571791212050	0.86918887502341	0.45792783204652	-0.54032230849680	-12.07390710042797
+-0.23658235285975	0.35280658284313	1.37485941753989	-2.30525815198371	-1.01648111218062	-0.62944586062934	-1.98982223993829	-0.41149095236240	-0.30228442486170	-1.27762908064025	-0.33733841113673	0.05971477069294	-1.54799256341008	1.03039242631308	-1.42575628144634	-0.39928463454410	-0.36824556412752	1.09374819797522	0.16215559976204	0.41841523883775	-0.27803371711013	0.76569542610858	0.04903746154802	0.87266312623186	0.55834690228402	-0.57884112094720	-0.94432002593898	-1.29811748129429	1.03291804591606	-0.03354702733866	1.27031154469251	0.37589682732796	0.82555918146703	1.28601746710163	0.30198299200600	-1.06966626664016	1.48789443213364	1.35476913985709	0.75749952442315	-0.19779729026120	-0.26887639936832	-0.86765949836639	1.03963889488589	1.03761233514904	-0.26759192177398	1.20332059263536	-2.08427088355489	-0.31880742296040	-0.93096965277262	-1.38362215623411	-0.93421583755644	0.75760498765253	-2.27190549861767	-1.19277138302917	-0.92724859936777	0.13639753659343	1.03128219680197	0.80549210614694	-0.45167227065102	-0.17045646840965	-0.25868959047151	1.21131850738496	-0.97623152182091	0.22583874577075	0.95614997864827	-0.26722530141904	-1.84223417403460	-0.70323695106615	0.02359749586525	-0.13587675227719	-1.72319332396534	1.52254309281047	-0.39672494986314	0.97914133604624	-0.10777619396316	0.65317585214330	-0.35781685235194	0.30254770163553	0.03087775298064	-0.01355791803045	0.84786371812492	0.35643089395409	0.74414956800267	-0.24801134827200	1.61693990218971	1.01013388286572	-0.85467278927957	1.32423802209627	0.24420707079597	1.03234591077902	-0.05483023725937	1.12841475186597	-0.07515257041891	-0.70445570309903	-1.06244113688843	-1.13754239865575	-1.33716505088513	-0.46940622268798	0.52291736315098	0.63437909378909	-206.31936585369209
+0.87361650288074	0.93721713777523	-0.34639849070591	1.80241704391918	0.77959239144654	-0.36064808905103	-0.56673005529586	-1.21736768778016	1.68581843064855	0.99572285582417	-0.77867216591893	-0.12217845255771	0.01294725315018	2.51639007481097	0.03091308624133	-0.60923943254903	-1.73082481863427	-1.06653894907641	-0.63817868804496	0.02805998112623	-1.42218125601383	1.50099668772455	1.57171356341511	0.51525841407349	0.60931192148160	-1.19183154472911	-0.79986223142023	-0.12449472384192	1.01740411918098	2.55114865593466	-0.91596136822670	-0.73893213460872	1.64891522501731	-1.25823423185804	1.00297678349337	0.39881132657238	1.44581756571588	-0.22908559155564	1.01871420443109	-0.01157946548079	0.26924733790417	0.76509885252740	1.09348724529532	0.25603199384192	-0.12350777573668	0.81913133002882	-2.93870020597638	-1.29950245626117	1.20277980742356	-0.31931166630159	1.15035761509247	0.81003519253010	0.16207358446253	-0.85887494598511	-0.74600220094422	-1.55660022433272	-2.87842676892418	-0.05602552122569	0.24891428372095	-2.22417843506695	-1.11889354999470	1.54611310543120	-1.35160261619446	0.64969832853833	-0.68226857581693	-1.18938861596549	2.00968656422484	-0.82144985045991	-0.39985246867870	2.70181233655182	-0.58629288628574	1.17730612335647	-0.55545566723543	0.00295317271180	0.73841514523622	0.64876231493827	-0.60555873906808	-0.11185980224439	-0.68659640626776	0.98404454681393	-0.54553112502614	-0.26645352563397	0.09784229152529	-1.06729374139022	-0.81700596943427	-0.02274422797983	-0.04897766962719	-0.15091759009843	-0.44719966255470	-0.20791231291961	-0.48711735591106	-1.04448747211819	-0.99446557657959	-0.26300212959216	-0.48605274356479	-0.17703607150199	0.60057565855828	-0.38095881653906	0.02299070536745	-0.65610949539518	112.16206693423875
+1.42216144416077	0.47933986192260	1.61128277063693	0.34324784873148	0.96796353865551	0.69627491595514	-0.27169453585068	1.86916865004686	-1.07503405992723	0.14602577944168	1.38895018699911	2.00604983315791	-1.53766016565767	-1.00094591658661	-1.44723205438064	-0.32249116279684	1.13410002644143	1.17333301015498	-0.42923760260529	0.44528248727669	1.46827929549258	-0.69239001268737	0.33732365770188	-0.65383679108753	0.38135869916277	-0.74680469249904	-1.01016487537234	-0.14411459170705	1.03416916001971	1.86163137725797	-0.01114125811107	-0.26713582161612	0.85308662136658	0.03161298322822	0.15646945616991	-0.57652431230235	0.46251303301681	-2.48816012381320	-1.12928280875660	-0.73736285024183	0.50587595179842	-0.73724532569556	1.15525689685863	0.57279946279298	-0.49620023744721	1.05306916632260	-1.69495880028880	1.72903183168733	0.38535805054577	-0.42417481887472	0.76965824287167	-0.50817662424505	0.26604793663821	-1.81480400292855	-0.51503762575859	0.32875674946434	-1.88216688442725	-1.83860651992280	-0.66544236784807	1.22181378570592	-0.17573857964071	0.22575818998454	-1.95672907987947	0.52843654124261	-1.33770112616232	-0.16714531392307	-0.51315755584243	-0.36684233094174	-0.74437231461526	-0.39132017688814	0.91930160866948	-0.44434666013776	0.49337647822693	-1.34651966158177	-1.05675488403640	0.53564530506815	-1.47771421086048	-0.00826375712217	0.19632138062708	0.49399488729257	-0.35891843701082	-0.11234304016547	0.43031257692042	-0.85556796689114	0.17777100891415	-0.57344754629816	-1.23133453416494	-0.04784706196528	-0.11333795345844	-0.92587673687544	-0.78583676554311	-0.02604461776717	0.09674317141924	0.84007987875116	-1.16517673860765	-1.48145714376455	-0.78968795745192	0.23657236978031	0.06953533435911	-0.56075906213470	-126.11286849789106
+1.55629817063475	-2.06149802210438	0.14058402603523	0.92462342056744	-0.48047895588042	-1.08093982364788	-2.92730470434811	1.00620739655509	-0.61798730724452	-0.47508681280967	0.02909366061365	1.49889540724335	0.57281072617518	0.53812680523490	0.15696581407373	0.61418802732537	-0.60103547870572	0.48609260073359	0.79426254491449	0.86639976267089	0.80141667342154	-0.56631082248092	-0.38827991711771	-0.10834784260107	-1.47739980228949	0.81000308672324	0.84236787690628	-1.47553496319649	0.94581127226169	0.68443727677063	-1.72303929992935	-1.95957795459791	0.67995413174507	-0.13295242646086	1.11795909784289	0.96047417601902	2.21152731744976	0.21319822408301	0.59526945196366	-1.87694615144744	1.50148117210944	0.53049074771494	-0.35161171835720	-0.84086230309030	1.04740754068996	-1.18434776181219	-1.61991722561974	0.04219011905687	-0.74438422970973	-1.24140695997679	1.17930684495704	-1.96971360011089	-1.93768686744972	-0.42575171287638	-1.47617193509836	0.92564391646248	-1.88893327644738	0.84225780906212	-0.67424055996537	-0.47668799514279	0.61264879367301	0.29608266120145	0.34217707371512	3.44751267428489	1.22020141180993	1.83073234173031	0.90493476945027	-0.15851392021066	-0.31794498217714	-1.55476148767310	0.11324150930846	-0.04578266007662	0.18335151677199	0.32728124011411	0.01655783990329	-0.87499150578001	2.02017638811770	0.48073817168725	0.33117003378724	-2.16057336649846	0.41717464104231	2.22997684161630	1.01896722703947	0.08819553550109	-0.03357519221113	-0.54018585481798	0.88923075204805	-1.47327406197125	-0.87230265497703	0.14648587809512	-0.40801545395194	0.51454185011047	0.06430029220994	-0.01600164267051	0.71559309322142	0.28133115394510	1.67839247014988	0.75561809788037	0.15137696817956	-1.73937907932269	255.17439407523835
+0.25510979221367	-0.76694946392091	-1.06197304920797	1.27507826720551	-1.38600288343324	0.09216821074290	1.34155370794177	0.01154665767498	1.29284063615814	-0.52600960247350	0.62604341462805	-0.01135456452439	-1.99249915991246	-0.08886352123367	-0.53881769242212	0.64903433199352	-0.17015389843900	-0.55408814905404	-0.38469977288953	-0.19407168088968	1.03998297104192	1.09393426146189	-0.21952903540409	0.48772490986113	-0.64427063877365	-0.45963658537181	-0.20257208745487	-1.00370083334601	-1.34444287599646	-0.01291499320984	1.36335902972002	-2.16190302153989	-1.18456753411865	-1.09233924091993	0.68469721574037	0.98424487815670	1.04835600819854	-2.75094756807761	-0.89945613541789	-0.81362759639833	1.96278399737404	1.17259285737635	1.69843207567251	-0.82540718138197	-0.81262025602341	-0.24254685459539	-1.46203939484677	0.59104826366619	-0.37305400808560	-0.28567991419129	-0.64826238631134	-0.68432408071698	-1.89637306118786	-0.16261039078205	0.66402832337787	0.41698085655917	1.57248073807874	-0.50262821539493	0.39163300359577	0.54618155122413	1.03926180858931	0.38473171315984	-2.02981114180360	-0.87224499472466	-0.70916522540844	0.23101407526745	0.12856761629374	-1.08938335222297	-0.28141426932430	-0.53223931447005	-0.54424779898509	-0.94159187674666	0.99869000875129	-1.27564831862259	2.21491821883566	-2.17927304408555	-2.00303349020379	1.04349706376771	1.47547893352593	-1.51167016588019	-0.17643807390989	1.40477311682557	1.20083853497603	-1.20327236238558	0.42307992877073	-1.73122125054227	-1.30595755217047	-0.17500447729039	0.04046821169873	-2.37838816610165	-0.01856133387221	0.90585794929652	1.09980762164388	0.04939410606466	-0.84845174141148	0.76403581612156	0.21761055987278	0.63981892124986	-2.01901355710465	0.05052357099235	-79.17640709471389
+0.48171868139017	-0.20045551445663	-0.51971076606505	-0.64175197637942	0.53724135233664	0.50707056922347	1.37438147666423	0.53802305523467	0.43138278450691	-0.76777446513032	-0.07258892011136	-0.05562014146540	-0.98652899341616	0.04846503869139	-0.48981556453953	-0.53942533630721	1.10063507023130	0.19506017014263	0.32306588087736	0.88568389946145	0.98363561879443	-0.22001698492489	-0.44597536219563	-0.44283058848624	-1.79350649340124	-0.72985261900583	0.29515448431413	-0.40334770456463	-0.16975170497893	0.79968957965646	-0.74260583099751	-0.32797704776744	0.74835102892741	-1.10260599248929	-1.02216971773228	0.48340308952121	-0.08126361905262	-0.69253053755425	0.11779811580119	-0.05614434305627	0.52764604948967	0.17907827840848	-0.68991493802087	2.19358733105029	-0.92905463224135	1.50088674892618	-0.08973727210301	-1.92995188418199	-0.91842607403009	-1.92605755564053	-0.75461175078963	-0.79855715883843	1.24158813442106	0.26398123829502	0.07587346095916	0.11983894124354	0.43040222602673	-0.88805409621703	-1.39168658700784	1.50072764769057	0.56168020143069	0.54056530594471	0.83326898512462	0.40096455898845	-1.12631849798435	0.89770765999916	0.67902374571449	-1.14489374970743	1.62389618425790	-0.18506999191618	0.28289849944791	0.59071906145721	-0.85805717091857	0.30406561204845	-0.61038052987833	0.12013451362439	-0.91473073587528	-1.62230268360632	-0.36182938659142	1.32841642145111	1.58176196335605	1.50611105689855	1.21592347920931	0.23062779263181	-0.04948168266258	-0.52351837638652	1.10278641287052	-0.82587977572124	0.12676462188999	0.58691186093351	-0.31447959282881	-0.24598151665305	-0.59556639143856	-0.38421266558689	1.73654969866719	-0.30776291684667	1.70938336389227	1.74804177579487	-0.10035809078079	-0.78766585955405	241.07803019163356
+-0.07775726556080	1.47136204237194	0.43784247509706	0.19058337157148	0.68705057240047	0.77973338217018	-1.28074594502688	0.24765000129750	2.02566908709146	2.60882734810160	0.75298593710420	-0.59880210721889	-1.91439586392305	0.90860862629014	-0.29317882067729	0.92970653234550	-0.92793058981289	-0.29823765059617	-1.07326351778215	0.27967353952859	1.49738928769207	0.96072022621068	0.40161041603138	1.22605881800665	0.78113779647822	-1.91728317494540	-1.04727222196133	2.00580654013838	0.21648139758672	0.61060803793811	-1.31908433326516	-1.98557239510039	1.32788628452539	-1.87992003623613	-0.81928843012624	-0.19934792265669	0.04162935854623	-0.78070873813242	1.49499691227504	-2.02061392555983	0.78174632569386	-0.21388944557063	-0.21165208548913	0.24832602576702	-1.49643137741807	-1.30914414041690	-2.80648665430559	1.81768760173189	0.73735813948204	-0.67412769245738	1.01318241875674	-1.07842856656343	-0.27062910186446	0.61354598448530	-1.34236017020080	-0.01541081961357	0.74150883629441	0.35791137249759	1.84048543174931	0.21103694026131	-0.16191813343796	-0.29811446939434	-1.61792052902001	1.34369270676001	1.51626881110975	-0.98757152611936	1.05863925584001	-1.17550949443372	2.07518066023861	0.24015099483488	0.48759210459922	0.32684438919327	-0.09198885175718	-0.58388941931642	0.23209075650700	1.21774536549510	0.59974845797551	1.54046353967904	1.34191396033770	0.26828061437881	0.53364099892440	-0.10106640228787	0.55513568554990	2.12125248438620	-0.70339409410878	-0.98933716865221	0.43114580639317	-1.87811609468144	-0.72669807655722	0.11235880346706	0.23988258483362	-0.31749541136452	0.83141731840125	0.94655161109999	-1.68450927038326	0.81629666094986	-0.53523776906729	-1.07307324330019	1.62821545585105	1.41262797413830	86.57165979527278
+0.64407899493265	-0.83688028480850	0.65249841739273	-2.19314827650692	-0.77961460338751	0.59288338460863	-0.65567511118391	-1.06182953132626	0.95623777643535	-0.37715430417166	0.27490700974104	-1.72047623051435	0.25613136261829	0.37728424085439	0.86371464774723	2.28976883733854	2.12996254409708	0.27221579461685	-0.48781533994925	-0.35703715769564	-0.24275198853720	-0.88837057805743	0.48448402138417	-0.62289469506942	0.16397417435465	0.72704378009088	0.57548977411594	0.88422018850821	0.23692067333609	1.63179356937912	-0.54459093779026	1.17863220766025	0.66305259310665	2.02114321376988	0.38319979769984	0.26600487863012	0.68491292710535	-0.68558658253456	1.27721914430828	-1.20390437267348	-2.99565923306392	-2.02254118721113	0.14160987398660	0.37898274503459	-0.21359128937633	0.34947412980616	1.15654849938714	0.19854924559011	0.10264288919982	-0.57790191076986	-0.71909963523305	0.08024791004509	-1.42030075830991	-1.84521313373644	-0.97893377178959	0.31585789922913	-0.02377977823655	0.31611636397074	1.02552983908154	-0.41196568854745	-1.29677639340382	0.61409058945142	-1.78206731334789	-0.89714187887038	0.73594222609732	-1.78863739709995	1.32546737918929	0.97138857405928	-1.09530936746743	0.01974972012542	0.01306552604647	-0.24295786625630	-1.30407889117907	0.46084632910535	0.40996865462658	0.82741282863620	0.02579473198903	-0.02184214620819	-1.92799454082649	0.54605477740013	-1.13306118187044	-2.23533322173639	-0.57403689812084	-1.78593311257271	0.61506569410299	-1.55451668462667	-1.15869528978356	-0.61008306779834	1.45131726643247	1.91201318507319	-0.46684479718205	1.32917099290646	1.34224769308339	-0.25759205669569	0.63144453228233	-0.48913244491665	-0.22900212736726	1.30477925263706	-0.64933360481603	-0.65821655402649	-538.43789161520897
+2.08061671351714	0.57631363823979	0.66578549863331	-1.94355569580495	0.30607515491167	-1.58205425909868	0.39088606986928	0.37024531375610	-0.18275779202563	0.15743530150122	1.01702539895478	-0.00067203798491	-0.33462033041774	1.58066958697749	-0.52124907058293	0.18437595321563	-0.23623684340347	-2.45356620530485	-0.21788449197405	-0.58727851261606	-0.88100361234823	-0.51308513710540	1.43380319792447	0.01194832949858	1.04824906045827	-0.97525855898614	-0.76908736317196	-1.20164514430770	0.53974807688963	-0.07670617897726	0.95634693271303	1.03238308776031	-0.19699911640783	0.80302273981501	0.25062104075411	1.63971059949391	0.11425073663181	0.12349185339738	1.30307153830832	-0.21823473396034	1.95637025193374	-1.35903055962305	2.94928553740967	-0.10013781078317	-0.74481399073758	1.07714012175480	0.35357153833238	-1.18123347484611	0.96395753193551	-0.70833255203758	-0.08369416433756	0.54405467818800	-1.28754862685745	-0.20909371912166	0.85646992794544	1.57465538942236	-0.30948092562896	1.93558864893177	1.22395774339351	0.13454766011680	-0.65811334121072	0.92591227916876	-1.38334980583010	-0.61448513941461	-0.04486219143408	-0.10702764324002	-0.98946927996528	0.32170344221018	0.23872553143896	-1.22848936243898	-1.39476115902359	0.45428081919140	-1.45997095374488	-0.61520620764937	1.00102827639011	0.78818701690278	0.84434677943450	-1.51344909778696	-1.51332176676678	1.27179426828177	1.15229605184472	-0.17082205638356	-1.24522194206529	-0.27444347957018	-1.11874629342765	-0.44111448096795	0.38075301011111	0.25072518481994	0.49438241866784	-0.59479368529067	-1.09761190970470	0.67614595494342	0.00252792396464	-0.75956032947863	1.36751802947267	-1.56684328708570	1.94965333078867	1.48013763150144	-0.14302139975792	0.91634917910656	-176.10978341998603
+0.76579026149292	-0.55194310906393	0.20120545881285	-1.57982956415650	-0.80353846481516	-0.01185810010870	-1.18393006149311	1.09062274712633	-1.24087158267543	-0.35057438241728	-1.69723308695580	-2.07118716288124	-1.30145137070316	-0.16960389701775	-0.07956159245814	0.38863809228978	-0.45708753515689	-0.22640913890583	0.41340650351230	1.28149148903961	0.47019929619209	2.62795891535314	-1.21758912808527	1.87009714283123	-0.65481031488233	0.77289698508425	-2.23745175405886	1.08931978823191	0.83763330391566	0.59507645530596	-0.48476537058300	-1.72996133153530	-1.74152688897982	0.65949049407046	0.61266013807372	0.64972119040360	1.15950394143280	-1.00245143302920	-0.99047113433300	-0.03162858763128	1.02626461105949	0.30618688317400	-0.26014164016879	0.68212581732449	-0.14423950421969	0.23699235966439	-0.78525651468675	0.73471333104489	-1.64220329643801	0.02285963925981	1.98976315138139	0.43762593753786	0.91402673753614	-0.16547206242113	0.41094723742181	-1.27252253746052	-0.89517896679650	-1.74201311196513	-0.30327060515073	1.06932967307247	1.78221325764022	1.30602409396693	-0.34619658560472	1.38068963688656	-1.42118817675843	2.22127102614706	-0.21109337363649	0.28114535946911	0.69498297102216	-1.62680159128731	-1.83677549483786	0.16572962012861	-1.92950342541055	-0.39424410382841	-1.14256419352556	0.36852331141118	0.16667045501865	0.16750088240986	0.66747039639269	-0.27209262493019	0.99200001552040	-0.66846383740631	-0.17481213164627	-0.33215654994873	0.17999789020041	0.50179294224821	-0.61845838109567	-0.43806454655104	0.39240169308853	-0.67924159916241	0.88558164956991	0.02691745554004	-0.33078878726876	-0.10908591451768	-0.53038289500419	0.40612422228660	0.98925790929715	1.04088393933880	0.97817103463283	0.27158504715500	159.57869937472685
+-0.17689686434453	1.27745203186489	3.46522714847932	0.28837742022732	-0.15951736500333	-0.16402540267606	-0.24134874955198	0.83153302990514	1.21658059036491	1.14745743851399	0.24150688787545	0.92705329880025	0.48041141127152	1.12555545298260	0.82312440166648	-0.37430288374775	-0.28518087012270	-0.26677816423726	-0.33908543327636	-1.73539114733307	-0.59511383915670	-0.98281189478231	-0.44558826380658	-1.09268886462831	0.46034921066168	0.52736913282441	1.15996897407507	0.17637047815504	-1.09455718961570	-0.98336264364294	1.52230776787768	-0.81342482457680	0.36961115067373	-1.27031803892548	-0.95816833558135	0.10177577296932	0.47709229741768	1.51753612835426	1.04233274302134	0.60442353858920	0.11760845626656	1.38760181140855	-0.62685390472830	0.75804249816576	-0.40228992159718	2.53943203311146	-1.28390481061431	0.70218450535978	-0.27493980788960	-0.85606202199786	-2.26915699468627	0.18234272748704	-1.88111464894141	-0.66193771492591	1.66353631073731	1.45542146073777	-0.82828039274557	0.02519190327454	0.46800068820276	-0.43706441565157	-0.48063216216889	-2.13291037390772	0.40359841542536	1.30834682664415	0.11182257854218	0.63550116819545	0.75920433140196	0.39143861927192	0.59202326936038	2.01908611672986	-0.60275936982371	0.42345728183765	0.95295942799193	0.50704750197629	2.29936946875559	-0.37614736761594	-1.42976266223621	-1.19943996946799	-0.17996331764913	-0.58970858674772	-0.87573084159878	0.40770652497651	0.08822993442549	-0.10999539592086	-1.42465558867969	1.55931485688910	-0.90703041748070	-0.29843567109233	0.32724535297645	-0.31134706056867	-0.62487218534123	1.24108208719660	-1.88483438731958	1.09887598656687	-0.34817063773317	2.70900194736592	-0.03766667059724	-0.53664042681232	-0.93960244305876	0.74740341823995	188.82280801456000
+0.26220622334572	0.10696837396501	0.05134251324790	0.03042237324388	1.41681790240210	1.00878816587903	0.19565831211525	0.60234491020638	1.80970235771627	-1.20076380772300	-0.53505921542633	-0.44057264446433	1.77923805219715	-0.63998810266135	-0.99986435252612	-0.94920422963097	1.39327142725564	0.36215558198827	0.84856121042767	-0.09603567665492	-0.13419225104494	0.21355749405601	0.05331082915757	1.43036920031162	0.35479677330269	0.34577959150955	-1.29562958078918	1.85385187162162	2.31772223102907	-0.40131976791807	0.33623418096933	0.09958308931348	-1.33866712966223	0.14209133788435	-1.37714921585749	1.29940894873999	0.51989904501602	-0.76880445608233	-0.69952701561114	-0.33094224820618	0.81727345477618	-0.60796893998830	0.63132240764087	-1.47738074288214	3.45352431440125	1.13585422933357	-0.04629362206318	-0.58989051874062	0.23936481131279	1.06779615598211	0.90222640701295	-0.46555653773448	-0.31805106640482	-1.06592137868354	-0.23632356588945	-0.48912095276988	-0.89070954246920	0.10309579651180	-0.77786112287345	0.09306169665652	1.17884740395744	-0.68120170005478	-0.07512534977355	1.55150808289140	0.88293851734569	-0.50595523689922	-0.62721042466024	-0.24609786652791	-1.16470620882935	-0.69425454945898	-0.43091521353741	0.34864898969587	-1.22783746615405	-1.78117309244988	0.19639086634213	0.36768055467094	1.38423743855954	0.64769517975527	-1.16062794566403	1.33564239131728	-1.11565747300947	-0.18139699124442	-0.00970057406845	-0.74464981243100	-0.78125350337580	-0.46919444871189	-0.53440798052582	1.19333247945981	-1.27671183586955	0.28184854623568	0.07852207793980	1.13912105944697	0.89447146881445	1.56487953876294	0.18245687919811	-0.86151763177484	-0.41701212346439	-0.27986280026626	-0.49819766059380	0.26230541449477	7.44259328103126
+-0.23370372892831	1.76950812883053	-0.10791579130591	-0.45928277313274	-0.54056318454017	-0.50489686572637	1.28713127900403	1.33953673932109	-0.57410631422053	1.50988345413846	0.18369621879632	-1.15774723348701	0.11508933008731	0.29575116015723	0.88668626408859	-0.57511699263859	0.35633345352451	0.93910962226950	-0.92641631893573	-0.33106404500091	0.93034093699005	-1.75577830428961	0.86383242275473	0.31783329156664	-0.30399001086332	1.44120049601733	-1.02814159078468	0.12471789843269	-0.93580656422905	-0.02693983496335	1.15865153885553	-1.51669461898521	1.16023550454949	-0.81226549346119	1.01214448644709	0.51578405401479	-0.43148096202263	-0.01413794921993	0.12294783824806	-0.23131382184350	0.25638795488250	1.15879045374448	2.45628065478266	-0.05685767909323	-0.46309741733245	-0.21074865597330	-0.59977505921992	0.09602740416268	-1.13583556056059	-2.66691622114995	0.66896004524878	0.44410009739368	1.25477901852408	0.79111276815845	-1.03188382938517	-0.19875531300176	0.98459515804063	1.86983461607700	1.46152049356117	-0.94104646257124	-0.24706455365312	-0.30336060650549	-0.30007373148146	-0.00102311459313	0.29906146501253	-0.49327976061324	0.00956258297882	1.34983985042055	0.19320748001439	-0.56957987038047	-0.16855729723630	2.17937883994951	0.74338561139758	-0.31865249344574	-2.05479318265016	2.47443095465915	-1.06513058622443	0.49336797667626	-1.67300069738221	0.68026274260050	1.23739525899899	0.78499893427380	0.23534057963783	0.41702961576843	0.18308820246102	2.11879786701084	-0.58692138617638	1.20316914919323	1.16881792542276	-0.16191922477841	-0.05793299052508	0.59406640028979	0.81464308886060	-0.38483729186030	0.06737221649727	-0.11539490847824	1.98310599496762	0.03713264534341	1.26006354064629	1.25309155756048	-19.19155457254104
+-0.72070662784346	-0.42095692730695	0.04419924239694	-0.38015608919614	-0.02061459695041	0.12493520503791	1.75165283514807	-0.64430260817311	0.89671064648098	-0.22178963017737	0.44085389109145	-0.89285448670059	0.68361478709498	-0.25116023785999	1.18858998046463	-0.67796600565802	1.16020726048667	0.77968711119000	-2.69052677320622	-0.78621253541252	-0.31271714966083	-2.01993507109087	-0.40986067108185	1.09562219879169	-1.09208326823128	0.80548233402295	1.05887690818577	1.39616658037144	-0.52068897959947	-0.09780720162058	-1.35760715440974	1.13713104521507	0.54343284659396	-1.36854841948302	-0.81283514139615	0.05121908104307	-0.05494179267373	0.89144419734176	-0.13303103961509	-1.33259714975685	-2.22585713707371	1.14986859679835	0.78431501812384	-0.70929093780981	0.46423172580023	-0.56735100216204	-0.73470891971409	-0.74735756231006	-0.36123763488767	-0.51685647987295	-0.00125094861831	0.33889602906516	0.63200273255986	0.41024457606289	-2.06582990651170	-0.21024913193893	0.13371545432457	-0.10014205950868	-1.12042444119833	0.40888552806467	-0.01281726529343	1.24344449294034	0.16894697547464	-0.16673637708091	0.53316043000271	-0.32020394358123	0.37471484223131	0.16167364778030	-1.08666531027163	-0.01813162948193	0.34120151376836	-0.38286207619564	0.85881030689884	-0.69244476787999	0.05619764847596	-0.94005227681527	-0.68024721436223	-0.70614988599496	1.27209436431977	-0.37672035967345	1.51901400439028	1.48144643792709	0.05438836367153	1.42591409768367	2.13556401881739	0.15411570021765	0.56177383373603	-1.50669995647930	-0.14356696550523	1.69205415199920	0.56264035105418	0.72339245742437	1.35211618333132	-0.62098249121904	1.69161918123696	-0.37663050477842	-0.77571391213502	-0.05704628224137	1.41054979702311	-0.26069314703135	-176.78814902460311
+-0.64920404632119	0.61167265704308	-0.39713294545059	0.65999428825591	-0.47357745730860	0.29950210736329	0.42291158108434	-0.74172316544879	0.08361582073076	-0.09266556751861	-0.58570479464514	-0.05927088042974	1.96342110246178	0.77875720612257	0.63626226601826	0.01393188406203	-0.23870123059701	-0.49656904072825	0.67149903030127	-0.49477352924893	-0.13601396986120	-1.39817460926535	1.39306504233210	-1.58826134511165	-0.35871014116977	-0.41416577531521	1.76854567125202	0.53177901466212	-1.29586113691217	-1.16272251712708	-1.23754432193428	-2.04170276690205	0.92210056199485	0.19535464832843	-0.43158147314665	0.68115461640573	0.64187112563671	-0.21389287889053	1.80840320283409	-0.92451729841685	0.87746646416769	1.73325759140599	1.85778286091246	0.29255675297253	-0.94224253814597	-1.07071944232541	0.99610283560426	1.14050566785714	0.53136991402843	0.85353358283231	-2.74707428959856	2.26539676763682	-0.66421922275743	0.79346564469809	0.78137058638109	-0.62772488284301	-0.72495303566671	0.04182810570370	0.10993177853937	0.62681695493224	-1.01450123126276	-0.78948875676097	-0.18979187817705	1.21356025478807	0.37052873102233	1.07562368470055	0.12701619644362	0.09663161980913	-1.20719783751236	-0.96830998129624	2.20244555122261	-0.46759915708751	-0.76261922455134	-0.34881462586889	0.69405083443007	-0.20846892700575	2.22273039826348	-0.05617111868066	-2.20977278770451	0.05661601077254	-1.04524669316681	-0.31852975203810	-0.28037383746578	2.27112861474699	1.25776471903148	-0.64304518387473	0.40097526845531	-0.49178234988188	-1.67062439379033	-0.43798952023258	-0.12603917503188	-0.07378020274487	-1.07252807340102	-0.83185027038490	0.18156341601484	0.96850262295050	-0.76917228345127	-0.14539920223680	-0.09522896898741	-1.32419853665546	89.45894640156180
+-0.70441819973502	0.75306218769198	2.04671396848214	0.31736797594107	0.69339065851659	-1.41504292085253	-1.19388597679194	-1.14774159987659	-0.64075992301057	2.07479316794657	0.26998723863109	0.10788413080661	-1.35850293675980	-1.50758516026439	-0.07954058693411	0.09513944356545	-0.41581633584065	0.73699516901821	-0.75241417772504	0.02221392803939	1.29626258639906	0.95227562608189	-1.60943889617295	0.51307437883965	-0.16520955264073	-1.29639180715015	-0.34329768218247	-0.45592201921402	-1.49772038108317	0.75969311985021	0.19291719182331	-0.23028467842711	0.22239080944545	1.94326226343400	1.01726434325117	-0.24888866705811	-0.42371509994342	-1.68489996168518	-0.12620118371358	-1.70465120576096	-0.17478155445150	0.13242780114877	0.77962630366370	1.17052698294814	0.94936086466099	-0.22951775323996	0.76318364605999	-0.61662937168319	-0.43812091634884	0.43586725251491	0.74705565509915	1.57616672431921	-0.59998304484887	-1.54061602455261	-0.13480131198999	0.46629936835719	-1.27102304084666	0.30104946378807	-0.51442989136879	0.03331727813886	-0.68492173524723	0.52299780452075	-0.00889866329211	-0.45017643501165	1.09368664965872	-1.44743611231959	-0.01634540275749	-1.39699934495328	-2.97331547405089	0.42238022042198	-0.15726516737514	1.58617093842324	0.89459770576001	-0.59137512108517	1.70362398812070	2.29865394071368	-1.18598356492917	2.07771223225020	-0.34845893065237	1.23690788519023	0.64917292725468	-0.36546199267663	-1.21725413064101	-0.01939758596247	-1.42906689844829	1.77599358550677	-1.13626100682736	0.13024845535270	-1.09717198463982	-0.23871286931468	0.94900477650526	-1.95808123420787	-0.54319800840717	1.99027364975409	0.42967643586261	-0.21606012000326	-0.31983104711809	-2.01518871712253	-0.72215077005575	-1.09404293103224	-438.00098896846652
+0.74133091787653	-0.98470915743857	-0.90778532513607	0.57326676988249	0.51467964505219	-0.28519943718192	-0.12169176759296	-1.59044858507619	1.01506807871549	-1.56194549060726	0.52229574809203	1.62456183646752	-1.94356889847121	-1.28540179635771	0.17774789041522	0.14259804246316	0.78118765595680	-0.36200627724969	0.19180119933627	-0.34408047191206	-0.15487598945341	2.47251301713223	-0.05325385960764	-1.06820419831922	-1.44152150166083	0.53387522016381	0.51839638229376	0.34880534908634	-0.35241187715519	1.68927969566034	0.29544075938587	0.82905588299615	1.04758648232320	-0.54255728927874	0.14194710254526	0.22641983526201	-0.82952594834635	0.57943068912792	1.75835565073389	1.33717035390092	-0.34606254157301	2.73472206806510	-0.60034432764350	-1.84333028776992	0.29505979145212	0.54860064349134	-0.45540169600101	0.17884920877519	-0.22476104884445	-1.10325516047591	-0.06673601881933	0.13537551720562	0.09826733603967	-0.54263447216697	0.74968866099708	0.25021786836212	2.14071963584826	-0.98116053025592	1.79757280504752	0.51794617742319	0.35384034605852	1.72239723276866	0.20734902788956	-0.52406942010115	-1.18209492229718	0.09498250661408	-1.61142917732431	-1.83442582148460	0.65541006990361	-0.01667833844315	-0.40139670771988	1.35681885966989	-0.84190151798419	-1.53789317042995	-0.33384317523741	0.24107892253465	0.24350121915887	-0.27274824801804	0.54381104462477	0.51820246808255	-0.86009434942919	-1.21423044904284	0.36792051934856	1.94082103916430	2.11497218011132	-0.43432765000649	0.84999093815312	1.83997148290589	-2.18970055774918	0.83007009623657	-0.36828110384226	0.32488842221473	-0.40800572079705	1.32393049920405	0.32899969445643	-0.28744255330986	-0.60348124002864	-2.04249975403047	-0.12214358859249	-1.61254032348568	334.59256835042021
+0.59156531213735	-0.11033751258127	-0.51236076329509	-0.02454130061915	0.27734607491290	0.58725946809788	-0.70971120747053	-0.60061928108883	-0.45186439475169	0.36767347630475	-0.28352190645161	2.22550996123369	-1.19436828147964	1.89224039000434	1.01762849591326	1.00772158295772	1.64615065381323	-1.52145268077060	-0.03805465490844	0.64006527712100	1.11018655266838	1.72123119765181	-0.96688703561691	0.50951459531196	-0.62580619481323	1.65406935887170	-0.27590718483285	-0.59168211787820	1.04792553943564	-1.44913283833913	-1.71554047709632	0.92937971799566	0.45187539696618	1.56973338225729	0.09924302883050	-1.43045835132095	-1.77900521980859	0.97878159675935	0.45962084160257	0.00203998931280	0.67057138105928	0.13284630812698	0.47422403034583	-0.35687701161565	0.90670081209711	-1.35109741007581	1.35258835724488	0.72577510861552	-0.09572608603917	1.02184266769816	-0.88361389539080	-0.94127337729540	1.59477698865504	1.02092398022724	0.09230308711426	-0.04862094515233	0.21076381406530	1.64185343672488	-0.24434612500460	0.35034932531788	0.75172685734187	0.41889930681095	-1.19270821234849	0.56363994003780	1.05623566225127	1.09453422287246	-1.03407151900200	-0.04100745586156	-1.49164829714866	-0.58664552154587	0.42604107028870	-1.86180235120416	-0.49850298818036	0.14073031758719	-1.18336380112792	-0.71721011226228	-0.01462447874399	-2.21756850024936	0.68942651065361	1.51410447510684	-1.25650641629701	0.67624979937259	1.64272679099395	-0.59274406249763	2.66282719183090	-1.58227678600233	-0.05242307406752	0.96243709558340	-0.33997777557902	0.57406693541952	-1.36830195639258	0.11957236699383	0.90590645568978	1.21752159269684	1.02860799311460	0.89057952995516	0.02075411792998	1.76027271828188	0.98122091065469	0.03053194235190	-58.56926535911965
+0.11442909702019	-0.60013542716991	-1.17498506051978	0.37789812105231	0.80426397769103	-0.25412543454522	0.19100846967688	0.05793637913866	-0.57265676903169	0.67137704493643	1.00486767335942	1.08035585383206	-0.58595322636766	0.31773863810775	-1.48177365409568	0.86636864807494	-0.68610025158762	0.98118972532235	0.01499274526023	-0.96048079613058	-1.42376242684708	-1.41447921097575	-1.07641241372230	-0.53471921590327	0.63968104716280	0.00003821688661	-1.64789645160895	-0.47946793783441	-0.58027590555339	-0.35626565190656	-0.35395058607792	1.22971874563225	-1.11134507414587	-1.94996110855379	-0.18462590495313	-1.08253549941625	0.28175986241297	1.43139435246322	-0.21681273301629	2.03318107641510	-0.85554039248279	0.80865738804815	-0.81274796855477	0.96225703674330	0.83971775809643	0.16367264651409	0.37612382180038	-1.20540534803405	-0.39646871176150	0.50440678609316	-2.12269357911018	-1.73337919698402	0.66146222578848	-1.25318872693810	-1.73345228013854	-0.63842960648510	-0.52108483212612	-1.07578377352847	-0.17170592241337	-1.58621109170536	0.90224730254889	0.10062624722110	0.73537091959573	-0.47506469682613	-0.64652941101725	0.95479548044025	-2.06126245571583	-0.89892744374809	-0.64543661765593	1.56589257557317	0.05620965608259	0.18979697580970	0.21927974168967	1.08315275138023	1.43153004847297	-0.27009563032084	-1.13690656369851	1.80239042546146	-0.76721517469843	-1.13280035299273	0.20345737220567	1.40956378493415	-0.31306670625260	0.01704629098668	1.72791506643712	-1.12339337581082	-2.57092069804582	-0.82500883083613	1.87542985267408	0.31904409765191	-0.74511306613439	0.73266290512627	1.27807444106703	0.97324132419371	0.97757166179023	0.33609045136699	-0.42708309660138	0.82163782590776	-0.64757790004240	0.73025258429468	-40.12207652891863
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/regression_X.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/regression_X.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,262 @@
+year	month	day	temp_2	temp_1	average	forecast_noaa	forecast_acc	forecast_under	friend	week_Fri	week_Mon	week_Sat	week_Sun	week_Thurs	week_Tues	week_Wed
+2016	9	19	68	69	69.7	65	74	71	88	0	1	0	0	0	0	0
+2016	4	14	60	59	58.1	57	63	58	66	0	0	0	0	1	0	0
+2016	7	30	85	88	77.3	75	79	77	70	0	0	1	0	0	0	0
+2016	5	15	82	65	64.7	63	69	64	58	0	0	0	1	0	0	0
+2016	1	18	54	50	47.5	44	48	49	58	0	1	0	0	0	0	0
+2016	1	25	48	51	48.2	45	51	49	63	0	1	0	0	0	0	0
+2016	11	25	49	52	48.6	45	52	47	41	1	0	0	0	0	0	0
+2016	7	20	73	78	76.7	75	78	77	66	0	0	0	0	0	0	1
+2016	12	17	39	35	45.2	43	47	46	38	0	0	1	0	0	0	0
+2016	12	8	42	40	46.1	45	51	47	36	0	0	0	0	1	0	0
+2016	12	28	42	47	45.3	41	49	44	58	0	0	0	0	0	0	1
+2016	7	17	76	72	76.3	76	78	77	88	0	0	0	1	0	0	0
+2016	7	7	69	76	74.4	73	77	74	72	0	0	0	0	1	0	0
+2016	12	15	40	39	45.3	45	49	47	46	0	0	0	0	1	0	0
+2016	6	27	71	78	72.2	70	74	72	84	0	1	0	0	0	0	0
+2016	5	31	64	71	67.3	63	72	68	85	0	0	0	0	0	1	0
+2016	1	20	54	48	47.7	44	52	49	61	0	0	0	0	0	0	1
+2016	8	10	73	72	77.0	77	78	77	68	0	0	0	0	0	0	1
+2016	3	23	56	57	54.7	50	58	55	70	0	0	0	0	0	0	1
+2016	12	24	45	40	45.1	44	47	46	39	0	0	1	0	0	0	0
+2016	1	19	50	54	47.6	47	49	48	53	0	0	0	0	0	1	0
+2016	11	6	65	58	53.2	52	57	55	71	0	0	0	1	0	0	0
+2016	4	17	60	68	58.6	58	62	59	54	0	0	0	1	0	0	0
+2016	10	29	60	65	55.3	55	59	55	65	0	0	1	0	0	0	0
+2016	2	1	48	47	48.8	46	49	49	51	0	1	0	0	0	0	0
+2016	12	12	44	44	45.6	43	50	45	42	0	1	0	0	0	0	0
+2016	5	30	64	64	67.1	64	70	66	69	0	1	0	0	0	0	0
+2016	10	23	59	62	57.1	57	58	59	67	0	0	0	1	0	0	0
+2016	9	30	68	66	65.7	64	67	65	74	1	0	0	0	0	0	0
+2016	9	12	77	70	71.8	67	73	73	90	0	1	0	0	0	0	0
+2016	11	2	59	57	54.2	54	58	55	70	0	0	0	0	0	0	1
+2016	11	17	55	50	50.5	46	51	50	57	0	0	0	0	1	0	0
+2016	3	3	58	55	51.8	49	54	50	71	0	0	0	0	1	0	0
+2016	11	21	57	55	49.5	46	51	49	67	0	1	0	0	0	0	0
+2016	12	27	42	42	45.2	41	50	47	47	0	0	0	0	0	1	0
+2016	4	24	64	65	60.1	57	61	60	41	0	0	0	1	0	0	0
+2016	5	20	64	63	65.6	63	70	64	73	1	0	0	0	0	0	0
+2016	1	16	49	48	47.3	45	52	46	28	0	0	1	0	0	0	0
+2016	12	7	40	42	46.3	44	51	46	62	0	0	0	0	0	0	1
+2016	1	7	44	51	46.2	45	49	46	38	0	0	0	0	1	0	0
+2016	9	24	67	64	68.0	65	71	66	64	0	0	1	0	0	0	0
+2016	8	30	79	75	74.6	74	76	75	63	0	0	0	0	0	1	0
+2016	1	11	50	52	46.7	42	48	48	39	0	1	0	0	0	0	0
+2016	6	9	85	67	68.6	66	73	69	80	0	0	0	0	1	0	0
+2016	9	22	67	68	68.7	65	70	69	56	0	0	0	0	1	0	0
+2016	3	25	53	54	55.0	53	57	57	42	1	0	0	0	0	0	0
+2016	10	24	62	62	56.8	52	61	57	70	0	1	0	0	0	0	0
+2016	7	16	77	76	76.1	76	78	75	61	0	0	1	0	0	0	0
+2016	7	1	74	73	73.1	71	75	72	93	1	0	0	0	0	0	0
+2016	11	18	50	52	50.3	50	53	50	35	1	0	0	0	0	0	0
+2016	9	3	75	70	73.9	71	75	73	68	0	0	1	0	0	0	0
+2016	8	2	73	77	77.4	75	80	79	62	0	0	0	0	0	1	0
+2016	4	5	69	60	56.6	52	58	56	72	0	0	0	0	0	1	0
+2016	3	13	55	52	53.3	50	55	53	54	0	0	0	1	0	0	0
+2016	8	28	81	79	75.0	71	77	76	85	0	0	0	1	0	0	0
+2016	4	9	77	76	57.2	53	61	57	74	0	0	1	0	0	0	0
+2016	5	26	66	66	66.5	64	70	65	85	0	0	0	0	1	0	0
+2016	10	10	68	57	61.8	58	64	61	62	0	1	0	0	0	0	0
+2016	4	10	76	66	57.4	57	60	57	60	0	0	0	1	0	0	0
+2016	10	19	60	61	58.4	58	60	57	41	0	0	0	0	0	0	1
+2016	3	12	56	55	53.1	52	58	53	65	0	0	1	0	0	0	0
+2016	1	24	57	48	48.1	46	50	48	54	0	0	0	1	0	0	0
+2016	2	7	53	49	49.2	46	51	48	63	0	0	0	1	0	0	0
+2016	5	27	66	65	66.7	64	67	68	73	1	0	0	0	0	0	0
+2016	5	5	74	60	62.5	58	66	62	56	0	0	0	0	1	0	0
+2016	3	11	55	56	53.0	53	53	51	36	1	0	0	0	0	0	0
+2016	10	22	62	59	57.4	56	59	58	44	0	0	1	0	0	0	0
+2016	12	11	36	44	45.7	41	46	47	35	0	0	0	1	0	0	0
+2016	5	8	77	82	63.2	62	65	63	83	0	0	0	1	0	0	0
+2016	5	29	64	64	67.0	65	71	65	76	0	0	0	1	0	0	0
+2016	12	13	44	43	45.5	41	47	46	46	0	0	0	0	0	1	0
+2016	3	30	56	64	55.7	51	57	56	57	0	0	0	0	0	0	1
+2016	11	8	61	63	52.7	49	57	52	49	0	0	0	0	0	1	0
+2016	6	20	65	70	70.6	67	71	70	79	0	1	0	0	0	0	0
+2016	11	9	63	71	52.4	48	56	52	42	0	0	0	0	0	0	1
+2016	7	3	76	76	73.5	69	76	75	85	0	0	0	1	0	0	0
+2016	10	9	64	68	62.1	58	65	63	55	0	0	0	1	0	0	0
+2016	12	16	39	39	45.3	44	49	44	39	1	0	0	0	0	0	0
+2016	9	16	79	71	70.7	70	74	71	52	1	0	0	0	0	0	0
+2016	6	25	68	69	71.7	68	73	73	89	0	0	1	0	0	0	0
+2016	9	13	70	74	71.5	71	75	70	82	0	0	0	0	0	1	0
+2016	5	12	75	81	64.1	62	67	63	81	0	0	0	0	1	0	0
+2016	2	8	49	51	49.3	49	52	50	34	0	1	0	0	0	0	0
+2016	1	12	52	45	46.8	44	50	45	61	0	0	0	0	0	1	0
+2016	8	13	80	87	76.8	73	79	78	73	0	0	1	0	0	0	0
+2016	7	4	76	71	73.8	71	76	73	86	0	1	0	0	0	0	0
+2016	4	25	65	55	60.3	56	64	61	77	0	1	0	0	0	0	0
+2016	8	12	76	80	76.9	72	79	77	81	1	0	0	0	0	0	0
+2016	9	21	71	67	69.0	65	70	70	76	0	0	0	0	0	0	1
+2016	4	30	64	61	61.4	60	65	62	78	0	0	1	0	0	0	0
+2016	12	5	49	46	46.6	43	50	45	65	0	1	0	0	0	0	0
+2016	12	19	35	39	45.1	42	46	45	51	0	1	0	0	0	0	0
+2016	9	23	68	67	68.3	67	69	67	61	1	0	0	0	0	0	0
+2016	11	29	48	52	47.8	43	48	47	50	0	0	0	0	0	1	0
+2016	6	16	60	67	69.8	68	72	71	87	0	0	0	0	1	0	0
+2016	9	14	74	75	71.2	67	75	73	77	0	0	0	0	0	0	1
+2016	9	6	68	68	73.3	73	76	75	79	0	0	0	0	0	1	0
+2016	6	6	81	92	68.2	65	70	67	71	0	1	0	0	0	0	0
+2016	9	8	68	67	72.8	69	77	73	56	0	0	0	0	1	0	0
+2016	1	3	45	44	45.8	43	46	47	56	0	0	0	1	0	0	0
+2016	4	28	60	61	61.0	56	65	62	73	0	0	0	0	1	0	0
+2016	11	5	65	65	53.4	49	58	52	41	0	0	1	0	0	0	0
+2016	9	7	68	68	73.0	72	78	71	70	0	0	0	0	0	0	1
+2016	5	3	77	87	62.1	62	66	64	69	0	0	0	0	0	1	0
+2016	10	31	65	117	54.8	51	59	56	62	0	1	0	0	0	0	0
+2016	7	18	72	80	76.4	75	77	75	66	0	1	0	0	0	0	0
+2016	11	15	55	57	51.0	47	54	51	46	0	0	0	0	0	1	0
+2016	5	10	63	67	63.6	61	66	64	68	0	0	0	0	0	1	0
+2016	3	18	53	58	54.0	51	57	54	56	1	0	0	0	0	0	0
+2016	10	26	61	65	56.2	53	57	57	41	0	0	0	0	0	0	1
+2016	1	30	56	52	48.6	45	51	48	47	0	0	1	0	0	0	0
+2016	3	27	57	59	55.3	52	58	55	39	0	0	0	1	0	0	0
+2016	11	3	57	57	53.9	53	54	54	35	0	0	0	0	1	0	0
+2016	4	20	89	81	59.2	56	63	61	66	0	0	0	0	0	0	1
+2016	7	24	71	75	77.1	76	78	78	75	0	0	0	1	0	0	0
+2016	7	31	88	76	77.4	76	78	79	95	0	0	0	1	0	0	0
+2016	5	16	65	57	64.8	61	65	65	53	0	1	0	0	0	0	0
+2016	7	6	68	69	74.2	72	76	75	86	0	0	0	0	0	0	1
+2016	9	27	76	77	66.8	66	67	68	64	0	0	0	0	0	1	0
+2016	2	16	58	55	49.9	47	54	51	55	0	0	0	0	0	1	0
+2016	12	4	50	49	46.8	45	47	47	53	0	0	0	1	0	0	0
+2016	3	9	53	54	52.7	48	56	54	57	0	0	0	0	0	0	1
+2016	11	14	59	55	51.2	49	53	53	42	0	1	0	0	0	0	0
+2016	3	29	51	56	55.6	53	59	54	45	0	0	0	0	0	1	0
+2016	7	8	76	68	74.6	72	79	75	77	1	0	0	0	0	0	0
+2016	3	14	52	54	53.4	49	58	55	44	0	1	0	0	0	0	0
+2016	6	11	65	67	69.0	69	72	71	87	0	0	1	0	0	0	0
+2016	1	13	45	49	46.9	45	51	46	33	0	0	0	0	0	0	1
+2016	2	5	49	49	49.1	47	50	49	45	1	0	0	0	0	0	0
+2016	1	29	57	56	48.5	48	52	47	49	1	0	0	0	0	0	0
+2016	6	22	76	73	71.0	66	71	72	78	0	0	0	0	0	0	1
+2016	5	25	65	66	66.4	65	67	66	60	0	0	0	0	0	0	1
+2016	9	28	77	69	66.5	66	68	66	62	0	0	0	0	0	0	1
+2016	5	14	77	82	64.5	64	66	66	65	0	0	1	0	0	0	0
+2016	8	14	87	90	76.7	75	78	78	65	0	0	0	1	0	0	0
+2016	2	23	51	51	50.7	49	53	51	43	0	0	0	0	0	1	0
+2016	4	8	68	77	57.1	57	61	57	41	1	0	0	0	0	0	0
+2016	10	11	57	60	61.4	58	66	61	58	0	0	0	0	0	1	0
+2016	6	30	79	74	72.8	71	76	72	87	0	0	0	0	1	0	0
+2016	7	26	80	85	77.2	73	79	76	74	0	0	0	0	0	1	0
+2016	5	6	60	68	62.8	61	64	61	64	1	0	0	0	0	0	0
+2016	2	11	62	56	49.5	46	53	50	37	0	0	0	0	1	0	0
+2016	4	2	73	71	56.2	55	58	58	45	0	0	1	0	0	0	0
+2016	10	16	60	62	59.5	57	60	59	40	0	0	0	1	0	0	0
+2016	7	28	79	83	77.3	76	80	78	76	0	0	0	0	1	0	0
+2016	5	19	71	64	65.4	62	68	67	56	0	0	0	0	1	0	0
+2016	1	27	54	56	48.4	45	51	49	54	0	0	0	0	0	0	1
+2016	12	25	40	41	45.1	42	49	44	31	0	0	0	1	0	0	0
+2016	5	24	66	65	66.2	66	71	66	67	0	0	0	0	0	1	0
+2016	11	4	57	65	53.7	49	55	54	38	1	0	0	0	0	0	0
+2016	1	5	41	40	46.0	46	46	46	41	0	0	0	0	0	1	0
+2016	1	1	45	45	45.6	43	50	44	29	1	0	0	0	0	0	0
+2016	11	26	52	52	48.4	48	50	47	58	0	0	1	0	0	0	0
+2016	11	12	64	63	51.7	50	52	52	63	0	0	1	0	0	0	0
+2016	11	30	52	52	47.6	47	52	49	44	0	0	0	0	0	0	1
+2016	4	13	58	60	57.9	55	62	56	77	0	0	0	0	0	0	1
+2016	8	23	84	81	75.7	73	78	77	89	0	0	0	0	0	1	0
+2016	7	14	77	75	75.8	74	76	77	77	0	0	0	0	1	0	0
+2016	11	13	63	59	51.4	48	56	50	64	0	0	0	1	0	0	0
+2016	8	9	72	73	77.1	77	80	79	94	0	0	0	0	0	1	0
+2016	8	4	73	75	77.3	73	79	78	66	0	0	0	0	1	0	0
+2016	4	16	59	60	58.5	56	60	59	59	0	0	1	0	0	0	0
+2016	6	23	73	75	71.3	68	72	71	56	0	0	0	0	1	0	0
+2016	4	11	66	59	57.6	56	60	58	40	0	1	0	0	0	0	0
+2016	2	6	49	53	49.1	47	53	49	56	0	0	1	0	0	0	0
+2016	8	6	80	79	77.2	76	81	79	60	0	0	1	0	0	0	0
+2016	3	5	59	57	52.1	49	53	51	46	0	0	1	0	0	0	0
+2016	6	2	79	75	67.6	64	71	67	77	0	0	0	0	1	0	0
+2016	9	20	69	71	69.4	67	73	69	81	0	0	0	0	0	1	0
+2016	2	19	57	53	50.2	50	52	51	42	1	0	0	0	0	0	0
+2016	2	2	47	46	48.8	48	50	50	56	0	0	0	0	0	1	0
+2016	7	22	82	81	76.9	72	77	76	70	1	0	0	0	0	0	0
+2016	11	24	54	49	48.9	47	53	48	29	0	0	0	0	1	0	0
+2016	1	28	56	57	48.4	44	52	48	34	0	0	0	0	1	0	0
+2016	10	18	60	60	58.8	54	60	57	53	0	0	0	0	0	1	0
+2016	9	4	70	67	73.7	72	77	75	64	0	0	0	1	0	0	0
+2016	10	4	65	61	64.1	62	69	65	60	0	0	0	0	0	1	0
+2016	6	14	70	66	69.5	66	71	69	85	0	0	0	0	0	1	0
+2016	11	11	65	64	51.9	50	53	52	55	1	0	0	0	0	0	0
+2016	5	21	63	66	65.7	62	67	65	49	0	0	1	0	0	0	0
+2016	3	6	57	64	52.2	52	53	51	49	0	0	0	1	0	0	0
+2016	5	18	60	71	65.2	61	68	65	56	0	0	0	0	0	0	1
+2016	5	11	67	75	63.8	62	68	63	60	0	0	0	0	0	0	1
+2016	1	9	45	48	46.4	46	50	45	47	0	0	1	0	0	0	0
+2016	3	8	60	53	52.5	48	56	51	70	0	0	0	0	0	1	0
+2016	1	15	55	49	47.1	46	51	46	65	1	0	0	0	0	0	0
+2016	6	8	86	85	68.5	67	70	69	81	0	0	0	0	0	0	1
+2016	2	10	57	62	49.4	48	50	49	30	0	0	0	0	0	0	1
+2016	12	3	46	50	47.0	42	52	47	58	0	0	1	0	0	0	0
+2016	10	27	65	58	55.9	51	60	55	39	0	0	0	0	1	0	0
+2016	8	7	79	72	77.2	74	78	77	95	0	0	0	1	0	0	0
+2016	11	16	57	55	50.7	50	51	49	34	0	0	0	0	0	0	1
+2016	9	10	72	74	72.3	70	77	74	91	0	0	1	0	0	0	0
+2016	7	29	83	85	77.3	77	80	79	77	1	0	0	0	0	0	0
+2016	8	3	77	73	77.3	77	81	77	93	0	0	0	0	0	0	1
+2016	12	1	52	52	47.4	44	48	49	39	0	0	0	0	1	0	0
+2016	9	25	64	67	67.6	64	72	67	62	0	0	0	1	0	0	0
+2016	12	23	49	45	45.1	45	49	44	35	1	0	0	0	0	0	0
+2016	12	2	52	46	47.2	46	51	49	41	1	0	0	0	0	0	0
+2016	10	13	62	66	60.6	60	62	60	57	0	0	0	0	1	0	0
+2016	7	23	81	71	77.0	75	81	76	86	0	0	1	0	0	0	0
+2016	6	13	65	70	69.3	66	72	69	79	0	1	0	0	0	0	0
+2016	2	15	55	58	49.9	46	52	49	53	0	1	0	0	0	0	0
+2016	8	8	72	72	77.1	76	78	77	65	0	1	0	0	0	0	0
+2016	7	12	74	74	75.4	74	77	77	71	0	0	0	0	0	1	0
+2016	10	3	63	65	64.5	63	68	65	49	0	1	0	0	0	0	0
+2016	4	18	68	77	58.8	55	59	57	39	0	1	0	0	0	0	0
+2016	2	25	60	59	50.9	49	51	49	35	0	0	0	0	1	0	0
+2016	1	2	44	45	45.7	41	50	44	61	0	0	1	0	0	0	0
+2016	2	21	51	53	50.5	49	54	52	46	0	0	0	1	0	0	0
+2016	3	24	57	53	54.9	54	56	56	72	0	0	0	0	1	0	0
+2016	7	27	85	79	77.3	73	78	79	79	0	0	0	0	0	0	1
+2016	2	4	51	49	49.0	44	54	51	44	0	0	0	0	1	0	0
+2016	10	7	66	63	62.9	62	67	64	78	1	0	0	0	0	0	0
+2016	4	4	63	69	56.5	54	59	56	45	0	1	0	0	0	0	0
+2016	2	24	51	60	50.8	47	53	50	46	0	0	0	0	0	0	1
+2016	10	8	63	64	62.5	60	65	61	73	0	0	1	0	0	0	0
+2016	9	15	75	79	71.0	66	76	69	64	0	0	0	0	1	0	0
+2016	1	14	49	55	47.0	43	47	46	58	0	0	0	0	1	0	0
+2016	4	1	68	73	56.0	54	59	55	41	1	0	0	0	0	0	0
+2016	10	17	62	60	59.1	57	63	59	62	0	1	0	0	0	0	0
+2016	6	18	71	67	70.2	67	75	69	77	0	0	1	0	0	0	0
+2016	12	26	41	42	45.2	45	48	46	58	0	1	0	0	0	0	0
+2016	5	17	57	60	65.0	62	65	65	55	0	0	0	0	0	1	0
+2016	11	20	55	57	49.8	47	54	48	30	0	0	0	1	0	0	0
+2016	12	18	35	35	45.2	44	46	46	36	0	0	0	1	0	0	0
+2016	9	17	71	75	70.3	66	73	70	84	0	0	1	0	0	0	0
+2016	2	26	59	61	51.1	48	56	53	65	1	0	0	0	0	0	0
+2016	2	22	53	51	50.6	46	51	50	59	0	1	0	0	0	0	0
+2016	6	26	69	71	71.9	67	74	72	70	0	0	0	1	0	0	0
+2016	7	11	71	74	75.3	74	79	75	71	0	1	0	0	0	0	0
+2016	12	30	48	48	45.4	44	46	44	42	1	0	0	0	0	0	0
+2016	7	9	68	74	74.9	70	79	76	60	0	0	1	0	0	0	0
+2016	6	21	70	76	70.8	68	75	71	57	0	0	0	0	0	1	0
+2016	3	2	54	58	51.6	47	54	52	37	0	0	0	0	0	0	1
+2016	2	20	53	51	50.4	48	55	51	43	0	0	1	0	0	0	0
+2016	9	9	67	72	72.6	68	77	71	78	1	0	0	0	0	0	0
+2016	9	26	67	76	67.2	64	69	69	74	0	1	0	0	0	0	0
+2016	1	22	52	52	47.9	47	48	48	60	1	0	0	0	0	0	0
+2016	11	27	52	53	48.2	48	49	49	53	0	0	0	1	0	0	0
+2016	6	12	67	65	69.1	65	73	70	83	0	0	0	1	0	0	0
+2016	10	20	61	58	58.1	58	59	58	43	0	0	0	0	1	0	0
+2016	7	13	74	77	75.6	74	78	76	56	0	0	0	0	0	0	1
+2016	11	7	58	61	52.9	51	56	51	35	0	1	0	0	0	0	0
+2016	10	1	66	67	65.3	64	70	64	54	0	0	1	0	0	0	0
+2016	11	22	55	54	49.3	46	54	49	58	0	0	0	0	0	1	0
+2016	6	1	71	79	67.4	65	69	66	58	0	0	0	0	0	0	1
+2016	5	13	81	77	64.3	63	67	66	67	1	0	0	0	0	0	0
+2016	6	3	75	71	67.7	64	71	66	55	1	0	0	0	0	0	0
+2016	4	12	59	58	57.7	54	59	57	61	0	0	0	0	0	1	0
+2016	3	31	64	68	55.9	55	59	56	56	0	0	0	0	1	0	0
+2016	12	14	43	40	45.4	45	48	45	49	0	0	0	0	0	0	1
+2016	8	5	75	80	77.3	75	81	78	71	1	0	0	0	0	0	0
+2016	5	4	87	74	62.3	59	65	64	61	0	0	0	0	0	0	1
+2016	12	31	48	57	45.5	42	48	47	57	0	0	1	0	0	0	0
+2016	1	21	48	52	47.8	43	51	46	57	0	0	0	0	1	0	0
+2016	7	10	74	71	75.1	71	77	76	95	0	0	0	1	0	0	0
+2016	3	15	54	49	53.6	49	58	52	70	0	0	0	0	0	1	0
+2016	4	19	77	89	59.0	59	63	59	61	0	0	0	0	0	1	0
+2016	10	14	66	60	60.2	56	64	60	78	1	0	0	0	0	0	0
+2016	4	15	59	59	58.3	58	61	60	40	1	0	0	0	0	0	0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/regression_groups.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/regression_groups.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,262 @@
+groups
+train
+train
+train
+train
+test
+test
+train
+train
+validation
+train
+train
+train
+train
+train
+validation
+validation
+train
+train
+train
+test
+test
+validation
+train
+validation
+test
+validation
+train
+train
+train
+test
+test
+test
+train
+test
+train
+train
+train
+test
+train
+train
+train
+train
+test
+train
+train
+train
+train
+train
+train
+train
+train
+train
+test
+test
+validation
+train
+validation
+train
+train
+train
+train
+test
+train
+train
+validation
+validation
+train
+train
+train
+train
+validation
+test
+test
+train
+train
+train
+train
+train
+train
+train
+validation
+train
+train
+train
+train
+test
+train
+validation
+train
+test
+test
+test
+train
+train
+train
+test
+train
+train
+train
+train
+train
+train
+train
+train
+train
+train
+validation
+train
+train
+train
+train
+validation
+train
+validation
+train
+validation
+validation
+train
+validation
+train
+test
+train
+train
+train
+train
+test
+validation
+test
+train
+train
+train
+train
+test
+train
+train
+train
+test
+validation
+train
+train
+train
+train
+train
+validation
+test
+train
+train
+test
+train
+train
+validation
+train
+train
+train
+train
+train
+test
+test
+validation
+train
+test
+train
+validation
+train
+train
+train
+test
+train
+train
+train
+train
+train
+train
+validation
+train
+train
+train
+train
+validation
+test
+train
+train
+train
+validation
+train
+test
+test
+validation
+train
+validation
+validation
+test
+test
+test
+train
+train
+test
+train
+train
+validation
+test
+test
+train
+train
+train
+test
+test
+train
+train
+train
+train
+train
+test
+train
+train
+test
+validation
+test
+train
+train
+test
+train
+train
+train
+validation
+train
+validation
+train
+validation
+train
+train
+train
+validation
+validation
+test
+validation
+train
+test
+train
+validation
+train
+train
+test
+train
+train
+test
+test
+train
+validation
+train
+train
+train
+train
+train
+train
+train
+train
+validation
+train
+test
+train
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/regression_metrics_result01
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/regression_metrics_result01	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+explained_variance_score : 
+0.8260
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/regression_metrics_result02
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/regression_metrics_result02	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+mean_absolute_error : 
+3.8706
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/regression_metrics_result03
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/regression_metrics_result03	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+mean_squared_error : 
+26.0153
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/regression_metrics_result04
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/regression_metrics_result04	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+mean_squared_log_error : 
+0.0061
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/regression_metrics_result05
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/regression_metrics_result05	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+median_absolute_error : 
+3.0090
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/regression_metrics_result06
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/regression_metrics_result06	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+r2_score : 
+0.8129
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/regression_test.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/regression_test.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,5 @@
+86.9702122735	1.00532111569	-1.01739601979	-0.613139481654	0.641846874331
+91.2021798817	-0.621522971207	1.11914889596	0.390012184498	1.28956938152
+-47.4101632272	-0.638416457964	-0.732777468453	-0.864026104978	-1.06109770116
+61.7128046302	-1.09994800577	-0.739679672932	0.585657963012	1.48906827536
+-206.998295124	0.130238853011	0.70574123041	1.33206565264	-1.33220923738
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/regression_test_X.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/regression_test_X.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,88 @@
+year	month	day	temp_2	temp_1	average	forecast_noaa	forecast_acc	forecast_under	friend	week_Fri	week_Mon	week_Sat	week_Sun	week_Thurs	week_Tues	week_Wed
+2016	9	29	69	68	66.1	63	71	68	57	0	0	0	0	1	0	0
+2016	4	27	59	60	60.7	59	65	60	50	0	0	0	0	0	0	1
+2016	11	28	53	48	48.0	46	48	49	44	0	1	0	0	0	0	0
+2016	10	12	60	62	61.0	60	63	63	52	0	0	0	0	0	0	1
+2016	6	19	67	65	70.4	69	73	70	58	0	0	0	1	0	0	0
+2016	5	7	68	77	63.0	61	65	63	83	0	0	1	0	0	0	0
+2016	7	25	75	80	77.1	75	82	76	81	0	1	0	0	0	0	0
+2016	8	15	90	83	76.6	76	79	75	70	0	1	0	0	0	0	0
+2016	10	28	58	60	55.6	52	56	55	52	1	0	0	0	0	0	0
+2016	6	5	80	81	68.0	64	70	66	54	0	0	0	1	0	0	0
+2016	3	19	58	63	54.2	54	59	54	62	0	0	1	0	0	0	0
+2016	6	7	92	86	68.3	67	69	70	58	0	0	0	0	0	1	0
+2016	12	10	41	36	45.9	44	48	44	65	0	0	1	0	0	0	0
+2016	4	23	73	64	59.9	56	63	59	57	0	0	1	0	0	0	0
+2016	6	24	75	68	71.5	67	73	73	65	1	0	0	0	0	0	0
+2016	2	9	51	57	49.4	45	52	49	57	0	0	0	0	0	1	0
+2016	11	10	71	65	52.2	52	54	51	38	0	0	0	0	1	0	0
+2016	3	21	61	55	54.5	52	56	55	52	0	1	0	0	0	0	0
+2016	2	28	60	57	51.3	48	56	53	66	0	0	0	1	0	0	0
+2016	6	28	78	85	72.4	72	76	74	67	0	0	0	0	0	1	0
+2016	10	6	63	66	63.3	62	67	63	55	0	0	0	0	1	0	0
+2016	2	17	55	56	50.0	45	51	49	46	0	0	0	0	0	0	1
+2016	6	15	66	60	69.7	65	73	71	69	0	0	0	0	0	0	1
+2016	10	15	60	60	59.9	59	62	59	46	0	0	1	0	0	0	0
+2016	3	26	54	57	55.2	53	57	55	54	0	0	1	0	0	0	0
+2016	1	26	51	54	48.3	44	53	50	61	0	0	0	0	0	1	0
+2016	5	23	59	66	66.1	63	68	68	66	0	1	0	0	0	0	0
+2016	1	10	48	50	46.5	45	48	48	49	0	0	0	1	0	0	0
+2016	5	22	66	59	65.9	62	66	65	80	0	0	0	1	0	0	0
+2016	7	15	75	77	76.0	74	80	78	75	1	0	0	0	0	0	0
+2016	4	22	81	73	59.7	59	64	60	59	1	0	0	0	0	0	0
+2016	4	29	61	64	61.2	61	65	61	49	1	0	0	0	0	0	0
+2016	1	23	52	57	48.0	45	49	50	37	0	0	1	0	0	0	0
+2016	8	16	83	84	76.5	72	78	78	90	0	0	0	0	0	1	0
+2016	8	1	76	73	77.4	76	78	79	65	0	1	0	0	0	0	0
+2016	2	27	61	60	51.2	51	53	53	61	0	0	1	0	0	0	0
+2016	2	12	56	55	49.6	49	52	48	33	1	0	0	0	0	0	0
+2016	1	31	52	48	48.7	47	52	49	61	0	0	0	1	0	0	0
+2016	9	5	67	68	73.5	71	75	73	54	0	1	0	0	0	0	0
+2016	12	20	39	46	45.1	45	49	45	62	0	0	0	0	0	1	0
+2016	5	1	61	68	61.6	60	65	60	75	0	0	0	1	0	0	0
+2016	3	28	59	51	55.5	55	57	55	47	0	1	0	0	0	0	0
+2016	4	21	81	81	59.4	55	61	59	55	0	0	0	0	1	0	0
+2016	1	6	40	44	46.1	43	49	48	40	0	0	0	0	0	0	1
+2016	10	21	58	62	57.8	56	60	59	44	1	0	0	0	0	0	0
+2016	5	2	68	77	61.9	60	66	61	59	0	1	0	0	0	0	0
+2016	3	1	53	54	51.5	48	56	50	53	0	0	0	0	0	1	0
+2016	7	21	78	82	76.8	73	81	78	84	0	0	0	0	1	0	0
+2016	3	17	51	53	53.9	49	58	52	62	0	0	0	0	1	0	0
+2016	12	6	46	40	46.4	44	50	45	56	0	0	0	0	0	1	0
+2016	12	21	46	51	45.1	44	50	46	39	0	0	0	0	0	0	1
+2016	1	4	44	41	45.9	44	48	46	53	0	1	0	0	0	0	0
+2016	10	2	67	63	64.9	62	69	66	82	0	0	0	1	0	0	0
+2016	5	28	65	64	66.8	64	69	65	64	0	0	1	0	0	0	0
+2016	9	11	74	77	72.1	69	75	71	70	0	0	0	1	0	0	0
+2016	10	25	62	61	56.5	53	60	55	70	0	0	0	0	0	1	0
+2016	2	18	56	57	50.1	47	55	49	34	0	0	0	0	1	0	0
+2016	11	1	117	59	54.5	51	59	55	61	0	0	0	0	0	1	0
+2016	3	16	49	51	53.7	52	54	55	65	0	0	0	0	0	0	1
+2016	4	26	55	59	60.5	56	61	62	75	0	0	0	0	0	1	0
+2016	6	10	67	65	68.8	67	71	67	73	1	0	0	0	0	0	0
+2016	2	3	46	51	48.9	48	49	50	40	0	0	0	0	0	0	1
+2016	3	7	64	60	52.4	49	57	53	71	0	1	0	0	0	0	0
+2016	9	18	75	68	70.0	66	73	71	90	0	0	0	1	0	0	0
+2016	3	20	63	61	54.3	51	56	55	50	0	0	0	1	0	0	0
+2016	4	6	60	57	56.8	53	59	57	64	0	0	0	0	0	0	1
+2016	7	2	73	76	73.3	70	77	73	84	0	0	1	0	0	0	0
+2016	7	5	71	68	74.0	72	77	74	62	0	0	0	0	0	1	0
+2016	7	19	80	73	76.6	76	78	77	90	0	0	0	0	0	1	0
+2016	12	9	40	41	46.0	43	51	44	54	1	0	0	0	0	0	0
+2016	6	29	85	79	72.6	68	76	74	81	0	0	0	0	0	0	1
+2016	3	22	55	56	54.6	51	55	54	64	0	0	0	0	0	1	0
+2016	4	3	71	63	56.3	54	61	56	64	0	0	0	1	0	0	0
+2016	1	17	48	54	47.4	45	51	46	47	0	0	0	1	0	0	0
+2016	3	10	54	55	52.8	49	55	53	50	0	0	0	0	1	0	0
+2016	5	9	82	63	63.4	59	66	62	64	0	1	0	0	0	0	0
+2016	1	8	51	45	46.3	43	47	46	34	1	0	0	0	0	0	0
+2016	8	11	72	76	76.9	74	81	75	80	0	0	0	0	1	0	0
+2016	12	29	47	48	45.3	43	50	45	65	0	0	0	0	1	0	0
+2016	11	23	54	54	49.1	48	52	49	38	0	0	0	0	0	0	1
+2016	11	19	52	55	50.0	50	54	49	56	0	0	1	0	0	0	0
+2016	4	7	57	68	56.9	52	61	55	38	0	0	0	0	1	0	0
+2016	6	4	71	80	67.9	63	72	66	76	0	0	1	0	0	0	0
+2016	6	17	67	71	70.0	66	74	69	54	1	0	0	0	0	0	0
+2016	10	5	61	63	63.7	61	66	65	48	0	0	0	0	0	0	1
+2016	3	4	55	59	51.9	47	56	53	45	1	0	0	0	0	0	0
+2016	12	22	51	49	45.1	42	47	46	38	0	0	0	0	1	0	0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/regression_test_y.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/regression_test_y.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,88 @@
+actual	prediction
+66	69.857
+61	61.319
+52	51.891
+66	61.321
+70	66.463
+82	70.162
+85	78.848
+84	75.786
+65	62.121
+92	74.078
+61	63.647
+85	72.176
+44	38.458
+65	62.433
+69	71.594
+62	56.013
+64	60.943
+56	56.995
+53	56.748
+79	76.113
+63	63.758
+57	54.401
+67	66.493
+62	62.465
+59	58.786
+56	53.032
+65	66.769
+52	46.448
+66	62.122
+76	80.176
+64	73.833
+61	64.313
+48	55.188
+81	81.972
+77	74.178
+57	61.695
+58	53.636
+47	51.424
+68	68.929
+51	42.452
+77	70.385
+56	57.373
+73	76.172
+51	42.396
+59	61.098
+87	74.08
+58	52.745
+81	81.381
+58	53.324
+42	42.471
+49	46.507
+40	42.106
+65	64.17
+64	65.703
+70	74.13
+65	61.339
+53	55.177
+57	59.945
+53	54.651
+60	59.664
+67	65.474
+49	50.061
+53	60.849
+69	70.188
+55	60.062
+68	59.236
+76	71.868
+69	69.796
+78	76.83
+36	41.32
+74	76.868
+57	56.783
+69	60.378
+50	50.468
+56	54.426
+67	63.991
+48	43.711
+80	74.354
+48	47.306
+49	52.326
+57	53.526
+77	68.21
+81	73.607
+67	72.658
+66	63.243
+57	57.126
+45	46.04
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/regression_train.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/regression_train.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,10 @@
+143.762620712	-0.330941870584	-1.17964571928	0.47944415578	-0.0486946279099	1.57951239219
+-88.5787166225	1.08055532812	-2.57109184022	-0.92512305494	0.317511276982	-1.202358944
+-82.8452345578	0.272541389247	-0.168636324107	0.923988150154	-0.467750945768	-0.719169535969
+72.4951388149	-0.268686605278	0.991068834926	0.731619322189	1.17038734294	0.323842059244
+11.805182128	1.03604670966	-0.709685560786	-1.54916691211	-0.614757954242	0.24176665894
+-63.9354970901	-0.101485840571	0.984112210822	-2.01704822953	0.282058758309	-0.776448499847
+126.325840796	-0.359998340179	0.353534448839	-1.23256828198	0.563632964937	1.15031170568
+23.0341392692	0.518540465136	1.03188231893	-2.53173026594	-0.0419267228327	0.193734455015
+67.6714937696	-0.115688051547	-0.821437865172	-0.368962397052	-0.526743874023	0.94315222831
+47.3927584881	-0.785096541368	-0.0942409319417	0.224267378731	-1.63317786831	1.26458811586
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/regression_y.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/regression_y.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,262 @@
+actual
+71
+59
+76
+57
+54
+54
+52
+82
+35
+41
+48
+80
+68
+39
+85
+79
+52
+76
+53
+41
+48
+61
+77
+68
+46
+43
+71
+62
+67
+74
+57
+52
+59
+54
+47
+55
+66
+54
+40
+45
+67
+70
+45
+65
+67
+57
+61
+72
+76
+55
+67
+73
+57
+54
+75
+66
+65
+60
+59
+58
+52
+51
+51
+64
+68
+55
+62
+44
+63
+64
+40
+68
+71
+76
+65
+71
+57
+35
+75
+71
+75
+77
+57
+49
+90
+68
+59
+87
+68
+68
+40
+46
+64
+52
+71
+79
+68
+86
+72
+41
+64
+58
+67
+74
+59
+73
+55
+75
+63
+58
+48
+51
+65
+81
+80
+73
+60
+76
+69
+56
+46
+55
+57
+64
+74
+49
+65
+55
+53
+52
+75
+66
+68
+65
+83
+60
+76
+62
+73
+79
+77
+55
+63
+60
+85
+63
+57
+42
+66
+65
+44
+45
+53
+59
+52
+59
+79
+77
+55
+72
+80
+68
+68
+58
+49
+72
+64
+71
+67
+51
+51
+71
+52
+56
+61
+68
+63
+60
+63
+59
+60
+64
+81
+50
+54
+48
+67
+56
+49
+60
+72
+50
+77
+88
+75
+46
+76
+40
+50
+60
+75
+66
+55
+73
+77
+61
+89
+61
+44
+51
+54
+83
+49
+64
+60
+59
+68
+71
+49
+71
+60
+65
+42
+71
+55
+39
+68
+60
+51
+78
+74
+57
+71
+73
+55
+53
+74
+77
+57
+48
+70
+62
+75
+63
+63
+54
+75
+82
+80
+60
+73
+39
+79
+60
+40
+52
+74
+51
+81
+60
+60
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/regression_y_split_test01.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/regression_y_split_test01.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,67 @@
+actual
+57
+71
+75
+49
+66
+59
+68
+48
+46
+45
+67
+75
+79
+74
+60
+48
+77
+71
+85
+41
+75
+61
+76
+52
+46
+77
+88
+60
+68
+40
+89
+46
+49
+68
+57
+50
+68
+55
+64
+51
+77
+79
+42
+76
+54
+54
+59
+80
+55
+54
+54
+54
+54
+71
+56
+66
+61
+40
+71
+63
+78
+53
+75
+50
+72
+68
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/rfc_model01
Binary file test-data/rfc_model01 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/rfc_result01
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/rfc_result01	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,6 @@
+0	1	2	3	predicted
+3.68258022948	2.82110345641	-3.9901407239999998	-1.9523364774	1
+0.015942057224	-0.7119585943469999	0.125502976978	-0.972218263337	0
+2.0869076882499997	0.929399321468	-2.1292408448400004	-1.9971402218799998	1
+1.4132105208399999	0.523750660422	-1.4210539291	-1.49298569451	1
+0.7683140439399999	1.38267855169	-0.989045048734	0.649504257894	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/rfc_result02
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/rfc_result02	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,6 @@
+0	1	2	3	0
+3.68258022948	2.82110345641	-3.990140724	-1.9523364774	1
+0.015942057224	-0.711958594347	0.125502976978	-0.972218263337	0
+2.08690768825	0.929399321468	-2.12924084484	-1.99714022188	1
+1.41321052084	0.523750660422	-1.4210539291	-1.49298569451	1
+0.76831404394	1.38267855169	-0.989045048734	0.649504257894	1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/rfr_model01
Binary file test-data/rfr_model01 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/rfr_result01
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/rfr_result01	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,6 @@
+0	1	2	3	4	predicted
+86.97021227350001	1.00532111569	-1.01739601979	-0.613139481654	0.641846874331	0.6686209127804698
+91.2021798817	-0.6215229712070001	1.11914889596	0.390012184498	1.28956938152	1.0374491367850487
+-47.4101632272	-0.638416457964	-0.7327774684530001	-0.8640261049779999	-1.06109770116	-0.16198314840411981
+61.712804630200004	-1.0999480057700002	-0.739679672932	0.585657963012	1.4890682753600002	1.1603837128651284
+-206.998295124	0.130238853011	0.70574123041	1.3320656526399999	-1.3322092373799999	-0.6710618307873705
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/roc_auc_score.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/roc_auc_score.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+roc_auc_score : 
+1.0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/roc_curve.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/roc_curve.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+roc_curve : 
+(array([0., 0., 1.]), array([0., 1., 1.]), array([2, 1, 0]))
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/scurve.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/scurve.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,101 @@
+0	1	2	0
+0.39776718705997	1.55657843089970	-0.08251361596022	0.40908193877997
+-0.86879981115888	1.55919679722150	1.49516349636287	-2.08881933479976
+-0.65289858569518	1.22065630641879	0.24255466415243	-0.71140494713335
+-0.10763690701725	0.61800069704880	-1.99419027165214	3.24943849328794
+0.99901118702158	1.39546981502591	1.04445951198273	-4.66791480855597
+0.41235208162789	1.71923659145813	1.91102456650583	-3.56662701011788
+0.99925989449517	1.25064751551362	-1.03846639122004	1.60927221055449
+0.07044439596581	1.96481565921910	-1.99751570768435	3.07108986477003
+0.27862976083519	1.95300025403171	1.96039859244843	-3.42395972683000
+0.65011665703012	0.33338826239772	-0.24016558892613	0.70773795618674
+-0.51972572286454	0.04635627295681	-1.85433317446587	3.68812253056743
+-0.39023537550648	0.32148909701416	1.92071513059323	-2.74070543050842
+-0.17497560644179	1.84699365051817	1.98457276884460	-2.96571166126051
+0.52214849802422	1.90709969975907	1.85285458667410	-3.69096085168046
+-0.47925331233802	0.42195683743689	1.87767662758731	-2.64178889385637
+-0.97977425898513	0.72105050162922	-1.20010597549835	4.51092289761005
+0.20263517733109	1.09875052325534	-1.97925430042865	2.93754447428025
+-0.04968907072476	0.54366169835394	1.99876473518567	-3.09188311303017
+0.16054679698371	0.92120324214970	-1.98702822957516	2.98034804244113
+-0.84804646283126	1.39232312964677	1.52992187809091	-2.12930476964060
+-0.60013742781021	1.00071179334973	0.20010308930378	-0.64367290462456
+-0.84447848269654	1.43214198112867	-1.53558948109774	4.14718334605828
+0.14728007148812	1.05191187245956	-1.98909482889279	2.99377486434698
+-0.99965711795058	0.00279804623809	0.97381514692169	-1.54460848053403
+-0.08231500933733	0.78940057337967	1.99660636122684	-3.05918440186536
+-0.93150531410199	0.98433393980230	0.63627228618133	-1.19852972744287
+0.99856317168399	0.80576066275828	1.05358723874584	-4.65877606165848
+-0.72309049986373	0.70859660021264	1.69075330546210	-2.33332664772038
+0.34762708311665	1.00122863888591	-1.93763287649474	2.78655349368483
+0.98968220719363	0.89035325766228	1.14327989658126	-4.56861426359002
+0.80256165657373	0.18086557639287	-0.40343081926936	0.93157688044368
+0.82956862745286	0.54712584005488	-0.44159522535532	0.97833473179891
+0.54785892441872	1.88695419548545	1.83657073755587	-3.72139539228723
+-0.89687690788692	0.05308928266788	0.55771975841194	-1.11265681822453
+0.94148777871374	0.07999737928130	1.33704712212488	-4.36861024611527
+-0.51237630504464	0.56628071943964	-1.85876103895601	3.67954229875839
+-0.98387649482367	1.16468834043354	-1.17884921843132	4.53257229404396
+0.84462075857746	1.98178560584965	1.53536508494674	-4.14744904524777
+-0.51346352650877	1.98528447480594	-1.85811141872439	3.68080881254506
+0.66297042486611	1.98623474496209	-0.25135441245350	0.72477955669555
+0.75540725891007	0.22009666193313	-1.65525557852335	2.28531722974483
+0.94146657753588	1.32896289192788	-0.66289366160977	1.22695469533933
+0.69709983371402	1.04797366897663	-0.28302592666409	0.77134449118105
+0.98150332100560	0.34629981961746	1.19144511185972	-4.51975469932009
+-0.39737776530432	1.88592048983005	1.91765511584786	-2.73293511995769
+0.40880572260440	0.48372017195250	-0.08737856634534	0.42114505503778
+0.56896103935759	1.99786453768642	-1.82236447861829	2.53635073354523
+-0.71172480125230	1.16538763029980	1.70245840252814	-2.34964210993111
+-0.90170936131617	0.36655800126115	1.43234272020560	-2.01788557835913
+-0.17868797583124	0.77369084383558	-1.98390579187915	3.32124545737013
+-0.97238420561973	0.37934705782430	-1.23338585360148	4.47683073216571
+-0.46670740559088	0.82154134605062	-1.88441178054492	3.62715683862448
+-0.96972627581563	1.18936013780341	0.75580550785746	-1.32410737612446
+0.80264918483869	1.43317218625668	-0.40354858866980	0.93172361431463
+-0.97961162574302	0.97378296473825	0.79909937105844	-1.36851911905928
+-0.99791255777848	0.61917963553341	0.93542038225568	-1.50617173609004
+-0.10737008100010	1.15488274565569	1.99421912358697	-3.03401519525838
+-0.62053033447500	0.88341563913749	1.78418244305541	-2.47217384154222
+0.91193663680462	0.71935620520107	1.41033104982866	-4.28957192937856
+0.05116766471514	0.64266386401763	-0.00130992290521	0.05119001832686
+-0.91929803801872	0.41641448039205	0.60643791176621	-1.16629314143751
+0.76733212242118	0.90251724812367	-0.35875011586699	0.87467029775790
+0.94069506387414	0.98368582052811	-0.66074670701256	1.22467332521808
+0.22488014225528	1.79815262958742	1.97438643341297	-3.36841267959257
+-0.81182171546475	1.45872092205888	-1.58390538814081	4.08885791768265
+-0.87500135199695	1.54017954583939	-1.48412047467908	4.20703126278048
+0.82154938436974	0.75087849512398	-0.42986264019825	0.96412328524223
+-0.87126700078957	0.68747907047077	0.50919065480052	-1.05777788763274
+-0.96067491767947	1.31007041199864	0.72232446535292	-1.28942268363907
+-0.34769588110474	1.42207598642100	1.93760736679209	-2.78648011856577
+-0.86121371561088	0.22707515043735	1.50824298917320	-2.10393972942553
+-0.68364804192970	0.26605737874715	1.72981186258219	-2.38884304067862
+-0.06537388681621	0.91207811521225	1.99786083945736	-3.07617211177039
+-0.95089045248252	0.31947246031702	-1.30952761973303	4.39769276488546
+-0.91904458599080	1.92328380754929	-1.39415358549809	4.30724228359896
+0.79764487680537	1.67523148972362	-0.39687260839343	0.92338022079859
+0.82012784273065	1.04032137407585	-1.57218032260641	2.17995823974852
+-0.99779218141586	0.43654451545631	0.93358642679862	-1.50433383401485
+0.64665631513320	0.26983744506480	1.76278149564495	-3.84478535850956
+-0.33727714800813	1.95814069096774	0.05859460091228	-0.34402306664559
+0.08189332342924	1.41408699137829	-0.00335889931344	0.08198513727442
+0.67212785139840	1.71995111389133	1.74043510949615	-3.87867149146120
+0.26116197153766	0.77434525565728	-0.03470500642417	0.26422575485318
+-0.99726999031677	0.50166803966345	-1.07384149520151	4.63848021571996
+-0.83562138750324	0.59887603788940	0.45069416829314	-0.98926303703773
+-0.99977253923164	1.71379105681003	0.97867232318507	-1.54946703276290
+0.25977496592172	0.94596798113644	-1.96566918097264	2.87880349232616
+0.67753788404984	1.32655409403226	-1.73548787595532	2.39718279848362
+-0.98181280555323	1.61145721487357	1.18985156004547	-1.76180728144481
+0.95308405257346	0.50596100929945	-0.69729422085108	1.26326597551748
+0.37166713582053	0.15914687794065	-0.07163394065112	0.38080415080844
+-0.94128581409549	1.46552121003143	1.33761074654488	-1.91517377819665
+0.50263574695009	1.92279495500721	1.86449829721517	-3.66823761100048
+-0.98104238623297	1.90760946833533	1.19379328268628	-1.76582359131701
+-0.39444347866163	0.98099810376780	0.08107979555278	-0.40546214696481
+0.99734968930361	1.26438412886551	-0.92724288869125	1.49797487095100
+-0.73490346461986	1.46599003967598	1.67817173170940	-2.31606833009633
+0.97111212627401	1.80481900649593	-0.76137636704726	1.32984803323919
+-0.31012473730097	0.32449383749640	1.95069587530083	-2.82626841764302
+0.99637118283100	0.81176264473512	-0.91488557100025	1.48557879322013
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/searchCV01
Binary file test-data/searchCV01 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/searchCV02
Binary file test-data/searchCV02 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/sparse.mtx
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/sparse.mtx	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,8741 @@
+%%MatrixMarket matrix coordinate real general
+%
+4 1048577 8738
+1 271 0.02083333333333341
+1 1038 0.02461995616119806
+1 1665 0.01253924656438802
+1 2794 0.0250470072492813
+1 2897 0.02083333333333341
+1 3377 0.02083333333333341
+1 4053 0.05769913639656241
+1 4959 0.007693218186208322
+1 5733 0.01641330410746537
+1 5985 0.01294450932696249
+1 6146 0.02461995616119806
+1 6551 0.02083333333333341
+1 6812 0.01252350362464065
+1 7663 0.01252350362464065
+1 8132 0.01941676399044373
+1 8260 0.01294450932696249
+1 8398 0.02083333333333341
+1 8495 0.01253924656438802
+1 8846 0.02083333333333341
+1 8955 0.01641330410746537
+1 9442 0.01941676399044373
+1 9811 0.02461995616119806
+1 10010 0.01252350362464065
+1 10205 0.0194183909345155
+1 10495 0.03816237987288836
+1 12091 0.0980885318741561
+1 12255 0.01641330410746537
+1 12330 0.01294450932696249
+1 12841 0.01941676399044373
+1 13130 0.00970919546725775
+1 13234 0.00763247597457767
+1 13369 0.01252350362464065
+1 13424 0.02461995616119806
+1 13929 0.01252350362464065
+1 14370 0.01252350362464065
+1 14667 0.01641330410746537
+1 15146 0.01253924656438802
+1 15784 0.009940534656094338
+1 15880 0.02083333333333341
+1 17369 0.01252350362464065
+1 17674 0.03236127331740622
+1 18464 0.009940534656094338
+1 19202 0.00970919546725775
+1 19526 0.01252350362464065
+1 19723 0.01253924656438802
+1 19745 0.02083333333333341
+1 20407 0.01641330410746537
+1 20582 0.01252350362464065
+1 20843 0.00970919546725775
+1 20975 0.0692389636758749
+1 21671 0.0152711805445382
+1 21829 0.0250470072492813
+1 22178 0.01538643637241664
+1 22277 0.02083333333333341
+1 22856 0.01641330410746537
+1 23053 0.01641330410746537
+1 23225 0.01294450932696249
+1 23728 0.02083333333333341
+1 24382 0.01294450932696249
+1 24672 0.00970919546725775
+1 25245 0.01252350362464065
+1 26569 0.03054236108907641
+1 27748 0.01252350362464065
+1 27941 0.01252350362464065
+1 28962 0.01252350362464065
+1 29320 0.01252350362464065
+1 29735 0.07635590272269102
+1 29839 0.00970919546725775
+1 30063 0.02083333333333341
+1 30646 0.0250470072492813
+1 31588 0.03130875906160163
+1 32319 0.01294450932696249
+1 32433 0.01294450932696249
+1 32797 0.009940534656094338
+1 32800 0.00970919546725775
+1 32837 0.02083333333333341
+1 33008 0.00970919546725775
+1 33979 0.01880886984658204
+1 35441 0.0194183909345155
+1 36189 0.01641330410746537
+1 37457 0.0152711805445382
+1 38049 0.01294450932696249
+1 38464 0.00970919546725775
+1 39762 0.0194183909345155
+1 40007 0.01514765184153846
+1 40018 0.02461995616119806
+1 40091 0.01294450932696249
+1 40157 0.01880886984658204
+1 40920 0.007693218186208322
+1 41305 0.02083333333333341
+1 41617 0.01294450932696249
+1 41628 0.0250470072492813
+1 41645 0.0152711805445382
+1 41800 0.03713053286162541
+1 41970 0.01294450932696249
+1 42308 0.02083333333333341
+1 43264 0.02083333333333341
+1 43550 0.01252350362464065
+1 43781 0.01526495194915534
+1 43902 0.0250470072492813
+1 44084 0.00970919546725775
+1 44116 0.0250470072492813
+1 44133 0.01294450932696249
+1 44135 0.01641330410746537
+1 44195 0.01294450932696249
+1 44513 0.02083333333333341
+1 44990 0.009940534656094338
+1 45201 0.02083333333333341
+1 45447 0.01880886984658204
+1 45548 0.0152711805445382
+1 46543 0.01252350362464065
+1 46563 0.0152711805445382
+1 46627 0.01009843456102564
+1 46930 0.009940534656094338
+1 47084 0.01253924656438802
+1 48208 0.01252350362464065
+1 48783 0.0152711805445382
+1 48993 0.01641330410746537
+1 50742 0.02500295910517705
+1 52051 0.01880886984658204
+1 52833 0.002524608640256409
+1 53918 0.01294450932696249
+1 54190 0.01252350362464065
+1 54267 0.00970919546725775
+1 54837 0.009940534656094338
+1 55562 0.02588901865392498
+1 55759 0.02083333333333341
+1 55865 0.009940534656094338
+1 56669 0.01294450932696249
+1 57379 0.00970919546725775
+1 57633 0.0194183909345155
+1 58567 0.01641330410746537
+1 58964 0.007693218186208322
+1 59338 0.01641330410746537
+1 60239 0.02083333333333341
+1 60904 0.0152711805445382
+1 60978 0.0250470072492813
+1 61762 0.0152711805445382
+1 61825 0.01641330410746537
+1 63466 0.02083333333333341
+1 63512 0.01294450932696249
+1 63712 0.02588901865392498
+1 63749 0.01641330410746537
+1 63984 0.009940534656094338
+1 64006 0.00763247597457767
+1 64445 0.009940534656094338
+1 64848 0.009940534656094338
+1 65567 0.01294450932696249
+1 66785 0.02083333333333341
+1 66832 0.00970919546725775
+1 66867 0.01641330410746537
+1 67567 0.02083333333333341
+1 68103 0.01252350362464065
+1 68440 0.01153982727931248
+1 68573 0.003816237987288835
+1 68995 0.01253924656438802
+1 69116 0.00970919546725775
+1 69383 0.02461995616119806
+1 70257 0.01988106931218868
+1 70687 0.01252350362464065
+1 70925 0.01294450932696249
+1 71158 0.02461995616119806
+1 71207 0.0152711805445382
+1 71949 0.01252350362464065
+1 73511 0.01294450932696249
+1 73759 0.009940534656094338
+1 74529 0.02083333333333341
+1 75355 0.00970919546725775
+1 75685 0.01253924656438802
+1 75925 0.03761773969316407
+1 76856 0.01294450932696249
+1 77283 0.01252350362464065
+1 77373 0.0152711805445382
+1 77921 0.01294450932696249
+1 78493 0.01294450932696249
+1 79228 0.02083333333333341
+1 79445 0.03052990389831068
+1 80087 0.01538643637241664
+1 80207 0.01641330410746537
+1 81201 0.01988106931218868
+1 81587 0.01252350362464065
+1 81826 0.01878525543696098
+1 82098 0.00970919546725775
+1 82280 0.01252350362464065
+1 82967 0.0152711805445382
+1 83288 0.02461995616119806
+1 83583 0.0152711805445382
+1 84222 0.01252350362464065
+1 84759 0.0152711805445382
+1 84953 0.02083333333333341
+1 86371 0.02083333333333341
+1 87437 0.01294450932696249
+1 87972 0.02588901865392498
+1 88479 0.009940534656094338
+1 89121 0.009940534656094338
+1 89727 0.02461995616119806
+1 90493 0.0194183909345155
+1 91211 0.01641330410746537
+1 91353 0.01252350362464065
+1 91551 0.01641330410746537
+1 91823 0.01641330410746537
+1 92095 0.01253924656438802
+1 93529 0.02083333333333341
+1 94588 0.0250470072492813
+1 94897 0.02083333333333341
+1 95108 0.003816237987288835
+1 95266 0.03757051087392196
+1 95311 0.00970919546725775
+1 95562 0.0250470072492813
+1 96267 0.01641330410746537
+1 96369 0.01294450932696249
+1 96701 0.01253924656438802
+1 99581 0.01253924656438802
+1 99680 0.01294450932696249
+1 99745 0.01252350362464065
+1 99799 0.01252350362464065
+1 99804 0.01294450932696249
+1 99868 0.0250470072492813
+1 100955 0.02083333333333341
+1 101157 0.01253924656438802
+1 101535 0.01253924656438802
+1 101713 0.00970919546725775
+1 102701 0.01456379320088663
+1 102823 0.02083333333333341
+1 103135 0.01253924656438802
+1 103782 0.01641330410746537
+1 103939 0.01252350362464065
+1 104826 0.0152711805445382
+1 105094 0.02083333333333341
+1 107396 0.01252350362464065
+1 107769 0.02083333333333341
+1 108657 0.01641330410746537
+1 108768 0.00970919546725775
+1 108984 0.01294450932696249
+1 110259 0.003846609093104161
+1 110745 0.01252350362464065
+1 110756 0.01294450932696249
+1 110859 0.01252350362464065
+1 110888 0.00970919546725775
+1 111045 0.0250470072492813
+1 111143 0.03054236108907641
+1 111705 0.02083333333333341
+1 112267 0.00970919546725775
+1 112414 0.01252350362464065
+1 112763 0.01294450932696249
+1 113747 0.01294450932696249
+1 113849 0.1060335628907692
+1 114601 0.01878525543696098
+1 115629 0.0152711805445382
+1 116308 0.01252350362464065
+1 116527 0.01988106931218868
+1 116974 0.02083333333333341
+1 117026 0.0250470072492813
+1 117057 0.01641330410746537
+1 117062 0.02083333333333341
+1 117502 0.0250470072492813
+1 117854 0.02480554691737743
+1 118394 0.03130875906160163
+1 118500 0.01880886984658204
+1 119267 0.03054236108907641
+1 119919 0.02083333333333341
+1 120949 0.02461995616119806
+1 121228 0.01294450932696249
+1 121543 0.05964320793656602
+1 121735 0.02083333333333341
+1 121853 0.01252350362464065
+1 121961 0.02083333333333341
+1 122223 0.02083333333333341
+1 123021 0.01253924656438802
+1 123794 0.02461995616119806
+1 124859 0.0152711805445382
+1 125092 0.01641330410746537
+1 125722 0.02083333333333341
+1 127546 0.0250470072492813
+1 128673 0.00970919546725775
+1 128769 0.01294450932696249
+1 129843 0.00970919546725775
+1 129911 0.1113915985848763
+1 131172 0.01252350362464065
+1 131226 0.01252350362464065
+1 131882 0.01294450932696249
+1 131950 0.02461995616119806
+1 133591 0.0152711805445382
+1 134285 0.02588901865392498
+1 134551 0.1128532190794922
+1 134617 0.02083333333333341
+1 135267 0.02475368857441695
+1 135321 0.01294450932696249
+1 136154 0.01294450932696249
+1 137947 0.009940534656094338
+1 138230 0.01641330410746537
+1 138545 0.01294450932696249
+1 138766 0.02083333333333341
+1 138791 0.0152711805445382
+1 139509 0.01641330410746537
+1 139598 0.02083333333333341
+1 140243 0.02461995616119806
+1 140648 0.01253924656438802
+1 141395 0.02588901865392498
+1 141425 0.04473240595242451
+1 141594 0.01294450932696249
+1 141605 0.05533545081568811
+1 142083 0.00970919546725775
+1 143115 0.01294450932696249
+1 143421 0.009940534656094338
+1 143500 0.009940534656094338
+1 143517 0.01252350362464065
+1 143543 0.01641330410746537
+1 143634 0.01941676399044373
+1 143657 0.02588901865392498
+1 143967 0.01641330410746537
+1 146788 0.01252350362464065
+1 147249 0.01253924656438802
+1 147344 0.03130875906160163
+1 147480 0.01252350362464065
+1 148143 0.01252350362464065
+1 148159 0.01294450932696249
+1 148860 0.02461995616119806
+1 148891 0.00970919546725775
+1 149154 0.01294450932696249
+1 150382 0.02588901865392498
+1 150403 0.01252350362464065
+1 151374 0.01252350362464065
+1 152097 0.02083333333333341
+1 153195 0.01988106931218868
+1 153776 0.02588901865392498
+1 154577 0.00970919546725775
+1 154981 0.009940534656094338
+1 155786 0.02083333333333341
+1 156088 0.02588901865392498
+1 156173 0.04331895500522965
+1 156833 0.03534452096358973
+1 158361 0.02461995616119806
+1 158485 0.01253924656438802
+1 158670 0.009940534656094338
+1 160148 0.02083333333333341
+1 160255 0.01252350362464065
+1 160907 0.01294450932696249
+1 161225 0.009940534656094338
+1 161941 0.01294450932696249
+1 162058 0.01294450932696249
+1 162627 0.01988106931218868
+1 163139 0.01641330410746537
+1 163510 0.01988106931218868
+1 163802 0.01641330410746537
+1 164268 0.00970919546725775
+1 164349 0.01253924656438802
+1 164920 0.02083333333333341
+1 167064 0.01941676399044373
+1 167285 0.01253924656438802
+1 168042 0.01641330410746537
+1 168395 0.01252350362464065
+1 169112 0.01294450932696249
+1 169798 0.0194183909345155
+1 169919 0.01988106931218868
+1 170450 0.03130875906160163
+1 171235 0.01252350362464065
+1 172028 0.01294450932696249
+1 173456 0.01456379320088663
+1 173803 0.08946481190484902
+1 175259 0.02588901865392498
+1 176207 0.01880886984658204
+1 176305 0.009940534656094338
+1 176679 0.01253924656438802
+1 177446 0.01538643637241664
+1 177628 0.0250470072492813
+1 178021 0.009940534656094338
+1 178171 0.01253924656438802
+1 178357 0.00970919546725775
+1 178427 0.01294450932696249
+1 179038 0.02461995616119806
+1 180259 0.01294450932696249
+1 180685 0.01294450932696249
+1 180718 0.02461995616119806
+1 180885 0.0152711805445382
+1 180933 0.01294450932696249
+1 182363 0.01252350362464065
+1 182433 0.01253924656438802
+1 182481 0.02083333333333341
+1 182573 0.02083333333333341
+1 183372 0.01294450932696249
+1 183621 0.01641330410746537
+1 184016 0.02588901865392498
+1 184481 0.02083333333333341
+1 184610 0.0250470072492813
+1 185008 0.02588901865392498
+1 186273 0.02083333333333341
+1 186385 0.01294450932696249
+1 186765 0.005049217280512819
+1 187898 0.01988106931218868
+1 188536 0.01641330410746537
+1 189199 0.03534452096358973
+1 189379 0.01878525543696098
+1 189392 0.00970919546725775
+1 189521 0.01294450932696249
+1 190130 0.0250470072492813
+1 192101 0.01252350362464065
+1 193326 0.00970919546725775
+1 193701 0.01252350362464065
+1 194121 0.01641330410746537
+1 195336 0.03130875906160163
+1 196222 0.01294450932696249
+1 196237 0.01641330410746537
+1 196289 0.0250470072492813
+1 196507 0.01641330410746537
+1 197419 0.01253924656438802
+1 197719 0.02083333333333341
+1 197866 0.02461995616119806
+1 198704 0.02083333333333341
+1 198777 0.02083333333333341
+1 198949 0.01253924656438802
+1 199361 0.0250470072492813
+1 199919 0.01880886984658204
+1 200718 0.01252350362464065
+1 200776 0.00763247597457767
+1 201106 0.01294450932696249
+1 202105 0.02083333333333341
+1 202185 0.02083333333333341
+1 202228 0.00763247597457767
+1 202450 0.01253924656438802
+1 203041 0.01253924656438802
+1 203255 0.01294450932696249
+1 203748 0.01641330410746537
+1 203819 0.009940534656094338
+1 204103 0.01294450932696249
+1 204865 0.01641330410746537
+1 205012 0.0250470072492813
+1 205050 0.01294450932696249
+1 205194 0.01252350362464065
+1 205247 0.02083333333333341
+1 205563 0.01294450932696249
+1 206024 0.003816237987288835
+1 206868 0.02083333333333341
+1 208159 0.01252350362464065
+1 208763 0.01294450932696249
+1 208943 0.02083333333333341
+1 208949 0.01252350362464065
+1 209005 0.0152711805445382
+1 209120 0.0152711805445382
+1 209129 0.01294450932696249
+1 209158 0.0250470072492813
+1 209640 0.01252350362464065
+1 212189 0.01253924656438802
+1 212318 0.02588901865392498
+1 212656 0.00970919546725775
+1 213781 0.01294450932696249
+1 213991 0.005049217280512819
+1 214939 0.02083333333333341
+1 215191 0.01880886984658204
+1 215297 0.01252350362464065
+1 215405 0.01294450932696249
+1 215456 0.02083333333333341
+1 215814 0.02461995616119806
+1 215831 0.0152711805445382
+1 216133 0.01252350362464065
+1 216402 0.01294450932696249
+1 217292 0.02083333333333341
+1 217475 0.01252350362464065
+1 217579 0.01252350362464065
+1 217588 0.01252350362464065
+1 218203 0.00970919546725775
+1 218844 0.02083333333333341
+1 219431 0.02083333333333341
+1 221418 0.03130875906160163
+1 221837 0.01252350362464065
+1 222748 0.02083333333333341
+1 223024 0.009940534656094338
+1 223750 0.03236127331740622
+1 223865 0.02083333333333341
+1 224060 0.01294450932696249
+1 224386 0.02083333333333341
+1 224863 0.04039373824410255
+1 226094 0.01252350362464065
+1 226611 0.01252350362464065
+1 227234 0.01294450932696249
+1 227478 0.01641330410746537
+1 228510 0.01253924656438802
+1 228826 0.01641330410746537
+1 229564 0.00970919546725775
+1 229755 0.01641330410746537
+1 230069 0.01009843456102564
+1 230091 0.02588901865392498
+1 230159 0.00970919546725775
+1 230331 0.01294450932696249
+1 230517 0.01641330410746537
+1 230580 0.02083333333333341
+1 231855 0.01294450932696249
+1 232906 0.01252350362464065
+1 233217 0.0250470072492813
+1 233433 0.02083333333333341
+1 233446 0.01641330410746537
+1 233625 0.01252350362464065
+1 233706 0.01641330410746537
+1 233984 0.02083333333333341
+1 234071 0.01641330410746537
+1 234182 0.02083333333333341
+1 234251 0.009940534656094338
+1 235086 0.02461995616119806
+1 235305 0.01294450932696249
+1 235740 0.02588901865392498
+1 236383 0.01294450932696249
+1 237092 0.009940534656094338
+1 237713 0.009940534656094338
+1 238455 0.01641330410746537
+1 238541 0.00970919546725775
+1 238631 0.02083333333333341
+1 238679 0.02083333333333341
+1 239092 0.02083333333333341
+1 239095 0.00970919546725775
+1 239183 0.02083333333333341
+1 240526 0.005049217280512819
+1 240609 0.02083333333333341
+1 241344 0.02461995616119806
+1 241364 0.01538643637241664
+1 241686 0.01253924656438802
+1 241694 0.01294450932696249
+1 241792 0.02461995616119806
+1 242388 0.0250470072492813
+1 243151 0.01988106931218868
+1 243242 0.01252350362464065
+1 243550 0.01641330410746537
+1 243701 0.0194183909345155
+1 244199 0.009940534656094338
+1 244768 0.01252350362464065
+1 245189 0.01252350362464065
+1 245636 0.00763247597457767
+1 245787 0.0250470072492813
+1 246370 0.02588901865392498
+1 246726 0.01252350362464065
+1 246823 0.02083333333333341
+1 247151 0.009940534656094338
+1 247513 0.01641330410746537
+1 248826 0.0250470072492813
+1 249229 0.01253924656438802
+1 250092 0.01294450932696249
+1 250329 0.02083333333333341
+1 250620 0.03757051087392196
+1 251293 0.01252350362464065
+1 252501 0.01252350362464065
+1 253358 0.01641330410746537
+1 253528 0.01294450932696249
+1 253726 0.01252350362464065
+1 254617 0.01988106931218868
+1 254775 0.02588901865392498
+1 255223 0.01641330410746537
+1 255258 0.009940534656094338
+1 255422 0.01641330410746537
+1 256082 0.01252350362464065
+1 256504 0.01294450932696249
+1 256660 0.00970919546725775
+1 256674 0.0250470072492813
+1 256687 0.02083333333333341
+1 256843 0.00970919546725775
+1 257065 0.01294450932696249
+1 257110 0.0250470072492813
+1 257539 0.01514765184153846
+1 258279 0.01252350362464065
+1 258282 0.01252350362464065
+1 258551 0.00970919546725775
+1 258867 0.01641330410746537
+1 259515 0.03761773969316407
+1 259556 0.01641330410746537
+1 259760 0.009940534656094338
+1 260345 0.02083333333333341
+1 260887 0.01294450932696249
+1 260920 0.01294450932696249
+1 262026 0.01294450932696249
+1 262266 0.02083333333333341
+1 263592 0.02588901865392498
+1 264703 0.01641330410746537
+1 264853 0.02461995616119806
+1 265783 0.02461995616119806
+1 267173 0.02461995616119806
+1 267713 0.01641330410746537
+1 268387 0.01988106931218868
+1 269467 0.01294450932696249
+1 270032 0.009940534656094338
+1 270403 0.01880886984658204
+1 270917 0.01641330410746537
+1 272639 0.01294450932696249
+1 272708 0.02485133664023584
+1 272837 0.01294450932696249
+1 272861 0.01252350362464065
+1 272964 0.02083333333333341
+1 273103 0.0152711805445382
+1 273555 0.0807874764882051
+1 273655 0.01294450932696249
+1 274558 0.01641330410746537
+1 274591 0.01880886984658204
+1 274746 0.03269617729138537
+1 274916 0.01878525543696098
+1 274999 0.00970919546725775
+1 275478 0.01641330410746537
+1 275929 0.02083333333333341
+1 276210 0.0250470072492813
+1 276848 0.02588901865392498
+1 277053 0.01641330410746537
+1 277134 0.01252350362464065
+1 277665 0.009940534656094338
+1 277785 0.01641330410746537
+1 277810 0.00763247597457767
+1 278393 0.0194183909345155
+1 278501 0.01252350362464065
+1 279024 0.009940534656094338
+1 279328 0.01009843456102564
+1 279489 0.02083333333333341
+1 280377 0.02083333333333341
+1 281478 0.0250470072492813
+1 281729 0.01988106931218868
+1 282269 0.01252350362464065
+1 282315 0.00970919546725775
+1 283247 0.02083333333333341
+1 283688 0.02289742792373301
+1 284208 0.009940534656094338
+1 284965 0.00970919546725775
+1 285779 0.006188422143604237
+1 285807 0.02083333333333341
+1 286861 0.01294450932696249
+1 288508 0.0250470072492813
+1 288997 0.0152711805445382
+1 289037 0.01641330410746537
+1 289375 0.00970919546725775
+1 290019 0.01253924656438802
+1 290325 0.0152711805445382
+1 290579 0.01988106931218868
+1 290753 0.01009843456102564
+1 291013 0.02083333333333341
+1 291051 0.01294450932696249
+1 291231 0.01294450932696249
+1 291574 0.00970919546725775
+1 291726 0.01641330410746537
+1 292105 0.01294450932696249
+1 292355 0.009940534656094338
+1 292587 0.01153982727931248
+1 292912 0.01641330410746537
+1 292997 0.009940534656094338
+1 293500 0.005049217280512819
+1 293711 0.02083333333333341
+1 293850 0.009940534656094338
+1 293924 0.02588901865392498
+1 294708 0.01253924656438802
+1 296412 0.02461995616119806
+1 296658 0.02461995616119806
+1 298087 0.01641330410746537
+1 298201 0.01294450932696249
+1 298478 0.01294450932696249
+1 298845 0.01252350362464065
+1 299813 0.01253924656438802
+1 301591 0.003846609093104161
+1 302093 0.01294450932696249
+1 302270 0.00970919546725775
+1 302329 0.03236127331740622
+1 302558 0.02083333333333341
+1 303448 0.01641330410746537
+1 303633 0.02083333333333341
+1 304104 0.02083333333333341
+1 304505 0.02083333333333341
+1 304835 0.01294450932696249
+1 305245 0.01641330410746537
+1 306705 0.0152711805445382
+1 307293 0.01294450932696249
+1 308593 0.00970919546725775
+1 308794 0.01641330410746537
+1 308871 0.03054236108907641
+1 309767 0.00970919546725775
+1 310286 0.02461995616119806
+1 310319 0.01880886984658204
+1 311074 0.01252350362464065
+1 311309 0.02507849312877605
+1 311475 0.01641330410746537
+1 311569 0.01252350362464065
+1 313133 0.00970919546725775
+1 313309 0.01294450932696249
+1 314147 0.0194183909345155
+1 314772 0.01294450932696249
+1 315579 0.01252350362464065
+1 315625 0.009940534656094338
+1 316234 0.02588901865392498
+1 316529 0.009940534656094338
+1 316775 0.01252350362464065
+1 317240 0.01641330410746537
+1 317263 0.02083333333333341
+1 318300 0.01294450932696249
+1 319292 0.01641330410746537
+1 320029 0.01252350362464065
+1 320047 0.01253924656438802
+1 320489 0.00970919546725775
+1 320967 0.09162708326722924
+1 321902 0.02475368857441695
+1 322673 0.02588901865392498
+1 322837 0.03761773969316407
+1 322950 0.01252350362464065
+1 323439 0.02485133664023584
+1 323974 0.00970919546725775
+1 325320 0.01253924656438802
+1 325849 0.01294450932696249
+1 326159 0.01294450932696249
+1 328017 0.01641330410746537
+1 328212 0.02588901865392498
+1 328508 0.02588901865392498
+1 329457 0.01294450932696249
+1 329550 0.02083333333333341
+1 329647 0.0152711805445382
+1 330545 0.02083333333333341
+1 330608 0.01294450932696249
+1 331657 0.01294450932696249
+1 332057 0.01253924656438802
+1 332199 0.02083333333333341
+1 332245 0.01294450932696249
+1 332505 0.02083333333333341
+1 332667 0.005049217280512819
+1 332776 0.01252350362464065
+1 334087 0.02507849312877605
+1 334289 0.01252350362464065
+1 334530 0.01294450932696249
+1 334906 0.01641330410746537
+1 335347 0.01294450932696249
+1 335647 0.01988106931218868
+1 336926 0.0250470072492813
+1 337246 0.01294450932696249
+1 337445 0.02461995616119806
+1 337772 0.01880886984658204
+1 338040 0.02461995616119806
+1 338343 0.02083333333333341
+1 339052 0.01252350362464065
+1 339437 0.0152711805445382
+1 341481 0.01641330410746537
+1 341487 0.01253924656438802
+1 341623 0.00970919546725775
+1 342031 0.01641330410746537
+1 342053 0.009940534656094338
+1 342674 0.01294450932696249
+1 343279 0.02083333333333341
+1 343649 0.01641330410746537
+1 343991 0.03236127331740622
+1 344000 0.01641330410746537
+1 344800 0.01252350362464065
+1 345999 0.01294450932696249
+1 346243 0.01252350362464065
+1 346795 0.0866379100104593
+1 347547 0.01294450932696249
+1 347646 0.005049217280512819
+1 348030 0.0250470072492813
+1 348575 0.01253924656438802
+1 349222 0.009940534656094338
+1 349605 0.01252350362464065
+1 349920 0.02461995616119806
+1 349972 0.02588901865392498
+1 350008 0.02461995616119806
+1 350261 0.01252350362464065
+1 350448 0.02588901865392498
+1 350800 0.03269617729138537
+1 351340 0.02588901865392498
+1 351573 0.01641330410746537
+1 351799 0.01641330410746537
+1 351835 0.01252350362464065
+1 352046 0.01294450932696249
+1 352800 0.01252350362464065
+1 353331 0.01641330410746537
+1 353895 0.02083333333333341
+1 354489 0.04581354163361462
+1 354881 0.01253924656438802
+1 354907 0.01641330410746537
+1 356613 0.009940534656094338
+1 356740 0.02083333333333341
+1 356818 0.01252350362464065
+1 356882 0.01294450932696249
+1 357375 0.01252350362464065
+1 357870 0.01641330410746537
+1 357998 0.01641330410746537
+1 358207 0.01641330410746537
+1 358668 0.02461995616119806
+1 359549 0.03236127331740622
+1 360492 0.02588901865392498
+1 361829 0.07426106572325082
+1 362229 0.01252350362464065
+1 362857 0.1404012318983019
+1 363732 0.00970919546725775
+1 364449 0.01253924656438802
+1 364742 0.01294450932696249
+1 364896 0.02083333333333341
+1 365449 0.01252350362464065
+1 365489 0.00970919546725775
+1 366532 0.01294450932696249
+1 367231 0.01252350362464065
+1 367473 0.01294450932696249
+1 367497 0.116510345607093
+1 368971 0.01252350362464065
+1 369661 0.01641330410746537
+1 370629 0.00970919546725775
+1 371067 0.01252350362464065
+1 371712 0.02461995616119806
+1 372544 0.02461995616119806
+1 372785 0.01294450932696249
+1 373003 0.01294450932696249
+1 373477 0.02083333333333341
+1 373594 0.01456379320088663
+1 374371 0.038836781869031
+1 374535 0.0152711805445382
+1 374551 0.05577583185001034
+1 375487 0.003816237987288835
+1 376580 0.01252350362464065
+1 376603 0.03130875906160163
+1 376913 0.01294450932696249
+1 377453 0.0152711805445382
+1 378843 0.02083333333333341
+1 379363 0.01641330410746537
+1 380290 0.02083333333333341
+1 380903 0.01252350362464065
+1 380994 0.01252350362464065
+1 381073 0.01641330410746537
+1 381105 0.01641330410746537
+1 381326 0.02083333333333341
+1 382227 0.01294450932696249
+1 382361 0.009940534656094338
+1 382394 0.00970919546725775
+1 383328 0.0250470072492813
+1 383585 0.01294450932696249
+1 383717 0.0194183909345155
+1 384320 0.02588901865392498
+1 386089 0.009940534656094338
+1 386245 0.009940534656094338
+1 386506 0.01294450932696249
+1 386583 0.0152711805445382
+1 386722 0.02461995616119806
+1 387163 0.02912758640177325
+1 387523 0.01491080198414151
+1 387544 0.009940534656094338
+1 387729 0.02083333333333341
+1 387927 0.00970919546725775
+1 388119 0.02083333333333341
+1 388732 0.02461995616119806
+1 388849 0.01294450932696249
+1 389034 0.02461995616119806
+1 389623 0.00763247597457767
+1 390950 0.009940534656094338
+1 391054 0.01009843456102564
+1 391307 0.02083333333333341
+1 391366 0.02083333333333341
+1 391532 0.01641330410746537
+1 392046 0.0250470072492813
+1 392619 0.01252350362464065
+1 393854 0.02083333333333341
+1 395286 0.01491080198414151
+1 396456 0.0194183909345155
+1 396472 0.009940534656094338
+1 396823 0.0152711805445382
+1 396923 0.009940534656094338
+1 397170 0.01252350362464065
+1 397866 0.0250470072492813
+1 397918 0.01252350362464065
+1 398211 0.01294450932696249
+1 398215 0.02083333333333341
+1 398246 0.01294450932696249
+1 398258 0.01252350362464065
+1 399120 0.00970919546725775
+1 400010 0.01641330410746537
+1 400231 0.0152711805445382
+1 401727 0.01294450932696249
+1 401789 0.02427298866814438
+1 401972 0.01252350362464065
+1 402051 0.06487604578391019
+1 402585 0.009940534656094338
+1 402744 0.02485133664023584
+1 402865 0.0152711805445382
+1 402909 0.01641330410746537
+1 403239 0.02083333333333341
+1 403250 0.009940534656094338
+1 403396 0.02588901865392498
+1 404005 0.01253924656438802
+1 404921 0.01294450932696249
+1 405249 0.01641330410746537
+1 405257 0.01252350362464065
+1 405953 0.01988106931218868
+1 406402 0.01253924656438802
+1 408837 0.01641330410746537
+1 409153 0.02427298866814438
+1 409251 0.00970919546725775
+1 409413 0.03846609093104161
+1 409728 0.00970919546725775
+1 410208 0.01253924656438802
+1 411139 0.0152711805445382
+1 411232 0.005049217280512819
+1 411303 0.009940534656094338
+1 411779 0.009940534656094338
+1 411984 0.02083333333333341
+1 413664 0.02083333333333341
+1 413831 0.01880886984658204
+1 414207 0.01252350362464065
+1 415365 0.01252350362464065
+1 415519 0.01641330410746537
+1 416111 0.01252350362464065
+1 416605 0.01294450932696249
+1 416772 0.01294450932696249
+1 416903 0.01252350362464065
+1 416962 0.02461995616119806
+1 417269 0.01641330410746537
+1 417427 0.01641330410746537
+1 417475 0.01253924656438802
+1 417511 0.01641330410746537
+1 417556 0.02588901865392498
+1 417954 0.02461995616119806
+1 418733 0.00970919546725775
+1 419725 0.00970919546725775
+1 420027 0.01252350362464065
+1 420295 0.01294450932696249
+1 420844 0.0194183909345155
+1 420939 0.01252350362464065
+1 422380 0.01252350362464065
+1 423076 0.02588901865392498
+1 423105 0.01294450932696249
+1 424853 0.02507849312877605
+1 426215 0.00970919546725775
+1 427774 0.01252350362464065
+1 428057 0.01294450932696249
+1 428282 0.02083333333333341
+1 428442 0.01641330410746537
+1 428966 0.0250470072492813
+1 429063 0.00970919546725775
+1 429139 0.01252350362464065
+1 429235 0.01941676399044373
+1 429439 0.00970919546725775
+1 430665 0.0250470072492813
+1 430812 0.02083333333333341
+1 431455 0.01641330410746537
+1 431650 0.0250470072492813
+1 431895 0.0152711805445382
+1 431911 0.02083333333333341
+1 432307 0.02588901865392498
+1 432592 0.01252350362464065
+1 432865 0.00970919546725775
+1 433262 0.01641330410746537
+1 433703 0.0152711805445382
+1 435131 0.01641330410746537
+1 435396 0.0152711805445382
+1 436109 0.01252350362464065
+1 437710 0.02461995616119806
+1 437811 0.02083333333333341
+1 438055 0.009940534656094338
+1 438193 0.0250470072492813
+1 438918 0.003816237987288835
+1 439365 0.01252350362464065
+1 440291 0.0152711805445382
+1 440827 0.01252350362464065
+1 440949 0.01294450932696249
+1 441401 0.02083333333333341
+1 441573 0.01252350362464065
+1 441779 0.01538643637241664
+1 441889 0.0250470072492813
+1 442066 0.009940534656094338
+1 442104 0.02588901865392498
+1 443400 0.01294450932696249
+1 443568 0.01253924656438802
+1 443852 0.009940534656094338
+1 443890 0.00970919546725775
+1 444047 0.01294450932696249
+1 444326 0.02083333333333341
+1 444625 0.01144871396186651
+1 444744 0.00970919546725775
+1 445264 0.03130875906160163
+1 445497 0.02083333333333341
+1 445733 0.009940534656094338
+1 446465 0.00970919546725775
+1 447698 0.01294450932696249
+1 447747 0.0152711805445382
+1 447823 0.00970919546725775
+1 448137 0.0194183909345155
+1 448402 0.01252350362464065
+1 448535 0.01252350362464065
+1 448760 0.02083333333333341
+1 449202 0.01294450932696249
+1 449606 0.02083333333333341
+1 449862 0.009940534656094338
+1 450693 0.01252350362464065
+1 451111 0.0152711805445382
+1 451480 0.01253924656438802
+1 452497 0.01252350362464065
+1 453268 0.01252350362464065
+1 453296 0.009940534656094338
+1 454364 0.02588901865392498
+1 455447 0.01294450932696249
+1 455469 0.01641330410746537
+1 456135 0.0152711805445382
+1 456696 0.0250470072492813
+1 456727 0.00970919546725775
+1 456962 0.00763247597457767
+1 457134 0.02083333333333341
+1 457332 0.01641330410746537
+1 457688 0.01252350362464065
+1 458825 0.01294450932696249
+1 459321 0.01252350362464065
+1 459459 0.01252350362464065
+1 459484 0.01641330410746537
+1 460451 0.01641330410746537
+1 461772 0.02083333333333341
+1 462983 0.02083333333333341
+1 463330 0.01253924656438802
+1 466046 0.02083333333333341
+1 466163 0.02588901865392498
+1 466438 0.00763247597457767
+1 466930 0.03130875906160163
+1 467128 0.01641330410746537
+1 467182 0.01252350362464065
+1 468032 0.02083333333333341
+1 468238 0.0194183909345155
+1 468255 0.0194183909345155
+1 469806 0.01252350362464065
+1 470177 0.02083333333333341
+1 471625 0.0250470072492813
+1 473555 0.01641330410746537
+1 474290 0.02588901865392498
+1 474323 0.01294450932696249
+1 474738 0.02588901865392498
+1 474811 0.02083333333333341
+1 476091 0.02083333333333341
+1 476097 0.0152711805445382
+1 476300 0.01294450932696249
+1 476647 0.01988106931218868
+1 477078 0.01641330410746537
+1 477443 0.04231270002414577
+1 478903 0.003846609093104161
+1 479194 0.01641330410746537
+1 479316 0.0250470072492813
+1 479462 0.01294450932696249
+1 480203 0.01294450932696249
+1 480756 0.01252350362464065
+1 481431 0.01294450932696249
+1 481655 0.01294450932696249
+1 481772 0.02588901865392498
+1 482693 0.038836781869031
+1 484203 0.02083333333333341
+1 484427 0.01252350362464065
+1 484463 0.01252350362464065
+1 486443 0.01252350362464065
+1 486474 0.008206652053732687
+1 486562 0.01252350362464065
+1 487342 0.01253924656438802
+1 487563 0.0194183909345155
+1 487715 0.01294450932696249
+1 487721 0.02461995616119806
+1 487905 0.01252350362464065
+1 488169 0.01294450932696249
+1 488283 0.01641330410746537
+1 488578 0.01252350362464065
+1 488754 0.009940534656094338
+1 489620 0.02588901865392498
+1 489981 0.02588901865392498
+1 490056 0.02588901865392498
+1 490450 0.01294450932696249
+1 491133 0.02461995616119806
+1 491856 0.01641330410746537
+1 492853 0.01641330410746537
+1 493106 0.01153982727931248
+1 493833 0.01641330410746537
+1 494057 0.009940534656094338
+1 494140 0.01641330410746537
+1 494653 0.01252350362464065
+1 494999 0.01252350362464065
+1 495041 0.01294450932696249
+1 495212 0.01641330410746537
+1 495253 0.01294450932696249
+1 495346 0.01294450932696249
+1 495495 0.01641330410746537
+1 496538 0.02461995616119806
+1 497799 0.02083333333333341
+1 498598 0.02588901865392498
+1 498729 0.01941676399044373
+1 498806 0.01294450932696249
+1 499200 0.00970919546725775
+1 500119 0.02083333333333341
+1 501376 0.00970919546725775
+1 501770 0.01252350362464065
+1 502457 0.0194183909345155
+1 502933 0.0152711805445382
+1 505209 0.01641330410746537
+1 505501 0.01294450932696249
+1 505757 0.009940534656094338
+1 506015 0.00970919546725775
+1 506049 0.01988106931218868
+1 506279 0.01252350362464065
+1 507446 0.01294450932696249
+1 507537 0.0194183909345155
+1 507692 0.02862178490466626
+1 508661 0.009940534656094338
+1 509156 0.02588901865392498
+1 509794 0.02461995616119806
+1 509886 0.0250470072492813
+1 510415 0.02083333333333341
+1 510621 0.01252350362464065
+1 510760 0.01294450932696249
+1 511339 0.01988106931218868
+1 511875 0.01252350362464065
+1 512217 0.02083333333333341
+1 512365 0.0152711805445382
+1 512435 0.01641330410746537
+1 514303 0.01252350362464065
+1 514424 0.02588901865392498
+1 514675 0.0194183909345155
+1 515835 0.01294450932696249
+1 516159 0.01294450932696249
+1 516634 0.02524608640256409
+1 517577 0.01641330410746537
+1 517655 0.0152711805445382
+1 517939 0.01294450932696249
+1 520773 0.01641330410746537
+1 521972 0.01294450932696249
+1 523137 0.01641330410746537
+1 523271 0.01880886984658204
+1 523541 0.07635590272269102
+1 523743 0.00970919546725775
+1 524124 0.00970919546725775
+1 524997 0.02461995616119806
+1 526796 0.01456379320088663
+1 527366 0.02083333333333341
+1 527539 0.01641330410746537
+1 527635 0.01252350362464065
+1 527957 0.009940534656094338
+1 529604 0.02083333333333341
+1 530280 0.01294450932696249
+1 531086 0.01641330410746537
+1 531409 0.009940534656094338
+1 531424 0.01252350362464065
+1 531908 0.003846609093104161
+1 532467 0.01294450932696249
+1 533840 0.01641330410746537
+1 534983 0.01253924656438802
+1 535275 0.03757051087392196
+1 535349 0.01253924656438802
+1 535504 0.02461995616119806
+1 535703 0.00970919546725775
+1 535823 0.01252350362464065
+1 535865 0.01641330410746537
+1 536579 0.01641330410746537
+1 537050 0.01252350362464065
+1 537145 0.02083333333333341
+1 537570 0.01294450932696249
+1 537571 0.01252350362464065
+1 538191 0.02083333333333341
+1 538759 0.0152711805445382
+1 539117 0.02083333333333341
+1 539258 0.01252350362464065
+1 539651 0.01880886984658204
+1 540911 0.01294450932696249
+1 541817 0.03976213862437735
+1 543232 0.02083333333333341
+1 543265 0.0194183909345155
+1 543507 0.00970919546725775
+1 543821 0.01641330410746537
+1 543838 0.01294450932696249
+1 544468 0.01641330410746537
+1 546631 0.01252350362464065
+1 546932 0.01641330410746537
+1 547157 0.01456379320088663
+1 547672 0.01252350362464065
+1 549024 0.01252350362464065
+1 549163 0.01252350362464065
+1 549180 0.03130875906160163
+1 549475 0.0194183909345155
+1 549550 0.01252350362464065
+1 550986 0.009940534656094338
+1 553486 0.01941676399044373
+1 553835 0.01252350362464065
+1 554171 0.005049217280512819
+1 554750 0.02083333333333341
+1 554848 0.02019686912205127
+1 555415 0.01641330410746537
+1 555619 0.01878525543696098
+1 555821 0.01294450932696249
+1 556357 0.02083333333333341
+1 556385 0.0152711805445382
+1 556469 0.01526495194915534
+1 556606 0.0250470072492813
+1 558397 0.01252350362464065
+1 558466 0.01252350362464065
+1 558683 0.01252350362464065
+1 559405 0.01641330410746537
+1 559790 0.01294450932696249
+1 562496 0.01641330410746537
+1 562593 0.009940534656094338
+1 563130 0.01294450932696249
+1 563759 0.02083333333333341
+1 564677 0.0250470072492813
+1 565857 0.00970919546725775
+1 566883 0.0152711805445382
+1 567030 0.0250470072492813
+1 567213 0.02083333333333341
+1 567339 0.02083333333333341
+1 567481 0.01294450932696249
+1 567885 0.0152711805445382
+1 567941 0.01253924656438802
+1 568056 0.01294450932696249
+1 568582 0.0250470072492813
+1 568593 0.0152711805445382
+1 569872 0.02588901865392498
+1 570271 0.00970919546725775
+1 570318 0.01252350362464065
+1 570391 0.02083333333333341
+1 570986 0.02588901865392498
+1 571671 0.0152711805445382
+1 571693 0.01252350362464065
+1 571843 0.00763247597457767
+1 572486 0.0250470072492813
+1 573419 0.01641330410746537
+1 573547 0.02912758640177325
+1 574999 0.00970919546725775
+1 576937 0.02461995616119806
+1 578067 0.01641330410746537
+1 578079 0.01294450932696249
+1 578081 0.02083333333333341
+1 579623 0.00970919546725775
+1 579829 0.02461995616119806
+1 580318 0.01252350362464065
+1 580670 0.01641330410746537
+1 580976 0.02588901865392498
+1 581473 0.01253924656438802
+1 581494 0.01294450932696249
+1 581521 0.00970919546725775
+1 581526 0.01294450932696249
+1 581969 0.01252350362464065
+1 582866 0.02588901865392498
+1 582954 0.02588901865392498
+1 583394 0.02461995616119806
+1 583746 0.03094211071802118
+1 584637 0.009940534656094338
+1 584763 0.03094211071802118
+1 585297 0.01252350362464065
+1 585478 0.02461995616119806
+1 586010 0.01641330410746537
+1 586667 0.009940534656094338
+1 586841 0.03130875906160163
+1 587035 0.01252350362464065
+1 587225 0.02083333333333341
+1 587435 0.0564266095397461
+1 588250 0.01252350362464065
+1 588410 0.01641330410746537
+1 588593 0.02083333333333341
+1 588781 0.01252350362464065
+1 588830 0.01252350362464065
+1 589765 0.02083333333333341
+1 590776 0.009940534656094338
+1 590816 0.02083333333333341
+1 590865 0.006188422143604237
+1 590944 0.02083333333333341
+1 591381 0.01252350362464065
+1 591769 0.01641330410746537
+1 592126 0.02083333333333341
+1 592495 0.03757051087392196
+1 592547 0.01252350362464065
+1 592621 0.0152711805445382
+1 593933 0.01294450932696249
+1 594421 0.0152711805445382
+1 594591 0.009940534656094338
+1 594775 0.09088591104923073
+1 594859 0.00970919546725775
+1 595525 0.02083333333333341
+1 595586 0.01641330410746537
+1 595803 0.1354764485487537
+1 597842 0.0250470072492813
+1 598329 0.02083333333333341
+1 600055 0.01641330410746537
+1 600177 0.02083333333333341
+1 600179 0.01641330410746537
+1 600226 0.01538643637241664
+1 600328 0.01252350362464065
+1 600358 0.02083333333333341
+1 600443 0.1143161485450849
+1 602209 0.01252350362464065
+1 602274 0.01641330410746537
+1 602543 0.00970919546725775
+1 602551 0.01253924656438802
+1 604022 0.007693218186208322
+1 604658 0.02588901865392498
+1 605225 0.03461948183793745
+1 605490 0.03236127331740622
+1 606540 0.01988106931218868
+1 606791 0.01294450932696249
+1 607497 0.04331895500522965
+1 607613 0.01641330410746537
+1 609253 0.038836781869031
+1 609859 0.01878525543696098
+1 610244 0.009940534656094338
+1 610640 0.01252350362464065
+1 612275 0.01641330410746537
+1 612584 0.01252350362464065
+1 612661 0.02083333333333341
+1 613236 0.02461995616119806
+1 613473 0.01253924656438802
+1 614051 0.02083333333333341
+1 614272 0.02461995616119806
+1 614605 0.01252350362464065
+1 615336 0.009940534656094338
+1 616274 0.02083333333333341
+1 616663 0.02485133664023584
+1 617266 0.02461995616119806
+1 618125 0.0152711805445382
+1 619668 0.02083333333333341
+1 619703 0.01252350362464065
+1 620141 0.0194183909345155
+1 620873 0.01253924656438802
+1 621425 0.01253924656438802
+1 621980 0.02083333333333341
+1 622446 0.0152711805445382
+1 622691 0.01252350362464065
+1 622702 0.0250470072492813
+1 622841 0.02083333333333341
+1 624312 0.02461995616119806
+1 624654 0.02083333333333341
+1 624786 0.01294450932696249
+1 624992 0.02588901865392498
+1 626352 0.01253924656438802
+1 626457 0.01641330410746537
+1 626519 0.02083333333333341
+1 626800 0.02461995616119806
+1 626921 0.01294450932696249
+1 627139 0.01294450932696249
+1 627275 0.00970919546725775
+1 628067 0.03094211071802118
+1 628232 0.01456379320088663
+1 628622 0.01252350362464065
+1 628665 0.01641330410746537
+1 629346 0.01294450932696249
+1 629402 0.01880886984658204
+1 629513 0.01294450932696249
+1 629979 0.01253924656438802
+1 630812 0.02588901865392498
+1 630921 0.009940534656094338
+1 631307 0.01252350362464065
+1 632535 0.009940534656094338
+1 632756 0.01641330410746537
+1 632935 0.01988106931218868
+1 632953 0.02083333333333341
+1 632956 0.02083333333333341
+1 633177 0.009940534656094338
+1 633336 0.009940534656094338
+1 633366 0.01294450932696249
+1 633447 0.01253924656438802
+1 633989 0.01294450932696249
+1 634735 0.02982160396828301
+1 635517 0.003846609093104161
+1 635690 0.0152711805445382
+1 635811 0.01880886984658204
+1 635943 0.02083333333333341
+1 636951 0.0152711805445382
+1 638246 0.02083333333333341
+1 638367 0.01252350362464065
+1 639348 0.0152711805445382
+1 639362 0.003816237987288835
+1 639530 0.01294450932696249
+1 640209 0.009940534656094338
+1 640317 0.0152711805445382
+1 640479 0.01294450932696249
+1 641691 0.01252350362464065
+1 642099 0.02982160396828301
+1 642166 0.009940534656094338
+1 642203 0.03713053286162541
+1 642569 0.01253924656438802
+1 643095 0.01641330410746537
+1 643339 0.01252350362464065
+1 643398 0.01641330410746537
+1 643634 0.003846609093104161
+1 643662 0.02461995616119806
+1 643859 0.01294450932696249
+1 644249 0.0152711805445382
+1 644446 0.0194183909345155
+1 644577 0.01641330410746537
+1 644715 0.02083333333333341
+1 644930 0.0250470072492813
+1 646150 0.02588901865392498
+1 646610 0.0250470072492813
+1 646777 0.0194183909345155
+1 646945 0.02083333333333341
+1 647791 0.01252350362464065
+1 647886 0.01252350362464065
+1 648242 0.01294450932696249
+1 648465 0.01941676399044373
+1 648957 0.01252350362464065
+1 649551 0.01252350362464065
+1 649908 0.02083333333333341
+1 650741 0.0152711805445382
+1 650900 0.02083333333333341
+1 651679 0.009940534656094338
+1 651789 0.01641330410746537
+1 652240 0.009940534656094338
+1 652531 0.01252350362464065
+1 652554 0.01252350362464065
+1 653582 0.01253924656438802
+1 654247 0.01252350362464065
+1 654323 0.01252350362464065
+1 655811 0.009940534656094338
+1 656807 0.01641330410746537
+1 657404 0.01252350362464065
+1 657943 0.0152711805445382
+1 658356 0.01641330410746537
+1 658479 0.01294450932696249
+1 658533 0.01253924656438802
+1 659203 0.0152711805445382
+1 661073 0.03077287274483329
+1 661141 0.01641330410746537
+1 661228 0.02461995616119806
+1 661912 0.02588901865392498
+1 663465 0.01252350362464065
+1 663611 0.02588901865392498
+1 663812 0.01538643637241664
+1 663885 0.01880886984658204
+1 664510 0.01641330410746537
+1 664596 0.02588901865392498
+1 664615 0.009940534656094338
+1 664841 0.01491080198414151
+1 665811 0.009940534656094338
+1 665938 0.01294450932696249
+1 667293 0.00970919546725775
+1 667417 0.01294450932696249
+1 667596 0.01252350362464065
+1 667911 0.01252350362464065
+1 668297 0.01253924656438802
+1 669055 0.01294450932696249
+1 670656 0.02083333333333341
+1 671120 0.01252350362464065
+1 671139 0.02588901865392498
+1 671257 0.02507849312877605
+1 671396 0.009940534656094338
+1 671553 0.08395723572035438
+1 671649 0.009940534656094338
+1 672756 0.01144871396186651
+1 673895 0.01878525543696098
+1 674538 0.01253924656438802
+1 674835 0.02588901865392498
+1 675012 0.01456379320088663
+1 675050 0.02461995616119806
+1 676473 0.01253924656438802
+1 676823 0.01641330410746537
+1 677272 0.02461995616119806
+1 677950 0.01641330410746537
+1 678210 0.02083333333333341
+1 678246 0.02461995616119806
+1 678487 0.02083333333333341
+1 678531 0.01641330410746537
+1 679031 0.01641330410746537
+1 679623 0.02083333333333341
+1 680313 0.01253924656438802
+1 680428 0.01252350362464065
+1 680848 0.01252350362464065
+1 681083 0.01988106931218868
+1 681211 0.00970919546725775
+1 681348 0.02588901865392498
+1 681706 0.0250470072492813
+1 682062 0.009940534656094338
+1 682552 0.02461995616119806
+1 683315 0.01252350362464065
+1 683639 0.01294450932696249
+1 683707 0.01294450932696249
+1 684355 0.01294450932696249
+1 684569 0.01641330410746537
+1 684759 0.02083333333333341
+1 686768 0.01252350362464065
+1 687143 0.0152711805445382
+1 687510 0.0194183909345155
+1 689642 0.02083333333333341
+1 689774 0.01294450932696249
+1 689887 0.01252350362464065
+1 690080 0.02461995616119806
+1 690908 0.01252350362464065
+1 692408 0.01641330410746537
+1 692989 0.01253924656438802
+1 694611 0.01252350362464065
+1 696052 0.01252350362464065
+1 696533 0.1019351409672603
+1 697205 0.07426106572325082
+1 697285 0.01641330410746537
+1 697294 0.01641330410746537
+1 698391 0.0152711805445382
+1 698992 0.02461995616119806
+1 699710 0.02461995616119806
+1 699876 0.02588901865392498
+1 700074 0.02588901865392498
+1 700495 0.02083333333333341
+1 700978 0.0250470072492813
+1 701078 0.02461995616119806
+1 701184 0.02485133664023584
+1 701887 0.05049217280512818
+1 702674 0.01294450932696249
+1 703727 0.01294450932696249
+1 703854 0.01641330410746537
+1 704060 0.009940534656094338
+1 704390 0.01294450932696249
+1 704571 0.01941676399044373
+1 704645 0.01294450932696249
+1 704935 0.02083333333333341
+1 705126 0.00970919546725775
+1 705330 0.01252350362464065
+1 705876 0.01253924656438802
+1 706183 0.02083333333333341
+1 706478 0.01252350362464065
+1 706669 0.01294450932696249
+1 707210 0.01252350362464065
+1 707236 0.0250470072492813
+1 707684 0.0250470072492813
+1 708406 0.02588901865392498
+1 709043 0.01880886984658204
+1 709593 0.0152711805445382
+1 710105 0.01294450932696249
+1 710230 0.02461995616119806
+1 711215 0.02083333333333341
+1 711991 0.01253924656438802
+1 712441 0.02083333333333341
+1 712727 0.01252350362464065
+1 714555 0.01253924656438802
+1 714584 0.01153982727931248
+1 715419 0.00970919546725775
+1 715505 0.01253924656438802
+1 716457 0.01253924656438802
+1 718906 0.01294450932696249
+1 719295 0.01252350362464065
+1 719420 0.02083333333333341
+1 719849 0.01294450932696249
+1 719993 0.01252350362464065
+1 720663 0.02507849312877605
+1 720667 0.02083333333333341
+1 721115 0.01878525543696098
+1 722265 0.02083333333333341
+1 722927 0.03130875906160163
+1 723002 0.02461995616119806
+1 724079 0.02083333333333341
+1 724109 0.03761773969316407
+1 725101 0.01294450932696249
+1 725799 0.02083333333333341
+1 726214 0.00970919546725775
+1 726318 0.02083333333333341
+1 726341 0.02083333333333341
+1 726779 0.02083333333333341
+1 727053 0.01253924656438802
+1 727398 0.01252350362464065
+1 727610 0.01252350362464065
+1 729484 0.02083333333333341
+1 730055 0.04581354163361462
+1 730169 0.02083333333333341
+1 730665 0.01144871396186651
+1 730745 0.0250470072492813
+1 731075 0.00970919546725775
+1 731409 0.01294450932696249
+1 731544 0.0250470072492813
+1 731675 0.01878525543696098
+1 732253 0.01252350362464065
+1 732302 0.01294450932696249
+1 732308 0.01294450932696249
+1 733065 0.0250470072492813
+1 733092 0.01641330410746537
+1 733596 0.01641330410746537
+1 734001 0.009940534656094338
+1 734992 0.009940534656094338
+1 735879 0.01880886984658204
+1 736832 0.01294450932696249
+1 737261 0.0152711805445382
+1 738105 0.003846609093104161
+1 738470 0.03236127331740622
+1 738978 0.01252350362464065
+1 738995 0.0194183909345155
+1 740483 0.02485133664023584
+1 740761 0.01294450932696249
+1 741045 0.0250470072492813
+1 741303 0.01294450932696249
+1 741497 0.01252350362464065
+1 742740 0.02083333333333341
+1 742832 0.02588901865392498
+1 743882 0.01253924656438802
+1 744011 0.01294450932696249
+1 744796 0.01294450932696249
+1 745035 0.01641330410746537
+1 745311 0.01880886984658204
+1 746237 0.009940534656094338
+1 747370 0.02461995616119806
+1 747491 0.00970919546725775
+1 748793 0.01252350362464065
+1 749385 0.00970919546725775
+1 749580 0.03094211071802118
+1 749749 0.0152711805445382
+1 749773 0.01294450932696249
+1 752559 0.01294450932696249
+1 752808 0.01252350362464065
+1 753134 0.02461995616119806
+1 753817 0.01252350362464065
+1 754287 0.009940534656094338
+1 754577 0.01641330410746537
+1 754984 0.01641330410746537
+1 755665 0.01253924656438802
+1 756217 0.0194183909345155
+1 756487 0.09404434923291016
+1 757220 0.01253924656438802
+1 757869 0.01252350362464065
+1 757928 0.01252350362464065
+1 757943 0.02083333333333341
+1 758155 0.00970919546725775
+1 758989 0.01253924656438802
+1 759245 0.01641330410746537
+1 759955 0.009940534656094338
+1 760297 0.01641330410746537
+1 760312 0.02461995616119806
+1 760837 0.00763247597457767
+1 760969 0.009940534656094338
+1 761891 0.01294450932696249
+1 763357 0.01253924656438802
+1 764370 0.02083333333333341
+1 764854 0.01641330410746537
+1 764887 0.0152711805445382
+1 765338 0.01294450932696249
+1 766297 0.02083333333333341
+1 766398 0.01294450932696249
+1 767165 0.01294450932696249
+1 767227 0.01294450932696249
+1 767294 0.02461995616119806
+1 768450 0.02588901865392498
+1 769053 0.01641330410746537
+1 769996 0.01294450932696249
+1 770582 0.01253924656438802
+1 770943 0.01294450932696249
+1 771137 0.01252350362464065
+1 771177 0.01294450932696249
+1 771203 0.01252350362464065
+1 772063 0.02461995616119806
+1 772375 0.02083333333333341
+1 772814 0.02461995616119806
+1 773778 0.01252350362464065
+1 774763 0.04369137960265988
+1 776178 0.03130875906160163
+1 776211 0.01988106931218868
+1 776354 0.01641330410746537
+1 778421 0.01641330410746537
+1 778877 0.01294450932696249
+1 778973 0.01641330410746537
+1 779936 0.01294450932696249
+1 780103 0.01988106931218868
+1 780421 0.009940534656094338
+1 780550 0.0250470072492813
+1 780745 0.01641330410746537
+1 781548 0.01294450932696249
+1 781680 0.01253924656438802
+1 781824 0.009940534656094338
+1 782045 0.02461995616119806
+1 782969 0.009940534656094338
+1 783959 0.0152711805445382
+1 783989 0.01253924656438802
+1 784087 0.00970919546725775
+1 784505 0.02083333333333341
+1 784513 0.01294450932696249
+1 784742 0.009940534656094338
+1 784869 0.01941676399044373
+1 785134 0.01988106931218868
+1 785139 0.01252350362464065
+1 785652 0.009940534656094338
+1 786432 0.0250470072492813
+1 787489 0.01641330410746537
+1 787549 0.01252350362464065
+1 787696 0.02461995616119806
+1 787794 0.02098930893008859
+1 788066 0.009940534656094338
+1 788903 0.01252350362464065
+1 789331 0.01880886984658204
+1 789552 0.02588901865392498
+1 790844 0.01294450932696249
+1 791717 0.009940534656094338
+1 792661 0.009940534656094338
+1 792691 0.01641330410746537
+1 793256 0.01252350362464065
+1 793341 0.01294450932696249
+1 793365 0.01252350362464065
+1 793637 0.01252350362464065
+1 794472 0.01252350362464065
+1 795442 0.01294450932696249
+1 795539 0.00970919546725775
+1 797623 0.02588901865392498
+1 798019 0.009940534656094338
+1 799976 0.02588901865392498
+1 800049 0.06059060736615382
+1 800159 0.01641330410746537
+1 800887 0.0152711805445382
+1 801468 0.009940534656094338
+1 801528 0.02588901865392498
+1 801539 0.01253924656438802
+1 802818 0.02461995616119806
+1 803337 0.01878525543696098
+1 803473 0.01641330410746537
+1 803690 0.00970919546725775
+1 803932 0.0250470072492813
+1 804102 0.02461995616119806
+1 804441 0.02083333333333341
+1 805271 0.02083333333333341
+1 805432 0.02588901865392498
+1 805435 0.01641330410746537
+1 805789 0.01253924656438802
+1 806543 0.01294450932696249
+1 806743 0.02083333333333341
+1 807070 0.01941676399044373
+1 807411 0.04961109383475486
+1 807945 0.01253924656438802
+1 808203 0.01252350362464065
+1 809883 0.02083333333333341
+1 811510 0.01878525543696098
+1 811851 0.01641330410746537
+1 812054 0.01641330410746537
+1 812775 0.02083333333333341
+1 813043 0.01294450932696249
+1 813203 0.01294450932696249
+1 813264 0.01294450932696249
+1 813741 0.009940534656094338
+1 813922 0.02461995616119806
+1 814467 0.01491080198414151
+1 815616 0.01252350362464065
+1 815812 0.03130875906160163
+1 815900 0.03130875906160163
+1 815901 0.02461995616119806
+1 815917 0.009940534656094338
+1 815957 0.01253924656438802
+1 816340 0.02083333333333341
+1 816475 0.01294450932696249
+1 816692 0.02524608640256409
+1 817477 0.009940534656094338
+1 818424 0.02083333333333341
+1 819095 0.01252350362464065
+1 819787 0.02588901865392498
+1 821535 0.00970919546725775
+1 821776 0.02588901865392498
+1 822325 0.01641330410746537
+1 822407 0.01252350362464065
+1 823293 0.01294450932696249
+1 823762 0.0250470072492813
+1 823890 0.01252350362464065
+1 824015 0.02083333333333341
+1 824037 0.00970919546725775
+1 824361 0.01641330410746537
+1 825072 0.01641330410746537
+1 825255 0.02083333333333341
+1 825441 0.02083333333333341
+1 825703 0.01294450932696249
+1 825830 0.01294450932696249
+1 827016 0.01252350362464065
+1 827153 0.01252350362464065
+1 827323 0.00970919546725775
+1 827721 0.09349783068857646
+1 828000 0.01252350362464065
+1 828024 0.01526495194915534
+1 828471 0.01641330410746537
+1 828789 0.02083333333333341
+1 829054 0.02083333333333341
+1 830537 0.01294450932696249
+1 830788 0.02588901865392498
+1 830829 0.0152711805445382
+1 831510 0.02461995616119806
+1 831991 0.01294450932696249
+1 833011 0.00970919546725775
+1 833123 0.02461995616119806
+1 833304 0.02461995616119806
+1 834128 0.01252350362464065
+1 834147 0.01252350362464065
+1 835393 0.01641330410746537
+1 835463 0.02083333333333341
+1 836647 0.02083333333333341
+1 837301 0.01880886984658204
+1 837604 0.0250470072492813
+1 837961 0.01294450932696249
+1 838436 0.0250470072492813
+1 838774 0.01641330410746537
+1 839358 0.02461995616119806
+1 839640 0.01294450932696249
+1 839777 0.0866379100104593
+1 840443 0.05301678144538459
+1 841376 0.009940534656094338
+1 842055 0.01252350362464065
+1 842199 0.03976213862437735
+1 842333 0.01252350362464065
+1 842623 0.01538643637241664
+1 843731 0.0194183909345155
+1 843913 0.01641330410746537
+1 844547 0.03054236108907641
+1 844950 0.01294450932696249
+1 846657 0.00970919546725775
+1 846910 0.01641330410746537
+1 847042 0.01294450932696249
+1 847171 0.03761773969316407
+1 847218 0.02588901865392498
+1 848866 0.01294450932696249
+1 848891 0.01294450932696249
+1 849220 0.02461995616119806
+1 849609 0.0152711805445382
+1 850127 0.009940534656094338
+1 850212 0.02083333333333341
+1 851071 0.01880886984658204
+1 851345 0.02083333333333341
+1 851354 0.005049217280512819
+1 852085 0.009940534656094338
+1 852155 0.00970919546725775
+1 853087 0.02485133664023584
+1 853819 0.0152711805445382
+1 854097 0.02083333333333341
+1 854241 0.01253924656438802
+1 854960 0.01009843456102564
+1 855392 0.01880886984658204
+1 855648 0.02588901865392498
+1 855975 0.01294450932696249
+1 857258 0.02588901865392498
+1 857430 0.03029530368307691
+1 857600 0.01641330410746537
+1 857805 0.01009843456102564
+1 857873 0.02083333333333341
+1 857938 0.02461995616119806
+1 858894 0.02461995616119806
+1 859675 0.02083333333333341
+1 859746 0.02588901865392498
+1 860003 0.01253924656438802
+1 860193 0.01641330410746537
+1 861077 0.0152711805445382
+1 861178 0.01880886984658204
+1 862031 0.02083333333333341
+1 862173 0.01941676399044373
+1 862348 0.0152711805445382
+1 863423 0.01294450932696249
+1 864413 0.01880886984658204
+1 866123 0.00970919546725775
+1 866440 0.003816237987288835
+1 867626 0.01641330410746537
+1 867681 0.0152711805445382
+1 868463 0.003816237987288835
+1 868636 0.01880886984658204
+1 869231 0.01641330410746537
+1 869245 0.01641330410746537
+1 869897 0.01491080198414151
+1 870187 0.009940534656094338
+1 870236 0.01252350362464065
+1 870926 0.00970919546725775
+1 871125 0.009940534656094338
+1 871192 0.01641330410746537
+1 871562 0.009940534656094338
+1 872565 0.02083333333333341
+1 872871 0.02083333333333341
+1 872894 0.01641330410746537
+1 873263 0.01880886984658204
+1 873354 0.01252350362464065
+1 873607 0.02083333333333341
+1 874035 0.01294450932696249
+1 874465 0.01252350362464065
+1 875213 0.02507849312877605
+1 875441 0.1113915985848763
+1 875813 0.02083333333333341
+1 876503 0.02083333333333341
+1 876534 0.01253924656438802
+1 876608 0.02083333333333341
+1 876789 0.01294450932696249
+1 877195 0.006269623282194011
+1 877392 0.02982160396828301
+1 877701 0.01252350362464065
+1 877876 0.02588901865392498
+1 878714 0.01252350362464065
+1 879096 0.0250470072492813
+1 879342 0.0250470072492813
+1 879556 0.02588901865392498
+1 879723 0.01988106931218868
+1 879744 0.01252350362464065
+1 880691 0.009940534656094338
+1 881121 0.01294450932696249
+1 881411 0.0250470072492813
+1 882455 0.02083333333333341
+1 882497 0.02083333333333341
+1 882954 0.009940534656094338
+1 884464 0.01294450932696249
+1 884625 0.0152711805445382
+1 884633 0.01252350362464065
+1 884816 0.01252350362464065
+1 884829 0.00970919546725775
+1 885013 0.02083333333333341
+1 886317 0.01941676399044373
+1 888851 0.01294450932696249
+1 889389 0.0194183909345155
+1 889869 0.01294450932696249
+1 890428 0.01294450932696249
+1 891879 0.009940534656094338
+1 892789 0.02507849312877605
+1 894517 0.02083333333333341
+1 894831 0.01294450932696249
+1 894858 0.02461995616119806
+1 895149 0.009940534656094338
+1 895311 0.02083333333333341
+1 896135 0.02083333333333341
+1 896787 0.01294450932696249
+1 896831 0.0152711805445382
+1 897377 0.01294450932696249
+1 897456 0.02083333333333341
+1 897787 0.00970919546725775
+1 898647 0.01641330410746537
+1 898918 0.02083333333333341
+1 899213 0.01880886984658204
+1 899643 0.0152711805445382
+1 899799 0.0152711805445382
+1 900955 0.01294450932696249
+1 901630 0.01252350362464065
+1 901815 0.01294450932696249
+1 902001 0.01641330410746537
+1 902231 0.00970919546725775
+1 902316 0.01252350362464065
+1 902485 0.01294450932696249
+1 903602 0.0250470072492813
+1 903755 0.0194183909345155
+1 904276 0.01252350362464065
+1 904371 0.01252350362464065
+1 905262 0.01253924656438802
+1 905357 0.02083333333333341
+1 906162 0.009940534656094338
+1 906255 0.005049217280512819
+1 906841 0.02083333333333341
+1 907115 0.01252350362464065
+1 907996 0.02083333333333341
+1 908828 0.01641330410746537
+1 909982 0.009940534656094338
+1 910218 0.02588901865392498
+1 910277 0.01253924656438802
+1 910896 0.02083333333333341
+1 911156 0.02461995616119806
+1 911192 0.02083333333333341
+1 911231 0.01252350362464065
+1 911821 0.0152711805445382
+1 912964 0.01641330410746537
+1 913243 0.01641330410746537
+1 913653 0.02524608640256409
+1 914033 0.01641330410746537
+1 914186 0.01641330410746537
+1 914652 0.02588901865392498
+1 914749 0.01252350362464065
+1 915498 0.02588901865392498
+1 916516 0.009940534656094338
+1 916585 0.008206652053732687
+1 917857 0.009940534656094338
+1 918244 0.01253924656438802
+1 918548 0.01294450932696249
+1 919961 0.01252350362464065
+1 920191 0.01294450932696249
+1 920456 0.01988106931218868
+1 922034 0.01641330410746537
+1 922088 0.01641330410746537
+1 922571 0.009940534656094338
+1 922588 0.02461995616119806
+1 923026 0.02588901865392498
+1 923609 0.02083333333333341
+1 924921 0.02083333333333341
+1 925509 0.02083333333333341
+1 925731 0.00970919546725775
+1 926387 0.009940534656094338
+1 927569 0.01252350362464065
+1 927997 0.01252350362464065
+1 928388 0.003846609093104161
+1 928524 0.01252350362464065
+1 929479 0.1068546636440874
+1 929906 0.003816237987288835
+1 930231 0.02083333333333341
+1 930469 0.02083333333333341
+1 930721 0.02083333333333341
+1 931333 0.01252350362464065
+1 931495 0.01641330410746537
+1 931938 0.01294450932696249
+1 932656 0.02083333333333341
+1 932705 0.00970919546725775
+1 932893 0.009940534656094338
+1 933020 0.03757051087392196
+1 933924 0.03236127331740622
+1 934024 0.02083333333333341
+1 934130 0.0152711805445382
+1 934370 0.01252350362464065
+1 934813 0.009940534656094338
+1 935239 0.00970919546725775
+1 935715 0.01252350362464065
+1 936053 0.01253924656438802
+1 937173 0.0582551728035465
+1 937591 0.01252350362464065
+1 938209 0.02083333333333341
+1 939424 0.02588901865392498
+1 939793 0.01294450932696249
+1 940512 0.01252350362464065
+1 941352 0.0250470072492813
+1 942039 0.01294450932696249
+1 942539 0.01880886984658204
+1 943165 0.003816237987288835
+1 943176 0.02083333333333341
+1 943274 0.01641330410746537
+1 943708 0.01641330410746537
+1 944679 0.01252350362464065
+1 945541 0.1363288665738461
+1 946209 0.01252350362464065
+1 946576 0.01294450932696249
+1 947328 0.01641330410746537
+1 948298 0.01641330410746537
+1 948544 0.00970919546725775
+1 949924 0.01253924656438802
+1 950181 0.09162708326722924
+1 951292 0.01252350362464065
+1 951816 0.01641330410746537
+1 952169 0.003816237987288835
+1 952178 0.01641330410746537
+1 952891 0.01253924656438802
+1 953383 0.02083333333333341
+1 954112 0.01641330410746537
+1 954467 0.01153982727931248
+1 954831 0.02083333333333341
+1 955873 0.02083333333333341
+1 955948 0.02083333333333341
+1 956247 0.02083333333333341
+1 956278 0.0152711805445382
+1 957025 0.0250470072492813
+1 957055 0.03054236108907641
+1 957947 0.01294450932696249
+1 958745 0.01252350362464065
+1 958817 0.02083333333333341
+1 959264 0.01641330410746537
+1 959271 0.01252350362464065
+1 959287 0.02461995616119806
+1 959597 0.02083333333333341
+1 960031 0.009940534656094338
+1 960697 0.00970919546725775
+1 960812 0.01294450932696249
+1 962974 0.02588901865392498
+1 963691 0.02588901865392498
+1 963789 0.01252350362464065
+1 963855 0.009940534656094338
+1 963941 0.0152711805445382
+1 964490 0.02083333333333341
+1 966011 0.02588901865392498
+1 967164 0.005049217280512819
+1 968639 0.01641330410746537
+1 968825 0.0194183909345155
+1 969009 0.01252350362464065
+1 969037 0.009940534656094338
+1 969406 0.0250470072492813
+1 969841 0.005049217280512819
+1 970083 0.0152711805445382
+1 970207 0.01253924656438802
+1 970229 0.02083333333333341
+1 970732 0.00970919546725775
+1 971076 0.01294450932696249
+1 971112 0.01641330410746537
+1 971416 0.03757051087392196
+1 971559 0.02083333333333341
+1 971565 0.01641330410746537
+1 971718 0.0250470072492813
+1 971776 0.009940534656094338
+1 972225 0.01252350362464065
+1 972523 0.01294450932696249
+1 973243 0.009940534656094338
+1 973248 0.01294450932696249
+1 973493 0.01294450932696249
+1 973856 0.00970919546725775
+1 973991 0.02588901865392498
+1 975778 0.02461995616119806
+1 976179 0.01641330410746537
+1 977180 0.01252350362464065
+1 977349 0.01641330410746537
+1 977473 0.01294450932696249
+1 978001 0.02083333333333341
+1 978257 0.0194183909345155
+1 978511 0.02083333333333341
+1 979191 0.01252350362464065
+1 980316 0.02083333333333341
+1 980550 0.02461995616119806
+1 980927 0.01252350362464065
+1 982635 0.00970919546725775
+1 982694 0.01252350362464065
+1 983946 0.01252350362464065
+1 984731 0.02083333333333341
+1 985549 0.0194183909345155
+1 985843 0.01294450932696249
+1 985859 0.0152711805445382
+1 986080 0.02083333333333341
+1 987163 0.01294450932696249
+1 987907 0.0152711805445382
+1 988199 0.02083333333333341
+1 988765 0.01294450932696249
+1 988951 0.0152711805445382
+1 989086 0.009940534656094338
+1 989163 0.01988106931218868
+1 989433 0.1019465524062064
+1 990111 0.00970919546725775
+1 990445 0.00970919546725775
+1 990889 0.0250470072492813
+1 991569 0.02083333333333341
+1 991627 0.01294450932696249
+1 991837 0.0152711805445382
+1 991855 0.02083333333333341
+1 991935 0.0152711805445382
+1 992700 0.01641330410746537
+1 993221 0.01252350362464065
+1 993258 0.02588901865392498
+1 994209 0.02083333333333341
+1 994937 0.009940534656094338
+1 995961 0.009940534656094338
+1 996089 0.02083333333333341
+1 996298 0.01641330410746537
+1 996712 0.01294450932696249
+1 996793 0.02083333333333341
+1 997316 0.01641330410746537
+1 997515 0.01641330410746537
+1 998069 0.01641330410746537
+1 999646 0.0250470072492813
+1 1000111 0.01252350362464065
+1 1000240 0.02083333333333341
+1 1000638 0.0250470072492813
+1 1001025 0.01252350362464065
+1 1001262 0.01252350362464065
+1 1001396 0.03130875906160163
+1 1003223 0.02289742792373301
+1 1003528 0.0152711805445382
+1 1004083 0.01941676399044373
+1 1004289 0.01252350362464065
+1 1005009 0.01941676399044373
+1 1005760 0.02083333333333341
+1 1008245 0.009940534656094338
+1 1008578 0.01252350362464065
+1 1009124 0.02588901865392498
+1 1009818 0.01641330410746537
+1 1010059 0.01252350362464065
+1 1010966 0.02588901865392498
+1 1011086 0.01294450932696249
+1 1011489 0.01294450932696249
+1 1011919 0.02083333333333341
+1 1011931 0.00970919546725775
+1 1012221 0.00970919546725775
+1 1013049 0.0152711805445382
+1 1013349 0.02461995616119806
+1 1013496 0.02588901865392498
+1 1014334 0.01641330410746537
+1 1014991 0.02083333333333341
+1 1015383 0.0152711805445382
+1 1015549 0.0152711805445382
+1 1015867 0.02083333333333341
+1 1015908 0.00970919546725775
+1 1016197 0.01294450932696249
+1 1017815 0.0250470072492813
+1 1018080 0.01456379320088663
+1 1018812 0.01294450932696249
+1 1018853 0.01988106931218868
+1 1019378 0.02083333333333341
+1 1020495 0.01294450932696249
+1 1020642 0.02588901865392498
+1 1020740 0.02115635001207289
+1 1020877 0.02461995616119806
+1 1021814 0.00970919546725775
+1 1022073 0.02083333333333341
+1 1022395 0.01641330410746537
+1 1022498 0.02461995616119806
+1 1023193 0.01294450932696249
+1 1024573 0.02461995616119806
+1 1024750 0.01253924656438802
+1 1025349 0.02083333333333341
+1 1025861 0.0152711805445382
+1 1027637 0.00970919546725775
+1 1027873 0.02083333333333341
+1 1028225 0.01294450932696249
+1 1028388 0.01878525543696098
+1 1028883 0.01294450932696249
+1 1030191 0.01252350362464065
+1 1030569 0.02461995616119806
+1 1030748 0.01641330410746537
+1 1030821 0.0152711805445382
+1 1031086 0.02461995616119806
+1 1031991 0.01294450932696249
+1 1032272 0.01252350362464065
+1 1032791 0.0152711805445382
+1 1032922 0.02461995616119806
+1 1033105 0.01294450932696249
+1 1033833 0.009940534656094338
+1 1034211 0.0152711805445382
+1 1034474 0.02461995616119806
+1 1034839 0.0152711805445382
+1 1035764 0.02083333333333341
+1 1036283 0.02588901865392498
+1 1036383 0.00970919546725775
+1 1036388 0.01252350362464065
+1 1037048 0.02083333333333341
+1 1037251 0.0152711805445382
+1 1037741 0.009940534656094338
+1 1038215 0.02083333333333341
+1 1038378 0.02461995616119806
+1 1039548 0.009940534656094338
+1 1040016 0.01252350362464065
+1 1040166 0.01641330410746537
+1 1040381 0.01252350362464065
+1 1040457 0.01252350362464065
+1 1040573 0.01294450932696249
+1 1040891 0.0152711805445382
+1 1041243 0.01641330410746537
+1 1041351 0.0152711805445382
+1 1042069 0.01253924656438802
+1 1042994 0.01641330410746537
+1 1043319 0.01252350362464065
+1 1043367 0.02083333333333341
+1 1044456 0.01294450932696249
+1 1045235 0.01294450932696249
+1 1045721 0.0250470072492813
+1 1045904 0.00970919546725775
+1 1046210 0.01641330410746537
+1 1046667 0.01294450932696249
+1 1046868 0.02083333333333341
+2 1102 0.01284163742343785
+2 1936 0.00988211768802618
+2 2482 0.01267550316408484
+2 3487 0.02491708103194107
+2 3992 0.05031546054266274
+2 4053 0.0333232784425429
+2 4156 0.01267550316408484
+2 4394 0.01284163742343785
+2 4447 0.03756903783826721
+2 4869 0.01209127083516686
+2 4959 0.003702586493615878
+2 5621 0.02027767764134531
+2 5983 0.02374232208416311
+2 6834 0.01209127083516686
+2 7019 0.02027767764134531
+2 8251 0.02097953395741722
+2 10080 0.01532848348712414
+2 10495 0.02949480384195681
+2 10608 0.0256832748468757
+2 10900 0.02027767764134531
+2 11776 0.01209127083516686
+2 12091 0.1444008732510192
+2 12433 0.02097953395741722
+2 12940 0.01187116104208156
+2 12946 0.01209127083516686
+2 12975 0.01187116104208156
+2 13234 0.02580795336171221
+2 13542 0.01267550316408484
+2 13668 0.01661138735462738
+2 13863 0.01661138735462738
+2 15067 0.02097953395741722
+2 15110 0.02967790260520389
+2 15122 0.03952847075210472
+2 16568 0.00988211768802618
+2 16686 0.009392259459566803
+2 17399 0.01267550316408484
+2 17409 0.01257886513566569
+2 18602 0.01267550316408484
+2 18656 0.01209127083516686
+2 18821 0.01661138735462738
+2 19201 0.02097953395741722
+2 19983 0.02443632046691529
+2 20134 0.009392259459566803
+2 20975 0.01481034597446351
+2 21547 0.01209127083516686
+2 22178 0.007405172987231755
+2 22565 0.02027767764134531
+2 22747 0.02097953395741722
+2 23076 0.01629088031127686
+2 23773 0.009392259459566803
+2 24477 0.009392259459566803
+2 24901 0.0256832748468757
+2 24944 0.03022817708791714
+2 25066 0.01629088031127686
+2 25401 0.01629088031127686
+2 25663 0.01257886513566569
+2 26840 0.02491708103194107
+2 26845 0.00988211768802618
+2 26861 0.01284163742343785
+2 26944 0.01284163742343785
+2 27463 0.01629088031127686
+2 28439 0.06131393394849655
+2 29284 0.02027767764134531
+2 29433 0.02443632046691529
+2 29709 0.01209127083516686
+2 32238 0.02027767764134531
+2 32555 0.01257886513566569
+2 33569 0.02027767764134531
+2 33979 0.03802650949225452
+2 35441 0.01976423537605236
+2 35924 0.02027767764134531
+2 36351 0.01901325474612726
+2 37215 0.01661138735462738
+2 37457 0.01532848348712414
+2 37816 0.02515773027133137
+2 38276 0.01209127083516686
+2 38823 0.02027767764134531
+2 39538 0.01187116104208156
+2 39626 0.03022817708791714
+2 40007 0.009588825174316798
+2 40012 0.01209127083516686
+2 40032 0.01257886513566569
+2 40471 0.01661138735462738
+2 40920 0.01851293246807939
+2 41645 0.01532848348712414
+2 41800 0.01196596931029563
+2 42762 0.01187116104208156
+2 42871 0.01976423537605236
+2 43049 0.01267550316408484
+2 43924 0.01629088031127686
+2 44622 0.02967790260520389
+2 44646 0.01629088031127686
+2 46094 0.03022817708791714
+2 46485 0.01629088031127686
+2 46563 0.01532848348712414
+2 46588 0.02027767764134531
+2 46627 0.03356088811010879
+2 46887 0.02027767764134531
+2 47298 0.02491708103194107
+2 47494 0.01284163742343785
+2 48441 0.01284163742343785
+2 48661 0.02443632046691529
+2 48783 0.01532848348712414
+2 49191 0.02027767764134531
+2 50110 0.01187116104208156
+2 50346 0.02443632046691529
+2 50742 0.04257974467658259
+2 51830 0.01209127083516686
+2 52051 0.03802650949225452
+2 52197 0.02027767764134531
+2 52454 0.03952847075210472
+2 52746 0.01267550316408484
+2 52833 0.002397206293579199
+2 53594 0.01926245613515677
+2 53858 0.02097953395741722
+2 54045 0.007405172987231755
+2 54341 0.02535100632816968
+2 55312 0.01187116104208156
+2 56263 0.01886829770349853
+2 57633 0.01976423537605236
+2 58099 0.02097953395741722
+2 59577 0.01629088031127686
+2 60702 0.01209127083516686
+2 60793 0.01629088031127686
+2 61091 0.0256832748468757
+2 61704 0.01257886513566569
+2 62090 0.0256832748468757
+2 62261 0.01267550316408484
+2 62438 0.01187116104208156
+2 62632 0.02348064864891701
+2 64313 0.02443632046691529
+2 64477 0.01257886513566569
+2 64712 0.00988211768802618
+2 64753 0.01257886513566569
+2 66835 0.01284163742343785
+2 67545 0.02027767764134531
+2 67860 0.02374232208416311
+2 68134 0.01257886513566569
+2 68223 0.00988211768802618
+2 68440 0.02591810545531114
+2 68539 0.03627381250550057
+2 68763 0.00988211768802618
+2 69770 0.01661138735462738
+2 69791 0.02443632046691529
+2 70071 0.01284163742343785
+2 70337 0.01257886513566569
+2 70389 0.01532848348712414
+2 70964 0.02097953395741722
+2 71100 0.01661138735462738
+2 71207 0.03065696697424828
+2 71537 0.01629088031127686
+2 72320 0.02817677837870041
+2 72657 0.01878451891913361
+2 72801 0.02097953395741722
+2 73082 0.01187116104208156
+2 73092 0.01284163742343785
+2 73295 0.01209127083516686
+2 73759 0.02817677837870041
+2 74397 0.01926245613515677
+2 74499 0.01209127083516686
+2 75442 0.01209127083516686
+2 76188 0.0256832748468757
+2 76306 0.01661138735462738
+2 78753 0.02097953395741722
+2 78913 0.02097953395741722
+2 78988 0.01187116104208156
+2 79231 0.01284163742343785
+2 80087 0.01481034597446351
+2 80235 0.01209127083516686
+2 80377 0.01284163742343785
+2 81569 0.009392259459566803
+2 82582 0.01629088031127686
+2 82945 0.02027767764134531
+2 83473 0.02967790260520389
+2 83616 0.01267550316408484
+2 83936 0.01257886513566569
+2 84759 0.0766424174356207
+2 84915 0.01878451891913361
+2 85307 0.01976423537605236
+2 85558 0.01187116104208156
+2 87323 0.009392259459566803
+2 87527 0.003686850480244601
+2 88734 0.0256832748468757
+2 88857 0.01284163742343785
+2 89518 0.02418254167033371
+2 90155 0.01284163742343785
+2 90779 0.009392259459566803
+2 91009 0.00988211768802618
+2 91621 0.02027767764134531
+2 92703 0.00988211768802618
+2 92838 0.00988211768802618
+2 93411 0.01629088031127686
+2 93489 0.02027767764134531
+2 94548 0.02491708103194107
+2 94668 0.01284163742343785
+2 94903 0.01284163742343785
+2 95108 0.003686850480244601
+2 96425 0.01629088031127686
+2 96611 0.07044194594675102
+2 96701 0.01267550316408484
+2 98351 0.009392259459566803
+2 98414 0.01284163742343785
+2 98783 0.01284163742343785
+2 99136 0.02418254167033371
+2 99450 0.01209127083516686
+2 101009 0.02027767764134531
+2 101867 0.01257886513566569
+2 102421 0.01267550316408484
+2 102686 0.01187116104208156
+2 104090 0.009392259459566803
+2 104971 0.02097953395741722
+2 105019 0.00988211768802618
+2 105135 0.00988211768802618
+2 105184 0.01267550316408484
+2 105664 0.01209127083516686
+2 105807 0.01209127083516686
+2 107491 0.009392259459566803
+2 109560 0.02374232208416311
+2 110259 0.007405172987231755
+2 110829 0.01629088031127686
+2 111612 0.02491708103194107
+2 111616 0.01209127083516686
+2 112188 0.01813690625275028
+2 112731 0.00988211768802618
+2 113849 0.03595809440368799
+2 114161 0.01878451891913361
+2 115490 0.01284163742343785
+2 115541 0.03561348312624466
+2 115644 0.01257886513566569
+2 116011 0.01257886513566569
+2 116036 0.01284163742343785
+2 116317 0.00988211768802618
+2 116344 0.01629088031127686
+2 116821 0.01209127083516686
+2 116949 0.0256832748468757
+2 117007 0.01209127083516686
+2 117583 0.01257886513566569
+2 117854 0.04239878052281291
+2 118132 0.01257886513566569
+2 118552 0.01267550316408484
+2 118729 0.01284163742343785
+2 118872 0.01209127083516686
+2 119340 0.01267550316408484
+2 119595 0.01267550316408484
+2 120867 0.00988211768802618
+2 121048 0.01257886513566569
+2 121265 0.01257886513566569
+2 123575 0.01284163742343785
+2 123792 0.02491708103194107
+2 124801 0.01482317653203927
+2 126414 0.02491708103194107
+2 126585 0.01629088031127686
+2 126746 0.00988211768802618
+2 126903 0.03210409355859462
+2 128043 0.01532848348712414
+2 128501 0.01661138735462738
+2 128746 0.01209127083516686
+2 128844 0.03022817708791714
+2 129465 0.07605301898450904
+2 129911 0.04786387724118252
+2 130876 0.01284163742343785
+2 131013 0.03065696697424828
+2 131448 0.02515773027133137
+2 131755 0.00988211768802618
+2 132099 0.03065696697424828
+2 132217 0.02097953395741722
+2 133969 0.02097953395741722
+2 134467 0.02097953395741722
+2 135267 0.02393193862059126
+2 135603 0.03802650949225452
+2 135682 0.01187116104208156
+2 135921 0.01209127083516686
+2 136642 0.01629088031127686
+2 137249 0.01187116104208156
+2 137807 0.01257886513566569
+2 138153 0.01284163742343785
+2 138457 0.01187116104208156
+2 138669 0.01209127083516686
+2 140626 0.01257886513566569
+2 141605 0.1235094910881941
+2 141954 0.02374232208416311
+2 142630 0.02027767764134531
+2 143187 0.01284163742343785
+2 143640 0.01209127083516686
+2 145318 0.009392259459566803
+2 145541 0.01257886513566569
+2 145684 0.01209127083516686
+2 146037 0.01532848348712414
+2 146471 0.01187116104208156
+2 146566 0.01532848348712414
+2 146772 0.00988211768802618
+2 146940 0.02027767764134531
+2 147008 0.02515773027133137
+2 147449 0.02027767764134531
+2 147565 0.01532848348712414
+2 147591 0.00988211768802618
+2 147745 0.02097953395741722
+2 147758 0.01629088031127686
+2 148108 0.01661138735462738
+2 148400 0.0256832748468757
+2 148861 0.01209127083516686
+2 149227 0.01257886513566569
+2 150705 0.02097953395741722
+2 151136 0.01284163742343785
+2 151571 0.01532848348712414
+2 151773 0.00988211768802618
+2 152119 0.009392259459566803
+2 152991 0.02027767764134531
+2 153638 0.01284163742343785
+2 153765 0.02491708103194107
+2 154758 0.01284163742343785
+2 155261 0.01284163742343785
+2 155402 0.01886829770349853
+2 155929 0.01284163742343785
+2 156173 0.1017107391375129
+2 156783 0.01187116104208156
+2 156833 0.03356088811010879
+2 160300 0.01284163742343785
+2 160925 0.01532848348712414
+2 161139 0.01284163742343785
+2 162332 0.02097953395741722
+2 162402 0.01926245613515677
+2 162627 0.07513807567653442
+2 162860 0.02097953395741722
+2 163628 0.02097953395741722
+2 164263 0.04055535528269062
+2 164331 0.01257886513566569
+2 164724 0.02097953395741722
+2 165551 0.02027767764134531
+2 166115 0.03022817708791714
+2 166544 0.01284163742343785
+2 166975 0.01187116104208156
+2 167297 0.01886829770349853
+2 169798 0.01976423537605236
+2 169827 0.01661138735462738
+2 170524 0.02097953395741722
+2 170684 0.02535100632816968
+2 172224 0.01629088031127686
+2 172753 0.01257886513566569
+2 172777 0.02097953395741722
+2 172991 0.00988211768802618
+2 173507 0.01209127083516686
+2 173652 0.02374232208416311
+2 173845 0.003702586493615878
+2 174267 0.01257886513566569
+2 175623 0.02515773027133137
+2 175938 0.01267550316408484
+2 176207 0.01901325474612726
+2 176305 0.02348064864891701
+2 176566 0.01661138735462738
+2 177446 0.003702586493615878
+2 178389 0.00988211768802618
+2 178861 0.01284163742343785
+2 179179 0.009392259459566803
+2 179339 0.01187116104208156
+2 179487 0.00988211768802618
+2 180489 0.01629088031127686
+2 182113 0.02027767764134531
+2 182281 0.02097953395741722
+2 182631 0.009392259459566803
+2 182830 0.01661138735462738
+2 183465 0.01629088031127686
+2 183921 0.01209127083516686
+2 184295 0.01187116104208156
+2 184709 0.01267550316408484
+2 185896 0.01187116104208156
+2 186127 0.01187116104208156
+2 186407 0.009392259459566803
+2 186422 0.01187116104208156
+2 186765 0.009588825174316798
+2 187511 0.01661138735462738
+2 187746 0.009392259459566803
+2 189039 0.01187116104208156
+2 189645 0.009392259459566803
+2 189982 0.01629088031127686
+2 190376 0.03022817708791714
+2 190722 0.01629088031127686
+2 191085 0.009392259459566803
+2 191284 0.00988211768802618
+2 191704 0.03144716283916421
+2 191784 0.01187116104208156
+2 192150 0.02515773027133137
+2 192323 0.01257886513566569
+2 192341 0.01284163742343785
+2 192795 0.009392259459566803
+2 194519 0.02097953395741722
+2 194792 0.009392259459566803
+2 194959 0.01257886513566569
+2 195153 0.01187116104208156
+2 195483 0.00988211768802618
+2 196780 0.02491708103194107
+2 196835 0.01284163742343785
+2 197214 0.02491708103194107
+2 197331 0.03802650949225452
+2 197585 0.01209127083516686
+2 197751 0.03022817708791714
+2 198307 0.01284163742343785
+2 198949 0.01267550316408484
+2 198976 0.01661138735462738
+2 199248 0.01629088031127686
+2 199511 0.02027767764134531
+2 199672 0.01284163742343785
+2 199759 0.01976423537605236
+2 200125 0.01209127083516686
+2 200580 0.0256832748468757
+2 200776 0.02580795336171221
+2 201599 0.01629088031127686
+2 201667 0.01257886513566569
+2 202228 0.02580795336171221
+2 202430 0.02443632046691529
+2 203231 0.01209127083516686
+2 203321 0.01284163742343785
+2 204262 0.04154906364728544
+2 204711 0.02967790260520389
+2 204923 0.01187116104208156
+2 205296 0.0256832748468757
+2 206516 0.02027767764134531
+2 206926 0.01976423537605236
+2 206969 0.02097953395741722
+2 207042 0.02515773027133137
+2 207544 0.02097953395741722
+2 207643 0.009392259459566803
+2 207983 0.02443632046691529
+2 208056 0.02443632046691529
+2 208224 0.02374232208416311
+2 209152 0.01284163742343785
+2 209165 0.03065696697424828
+2 209278 0.02967790260520389
+2 209303 0.01267550316408484
+2 209717 0.02027767764134531
+2 210785 0.02097953395741722
+2 210814 0.02418254167033371
+2 211398 0.02515773027133137
+2 214270 0.009392259459566803
+2 215283 0.02491708103194107
+2 215533 0.009392259459566803
+2 215831 0.01532848348712414
+2 216680 0.00988211768802618
+2 216760 0.01267550316408484
+2 216819 0.01284163742343785
+2 217903 0.07605301898450904
+2 218155 0.02097953395741722
+2 218203 0.00988211768802618
+2 218729 0.01267550316408484
+2 219385 0.01284163742343785
+2 220077 0.01661138735462738
+2 220269 0.01284163742343785
+2 220635 0.02097953395741722
+2 221424 0.0256832748468757
+2 221704 0.01257886513566569
+2 221755 0.01257886513566569
+2 222062 0.01661138735462738
+2 222131 0.01976423537605236
+2 222342 0.03144716283916421
+2 222559 0.009392259459566803
+2 223637 0.01661138735462738
+2 223920 0.0256832748468757
+2 224863 0.004794412587158399
+2 224869 0.03802650949225452
+2 224908 0.01482317653203927
+2 225093 0.02374232208416311
+2 225789 0.01629088031127686
+2 226332 0.02027767764134531
+2 226477 0.009392259459566803
+2 227547 0.02097953395741722
+2 228652 0.02418254167033371
+2 229643 0.01257886513566569
+2 229952 0.02515773027133137
+2 230069 0.004794412587158399
+2 230651 0.01284163742343785
+2 231729 0.02418254167033371
+2 231885 0.01629088031127686
+2 231889 0.00988211768802618
+2 232255 0.01209127083516686
+2 233991 0.01532848348712414
+2 235266 0.01257886513566569
+2 235373 0.03065696697424828
+2 235459 0.01257886513566569
+2 235478 0.01629088031127686
+2 236433 0.0256832748468757
+2 236773 0.02027767764134531
+2 236938 0.04887264093383057
+2 236947 0.01187116104208156
+2 237182 0.01284163742343785
+2 237393 0.03065696697424828
+2 238929 0.02027767764134531
+2 239058 0.01629088031127686
+2 239655 0.02027767764134531
+2 240131 0.01532848348712414
+2 241364 0.01110775948084763
+2 242743 0.01187116104208156
+2 243026 0.01878451891913361
+2 243554 0.02491708103194107
+2 243706 0.01209127083516686
+2 244453 0.02027767764134531
+2 245636 0.01843425240122301
+2 245854 0.02374232208416311
+2 245918 0.01209127083516686
+2 245921 0.02027767764134531
+2 246146 0.009392259459566803
+2 247421 0.009392259459566803
+2 247455 0.01629088031127686
+2 247950 0.02374232208416311
+2 248056 0.02515773027133137
+2 248068 0.04696129729783401
+2 248614 0.02374232208416311
+2 249574 0.01187116104208156
+2 250345 0.00988211768802618
+2 251049 0.009392259459566803
+2 251311 0.02027767764134531
+2 252147 0.01661138735462738
+2 252680 0.01257886513566569
+2 252929 0.01886829770349853
+2 253291 0.009392259459566803
+2 254150 0.01257886513566569
+2 254412 0.01187116104208156
+2 255511 0.02443632046691529
+2 256476 0.00988211768802618
+2 257539 0.009588825174316798
+2 257827 0.01661138735462738
+2 257847 0.02418254167033371
+2 257890 0.02097953395741722
+2 258030 0.01187116104208156
+2 258356 0.00988211768802618
+2 258920 0.01257886513566569
+2 259068 0.01209127083516686
+2 259786 0.0256832748468757
+2 259934 0.01661138735462738
+2 260896 0.01187116104208156
+2 261497 0.01284163742343785
+2 261799 0.02027767764134531
+2 262379 0.02027767764134531
+2 263163 0.01187116104208156
+2 263798 0.01629088031127686
+2 264023 0.01284163742343785
+2 264369 0.01257886513566569
+2 264487 0.02027767764134531
+2 265184 0.02443632046691529
+2 265466 0.01257886513566569
+2 266788 0.02535100632816968
+2 268010 0.01284163742343785
+2 268093 0.00988211768802618
+2 268209 0.01661138735462738
+2 268387 0.01878451891913361
+2 268989 0.01209127083516686
+2 269179 0.01209127083516686
+2 269297 0.01976423537605236
+2 269954 0.01629088031127686
+2 270403 0.01901325474612726
+2 270762 0.02443632046691529
+2 271054 0.01284163742343785
+2 272113 0.01257886513566569
+2 272572 0.0256832748468757
+2 272661 0.02097953395741722
+2 273555 0.02397206293579199
+2 273633 0.01209127083516686
+2 273687 0.01532848348712414
+2 274198 0.02491708103194107
+2 274591 0.01901325474612726
+2 274746 0.009256466234039695
+2 275285 0.00988211768802618
+2 276549 0.03022817708791714
+2 276984 0.009392259459566803
+2 277568 0.02515773027133137
+2 277592 0.02027767764134531
+2 277730 0.01284163742343785
+2 277810 0.007373700960489202
+2 278193 0.009392259459566803
+2 279040 0.0256832748468757
+2 279328 0.004794412587158399
+2 280244 0.02097953395741722
+2 281019 0.00988211768802618
+2 281094 0.02374232208416311
+2 281097 0.00988211768802618
+2 281421 0.02097953395741722
+2 281607 0.02027767764134531
+2 281729 0.02348064864891701
+2 281967 0.02027767764134531
+2 282209 0.02097953395741722
+2 282615 0.01267550316408484
+2 283292 0.02027767764134531
+2 283594 0.01661138735462738
+2 283688 0.04055535528269061
+2 284718 0.01284163742343785
+2 285400 0.04226516756805061
+2 285415 0.01187116104208156
+2 285692 0.01532848348712414
+2 285779 0.005982984655147815
+2 286109 0.01661138735462738
+2 286540 0.01209127083516686
+2 286804 0.02491708103194107
+2 286965 0.01257886513566569
+2 287498 0.01284163742343785
+2 289209 0.01629088031127686
+2 289375 0.00988211768802618
+2 289445 0.01209127083516686
+2 289488 0.009392259459566803
+2 289560 0.01187116104208156
+2 290173 0.01532848348712414
+2 290579 0.01878451891913361
+2 290956 0.01284163742343785
+2 291434 0.009392259459566803
+2 291965 0.02097953395741722
+2 292587 0.003702586493615878
+2 293648 0.01284163742343785
+2 293683 0.01257886513566569
+2 294834 0.01209127083516686
+2 295036 0.01209127083516686
+2 295254 0.01209127083516686
+2 295578 0.01532848348712414
+2 296647 0.01187116104208156
+2 297259 0.02027767764134531
+2 297963 0.00988211768802618
+2 298208 0.01661138735462738
+2 298947 0.01257886513566569
+2 299183 0.02027767764134531
+2 299598 0.01976423537605236
+2 300071 0.02027767764134531
+2 300167 0.01209127083516686
+2 300533 0.01661138735462738
+2 301591 0.04072845142977465
+2 301827 0.01187116104208156
+2 302737 0.02515773027133137
+2 303046 0.01257886513566569
+2 303344 0.01187116104208156
+2 305266 0.03065696697424828
+2 305523 0.009392259459566803
+2 306028 0.01257886513566569
+2 306705 0.03065696697424828
+2 306731 0.01257886513566569
+2 306853 0.01187116104208156
+2 307343 0.02418254167033371
+2 307485 0.01187116104208156
+2 307587 0.01257886513566569
+2 307883 0.009392259459566803
+2 309252 0.02097953395741722
+2 309498 0.01187116104208156
+2 309554 0.01209127083516686
+2 310205 0.01257886513566569
+2 310763 0.01187116104208156
+2 311304 0.01284163742343785
+2 311699 0.02491708103194107
+2 311859 0.01661138735462738
+2 314150 0.02374232208416311
+2 315806 0.01661138735462738
+2 315891 0.02443632046691529
+2 316419 0.02515773027133137
+2 317105 0.01267550316408484
+2 317389 0.01661138735462738
+2 317542 0.03065696697424828
+2 318268 0.01661138735462738
+2 320055 0.01661138735462738
+2 320501 0.01209127083516686
+2 320865 0.02027767764134531
+2 321020 0.009588825174316798
+2 321083 0.00988211768802618
+2 321680 0.02418254167033371
+2 321851 0.02097953395741722
+2 321902 0.02393193862059126
+2 322464 0.0256832748468757
+2 322629 0.01187116104208156
+2 324306 0.01187116104208156
+2 324989 0.01532848348712414
+2 325433 0.02097953395741722
+2 326502 0.02491708103194107
+2 326816 0.00988211768802618
+2 326844 0.01209127083516686
+2 328373 0.01267550316408484
+2 328586 0.01257886513566569
+2 328741 0.01267550316408484
+2 329005 0.01187116104208156
+2 329639 0.02027767764134531
+2 329647 0.01532848348712414
+2 330127 0.00988211768802618
+2 330440 0.009392259459566803
+2 330746 0.01629088031127686
+2 332082 0.02097953395741722
+2 332153 0.009392259459566803
+2 332666 0.01661138735462738
+2 332667 0.009588825174316798
+2 333955 0.02443632046691529
+2 334147 0.01629088031127686
+2 336196 0.009392259459566803
+2 336370 0.02817677837870041
+2 336501 0.01209127083516686
+2 337339 0.00988211768802618
+2 337490 0.009392259459566803
+2 337613 0.01187116104208156
+2 338130 0.01482317653203927
+2 338271 0.01661138735462738
+2 338504 0.00988211768802618
+2 339456 0.00988211768802618
+2 339566 0.02027767764134531
+2 340589 0.01532848348712414
+2 341147 0.01267550316408484
+2 341282 0.01629088031127686
+2 342506 0.02027767764134531
+2 343051 0.01209127083516686
+2 345956 0.00988211768802618
+2 346362 0.01187116104208156
+2 346427 0.01284163742343785
+2 346435 0.01267550316408484
+2 346795 0.02991492327573907
+2 347107 0.01976423537605236
+2 347646 0.009588825174316798
+2 348487 0.03144716283916421
+2 349087 0.01209127083516686
+2 349625 0.02097953395741722
+2 349895 0.02418254167033371
+2 350033 0.009392259459566803
+2 350477 0.03065696697424828
+2 350800 0.05368750415743023
+2 350841 0.01267550316408484
+2 350940 0.01187116104208156
+2 350950 0.01267550316408484
+2 350987 0.01661138735462738
+2 351190 0.01284163742343785
+2 351675 0.01209127083516686
+2 351790 0.01629088031127686
+2 351818 0.02097953395741722
+2 352684 0.01257886513566569
+2 352824 0.01284163742343785
+2 353047 0.01187116104208156
+2 353296 0.01257886513566569
+2 355509 0.01284163742343785
+2 356738 0.0256832748468757
+2 356757 0.02374232208416311
+2 357688 0.01257886513566569
+2 357747 0.0140883891893502
+2 357985 0.02097953395741722
+2 358193 0.02097953395741722
+2 358728 0.01209127083516686
+2 359356 0.01878451891913361
+2 359360 0.02097953395741722
+2 359609 0.02097953395741722
+2 359849 0.02491708103194107
+2 359892 0.01629088031127686
+2 360279 0.02027767764134531
+2 360363 0.00988211768802618
+2 360455 0.01629088031127686
+2 360472 0.01209127083516686
+2 360638 0.02374232208416311
+2 361829 0.1136767084478085
+2 362857 0.05924138389785404
+2 364281 0.02097953395741722
+2 364394 0.02443632046691529
+2 365268 0.01187116104208156
+2 365609 0.01629088031127686
+2 366839 0.01284163742343785
+2 366889 0.01267550316408484
+2 368033 0.02097953395741722
+2 368732 0.01257886513566569
+2 368798 0.01257886513566569
+2 371111 0.02027767764134531
+2 372523 0.02097953395741722
+2 373236 0.01661138735462738
+2 373977 0.01284163742343785
+2 374551 0.1258879407829399
+2 374900 0.02515773027133137
+2 375576 0.01629088031127686
+2 375800 0.01629088031127686
+2 376484 0.01284163742343785
+2 376751 0.01629088031127686
+2 376924 0.01661138735462738
+2 376941 0.01532848348712414
+2 377388 0.01661138735462738
+2 378205 0.01209127083516686
+2 378487 0.01187116104208156
+2 378954 0.009392259459566803
+2 379022 0.02374232208416311
+2 379512 0.01267550316408484
+2 379954 0.01629088031127686
+2 381346 0.02491708103194107
+2 381423 0.01976423537605236
+2 382814 0.009392259459566803
+2 382823 0.01284163742343785
+2 383344 0.00988211768802618
+2 383608 0.009392259459566803
+2 383717 0.04446952959611781
+2 384511 0.01187116104208156
+2 384572 0.01187116104208156
+2 385593 0.01629088031127686
+2 385662 0.02967790260520389
+2 385937 0.02374232208416311
+2 386565 0.01187116104208156
+2 386583 0.03065696697424828
+2 386711 0.02097953395741722
+2 387826 0.01267550316408484
+2 388326 0.01209127083516686
+2 388348 0.02374232208416311
+2 388427 0.01257886513566569
+2 390375 0.01187116104208156
+2 391170 0.01661138735462738
+2 391281 0.01209127083516686
+2 391857 0.01187116104208156
+2 392220 0.01187116104208156
+2 392855 0.02027767764134531
+2 393871 0.00633775158204242
+2 394792 0.01629088031127686
+2 395348 0.02418254167033371
+2 396326 0.02374232208416311
+2 396905 0.01187116104208156
+2 397292 0.01661138735462738
+2 397442 0.01257886513566569
+2 398124 0.009392259459566803
+2 398679 0.02027767764134531
+2 399174 0.01187116104208156
+2 399559 0.009392259459566803
+2 399713 0.02097953395741722
+2 399881 0.00988211768802618
+2 399934 0.009392259459566803
+2 400243 0.01187116104208156
+2 400724 0.01629088031127686
+2 401431 0.01532848348712414
+2 401789 0.03952847075210472
+2 402051 0.04792905624317981
+2 402363 0.02097953395741722
+2 402744 0.01878451891913361
+2 403470 0.01629088031127686
+2 404521 0.01661138735462738
+2 404541 0.01661138735462738
+2 405723 0.02491708103194107
+2 406538 0.00988211768802618
+2 407608 0.01284163742343785
+2 407837 0.02418254167033371
+2 408569 0.02443632046691529
+2 409153 0.01976423537605236
+2 409251 0.01976423537605236
+2 409413 0.01851293246807939
+2 409849 0.02097953395741722
+2 410335 0.01257886513566569
+2 410415 0.02097953395741722
+2 410829 0.02491708103194107
+2 411232 0.01438323776147519
+2 412827 0.02097953395741722
+2 413624 0.01976423537605236
+2 413807 0.009392259459566803
+2 415227 0.02491708103194107
+2 415367 0.01661138735462738
+2 415375 0.01257886513566569
+2 417155 0.01257886513566569
+2 417598 0.02027767764134531
+2 417946 0.009392259459566803
+2 418174 0.01187116104208156
+2 418277 0.02097953395741722
+2 419073 0.02027767764134531
+2 420702 0.01209127083516686
+2 421000 0.01187116104208156
+2 421932 0.01629088031127686
+2 422475 0.00988211768802618
+2 423322 0.02097953395741722
+2 423766 0.01257886513566569
+2 424130 0.01209127083516686
+2 424330 0.01629088031127686
+2 424650 0.02443632046691529
+2 424730 0.02027767764134531
+2 424843 0.009392259459566803
+2 425096 0.02967790260520389
+2 425500 0.009392259459566803
+2 425926 0.02491708103194107
+2 426007 0.01532848348712414
+2 427445 0.01257886513566569
+2 427616 0.01661138735462738
+2 428177 0.009392259459566803
+2 428451 0.01187116104208156
+2 429547 0.01284163742343785
+2 430160 0.02097953395741722
+2 430205 0.009392259459566803
+2 430697 0.02097953395741722
+2 431648 0.01187116104208156
+2 431895 0.01532848348712414
+2 432194 0.01886829770349853
+2 432983 0.01532848348712414
+2 433312 0.01187116104208156
+2 434237 0.009392259459566803
+2 434653 0.01532848348712414
+2 434925 0.01532848348712414
+2 435045 0.01901325474612726
+2 435376 0.02027767764134531
+2 435752 0.01187116104208156
+2 437208 0.05031546054266274
+2 437657 0.02027767764134531
+2 438146 0.009392259459566803
+2 438242 0.02491708103194107
+2 438918 0.0110605514407338
+2 439020 0.01284163742343785
+2 439146 0.01629088031127686
+2 439673 0.02097953395741722
+2 439872 0.02348064864891701
+2 439988 0.02967790260520389
+2 440490 0.02418254167033371
+2 440516 0.00988211768802618
+2 440929 0.02515773027133137
+2 441002 0.02515773027133137
+2 441047 0.03065696697424828
+2 441170 0.02027767764134531
+2 441424 0.01209127083516686
+2 441779 0.003702586493615878
+2 442111 0.03802650949225452
+2 442224 0.02515773027133137
+2 442249 0.01482317653203927
+2 443208 0.01257886513566569
+2 443760 0.0256832748468757
+2 444286 0.0256832748468757
+2 444344 0.01187116104208156
+2 444625 0.03318165432220141
+2 445552 0.01187116104208156
+2 445634 0.01209127083516686
+2 446349 0.06131393394849655
+2 447271 0.02027767764134531
+2 447747 0.03065696697424828
+2 449919 0.01661138735462738
+2 450849 0.07905694150420944
+2 450953 0.01284163742343785
+2 451945 0.01267550316408484
+2 452398 0.01267550316408484
+2 452422 0.01267550316408484
+2 452971 0.02097953395741722
+2 453834 0.01284163742343785
+2 454370 0.02491708103194107
+2 454468 0.01284163742343785
+2 454650 0.00814544015563843
+2 454651 0.01629088031127686
+2 454709 0.02418254167033371
+2 455288 0.03561348312624466
+2 455623 0.01629088031127686
+2 456281 0.02097953395741722
+2 456866 0.02491708103194107
+2 457815 0.03065696697424828
+2 458039 0.02515773027133137
+2 458970 0.01209127083516686
+2 459415 0.02027767764134531
+2 459423 0.00988211768802618
+2 460207 0.02027767764134531
+2 461350 0.0256832748468757
+2 461926 0.02097953395741722
+2 462628 0.01257886513566569
+2 462898 0.01629088031127686
+2 464675 0.0256832748468757
+2 464831 0.02027767764134531
+2 465850 0.01209127083516686
+2 465863 0.01284163742343785
+2 466438 0.01843425240122301
+2 466563 0.01209127083516686
+2 466966 0.01187116104208156
+2 467870 0.01629088031127686
+2 468393 0.01257886513566569
+2 468449 0.01257886513566569
+2 469379 0.01813690625275028
+2 469884 0.04055535528269062
+2 470247 0.01661138735462738
+2 470339 0.02535100632816968
+2 470605 0.01267550316408484
+2 471189 0.01267550316408484
+2 471259 0.00988211768802618
+2 471875 0.02443632046691529
+2 472579 0.01532848348712414
+2 472594 0.00988211768802618
+2 473550 0.009392259459566803
+2 474159 0.00988211768802618
+2 474391 0.02027767764134531
+2 475339 0.009392259459566803
+2 475972 0.01482317653203927
+2 476500 0.02097953395741722
+2 476606 0.009392259459566803
+2 477443 0.007405172987231755
+2 478582 0.02097953395741722
+2 478800 0.02515773027133137
+2 478867 0.02443632046691529
+2 479009 0.02027767764134531
+2 479235 0.01209127083516686
+2 479371 0.01257886513566569
+2 479853 0.01532848348712414
+2 480593 0.01187116104208156
+2 480614 0.01661138735462738
+2 480742 0.009392259459566803
+2 480896 0.02515773027133137
+2 480905 0.01284163742343785
+2 481002 0.02443632046691529
+2 481137 0.01257886513566569
+2 481560 0.02515773027133137
+2 483291 0.009392259459566803
+2 483856 0.01187116104208156
+2 484205 0.01209127083516686
+2 485130 0.01284163742343785
+2 485333 0.00988211768802618
+2 485341 0.03952847075210472
+2 485875 0.01780674156312233
+2 487515 0.01209127083516686
+2 488003 0.01629088031127686
+2 488457 0.03144716283916421
+2 490111 0.009392259459566803
+2 490695 0.02027767764134531
+2 490708 0.01257886513566569
+2 490793 0.02097953395741722
+2 490836 0.02491708103194107
+2 491229 0.01187116104208156
+2 491253 0.01267550316408484
+2 492732 0.02418254167033371
+2 492880 0.02097953395741722
+2 493106 0.003702586493615878
+2 493349 0.01209127083516686
+2 493657 0.01267550316408484
+2 494388 0.01878451891913361
+2 494598 0.01209127083516686
+2 495011 0.01209127083516686
+2 495915 0.01267550316408484
+2 496417 0.02027767764134531
+2 496678 0.02374232208416311
+2 496748 0.00988211768802618
+2 496796 0.01257886513566569
+2 498130 0.02515773027133137
+2 498219 0.02097953395741722
+2 498821 0.01209127083516686
+2 498973 0.009392259459566803
+2 499060 0.01209127083516686
+2 499170 0.00988211768802618
+2 501309 0.01878451891913361
+2 501935 0.01284163742343785
+2 502243 0.01878451891913361
+2 502461 0.01267550316408484
+2 503708 0.02027767764134531
+2 503777 0.01209127083516686
+2 505410 0.01257886513566569
+2 505607 0.02491708103194107
+2 506829 0.009392259459566803
+2 506894 0.01187116104208156
+2 507007 0.01257886513566569
+2 507144 0.02097953395741722
+2 507537 0.01976423537605236
+2 507692 0.007373700960489202
+2 508521 0.01257886513566569
+2 509157 0.02027767764134531
+2 509422 0.01209127083516686
+2 509495 0.0256832748468757
+2 509668 0.00988211768802618
+2 510514 0.01629088031127686
+2 510538 0.01780674156312233
+2 510729 0.01267550316408484
+2 511948 0.01284163742343785
+2 511986 0.02491708103194107
+2 512070 0.01209127083516686
+2 512365 0.04598545046137242
+2 512598 0.02418254167033371
+2 513165 0.00988211768802618
+2 513346 0.01187116104208156
+2 513366 0.02418254167033371
+2 513491 0.01267550316408484
+2 513574 0.01187116104208156
+2 513624 0.009392259459566803
+2 514040 0.02515773027133137
+2 514275 0.01187116104208156
+2 514367 0.02491708103194107
+2 514462 0.02418254167033371
+2 514553 0.02374232208416311
+2 514675 0.01976423537605236
+2 515535 0.01284163742343785
+2 515853 0.02097953395741722
+2 516388 0.00988211768802618
+2 516634 0.03356088811010879
+2 517039 0.02027767764134531
+2 517500 0.00988211768802618
+2 518226 0.01661138735462738
+2 518346 0.03065696697424828
+2 519215 0.00988211768802618
+2 519422 0.00988211768802618
+2 519565 0.01284163742343785
+2 519719 0.01257886513566569
+2 520262 0.03022817708791714
+2 520422 0.03952847075210472
+2 521160 0.01257886513566569
+2 522155 0.02027767764134531
+2 523119 0.01901325474612726
+2 523390 0.02027767764134531
+2 524911 0.02491708103194107
+2 525893 0.01284163742343785
+2 526048 0.02535100632816968
+2 526099 0.01661138735462738
+2 526594 0.008305693677313689
+2 526639 0.01209127083516686
+2 527340 0.01257886513566569
+2 527569 0.02097953395741722
+2 527601 0.01284163742343785
+2 527642 0.01257886513566569
+2 527793 0.01629088031127686
+2 528004 0.009392259459566803
+2 528102 0.01209127083516686
+2 528524 0.01901325474612726
+2 529179 0.01267550316408484
+2 530339 0.01878451891913361
+2 531731 0.01284163742343785
+2 532544 0.02348064864891701
+2 533196 0.003686850480244601
+2 533265 0.003702586493615878
+2 534123 0.02097953395741722
+2 534617 0.02097953395741722
+2 534660 0.01209127083516686
+2 535078 0.01209127083516686
+2 535421 0.01187116104208156
+2 535683 0.02967790260520389
+2 536455 0.01257886513566569
+2 537391 0.02097953395741722
+2 538118 0.01267550316408484
+2 538212 0.03802650949225452
+2 539251 0.01257886513566569
+2 539651 0.03802650949225452
+2 540239 0.02027767764134531
+2 540244 0.01187116104208156
+2 540289 0.02097953395741722
+2 541883 0.01284163742343785
+2 542073 0.02097953395741722
+2 544985 0.01284163742343785
+2 545864 0.00988211768802618
+2 546518 0.0256832748468757
+2 547069 0.04446952959611781
+2 547096 0.02515773027133137
+2 548500 0.01257886513566569
+2 548807 0.01187116104208156
+2 548995 0.01257886513566569
+2 549966 0.009392259459566803
+2 550318 0.02491708103194107
+2 550488 0.03802650949225452
+2 553824 0.01661138735462738
+2 554010 0.01209127083516686
+2 554171 0.02397206293579199
+2 554626 0.02097953395741722
+2 554790 0.01661138735462738
+2 554848 0.0191776503486336
+2 555410 0.02491708103194107
+2 556121 0.02097953395741722
+2 556254 0.02967790260520389
+2 556469 0.08848441152587043
+2 557149 0.01284163742343785
+2 557346 0.01209127083516686
+2 557381 0.01532848348712414
+2 557935 0.01901325474612726
+2 558237 0.01187116104208156
+2 558809 0.00988211768802618
+2 559015 0.02027767764134531
+2 559448 0.02097953395741722
+2 560636 0.01209127083516686
+2 560840 0.01976423537605236
+2 561621 0.01661138735462738
+2 561819 0.01284163742343785
+2 561951 0.01257886513566569
+2 562538 0.01209127083516686
+2 562593 0.01878451891913361
+2 563735 0.01267550316408484
+2 565021 0.0256832748468757
+2 565028 0.01661138735462738
+2 565104 0.01257886513566569
+2 566521 0.02097953395741722
+2 567885 0.01532848348712414
+2 567941 0.01267550316408484
+2 568364 0.01661138735462738
+2 570455 0.009392259459566803
+2 570559 0.01257886513566569
+2 570943 0.01209127083516686
+2 571076 0.009392259459566803
+2 571344 0.01267550316408484
+2 571671 0.01532848348712414
+2 571843 0.0147474019209784
+2 572246 0.01187116104208156
+2 572512 0.02443632046691529
+2 574646 0.01267550316408484
+2 574873 0.01267550316408484
+2 575452 0.01629088031127686
+2 576070 0.02374232208416311
+2 577152 0.009392259459566803
+2 578390 0.02097953395741722
+2 579722 0.01284163742343785
+2 579976 0.01629088031127686
+2 580887 0.03065696697424828
+2 581118 0.01209127083516686
+2 581433 0.02443632046691529
+2 581631 0.01187116104208156
+2 581724 0.01187116104208156
+2 582841 0.02097953395741722
+2 583746 0.04786387724118252
+2 584763 0.04786387724118252
+2 584764 0.01661138735462738
+2 585464 0.009392259459566803
+2 585856 0.01209127083516686
+2 588655 0.02027767764134531
+2 589083 0.00988211768802618
+2 589282 0.009392259459566803
+2 589423 0.009392259459566803
+2 589684 0.01209127083516686
+2 589703 0.02515773027133137
+2 589957 0.01187116104208156
+2 590704 0.009392259459566803
+2 590865 0.005982984655147815
+2 591486 0.01267550316408484
+2 591783 0.02027767764134531
+2 592306 0.02418254167033371
+2 592795 0.02097953395741722
+2 593205 0.01257886513566569
+2 593584 0.02515773027133137
+2 594775 0.1366407587340144
+2 595636 0.01284163742343785
+2 595735 0.04055535528269062
+2 595803 0.05530275720366901
+2 596531 0.01661138735462738
+2 596911 0.01267550316408484
+2 597340 0.02027767764134531
+2 597345 0.01661138735462738
+2 597475 0.01284163742343785
+2 597806 0.03065696697424828
+2 598035 0.01187116104208156
+2 598774 0.01851293246807939
+2 598861 0.01661138735462738
+2 600033 0.01257886513566569
+2 600226 0.0333232784425429
+2 600733 0.01284163742343785
+2 601885 0.0256832748468757
+2 603421 0.009392259459566803
+2 604022 0.01851293246807939
+2 604566 0.01629088031127686
+2 605088 0.01661138735462738
+2 605225 0.02221551896169527
+2 605363 0.01209127083516686
+2 605905 0.01661138735462738
+2 606149 0.02027767764134531
+2 606691 0.01661138735462738
+2 607395 0.01187116104208156
+2 607478 0.01187116104208156
+2 607497 0.1017107391375129
+2 608228 0.01661138735462738
+2 608522 0.01257886513566569
+2 609068 0.01187116104208156
+2 609725 0.01187116104208156
+2 610929 0.01257886513566569
+2 611195 0.01284163742343785
+2 611433 0.02027767764134531
+2 611606 0.01187116104208156
+2 611937 0.009392259459566803
+2 611968 0.02515773027133137
+2 612117 0.02374232208416311
+2 612458 0.01976423537605236
+2 612900 0.02027767764134531
+2 613047 0.01209127083516686
+2 613249 0.01661138735462738
+2 614292 0.02097953395741722
+2 616022 0.00988211768802618
+2 616663 0.04696129729783401
+2 616727 0.03065696697424828
+2 618125 0.01532848348712414
+2 618608 0.02515773027133137
+2 618826 0.01187116104208156
+2 618883 0.02515773027133137
+2 619657 0.02418254167033371
+2 620129 0.02535100632816968
+2 620141 0.01976423537605236
+2 620674 0.00988211768802618
+2 622310 0.01661138735462738
+2 623090 0.01629088031127686
+2 623736 0.00988211768802618
+2 625465 0.01284163742343785
+2 625667 0.01532848348712414
+2 625891 0.01661138735462738
+2 626817 0.00988211768802618
+2 627927 0.01532848348712414
+2 628067 0.0418808925860347
+2 629272 0.02515773027133137
+2 629982 0.01209127083516686
+2 632608 0.009392259459566803
+2 633030 0.02374232208416311
+2 633643 0.01284163742343785
+2 633716 0.01187116104208156
+2 634151 0.02027767764134531
+2 634260 0.01257886513566569
+2 634735 0.03756903783826721
+2 634908 0.01267550316408484
+2 635076 0.01257886513566569
+2 635430 0.009392259459566803
+2 635517 0.003702586493615878
+2 635690 0.01532848348712414
+2 636278 0.02097953395741722
+2 636542 0.0256832748468757
+2 637312 0.01661138735462738
+2 637349 0.01209127083516686
+2 637688 0.01257886513566569
+2 638259 0.01257886513566569
+2 639034 0.01284163742343785
+2 639892 0.01209127083516686
+2 640112 0.01629088031127686
+2 640317 0.01532848348712414
+2 640783 0.0256832748468757
+2 641475 0.009392259459566803
+2 641515 0.02027767764134531
+2 642099 0.009392259459566803
+2 642166 0.01267550316408484
+2 642203 0.01196596931029563
+2 642346 0.01284163742343785
+2 642947 0.009392259459566803
+2 643040 0.01661138735462738
+2 643624 0.01267550316408484
+2 643634 0.01481034597446351
+2 643775 0.02097953395741722
+2 644774 0.02097953395741722
+2 645403 0.00988211768802618
+2 645425 0.02097953395741722
+2 646228 0.01187116104208156
+2 646635 0.01209127083516686
+2 646774 0.01187116104208156
+2 646997 0.02374232208416311
+2 648804 0.01209127083516686
+2 649465 0.01629088031127686
+2 650544 0.02443632046691529
+2 651223 0.02491708103194107
+2 651225 0.01629088031127686
+2 651372 0.01209127083516686
+2 651933 0.009392259459566803
+2 652019 0.01629088031127686
+2 652222 0.01661138735462738
+2 652514 0.01267550316408484
+2 653413 0.01187116104208156
+2 653648 0.01284163742343785
+2 653842 0.01284163742343785
+2 654071 0.01209127083516686
+2 654503 0.04055535528269062
+2 654859 0.00988211768802618
+2 655766 0.02443632046691529
+2 655981 0.01187116104208156
+2 656268 0.01661138735462738
+2 656289 0.01187116104208156
+2 656663 0.02027767764134531
+2 656829 0.01187116104208156
+2 657395 0.01209127083516686
+2 657596 0.02027767764134531
+2 657676 0.01629088031127686
+2 657943 0.03065696697424828
+2 658042 0.02027767764134531
+2 658156 0.01187116104208156
+2 658534 0.01284163742343785
+2 658872 0.02097953395741722
+2 658894 0.01257886513566569
+2 658990 0.01209127083516686
+2 659203 0.01532848348712414
+2 659515 0.01976423537605236
+2 659843 0.01257886513566569
+2 661073 0.02591810545531114
+2 661437 0.0256832748468757
+2 661597 0.0256832748468757
+2 662167 0.02027767764134531
+2 663106 0.02418254167033371
+2 663257 0.02097953395741722
+2 663463 0.01661138735462738
+2 663549 0.01284163742343785
+2 663643 0.02491708103194107
+2 663812 0.02591810545531114
+2 664047 0.01187116104208156
+2 664841 0.009392259459566803
+2 665050 0.01267550316408484
+2 665140 0.01187116104208156
+2 665629 0.02515773027133137
+2 666091 0.009392259459566803
+2 666137 0.01661138735462738
+2 666157 0.02443632046691529
+2 667149 0.01209127083516686
+2 667599 0.01901325474612726
+2 667991 0.01532848348712414
+2 668297 0.01267550316408484
+2 668322 0.02374232208416311
+2 669344 0.01661138735462738
+2 669870 0.00988211768802618
+2 670154 0.04887264093383057
+2 670603 0.02443632046691529
+2 671133 0.009392259459566803
+2 671188 0.02097953395741722
+2 671553 0.007373700960489202
+2 672756 0.003686850480244601
+2 672818 0.01532848348712414
+2 673436 0.0256832748468757
+2 673875 0.02967790260520389
+2 673948 0.01187116104208156
+2 674116 0.02443632046691529
+2 675057 0.03952847075210472
+2 675118 0.01629088031127686
+2 675170 0.01629088031127686
+2 675195 0.01878451891913361
+2 675808 0.01438323776147519
+2 676706 0.02491708103194107
+2 677232 0.03022817708791714
+2 677290 0.02027767764134531
+2 677358 0.01187116104208156
+2 677456 0.01187116104208156
+2 678317 0.01629088031127686
+2 678441 0.01257886513566569
+2 679017 0.01267550316408484
+2 679062 0.01187116104208156
+2 679295 0.07605301898450904
+2 679313 0.009392259459566803
+2 679782 0.01629088031127686
+2 680267 0.01267550316408484
+2 680757 0.01267550316408484
+2 681665 0.01284163742343785
+2 683693 0.02515773027133137
+2 683795 0.07513807567653442
+2 684432 0.01629088031127686
+2 684776 0.01257886513566569
+2 685717 0.00988211768802618
+2 685755 0.02097953395741722
+2 685817 0.01267550316408484
+2 685818 0.009392259459566803
+2 685989 0.01209127083516686
+2 687190 0.01187116104208156
+2 687316 0.02097953395741722
+2 687596 0.02027767764134531
+2 687655 0.0256832748468757
+2 688234 0.02027767764134531
+2 688581 0.02027767764134531
+2 688855 0.02097953395741722
+2 689600 0.01187116104208156
+2 689812 0.02097953395741722
+2 690625 0.01284163742343785
+2 690761 0.03756903783826721
+2 690785 0.01187116104208156
+2 690985 0.02443632046691529
+2 692369 0.01901325474612726
+2 693449 0.01878451891913361
+2 693637 0.01267550316408484
+2 694296 0.02418254167033371
+2 694872 0.01661138735462738
+2 695844 0.02027767764134531
+2 695961 0.01267550316408484
+2 696533 0.04443103792339053
+2 696845 0.01901325474612726
+2 697205 0.1136767084478085
+2 697295 0.02027767764134531
+2 697353 0.01209127083516686
+2 697398 0.01284163742343785
+2 697777 0.01187116104208156
+2 698038 0.01629088031127686
+2 700344 0.01284163742343785
+2 700729 0.01209127083516686
+2 700816 0.02027767764134531
+2 701413 0.02097953395741722
+2 701887 0.11986031467896
+2 702139 0.01661138735462738
+2 703551 0.01532848348712414
+2 704757 0.01976423537605236
+2 704838 0.01284163742343785
+2 705703 0.01661138735462738
+2 707485 0.01532848348712414
+2 707961 0.02097953395741722
+2 708513 0.02097953395741722
+2 709279 0.01284163742343785
+2 711333 0.01629088031127686
+2 711528 0.01661138735462738
+2 711689 0.01284163742343785
+2 711746 0.02443632046691529
+2 713560 0.02097953395741722
+2 713722 0.009392259459566803
+2 713842 0.02443632046691529
+2 713948 0.02027767764134531
+2 714126 0.01257886513566569
+2 714506 0.02443632046691529
+2 714584 0.003702586493615878
+2 714651 0.01187116104208156
+2 715382 0.009392259459566803
+2 715583 0.01267550316408484
+2 716464 0.01629088031127686
+2 717151 0.01284163742343785
+2 717797 0.01661138735462738
+2 718287 0.04226516756805061
+2 718339 0.01629088031127686
+2 718801 0.009392259459566803
+2 718814 0.01284163742343785
+2 719321 0.02027767764134531
+2 719341 0.009392259459566803
+2 720483 0.01284163742343785
+2 720889 0.01629088031127686
+2 721187 0.01209127083516686
+2 721403 0.03561348312624466
+2 721881 0.02027767764134531
+2 722371 0.01257886513566569
+2 723739 0.02491708103194107
+2 724441 0.02027767764134531
+2 724638 0.02443632046691529
+2 725387 0.01661138735462738
+2 725826 0.02418254167033371
+2 726929 0.00988211768802618
+2 727767 0.01532848348712414
+2 728386 0.01284163742343785
+2 728519 0.01284163742343785
+2 728781 0.01661138735462738
+2 729399 0.01267550316408484
+2 729624 0.02515773027133137
+2 730396 0.01209127083516686
+2 730665 0.003686850480244601
+2 730815 0.01661138735462738
+2 730975 0.00988211768802618
+2 731076 0.02374232208416311
+2 731483 0.004794412587158399
+2 731681 0.01187116104208156
+2 732692 0.01257886513566569
+2 732774 0.01257886513566569
+2 733705 0.01284163742343785
+2 733958 0.01629088031127686
+2 734141 0.01209127083516686
+2 734255 0.01976423537605236
+2 734497 0.02097953395741722
+2 734514 0.01629088031127686
+2 734881 0.01661138735462738
+2 735337 0.01267550316408484
+2 736811 0.01257886513566569
+2 737231 0.02027767764134531
+2 737286 0.01267550316408484
+2 737454 0.009392259459566803
+2 738086 0.02027767764134531
+2 738553 0.03210409355859462
+2 738705 0.02027767764134531
+2 739054 0.01209127083516686
+2 739280 0.01257886513566569
+2 740090 0.02418254167033371
+2 740483 0.01878451891913361
+2 742024 0.01661138735462738
+2 742441 0.02491708103194107
+2 742723 0.01661138735462738
+2 743281 0.009392259459566803
+2 743460 0.02027767764134531
+2 743484 0.01257886513566569
+2 743954 0.009392259459566803
+2 744745 0.01209127083516686
+2 744932 0.02097953395741722
+2 745016 0.01284163742343785
+2 745086 0.02097953395741722
+2 745311 0.05703976423838177
+2 745333 0.01187116104208156
+2 745544 0.0256832748468757
+2 746216 0.01629088031127686
+2 746312 0.0256832748468757
+2 746886 0.009392259459566803
+2 746986 0.02443632046691529
+2 747207 0.02027767764134531
+2 747313 0.0256832748468757
+2 747408 0.0256832748468757
+2 747499 0.02515773027133137
+2 747922 0.01257886513566569
+2 748031 0.00988211768802618
+2 748799 0.01661138735462738
+2 748920 0.009392259459566803
+2 749580 0.0418808925860347
+2 749981 0.02027767764134531
+2 750334 0.01661138735462738
+2 750849 0.009392259459566803
+2 751292 0.03802650949225452
+2 752511 0.01813690625275028
+2 752563 0.01661138735462738
+2 753179 0.02097953395741722
+2 753180 0.01661138735462738
+2 753208 0.0256832748468757
+2 753368 0.04696129729783401
+2 754264 0.01209127083516686
+2 754289 0.01284163742343785
+2 754290 0.01187116104208156
+2 755461 0.01926245613515677
+2 756065 0.01976423537605236
+2 756336 0.01629088031127686
+2 757857 0.03210409355859462
+2 758447 0.01187116104208156
+2 758989 0.02535100632816968
+2 759540 0.02097953395741722
+2 759895 0.02027767764134531
+2 761081 0.02097953395741722
+2 762877 0.01187116104208156
+2 762881 0.01267550316408484
+2 763831 0.01284163742343785
+2 764149 0.02027767764134531
+2 764439 0.03065696697424828
+2 764887 0.04598545046137242
+2 764965 0.0256832748468757
+2 764967 0.02027767764134531
+2 765407 0.01976423537605236
+2 765490 0.01532848348712414
+2 767935 0.01257886513566569
+2 768117 0.01629088031127686
+2 769159 0.02027767764134531
+2 769388 0.01257886513566569
+2 769764 0.01209127083516686
+2 770385 0.01257886513566569
+2 771129 0.02097953395741722
+2 771803 0.01209127083516686
+2 773235 0.01661138735462738
+2 774969 0.02097953395741722
+2 775609 0.02097953395741722
+2 775946 0.01209127083516686
+2 776388 0.01187116104208156
+2 777163 0.01257886513566569
+2 778264 0.01284163742343785
+2 778324 0.00988211768802618
+2 778479 0.01267550316408484
+2 779464 0.02418254167033371
+2 780015 0.05165742702761741
+2 780042 0.02443632046691529
+2 780043 0.01976423537605236
+2 780219 0.02535100632816968
+2 780239 0.02097953395741722
+2 780615 0.01187116104208156
+2 781289 0.01187116104208156
+2 782333 0.009392259459566803
+2 782430 0.01257886513566569
+2 782473 0.01209127083516686
+2 783264 0.02097953395741722
+2 783434 0.03952847075210472
+2 783959 0.01532848348712414
+2 784093 0.01257886513566569
+2 785824 0.00988211768802618
+2 786164 0.01209127083516686
+2 786208 0.01209127083516686
+2 787307 0.01209127083516686
+2 787572 0.02491708103194107
+2 787794 0.02212110288146761
+2 788356 0.02097953395741722
+2 789200 0.02515773027133137
+2 789638 0.0147474019209784
+2 789676 0.01187116104208156
+2 789726 0.02027767764134531
+2 790327 0.01267550316408484
+2 790881 0.01976423537605236
+2 792310 0.01257886513566569
+2 792394 0.02418254167033371
+2 793199 0.01661138735462738
+2 794897 0.01629088031127686
+2 795041 0.02097953395741722
+2 795539 0.00988211768802618
+2 795689 0.01257886513566569
+2 795705 0.01284163742343785
+2 796034 0.009392259459566803
+2 796951 0.01661138735462738
+2 797041 0.01209127083516686
+2 797932 0.01209127083516686
+2 797967 0.02418254167033371
+2 798269 0.01187116104208156
+2 798275 0.009392259459566803
+2 799214 0.00988211768802618
+2 800049 0.02876647552295039
+2 800107 0.02097953395741722
+2 800351 0.01209127083516686
+2 800887 0.01532848348712414
+2 801290 0.01187116104208156
+2 802823 0.01187116104208156
+2 802850 0.01209127083516686
+2 803505 0.01629088031127686
+2 805144 0.01878451891913361
+2 805350 0.01209127083516686
+2 805458 0.02515773027133137
+2 806825 0.01257886513566569
+2 807411 0.02212110288146761
+2 807592 0.01532848348712414
+2 808157 0.01661138735462738
+2 808261 0.01257886513566569
+2 808615 0.02027767764134531
+2 809016 0.02515773027133137
+2 810083 0.01267550316408484
+2 810521 0.01629088031127686
+2 810764 0.01187116104208156
+2 811115 0.01257886513566569
+2 811336 0.02491708103194107
+2 811638 0.01629088031127686
+2 812235 0.01209127083516686
+2 812961 0.01284163742343785
+2 813659 0.01284163742343785
+2 813730 0.01257886513566569
+2 814379 0.02027767764134531
+2 814413 0.02491708103194107
+2 814841 0.01629088031127686
+2 815787 0.02491708103194107
+2 816431 0.02097953395741722
+2 816658 0.01187116104208156
+2 816692 0.03835530069726719
+2 818110 0.01267550316408484
+2 818267 0.01629088031127686
+2 818723 0.01187116104208156
+2 819117 0.02097953395741722
+2 819535 0.02027767764134531
+2 819622 0.053420224689367
+2 819769 0.01267550316408484
+2 820077 0.02964635306407854
+2 820866 0.01257886513566569
+2 821613 0.02515773027133137
+2 822514 0.01661138735462738
+2 822649 0.02443632046691529
+2 823498 0.01976423537605236
+2 823569 0.009392259459566803
+2 824356 0.01187116104208156
+2 824950 0.01267550316408484
+2 825252 0.0256832748468757
+2 825710 0.01267550316408484
+2 825829 0.01209127083516686
+2 826238 0.02418254167033371
+2 826530 0.02443632046691529
+2 827148 0.01284163742343785
+2 827721 0.1456305939696617
+2 828203 0.00988211768802618
+2 828605 0.02515773027133137
+2 829017 0.01629088031127686
+2 829437 0.01209127083516686
+2 830752 0.02535100632816968
+2 832515 0.00988211768802618
+2 833029 0.01532848348712414
+2 833113 0.02097953395741722
+2 833209 0.00988211768802618
+2 833259 0.02097953395741722
+2 833638 0.01187116104208156
+2 833997 0.009392259459566803
+2 834831 0.03022817708791714
+2 834873 0.01257886513566569
+2 835397 0.01532848348712414
+2 835613 0.02027767764134531
+2 837519 0.01284163742343785
+2 838514 0.009392259459566803
+2 839777 0.02991492327573907
+2 840443 0.1222575209725392
+2 840574 0.0256832748468757
+2 840693 0.01257886513566569
+2 841468 0.02374232208416311
+2 842470 0.02097953395741722
+2 842623 0.04813362441700641
+2 842736 0.01629088031127686
+2 843007 0.01209127083516686
+2 844379 0.01629088031127686
+2 844914 0.02443632046691529
+2 845063 0.02515773027133137
+2 845404 0.02348064864891701
+2 845681 0.01209127083516686
+2 846061 0.009392259459566803
+2 846127 0.01661138735462738
+2 846677 0.01257886513566569
+2 846818 0.009392259459566803
+2 849609 0.03065696697424828
+2 849734 0.01209127083516686
+2 849899 0.00988211768802618
+2 851071 0.01901325474612726
+2 851354 0.0191776503486336
+2 851554 0.01629088031127686
+2 851981 0.01532848348712414
+2 852603 0.0256832748468757
+2 852839 0.00988211768802618
+2 852923 0.00988211768802618
+2 853087 0.01878451891913361
+2 853446 0.02374232208416311
+2 853636 0.009392259459566803
+2 854610 0.01284163742343785
+2 855032 0.01187116104208156
+2 855048 0.01661138735462738
+2 855256 0.02097953395741722
+2 856602 0.009588825174316798
+2 856711 0.01532848348712414
+2 857430 0.009588825174316798
+2 857805 0.004794412587158399
+2 859217 0.01187116104208156
+2 859535 0.01661138735462738
+2 859763 0.009392259459566803
+2 862000 0.00988211768802618
+2 862218 0.02443632046691529
+2 862928 0.01284163742343785
+2 863966 0.01284163742343785
+2 864413 0.01901325474612726
+2 865879 0.01661138735462738
+2 865976 0.02515773027133137
+2 867681 0.03065696697424828
+2 868376 0.01482317653203927
+2 868463 0.003686850480244601
+2 868636 0.01901325474612726
+2 869194 0.01209127083516686
+2 869224 0.01661138735462738
+2 869257 0.01267550316408484
+2 869345 0.01187116104208156
+2 869488 0.03022817708791714
+2 869672 0.01267550316408484
+2 870736 0.01187116104208156
+2 871602 0.01878451891913361
+2 871893 0.02374232208416311
+2 872524 0.009392259459566803
+2 873263 0.01901325474612726
+2 873729 0.02491708103194107
+2 873846 0.01284163742343785
+2 875182 0.009392259459566803
+2 875441 0.04786387724118252
+2 875655 0.01284163742343785
+2 876523 0.02097953395741722
+2 876721 0.02418254167033371
+2 877720 0.02491708103194107
+2 877879 0.01209127083516686
+2 878047 0.01284163742343785
+2 878137 0.02097953395741722
+2 878262 0.01976423537605236
+2 878424 0.01284163742343785
+2 879769 0.009392259459566803
+2 879943 0.02515773027133137
+2 880682 0.01284163742343785
+2 882927 0.01257886513566569
+2 882933 0.03065696697424828
+2 883435 0.01257886513566569
+2 883490 0.02515773027133137
+2 884169 0.03210409355859462
+2 884234 0.00988211768802618
+2 884301 0.01187116104208156
+2 885421 0.02027767764134531
+2 885706 0.01209127083516686
+2 886166 0.01187116104208156
+2 886245 0.02027767764134531
+2 886515 0.01267550316408484
+2 886594 0.01661138735462738
+2 887950 0.03952847075210472
+2 887964 0.01209127083516686
+2 888451 0.01661138735462738
+2 888712 0.02027767764134531
+2 889389 0.03952847075210472
+2 890988 0.02443632046691529
+2 891111 0.01267550316408484
+2 891688 0.00988211768802618
+2 891818 0.02418254167033371
+2 891936 0.01926245613515677
+2 891990 0.01284163742343785
+2 893608 0.01661138735462738
+2 894383 0.02418254167033371
+2 894543 0.03022817708791714
+2 895522 0.00988211768802618
+2 896052 0.0256832748468757
+2 896271 0.009392259459566803
+2 896645 0.01629088031127686
+2 896971 0.00988211768802618
+2 897538 0.01209127083516686
+2 897787 0.00988211768802618
+2 897850 0.01284163742343785
+2 898575 0.02374232208416311
+2 898744 0.00988211768802618
+2 899056 0.009392259459566803
+2 899103 0.02027767764134531
+2 900285 0.01187116104208156
+2 900545 0.01976423537605236
+2 900937 0.02348064864891701
+2 901268 0.02515773027133137
+2 903100 0.04055535528269062
+2 904204 0.01878451891913361
+2 904235 0.01532848348712414
+2 905764 0.01901325474612726
+2 905987 0.01187116104208156
+2 906255 0.004794412587158399
+2 907300 0.01661138735462738
+2 908003 0.03756903783826721
+2 908116 0.02027767764134531
+2 909652 0.02097953395741722
+2 910178 0.02097953395741722
+2 910236 0.02443632046691529
+2 911183 0.01661138735462738
+2 912241 0.07905694150420944
+2 912335 0.02097953395741722
+2 912726 0.01629088031127686
+2 913275 0.01976423537605236
+2 913317 0.01257886513566569
+2 913653 0.02876647552295039
+2 914446 0.00988211768802618
+2 914766 0.01926245613515677
+2 915364 0.01629088031127686
+2 915591 0.009392259459566803
+2 916639 0.02374232208416311
+2 917287 0.01209127083516686
+2 917655 0.01267550316408484
+2 918790 0.00988211768802618
+2 918856 0.01629088031127686
+2 919953 0.02097953395741722
+2 920601 0.02491708103194107
+2 920814 0.01532848348712414
+2 921180 0.02443632046691529
+2 922695 0.01661138735462738
+2 922852 0.01629088031127686
+2 923584 0.01284163742343785
+2 923707 0.03952847075210472
+2 923931 0.02027767764134531
+2 924410 0.01629088031127686
+2 925001 0.01267550316408484
+2 925190 0.01886829770349853
+2 925315 0.01532848348712414
+2 926172 0.01187116104208156
+2 927242 0.02097953395741722
+2 927818 0.01284163742343785
+2 928388 0.007405172987231755
+2 928824 0.01257886513566569
+2 929479 0.03871193004256832
+2 929791 0.01532848348712414
+2 929906 0.007373700960489202
+2 930194 0.00988211768802618
+2 930411 0.01257886513566569
+2 930723 0.01257886513566569
+2 931474 0.01629088031127686
+2 932673 0.00988211768802618
+2 933280 0.00988211768802618
+2 933762 0.01780674156312233
+2 934359 0.01661138735462738
+2 934502 0.01926245613515677
+2 935917 0.01257886513566569
+2 935971 0.01284163742343785
+2 936053 0.01267550316408484
+2 936497 0.009392259459566803
+2 936525 0.01267550316408484
+2 937144 0.009392259459566803
+2 937762 0.01661138735462738
+2 938242 0.01257886513566569
+2 939422 0.02097953395741722
+2 939690 0.01284163742343785
+2 939719 0.01209127083516686
+2 940322 0.01209127083516686
+2 940431 0.01901325474612726
+2 941267 0.01257886513566569
+2 941331 0.007373700960489202
+2 941355 0.01629088031127686
+2 942533 0.03627381250550057
+2 942795 0.00988211768802618
+2 942870 0.01878451891913361
+2 943165 0.003686850480244601
+2 944474 0.0256832748468757
+2 944692 0.02027767764134531
+2 945541 0.05753295104590078
+2 946271 0.01187116104208156
+2 946506 0.02418254167033371
+2 946788 0.02027767764134531
+2 947078 0.02374232208416311
+2 947374 0.01629088031127686
+2 947452 0.02027767764134531
+2 948445 0.01187116104208156
+2 950097 0.01661138735462738
+2 950105 0.02097953395741722
+2 950375 0.01187116104208156
+2 950532 0.00988211768802618
+2 951233 0.03065696697424828
+2 951400 0.01629088031127686
+2 951731 0.01661138735462738
+2 952169 0.02212110288146761
+2 952784 0.01257886513566569
+2 952816 0.01629088031127686
+2 954385 0.01257886513566569
+2 954467 0.05924138389785404
+2 954637 0.03065696697424828
+2 956163 0.01257886513566569
+2 957584 0.02027767764134531
+2 958772 0.01926245613515677
+2 959031 0.00988211768802618
+2 959943 0.01629088031127686
+2 960127 0.01257886513566569
+2 960446 0.01257886513566569
+2 960738 0.01257886513566569
+2 960973 0.00988211768802618
+2 960985 0.02097953395741722
+2 961603 0.01284163742343785
+2 961628 0.00988211768802618
+2 962570 0.02443632046691529
+2 962638 0.02967790260520389
+2 964030 0.02418254167033371
+2 967201 0.01901325474612726
+2 967603 0.01661138735462738
+2 967827 0.02097953395741722
+2 968215 0.01267550316408484
+2 968621 0.02443632046691529
+2 969340 0.01209127083516686
+2 969465 0.01661138735462738
+2 969841 0.004794412587158399
+2 969930 0.01209127083516686
+2 970706 0.009392259459566803
+2 971032 0.01629088031127686
+2 971087 0.02097953395741722
+2 971499 0.03627381250550057
+2 971672 0.01209127083516686
+2 973036 0.0256832748468757
+2 974365 0.009392259459566803
+2 975387 0.02097953395741722
+2 976405 0.01187116104208156
+2 976887 0.01187116104208156
+2 977962 0.01661138735462738
+2 978032 0.01661138735462738
+2 978257 0.06917482381618327
+2 978478 0.01661138735462738
+2 978490 0.02491708103194107
+2 979258 0.02491708103194107
+2 979445 0.01187116104208156
+2 979735 0.01209127083516686
+2 979932 0.02027767764134531
+2 980259 0.03022817708791714
+2 980354 0.02491708103194107
+2 981745 0.0256832748468757
+2 981979 0.009392259459566803
+2 982927 0.01629088031127686
+2 985366 0.01187116104208156
+2 985457 0.02097953395741722
+2 986154 0.02491708103194107
+2 986314 0.03065696697424828
+2 988324 0.01187116104208156
+2 988407 0.01813690625275028
+2 988717 0.01257886513566569
+2 988791 0.01267550316408484
+2 989011 0.01878451891913361
+2 989082 0.01267550316408484
+2 989281 0.01661138735462738
+2 989282 0.01886829770349853
+2 989537 0.02097953395741722
+2 989581 0.01257886513566569
+2 989953 0.00988211768802618
+2 990021 0.02027767764134531
+2 990528 0.01209127083516686
+2 990672 0.01187116104208156
+2 990803 0.03627381250550057
+2 991253 0.02374232208416311
+2 991301 0.01187116104208156
+2 991837 0.01532848348712414
+2 991935 0.03065696697424828
+2 992236 0.00988211768802618
+2 993215 0.01209127083516686
+2 993799 0.01187116104208156
+2 994759 0.01532848348712414
+2 995649 0.01257886513566569
+2 997911 0.02418254167033371
+2 998436 0.01267550316408484
+2 998679 0.02027767764134531
+2 1001757 0.01886829770349853
+2 1003223 0.02949480384195681
+2 1003294 0.01661138735462738
+2 1003445 0.01629088031127686
+2 1004573 0.00988211768802618
+2 1004702 0.009392259459566803
+2 1004705 0.01284163742343785
+2 1004995 0.01209127083516686
+2 1006006 0.0256832748468757
+2 1007334 0.03561348312624466
+2 1007414 0.01257886513566569
+2 1007446 0.01187116104208156
+2 1007641 0.01209127083516686
+2 1008293 0.01267550316408484
+2 1008887 0.009392259459566803
+2 1009753 0.02097953395741722
+2 1010140 0.01187116104208156
+2 1010941 0.009392259459566803
+2 1011865 0.01629088031127686
+2 1011890 0.01629088031127686
+2 1011985 0.009392259459566803
+2 1012221 0.00988211768802618
+2 1012255 0.009392259459566803
+2 1012410 0.02097953395741722
+2 1012961 0.03065696697424828
+2 1012988 0.02027767764134531
+2 1013381 0.0256832748468757
+2 1014878 0.02027767764134531
+2 1015121 0.01284163742343785
+2 1015383 0.01532848348712414
+2 1015417 0.02097953395741722
+2 1016210 0.01209127083516686
+2 1016380 0.04226516756805061
+2 1017552 0.01209127083516686
+2 1018345 0.01976423537605236
+2 1019371 0.01257886513566569
+2 1019814 0.01629088031127686
+2 1020341 0.02515773027133137
+2 1020740 0.02776939870211908
+2 1020926 0.02418254167033371
+2 1021010 0.009392259459566803
+2 1021081 0.01629088031127686
+2 1022146 0.01629088031127686
+2 1022161 0.00988211768802618
+2 1022672 0.02443632046691529
+2 1022891 0.01209127083516686
+2 1023174 0.02491708103194107
+2 1023273 0.00988211768802618
+2 1023461 0.01284163742343785
+2 1023613 0.02027767764134531
+2 1023686 0.02027767764134531
+2 1023735 0.01284163742343785
+2 1023827 0.01878451891913361
+2 1023854 0.02515773027133137
+2 1024164 0.01187116104208156
+2 1024933 0.01532848348712414
+2 1025340 0.0256832748468757
+2 1026237 0.01629088031127686
+2 1026344 0.01257886513566569
+2 1027427 0.009392259459566803
+2 1027843 0.02027767764134531
+2 1029036 0.01284163742343785
+2 1030056 0.01661138735462738
+2 1030553 0.01284163742343785
+2 1030913 0.02097953395741722
+2 1031475 0.01257886513566569
+2 1032833 0.009392259459566803
+2 1033533 0.06131393394849655
+2 1033833 0.0140883891893502
+2 1033969 0.01209127083516686
+2 1034211 0.01532848348712414
+2 1035045 0.01257886513566569
+2 1035697 0.02097953395741722
+2 1036451 0.02027767764134531
+2 1037054 0.02418254167033371
+2 1037251 0.01532848348712414
+2 1037334 0.01187116104208156
+2 1037360 0.01438323776147519
+2 1038363 0.00988211768802618
+2 1038404 0.02374232208416311
+2 1038446 0.01209127083516686
+2 1038679 0.02027767764134531
+2 1038721 0.009392259459566803
+2 1038860 0.01267550316408484
+2 1039550 0.02418254167033371
+2 1040115 0.01629088031127686
+2 1040538 0.009392259459566803
+2 1041945 0.01629088031127686
+2 1041959 0.02097953395741722
+2 1041962 0.02443632046691529
+2 1042357 0.00988211768802618
+2 1043478 0.01209127083516686
+2 1043732 0.01209127083516686
+2 1044148 0.01284163742343785
+2 1044282 0.0256832748468757
+2 1044433 0.009392259459566803
+2 1045582 0.02967790260520389
+2 1045753 0.01629088031127686
+2 1046255 0.00988211768802618
+2 1046996 0.02535100632816968
+2 1047224 0.01284163742343785
+2 1047359 0.02097953395741722
+2 1047601 0.01661138735462738
+2 1047749 0.02027767764134531
+2 1048094 0.01209127083516686
+2 1048186 0.01661138735462738
+3 1217 0.01143000975406277
+3 3857 0.01320283310383877
+3 4027 0.02640566620767753
+3 4053 0.04871320593564841
+3 4255 0.01665869913262564
+3 4395 0.01246125647433777
+3 4959 0.004059433827970701
+3 6826 0.02056285911646446
+3 7555 0.02498804869893845
+3 7735 0.01143000975406277
+3 7815 0.02056285911646446
+3 7895 0.01665869913262564
+3 7932 0.01246125647433777
+3 8591 0.01320283310383877
+3 9140 0.01246125647433777
+3 9453 0.01246125647433777
+3 10221 0.01665869913262564
+3 10266 0.02056285911646446
+3 10495 0.02101500185100624
+3 10781 0.01980424965575815
+3 10783 0.01193938887132041
+3 11165 0.01143000975406277
+3 11195 0.01485722929945572
+3 11483 0.03555590672673894
+3 11546 0.01246125647433777
+3 12091 0.081188676559414
+3 12377 0.01246125647433777
+3 12775 0.01665869913262564
+3 13234 0.008406000740402497
+3 13815 0.02056285911646446
+3 14067 0.01143000975406277
+3 14178 0.01143000975406277
+3 14598 0.02056285911646446
+3 15865 0.02056285911646446
+3 15918 0.01246125647433777
+3 16047 0.01320283310383877
+3 17713 0.02492251294867554
+3 18525 0.02640566620767753
+3 19183 0.02056285911646446
+3 19787 0.01320283310383877
+3 20237 0.02498804869893845
+3 20975 0.07712924273144331
+3 21923 0.01320283310383877
+3 22178 0.03247547062376561
+3 22283 0.01485722929945572
+3 22471 0.01143000975406277
+3 22779 0.01665869913262564
+3 23059 0.01246125647433777
+3 24092 0.02056285911646446
+3 24647 0.01193938887132041
+3 25327 0.01246125647433777
+3 25533 0.01246125647433777
+3 25679 0.02056285911646446
+3 26538 0.02492251294867554
+3 27288 0.01246125647433777
+3 27367 0.01320283310383877
+3 27857 0.01777795336336947
+3 27897 0.01665869913262564
+3 28219 0.01869188471150665
+3 29735 0.01777795336336947
+3 30453 0.02971445859891144
+3 30532 0.02228584394918358
+3 30673 0.01485722929945572
+3 31114 0.02056285911646446
+3 31629 0.01143000975406277
+3 32389 0.01980424965575815
+3 32574 0.02498804869893845
+3 34373 0.01320283310383877
+3 34448 0.01665869913262564
+3 34501 0.02056285911646446
+3 34750 0.03738376942301331
+3 35957 0.01246125647433777
+3 36147 0.01980424965575815
+3 36326 0.01320283310383877
+3 36358 0.01320283310383877
+3 36502 0.01320283310383877
+3 37137 0.01665869913262564
+3 37189 0.01246125647433777
+3 37317 0.01143000975406277
+3 37503 0.01320283310383877
+3 37731 0.03555590672673894
+3 37981 0.01246125647433777
+3 38013 0.01246125647433777
+3 38589 0.01320283310383877
+3 38621 0.02492251294867554
+3 38823 0.02056285911646446
+3 39042 0.01246125647433777
+3 39110 0.01143000975406277
+3 39509 0.01320283310383877
+3 39653 0.01485722929945572
+3 39692 0.02387877774264082
+3 39733 0.01246125647433777
+3 39829 0.02498804869893845
+3 40007 0.01059003165442212
+3 40920 0.004059433827970701
+3 41231 0.01869188471150665
+3 41314 0.01665869913262564
+3 41645 0.01777795336336947
+3 41800 0.03766520704253128
+3 43781 0.03782700333181123
+3 44002 0.01980424965575815
+3 44178 0.01246125647433777
+3 44366 0.02498804869893845
+3 44467 0.02286001950812554
+3 44630 0.01143000975406277
+3 45103 0.01320283310383877
+3 45156 0.01246125647433777
+3 45447 0.02228584394918358
+3 45608 0.01665869913262564
+3 45701 0.01246125647433777
+3 45921 0.02056285911646446
+3 46179 0.01665869913262564
+3 46389 0.01246125647433777
+3 46563 0.01777795336336947
+3 46627 0.02118006330884424
+3 47093 0.01485722929945572
+3 47252 0.02640566620767753
+3 47699 0.01143000975406277
+3 47915 0.01143000975406277
+3 47962 0.01485722929945572
+3 48569 0.01320283310383877
+3 48603 0.02056285911646446
+3 50498 0.01665869913262564
+3 50742 0.03044575370978025
+3 51558 0.01320283310383877
+3 52051 0.02228584394918358
+3 52582 0.01246125647433777
+3 52746 0.01485722929945572
+3 52969 0.01143000975406277
+3 53793 0.01246125647433777
+3 53865 0.01246125647433777
+3 54961 0.02056285911646446
+3 55865 0.01143000975406277
+3 56955 0.02056285911646446
+3 57289 0.02492251294867554
+3 57633 0.02387877774264082
+3 57975 0.02498804869893845
+3 57981 0.01193938887132041
+3 58055 0.01777795336336947
+3 58263 0.02056285911646446
+3 58588 0.01193938887132041
+3 58964 0.008118867655941402
+3 59101 0.02498804869893845
+3 59737 0.01320283310383877
+3 60223 0.01246125647433777
+3 60725 0.01777795336336947
+3 61677 0.01777795336336947
+3 62039 0.01193938887132041
+3 62302 0.02056285911646446
+3 62531 0.01869188471150665
+3 62678 0.01320283310383877
+3 63173 0.01485722929945572
+3 63186 0.02056285911646446
+3 63739 0.01320283310383877
+3 63743 0.01320283310383877
+3 64006 0.02942100259140874
+3 64106 0.02640566620767753
+3 64639 0.02228584394918358
+3 65937 0.02056285911646446
+3 66189 0.01665869913262564
+3 66297 0.02640566620767753
+3 67532 0.01246125647433777
+3 68094 0.02056285911646446
+3 68228 0.01143000975406277
+3 68296 0.02056285911646446
+3 68440 0.008118867655941402
+3 69487 0.01320283310383877
+3 70831 0.01320283310383877
+3 71163 0.01246125647433777
+3 71164 0.02056285911646446
+3 71223 0.01143000975406277
+3 71541 0.02640566620767753
+3 72167 0.01246125647433777
+3 72441 0.00529501582721106
+3 72580 0.02056285911646446
+3 72895 0.01320283310383877
+3 73248 0.01246125647433777
+3 73429 0.01143000975406277
+3 73450 0.02387877774264082
+3 74892 0.01485722929945572
+3 75365 0.01777795336336947
+3 75428 0.01320283310383877
+3 75491 0.01320283310383877
+3 75925 0.02228584394918358
+3 76129 0.02056285911646446
+3 76927 0.01193938887132041
+3 78251 0.01665869913262564
+3 78337 0.01320283310383877
+3 78685 0.01246125647433777
+3 79062 0.02498804869893845
+3 79445 0.03362400296160999
+3 79689 0.01320283310383877
+3 80087 0.0121783014839121
+3 80482 0.01246125647433777
+3 80697 0.01665869913262564
+3 81201 0.02286001950812554
+3 81347 0.01320283310383877
+3 81931 0.01665869913262564
+3 82143 0.03555590672673894
+3 82903 0.01869188471150665
+3 83440 0.02640566620767753
+3 83670 0.01246125647433777
+3 84121 0.01777795336336947
+3 84213 0.01246125647433777
+3 84759 0.01777795336336947
+3 85307 0.02387877774264082
+3 85329 0.02228584394918358
+3 85562 0.01246125647433777
+3 85847 0.01665869913262564
+3 86763 0.02640566620767753
+3 87025 0.02640566620767753
+3 87688 0.02640566620767753
+3 87952 0.01143000975406277
+3 88115 0.01320283310383877
+3 88129 0.01320283310383877
+3 88244 0.01143000975406277
+3 89394 0.01143000975406277
+3 89757 0.01246125647433777
+3 90470 0.01246125647433777
+3 90507 0.01320283310383877
+3 92317 0.01320283310383877
+3 92507 0.01143000975406277
+3 92553 0.03115314118584442
+3 93288 0.04178786104962144
+3 94509 0.01320283310383877
+3 94897 0.01320283310383877
+3 95096 0.02056285911646446
+3 95929 0.01777795336336947
+3 96118 0.02387877774264082
+3 96293 0.02056285911646446
+3 96519 0.02492251294867554
+3 96701 0.01485722929945572
+3 96863 0.02492251294867554
+3 97216 0.01193938887132041
+3 98896 0.02056285911646446
+3 98957 0.01320283310383877
+3 99214 0.01485722929945572
+3 100129 0.01485722929945572
+3 100645 0.02056285911646446
+3 102340 0.02056285911646446
+3 102379 0.01246125647433777
+3 102974 0.02056285911646446
+3 103106 0.01665869913262564
+3 103203 0.01665869913262564
+3 103211 0.01777795336336947
+3 104025 0.02056285911646446
+3 104528 0.01143000975406277
+3 104826 0.01777795336336947
+3 105135 0.01193938887132041
+3 105933 0.01246125647433777
+3 106530 0.02498804869893845
+3 107345 0.01665869913262564
+3 107840 0.02056285911646446
+3 108325 0.01246125647433777
+3 108885 0.02640566620767753
+3 108888 0.01320283310383877
+3 109093 0.01485722929945572
+3 110084 0.02286001950812554
+3 110259 0.0162377353118828
+3 110824 0.02498804869893845
+3 112034 0.02492251294867554
+3 113065 0.02498804869893845
+3 113849 0.1032528086306157
+3 114419 0.01193938887132041
+3 114485 0.02056285911646446
+3 115141 0.02492251294867554
+3 115933 0.01665869913262564
+3 116067 0.01246125647433777
+3 117008 0.01665869913262564
+3 117225 0.02056285911646446
+3 117539 0.02498804869893845
+3 117854 0.04833450425731436
+3 118344 0.01143000975406277
+3 118583 0.01246125647433777
+3 119267 0.01777795336336947
+3 119880 0.01320283310383877
+3 120867 0.02387877774264082
+3 121246 0.01980424965575815
+3 121462 0.01143000975406277
+3 121543 0.02286001950812554
+3 121668 0.02498804869893845
+3 121733 0.01665869913262564
+3 122121 0.01193938887132041
+3 122335 0.01320283310383877
+3 122428 0.01665869913262564
+3 122586 0.01665869913262564
+3 122702 0.01193938887132041
+3 123003 0.02056285911646446
+3 123015 0.01665869913262564
+3 123021 0.01485722929945572
+3 123332 0.01777795336336947
+3 123567 0.02286001950812554
+3 123823 0.02492251294867554
+3 123832 0.01246125647433777
+3 124361 0.01320283310383877
+3 124634 0.01193938887132041
+3 125514 0.01193938887132041
+3 125796 0.01246125647433777
+3 127444 0.03429002926218831
+3 127623 0.01777795336336947
+3 128289 0.02056285911646446
+3 128651 0.01665869913262564
+3 128921 0.01665869913262564
+3 129270 0.01143000975406277
+3 129742 0.02640566620767753
+3 129769 0.01246125647433777
+3 129835 0.01777795336336947
+3 129911 0.1067180866205053
+3 130122 0.01665869913262564
+3 130821 0.01246125647433777
+3 130832 0.02640566620767753
+3 131013 0.03555590672673894
+3 131202 0.01143000975406277
+3 131329 0.01246125647433777
+3 132099 0.01777795336336947
+3 132659 0.01246125647433777
+3 132753 0.01246125647433777
+3 132907 0.01246125647433777
+3 134551 0.02228584394918358
+3 134821 0.01246125647433777
+3 134857 0.02492251294867554
+3 134915 0.01777795336336947
+3 135267 0.04394274154961983
+3 136001 0.01143000975406277
+3 136037 0.01143000975406277
+3 136085 0.01143000975406277
+3 136795 0.00742861464972786
+3 137101 0.02228584394918358
+3 137302 0.02056285911646446
+3 138455 0.02056285911646446
+3 138791 0.01777795336336947
+3 139043 0.01665869913262564
+3 139369 0.02498804869893845
+3 139743 0.01246125647433777
+3 140025 0.01790908330698062
+3 140496 0.01246125647433777
+3 140517 0.02056285911646446
+3 140719 0.01320283310383877
+3 140931 0.01143000975406277
+3 141183 0.01665869913262564
+3 141289 0.01143000975406277
+3 141425 0.04572003901625108
+3 141605 0.04203000370201248
+3 141907 0.01320283310383877
+3 142773 0.01246125647433777
+3 142891 0.02056285911646446
+3 143353 0.01320283310383877
+3 144292 0.02056285911646446
+3 144575 0.01320283310383877
+3 145209 0.02056285911646446
+3 145235 0.01665869913262564
+3 145424 0.01246125647433777
+3 146037 0.01777795336336947
+3 146159 0.02056285911646446
+3 146940 0.02056285911646446
+3 147069 0.01320283310383877
+3 147376 0.01485722929945572
+3 147961 0.01665869913262564
+3 148953 0.01246125647433777
+3 149101 0.01193938887132041
+3 149947 0.02056285911646446
+3 150033 0.01665869913262564
+3 151683 0.004059433827970701
+3 151977 0.02492251294867554
+3 152798 0.01320283310383877
+3 153195 0.02286001950812554
+3 153585 0.01193938887132041
+3 153667 0.01320283310383877
+3 153743 0.01246125647433777
+3 153965 0.01246125647433777
+3 154703 0.01485722929945572
+3 156082 0.02492251294867554
+3 156099 0.01665869913262564
+3 156173 0.03138767253544273
+3 156460 0.01485722929945572
+3 156833 0.0264750791360553
+3 157858 0.01485722929945572
+3 157955 0.01246125647433777
+3 158123 0.01320283310383877
+3 158293 0.01246125647433777
+3 159807 0.01980424965575815
+3 160283 0.01143000975406277
+3 160470 0.01143000975406277
+3 160539 0.02492251294867554
+3 161123 0.01143000975406277
+3 161765 0.02056285911646446
+3 162271 0.01246125647433777
+3 162347 0.02056285911646446
+3 162627 0.02286001950812554
+3 162917 0.02498804869893845
+3 163442 0.01320283310383877
+3 163782 0.01143000975406277
+3 163920 0.01485722929945572
+3 164511 0.01320283310383877
+3 164514 0.02498804869893845
+3 164517 0.01143000975406277
+3 164840 0.01320283310383877
+3 165055 0.01714501463109416
+3 166212 0.01193938887132041
+3 167285 0.01485722929945572
+3 168043 0.01193938887132041
+3 168637 0.02286001950812554
+3 168879 0.02056285911646446
+3 169919 0.02286001950812554
+3 170076 0.02492251294867554
+3 170814 0.01665869913262564
+3 171247 0.02387877774264082
+3 171878 0.01485722929945572
+3 173141 0.04457168789836716
+3 173265 0.008329349566312819
+3 173803 0.02286001950812554
+3 173845 0.0121783014839121
+3 174375 0.02056285911646446
+3 174707 0.01320283310383877
+3 174936 0.01320283310383877
+3 175308 0.02492251294867554
+3 175466 0.01665869913262564
+3 175715 0.01665869913262564
+3 176985 0.02056285911646446
+3 177446 0.0284160367957949
+3 177591 0.01320283310383877
+3 178297 0.01143000975406277
+3 178387 0.01143000975406277
+3 178455 0.01777795336336947
+3 179808 0.01246125647433777
+3 180023 0.01485722929945572
+3 180617 0.01320283310383877
+3 180885 0.01777795336336947
+3 181332 0.01320283310383877
+3 181755 0.01665869913262564
+3 182131 0.01246125647433777
+3 182463 0.02056285911646446
+3 182843 0.02056285911646446
+3 183123 0.01665869913262564
+3 183563 0.02640566620767753
+3 183597 0.02286001950812554
+3 183941 0.01665869913262564
+3 184480 0.01246125647433777
+3 184651 0.02498804869893845
+3 186648 0.01320283310383877
+3 186765 0.02118006330884424
+3 186833 0.01246125647433777
+3 187621 0.01246125647433777
+3 187746 0.01143000975406277
+3 188671 0.01665869913262564
+3 189199 0.01588504748163318
+3 189450 0.01320283310383877
+3 189683 0.01193938887132041
+3 191214 0.01665869913262564
+3 191224 0.01143000975406277
+3 191398 0.01143000975406277
+3 191653 0.01665869913262564
+3 191676 0.01193938887132041
+3 192250 0.01193938887132041
+3 192304 0.01320283310383877
+3 192489 0.02056285911646446
+3 192646 0.01143000975406277
+3 193179 0.01665869913262564
+3 193474 0.01485722929945572
+3 194518 0.01320283310383877
+3 195368 0.01143000975406277
+3 196241 0.01320283310383877
+3 196699 0.01246125647433777
+3 196993 0.01320283310383877
+3 199769 0.02056285911646446
+3 199964 0.01193938887132041
+3 200527 0.01665869913262564
+3 200598 0.02640566620767753
+3 200776 0.008406000740402497
+3 201764 0.01193938887132041
+3 202228 0.004203000370201248
+3 202541 0.02056285911646446
+3 202835 0.02498804869893845
+3 203482 0.01777795336336947
+3 204007 0.02056285911646446
+3 204963 0.01320283310383877
+3 205439 0.02056285911646446
+3 206024 0.01260900111060374
+3 206183 0.02640566620767753
+3 206459 0.01320283310383877
+3 206589 0.01665869913262564
+3 206955 0.02056285911646446
+3 206977 0.02056285911646446
+3 207643 0.02286001950812554
+3 208446 0.01320283310383877
+3 208501 0.01665869913262564
+3 208584 0.01193938887132041
+3 208847 0.02056285911646446
+3 209165 0.0533338600901084
+3 209187 0.02498804869893845
+3 210421 0.02492251294867554
+3 210445 0.01143000975406277
+3 210657 0.01320283310383877
+3 210845 0.01320283310383877
+3 211136 0.01246125647433777
+3 212204 0.01193938887132041
+3 213383 0.01485722929945572
+3 213699 0.01143000975406277
+3 214686 0.03429002926218831
+3 216417 0.01714501463109416
+3 216760 0.01485722929945572
+3 216931 0.01665869913262564
+3 217645 0.02971445859891144
+3 218276 0.01246125647433777
+3 218729 0.01485722929945572
+3 218879 0.01246125647433777
+3 218889 0.01193938887132041
+3 218944 0.01246125647433777
+3 219577 0.01143000975406277
+3 220242 0.02498804869893845
+3 220545 0.01193938887132041
+3 221484 0.01320283310383877
+3 221691 0.01246125647433777
+3 223267 0.01320283310383877
+3 224533 0.02857502438515692
+3 224559 0.01246125647433777
+3 224694 0.02498804869893845
+3 224863 0.0264750791360553
+3 224869 0.02228584394918358
+3 224883 0.01246125647433777
+3 225230 0.02056285911646446
+3 225616 0.01485722929945572
+3 225683 0.01665869913262564
+3 226416 0.01320283310383877
+3 226531 0.01320283310383877
+3 226773 0.01320283310383877
+3 227332 0.01246125647433777
+3 229496 0.02498804869893845
+3 230854 0.01246125647433777
+3 231342 0.01246125647433777
+3 234745 0.02056285911646446
+3 234797 0.01320283310383877
+3 236014 0.01193938887132041
+3 237201 0.01320283310383877
+3 238825 0.01143000975406277
+3 239745 0.01193938887132041
+3 239772 0.01665869913262564
+3 240761 0.01246125647433777
+3 241304 0.01143000975406277
+3 241357 0.01246125647433777
+3 241364 0.0121783014839121
+3 241537 0.01665869913262564
+3 243212 0.02498804869893845
+3 243517 0.01320283310383877
+3 243727 0.03115314118584442
+3 243997 0.01665869913262564
+3 244091 0.01246125647433777
+3 244205 0.00529501582721106
+3 244746 0.01246125647433777
+3 245636 0.01260900111060374
+3 246032 0.01485722929945572
+3 246761 0.02492251294867554
+3 247249 0.01193938887132041
+3 247503 0.01665869913262564
+3 247544 0.02498804869893845
+3 248011 0.01665869913262564
+3 248175 0.01246125647433777
+3 249431 0.01777795336336947
+3 250659 0.02640566620767753
+3 251205 0.01777795336336947
+3 251471 0.02492251294867554
+3 251779 0.01320283310383877
+3 253017 0.02056285911646446
+3 253183 0.02056285911646446
+3 253797 0.01485722929945572
+3 254046 0.02498804869893845
+3 254292 0.01320283310383877
+3 254619 0.01143000975406277
+3 254853 0.01246125647433777
+3 257629 0.01665869913262564
+3 258479 0.01320283310383877
+3 259064 0.01246125647433777
+3 259484 0.02640566620767753
+3 260239 0.01193938887132041
+3 260315 0.01485722929945572
+3 260803 0.01485722929945572
+3 261223 0.01246125647433777
+3 261937 0.01320283310383877
+3 262033 0.01485722929945572
+3 263145 0.01320283310383877
+3 263399 0.03555590672673894
+3 264009 0.01193938887132041
+3 264060 0.02498804869893845
+3 264390 0.02498804869893845
+3 264755 0.01246125647433777
+3 265335 0.02492251294867554
+3 265520 0.02056285911646446
+3 266151 0.01665869913262564
+3 266458 0.01193938887132041
+3 267394 0.02640566620767753
+3 267447 0.01665869913262564
+3 267559 0.02056285911646446
+3 267696 0.02640566620767753
+3 269448 0.01246125647433777
+3 270131 0.01320283310383877
+3 270135 0.01320283310383877
+3 270263 0.01193938887132041
+3 271214 0.01246125647433777
+3 271567 0.02640566620767753
+3 271675 0.01320283310383877
+3 272775 0.02056285911646446
+3 273016 0.01665869913262564
+3 273269 0.01665869913262564
+3 273555 0.1059003165442212
+3 273589 0.01790908330698062
+3 274177 0.02056285911646446
+3 274494 0.01246125647433777
+3 274591 0.02228584394918358
+3 274746 0.040594338279707
+3 275104 0.01246125647433777
+3 276736 0.01665869913262564
+3 276948 0.02492251294867554
+3 277312 0.02056285911646446
+3 278393 0.02387877774264082
+3 278447 0.01665869913262564
+3 279309 0.02056285911646446
+3 279328 0.01059003165442212
+3 279345 0.01320283310383877
+3 279973 0.01320283310383877
+3 280237 0.01246125647433777
+3 280547 0.01143000975406277
+3 280955 0.01320283310383877
+3 281487 0.01143000975406277
+3 281632 0.01665869913262564
+3 283342 0.02640566620767753
+3 283635 0.01193938887132041
+3 283688 0.02521800222120749
+3 284504 0.02492251294867554
+3 285692 0.01777795336336947
+3 286291 0.01665869913262564
+3 287063 0.02056285911646446
+3 287268 0.01246125647433777
+3 287349 0.01777795336336947
+3 288175 0.01320283310383877
+3 288269 0.01320283310383877
+3 290235 0.02640566620767753
+3 290283 0.01485722929945572
+3 290325 0.01777795336336947
+3 290545 0.01246125647433777
+3 290579 0.02286001950812554
+3 290753 0.00529501582721106
+3 290921 0.02640566620767753
+3 291001 0.01714501463109416
+3 291071 0.01246125647433777
+3 291142 0.02498804869893845
+3 291799 0.02056285911646446
+3 292047 0.02056285911646446
+3 292587 0.008118867655941402
+3 294050 0.01246125647433777
+3 294219 0.01485722929945572
+3 294519 0.01485722929945572
+3 295248 0.02498804869893845
+3 295575 0.01665869913262564
+3 295612 0.01246125647433777
+3 296132 0.02498804869893845
+3 296984 0.01246125647433777
+3 297052 0.02492251294867554
+3 297585 0.02387877774264082
+3 298969 0.02056285911646446
+3 299243 0.03115314118584442
+3 299356 0.01246125647433777
+3 299819 0.01665869913262564
+3 300317 0.01193938887132041
+3 300703 0.01320283310383877
+3 300877 0.01143000975406277
+3 301040 0.02498804869893845
+3 301242 0.03115314118584442
+3 301591 0.004059433827970701
+3 301725 0.01143000975406277
+3 302060 0.01246125647433777
+3 302329 0.01143000975406277
+3 303929 0.01320283310383877
+3 304190 0.01193938887132041
+3 304293 0.01320283310383877
+3 304487 0.02492251294867554
+3 305549 0.01485722929945572
+3 305907 0.01665869913262564
+3 306396 0.02286001950812554
+3 308311 0.01485722929945572
+3 308871 0.01777795336336947
+3 309127 0.02056285911646446
+3 309291 0.02056285911646446
+3 309901 0.01485722929945572
+3 310219 0.01246125647433777
+3 312008 0.02056285911646446
+3 312173 0.01777795336336947
+3 313606 0.02387877774264082
+3 314062 0.02056285911646446
+3 314147 0.02387877774264082
+3 315089 0.02857502438515692
+3 315810 0.01665869913262564
+3 315849 0.02056285911646446
+3 315865 0.02056285911646446
+3 316223 0.01193938887132041
+3 316386 0.01665869913262564
+3 317067 0.01485722929945572
+3 317159 0.01320283310383877
+3 317307 0.01320283310383877
+3 317518 0.01246125647433777
+3 317526 0.02056285911646446
+3 317542 0.03555590672673894
+3 318275 0.0533338600901084
+3 319085 0.02286001950812554
+3 319971 0.02492251294867554
+3 320634 0.02498804869893845
+3 320967 0.01777795336336947
+3 320981 0.01246125647433777
+3 321083 0.01193938887132041
+3 321103 0.01246125647433777
+3 321902 0.04394274154961983
+3 322703 0.01320283310383877
+3 322837 0.01485722929945572
+3 324805 0.02056285911646446
+3 324824 0.01193938887132041
+3 325021 0.008118867655941402
+3 325103 0.01485722929945572
+3 325263 0.01869188471150665
+3 325499 0.02640566620767753
+3 326234 0.04457168789836716
+3 326709 0.02492251294867554
+3 326812 0.01143000975406277
+3 327045 0.01246125647433777
+3 327832 0.01320283310383877
+3 328042 0.02492251294867554
+3 328875 0.01485722929945572
+3 329064 0.02286001950812554
+3 329465 0.02056285911646446
+3 329647 0.01777795336336947
+3 329809 0.02056285911646446
+3 331842 0.02492251294867554
+3 331929 0.02971445859891144
+3 332183 0.008406000740402497
+3 332663 0.01246125647433777
+3 332667 0.02118006330884424
+3 333349 0.02640566620767753
+3 333591 0.01665869913262564
+3 333862 0.02492251294867554
+3 334075 0.01246125647433777
+3 334419 0.01665869913262564
+3 334542 0.02498804869893845
+3 334773 0.01980424965575815
+3 335164 0.01246125647433777
+3 335294 0.01246125647433777
+3 335920 0.02498804869893845
+3 337698 0.01665869913262564
+3 337772 0.02228584394918358
+3 338879 0.01320283310383877
+3 338895 0.02056285911646446
+3 339476 0.02056285911646446
+3 339815 0.01320283310383877
+3 340305 0.01485722929945572
+3 340786 0.02492251294867554
+3 341831 0.02492251294867554
+3 343138 0.01246125647433777
+3 343167 0.01193938887132041
+3 343645 0.01665869913262564
+3 343770 0.02640566620767753
+3 344365 0.01320283310383877
+3 344980 0.02640566620767753
+3 345149 0.01320283310383877
+3 345629 0.02056285911646446
+3 346011 0.02056285911646446
+3 346093 0.01777795336336947
+3 346795 0.08160794859215112
+3 347302 0.01665869913262564
+3 347646 0.00529501582721106
+3 348087 0.02640566620767753
+3 349142 0.02498804869893845
+3 349262 0.01246125647433777
+3 350045 0.01193938887132041
+3 350171 0.01665869913262564
+3 350800 0.06089150741956051
+3 352315 0.02056285911646446
+3 352511 0.02387877774264082
+3 353069 0.01665869913262564
+3 353765 0.02498804869893845
+3 354181 0.01193938887132041
+3 354192 0.02492251294867554
+3 354489 0.01777795336336947
+3 354881 0.01485722929945572
+3 356513 0.01777795336336947
+3 356677 0.01193938887132041
+3 356769 0.02056285911646446
+3 357207 0.01246125647433777
+3 357293 0.02640566620767753
+3 357856 0.01143000975406277
+3 358669 0.01193938887132041
+3 359480 0.01320283310383877
+3 359851 0.01485722929945572
+3 361829 0.06277534507088546
+3 361915 0.01143000975406277
+3 361990 0.01246125647433777
+3 362688 0.02492251294867554
+3 362857 0.1339613163230331
+3 363778 0.02498804869893845
+3 363871 0.01193938887132041
+3 364136 0.01143000975406277
+3 364223 0.01193938887132041
+3 364485 0.01246125647433777
+3 364507 0.02056285911646446
+3 365911 0.02056285911646446
+3 366839 0.01665869913262564
+3 366933 0.01320283310383877
+3 367497 0.02387877774264082
+3 367803 0.02640566620767753
+3 367841 0.01320283310383877
+3 368490 0.01485722929945572
+3 369945 0.01320283310383877
+3 370047 0.01777795336336947
+3 370248 0.02498804869893845
+3 371283 0.01485722929945572
+3 371922 0.01246125647433777
+3 372021 0.01790908330698062
+3 372315 0.02056285911646446
+3 372517 0.01320283310383877
+3 372528 0.01246125647433777
+3 372971 0.02286001950812554
+3 373288 0.01320283310383877
+3 373442 0.02056285911646446
+3 373830 0.01869188471150665
+3 373905 0.01485722929945572
+3 374371 0.04775755548528165
+3 374551 0.040594338279707
+3 375487 0.004203000370201248
+3 376837 0.01665869913262564
+3 376902 0.01665869913262564
+3 377957 0.02056285911646446
+3 378827 0.01485722929945572
+3 380270 0.02387877774264082
+3 382979 0.02056285911646446
+3 384923 0.02640566620767753
+3 385885 0.01665869913262564
+3 386039 0.01246125647433777
+3 386583 0.01777795336336947
+3 388257 0.02056285911646446
+3 389028 0.02640566620767753
+3 389049 0.01320283310383877
+3 389430 0.01485722929945572
+3 390098 0.01320283310383877
+3 391054 0.01059003165442212
+3 391239 0.01320283310383877
+3 391640 0.0121783014839121
+3 392753 0.02498804869893845
+3 392756 0.01193938887132041
+3 392961 0.01246125647433777
+3 393162 0.01485722929945572
+3 393240 0.01320283310383877
+3 393402 0.01665869913262564
+3 393416 0.01193938887132041
+3 393879 0.02056285911646446
+3 394205 0.01777795336336947
+3 394711 0.01665869913262564
+3 395863 0.02056285911646446
+3 395917 0.01980424965575815
+3 396990 0.02498804869893845
+3 397092 0.01485722929945572
+3 397442 0.01246125647433777
+3 397460 0.02056285911646446
+3 398001 0.01777795336336947
+3 399057 0.02056285911646446
+3 399089 0.01246125647433777
+3 400231 0.01777795336336947
+3 400702 0.01193938887132041
+3 400807 0.02056285911646446
+3 401484 0.01246125647433777
+3 401789 0.02387877774264082
+3 402051 0.06724800592321997
+3 402443 0.01246125647433777
+3 402865 0.01777795336336947
+3 403445 0.01246125647433777
+3 403799 0.02056285911646446
+3 404193 0.02228584394918358
+3 404989 0.01246125647433777
+3 406087 0.03555590672673894
+3 406211 0.02056285911646446
+3 406693 0.03115314118584442
+3 407321 0.01246125647433777
+3 409413 0.0243566029678242
+3 409567 0.01246125647433777
+3 409899 0.01777795336336947
+3 410525 0.01143000975406277
+3 411139 0.01777795336336947
+3 411232 0.00529501582721106
+3 412269 0.02056285911646446
+3 412465 0.01485722929945572
+3 412969 0.01193938887132041
+3 413341 0.01246125647433777
+3 413831 0.02228584394918358
+3 415409 0.02492251294867554
+3 416464 0.01320283310383877
+3 416543 0.02387877774264082
+3 416582 0.01143000975406277
+3 417313 0.01665869913262564
+3 417682 0.01193938887132041
+3 418924 0.01143000975406277
+3 419779 0.01320283310383877
+3 420901 0.02056285911646446
+3 420902 0.02492251294867554
+3 421097 0.01665869913262564
+3 422147 0.02387877774264082
+3 422318 0.02492251294867554
+3 424160 0.02056285911646446
+3 424993 0.01485722929945572
+3 425415 0.01246125647433777
+3 425435 0.01665869913262564
+3 426286 0.01246125647433777
+3 428437 0.01246125647433777
+3 428509 0.01320283310383877
+3 429187 0.01246125647433777
+3 429544 0.01665869913262564
+3 429627 0.02387877774264082
+3 430026 0.00529501582721106
+3 430301 0.01485722929945572
+3 430433 0.01485722929945572
+3 431307 0.01246125647433777
+3 431597 0.01246125647433777
+3 431629 0.01665869913262564
+3 432100 0.01665869913262564
+3 432807 0.01246125647433777
+3 433376 0.01193938887132041
+3 433466 0.01320283310383877
+3 433473 0.01980424965575815
+3 433544 0.02492251294867554
+3 433703 0.01777795336336947
+3 435045 0.02228584394918358
+3 435209 0.01485722929945572
+3 435487 0.02498804869893845
+3 435944 0.01485722929945572
+3 436428 0.02228584394918358
+3 436501 0.02498804869893845
+3 436850 0.01665869913262564
+3 436953 0.02492251294867554
+3 437188 0.01193938887132041
+3 438339 0.01665869913262564
+3 438385 0.02492251294867554
+3 438918 0.01260900111060374
+3 439129 0.02498804869893845
+3 439696 0.01193938887132041
+3 439777 0.01193938887132041
+3 439851 0.02387877774264082
+3 439923 0.01665869913262564
+3 440291 0.01777795336336947
+3 441779 0.0162377353118828
+3 441797 0.02056285911646446
+3 442111 0.06685753184755075
+3 442536 0.01246125647433777
+3 443367 0.02640566620767753
+3 443890 0.01193938887132041
+3 444079 0.02056285911646446
+3 444625 0.008406000740402497
+3 444639 0.01143000975406277
+3 444645 0.02056285911646446
+3 445546 0.01320283310383877
+3 445601 0.02056285911646446
+3 447632 0.02387877774264082
+3 447643 0.02056285911646446
+3 447948 0.01485722929945572
+3 448011 0.01485722929945572
+3 449363 0.01193938887132041
+3 449388 0.01246125647433777
+3 450679 0.01320283310383877
+3 451111 0.01777795336336947
+3 451929 0.02056285911646446
+3 452078 0.02492251294867554
+3 452533 0.01143000975406277
+3 452878 0.01665869913262564
+3 453188 0.02056285911646446
+3 453801 0.01320283310383877
+3 453855 0.01665869913262564
+3 454291 0.01246125647433777
+3 455709 0.01193938887132041
+3 456962 0.004203000370201248
+3 457315 0.01777795336336947
+3 457479 0.04775755548528165
+3 457640 0.02056285911646446
+3 457815 0.01777795336336947
+3 458176 0.02498804869893845
+3 459317 0.02056285911646446
+3 459493 0.01665869913262564
+3 459822 0.01777795336336947
+3 461182 0.01246125647433777
+3 462024 0.01485722929945572
+3 462442 0.02640566620767753
+3 462615 0.01665869913262564
+3 464067 0.01665869913262564
+3 466115 0.01246125647433777
+3 466438 0.008406000740402497
+3 467277 0.02640566620767753
+3 468028 0.01665869913262564
+3 468337 0.01193938887132041
+3 468725 0.01246125647433777
+3 469959 0.01777795336336947
+3 470147 0.01246125647433777
+3 470605 0.02971445859891144
+3 471309 0.01143000975406277
+3 471406 0.02640566620767753
+3 472321 0.01193938887132041
+3 472579 0.01777795336336947
+3 472741 0.01246125647433777
+3 473070 0.01143000975406277
+3 473458 0.01320283310383877
+3 473707 0.01320283310383877
+3 474303 0.01320283310383877
+3 474483 0.02056285911646446
+3 474874 0.01246125647433777
+3 475534 0.02056285911646446
+3 475656 0.01143000975406277
+3 476673 0.02056285911646446
+3 476869 0.01246125647433777
+3 477182 0.01777795336336947
+3 477443 0.0284160367957949
+3 477750 0.01246125647433777
+3 478326 0.01320283310383877
+3 479707 0.02640566620767753
+3 479823 0.01246125647433777
+3 480195 0.01320283310383877
+3 480348 0.01320283310383877
+3 480490 0.02640566620767753
+3 482702 0.01143000975406277
+3 483149 0.01665869913262564
+3 483238 0.01320283310383877
+3 483851 0.01320283310383877
+3 484417 0.02056285911646446
+3 484672 0.01665869913262564
+3 484907 0.01193938887132041
+3 485051 0.02056285911646446
+3 486129 0.03738376942301331
+3 486533 0.01193938887132041
+3 486603 0.01665869913262564
+3 486801 0.01246125647433777
+3 486992 0.02056285911646446
+3 488191 0.01143000975406277
+3 490276 0.01246125647433777
+3 490469 0.01665869913262564
+3 490921 0.01665869913262564
+3 491425 0.01665869913262564
+3 493106 0.0121783014839121
+3 493145 0.01665869913262564
+3 493257 0.01665869913262564
+3 493976 0.01193938887132041
+3 494030 0.02492251294867554
+3 494973 0.02640566620767753
+3 495949 0.01777795336336947
+3 496345 0.02286001950812554
+3 496678 0.02492251294867554
+3 497050 0.02387877774264082
+3 497336 0.02056285911646446
+3 497761 0.01246125647433777
+3 498281 0.02056285911646446
+3 498466 0.02492251294867554
+3 498647 0.01193938887132041
+3 498875 0.01320283310383877
+3 500340 0.02492251294867554
+3 500393 0.01980424965575815
+3 500642 0.01665869913262564
+3 500709 0.02056285911646446
+3 500873 0.01246125647433777
+3 501051 0.02056285911646446
+3 501421 0.006277534507088547
+3 502214 0.01320283310383877
+3 502394 0.02056285911646446
+3 502776 0.01193938887132041
+3 502933 0.01777795336336947
+3 503081 0.01665869913262564
+3 503209 0.01485722929945572
+3 503498 0.01320283310383877
+3 503651 0.01665869913262564
+3 503751 0.01143000975406277
+3 504513 0.02498804869893845
+3 505034 0.01320283310383877
+3 505427 0.01320283310383877
+3 505601 0.01320283310383877
+3 505721 0.02492251294867554
+3 505873 0.01193938887132041
+3 506198 0.02387877774264082
+3 506215 0.02056285911646446
+3 506535 0.02857502438515692
+3 507073 0.01665869913262564
+3 507123 0.01665869913262564
+3 507537 0.02387877774264082
+3 507692 0.03782700333181123
+3 507865 0.02056285911646446
+3 508547 0.01320283310383877
+3 508691 0.01320283310383877
+3 509297 0.01320283310383877
+3 510059 0.01485722929945572
+3 510258 0.02492251294867554
+3 510277 0.02056285911646446
+3 510878 0.01665869913262564
+3 511339 0.02286001950812554
+3 512255 0.01665869913262564
+3 512303 0.01320283310383877
+3 512365 0.01777795336336947
+3 512475 0.01246125647433777
+3 512748 0.01665869913262564
+3 513183 0.01320283310383877
+3 514179 0.01665869913262564
+3 514706 0.01320283310383877
+3 515028 0.01320283310383877
+3 515334 0.01193938887132041
+3 516288 0.02492251294867554
+3 516634 0.0264750791360553
+3 517450 0.02056285911646446
+3 517781 0.01485722929945572
+3 519814 0.02056285911646446
+3 519919 0.01320283310383877
+3 520231 0.01246125647433777
+3 520747 0.01665869913262564
+3 521325 0.01777795336336947
+3 522447 0.02056285911646446
+3 523271 0.02228584394918358
+3 523541 0.01777795336336947
+3 523867 0.02492251294867554
+3 523947 0.01193938887132041
+3 524088 0.02056285911646446
+3 524567 0.01143000975406277
+3 524993 0.02492251294867554
+3 525046 0.02056285911646446
+3 525789 0.02286001950812554
+3 526031 0.02056285911646446
+3 526033 0.01320283310383877
+3 527459 0.01777795336336947
+3 528194 0.02640566620767753
+3 529571 0.01246125647433777
+3 529683 0.01320283310383877
+3 529738 0.01246125647433777
+3 529927 0.01143000975406277
+3 530429 0.01246125647433777
+3 530531 0.02286001950812554
+3 531908 0.0162377353118828
+3 532627 0.01320283310383877
+3 532861 0.01320283310383877
+3 533265 0.004059433827970701
+3 533301 0.02498804869893845
+3 533557 0.02056285911646446
+3 533986 0.02640566620767753
+3 534188 0.02640566620767753
+3 534389 0.02640566620767753
+3 535956 0.01143000975406277
+3 537433 0.02056285911646446
+3 538299 0.02056285911646446
+3 540711 0.01777795336336947
+3 540807 0.01320283310383877
+3 540810 0.01665869913262564
+3 541257 0.01790908330698062
+3 541644 0.01143000975406277
+3 541817 0.02286001950812554
+3 542074 0.01246125647433777
+3 542550 0.01193938887132041
+3 542656 0.01665869913262564
+3 543333 0.004059433827970701
+3 543581 0.01193938887132041
+3 544399 0.01246125647433777
+3 544954 0.02492251294867554
+3 545057 0.02056285911646446
+3 545195 0.01246125647433777
+3 545914 0.01143000975406277
+3 546552 0.02857502438515692
+3 547008 0.02498804869893845
+3 547062 0.01665869913262564
+3 548035 0.02387877774264082
+3 548795 0.01665869913262564
+3 549044 0.01246125647433777
+3 549258 0.01320283310383877
+3 549260 0.01320283310383877
+3 549332 0.02056285911646446
+3 550030 0.01193938887132041
+3 550105 0.01665869913262564
+3 550268 0.01665869913262564
+3 550472 0.01665869913262564
+3 550488 0.04457168789836716
+3 551064 0.01320283310383877
+3 551848 0.01193938887132041
+3 551953 0.01320283310383877
+3 552031 0.02387877774264082
+3 552216 0.01246125647433777
+3 552573 0.02640566620767753
+3 553580 0.02056285911646446
+3 554119 0.01777795336336947
+3 554697 0.01320283310383877
+3 554848 0.03706511079047742
+3 555224 0.01320283310383877
+3 555649 0.01665869913262564
+3 555834 0.01143000975406277
+3 556469 0.02521800222120749
+3 556559 0.01246125647433777
+3 556693 0.02492251294867554
+3 557143 0.01143000975406277
+3 557381 0.01777795336336947
+3 557587 0.01665869913262564
+3 557751 0.01665869913262564
+3 558209 0.02056285911646446
+3 558337 0.01665869913262564
+3 558925 0.02640566620767753
+3 559015 0.02056285911646446
+3 559180 0.03555590672673894
+3 559655 0.02640566620767753
+3 559885 0.01485722929945572
+3 560106 0.01665869913262564
+3 560988 0.01320283310383877
+3 561335 0.01246125647433777
+3 561533 0.01665869913262564
+3 562010 0.01777795336336947
+3 562411 0.02498804869893845
+3 562593 0.01143000975406277
+3 562755 0.02498804869893845
+3 564439 0.02056285911646446
+3 564788 0.02640566620767753
+3 566295 0.02492251294867554
+3 566537 0.01980424965575815
+3 566669 0.01980424965575815
+3 566808 0.02640566620767753
+3 566973 0.01320283310383877
+3 567488 0.02056285911646446
+3 567719 0.02492251294867554
+3 568034 0.01665869913262564
+3 568125 0.01320283310383877
+3 568866 0.02640566620767753
+3 569068 0.01320283310383877
+3 569427 0.01143000975406277
+3 570976 0.01246125647433777
+3 571094 0.01193938887132041
+3 571825 0.01665869913262564
+3 571843 0.01681200148080499
+3 572492 0.01143000975406277
+3 572879 0.02056285911646446
+3 573732 0.01980424965575815
+3 573991 0.01665869913262564
+3 574392 0.01665869913262564
+3 574777 0.02056285911646446
+3 574967 0.01246125647433777
+3 575221 0.01777795336336947
+3 576182 0.01320283310383877
+3 576591 0.02056285911646446
+3 576716 0.02492251294867554
+3 577070 0.02056285911646446
+3 578507 0.01246125647433777
+3 578575 0.02498804869893845
+3 579102 0.01246125647433777
+3 581003 0.01246125647433777
+3 581033 0.02498804869893845
+3 581037 0.01665869913262564
+3 581591 0.02056285911646446
+3 581593 0.02056285911646446
+3 582073 0.01246125647433777
+3 582088 0.02056285911646446
+3 583746 0.06277534507088546
+3 584685 0.01320283310383877
+3 584763 0.06277534507088546
+3 584840 0.01320283310383877
+3 585389 0.01246125647433777
+3 586711 0.02056285911646446
+3 587131 0.01246125647433777
+3 587138 0.02056285911646446
+3 587435 0.02228584394918358
+3 587442 0.01246125647433777
+3 587681 0.01485722929945572
+3 589459 0.02228584394918358
+3 589510 0.01320283310383877
+3 589715 0.02498804869893845
+3 589797 0.01320283310383877
+3 590239 0.02492251294867554
+3 591057 0.02056285911646446
+3 591067 0.01665869913262564
+3 591967 0.01193938887132041
+3 592621 0.01777795336336947
+3 592944 0.01246125647433777
+3 592950 0.02640566620767753
+3 593553 0.01246125647433777
+3 594663 0.01665869913262564
+3 594775 0.07942523740816589
+3 595634 0.02056285911646446
+3 595803 0.1429020125868424
+3 596724 0.02056285911646446
+3 597287 0.01777795336336947
+3 598448 0.004203000370201248
+3 598451 0.01246125647433777
+3 598620 0.01320283310383877
+3 598789 0.01246125647433777
+3 598973 0.01485722929945572
+3 600226 0.004059433827970701
+3 600397 0.02498804869893845
+3 600443 0.02286001950812554
+3 602993 0.02286001950812554
+3 603194 0.02640566620767753
+3 604022 0.008118867655941402
+3 604426 0.01320283310383877
+3 604967 0.02286001950812554
+3 605067 0.01246125647433777
+3 605225 0.008118867655941402
+3 605396 0.01246125647433777
+3 605463 0.01869188471150665
+3 606388 0.01665869913262564
+3 606613 0.01246125647433777
+3 606776 0.01320283310383877
+3 607497 0.03138767253544273
+3 608436 0.01320283310383877
+3 608617 0.01485722929945572
+3 609222 0.02498804869893845
+3 609903 0.02056285911646446
+3 610541 0.01790908330698062
+3 610727 0.01320283310383877
+3 610903 0.02498804869893845
+3 611261 0.01320283310383877
+3 611811 0.03555590672673894
+3 611814 0.01485722929945572
+3 612274 0.01320283310383877
+3 612341 0.02056285911646446
+3 613216 0.02286001950812554
+3 613473 0.01485722929945572
+3 613798 0.02640566620767753
+3 614222 0.01665869913262564
+3 614865 0.01320283310383877
+3 615115 0.01193938887132041
+3 615191 0.01777795336336947
+3 615246 0.01320283310383877
+3 615893 0.01320283310383877
+3 616574 0.01665869913262564
+3 616727 0.0533338600901084
+3 617046 0.01320283310383877
+3 618673 0.01246125647433777
+3 618831 0.02056285911646446
+3 618953 0.01143000975406277
+3 619556 0.01665869913262564
+3 620667 0.01665869913262564
+3 622091 0.01320283310383877
+3 622376 0.01777795336336947
+3 623056 0.01665869913262564
+3 623163 0.02056285911646446
+3 623961 0.01246125647433777
+3 623987 0.01246125647433777
+3 624185 0.01665869913262564
+3 625146 0.01320283310383877
+3 625667 0.03555590672673894
+3 625699 0.02056285911646446
+3 626362 0.02228584394918358
+3 626686 0.02056285911646446
+3 626905 0.01485722929945572
+3 627117 0.01320283310383877
+3 627151 0.02228584394918358
+3 627243 0.02056285911646446
+3 627382 0.01665869913262564
+3 627511 0.01320283310383877
+3 627657 0.01980424965575815
+3 628067 0.03138767253544273
+3 628809 0.02492251294867554
+3 628863 0.02492251294867554
+3 629335 0.01320283310383877
+3 629936 0.02056285911646446
+3 630297 0.01246125647433777
+3 630947 0.01485722929945572
+3 631467 0.01320283310383877
+3 631887 0.02056285911646446
+3 633099 0.01485722929945572
+3 633177 0.01143000975406277
+3 634523 0.02056285911646446
+3 634735 0.02286001950812554
+3 635052 0.01320283310383877
+3 635430 0.02286001950812554
+3 635811 0.02228584394918358
+3 635830 0.01320283310383877
+3 636562 0.01320283310383877
+3 637139 0.01777795336336947
+3 638633 0.01665869913262564
+3 639033 0.05143504389328246
+3 639356 0.01246125647433777
+3 639639 0.02640566620767753
+3 639743 0.01320283310383877
+3 639973 0.02498804869893845
+3 640267 0.01320283310383877
+3 640317 0.01777795336336947
+3 640804 0.01320283310383877
+3 641829 0.01143000975406277
+3 641879 0.01777795336336947
+3 642203 0.03766520704253128
+3 643634 0.0284160367957949
+3 644350 0.01143000975406277
+3 644506 0.01665869913262564
+3 645215 0.02498804869893845
+3 645432 0.01665869913262564
+3 645613 0.01665869913262564
+3 645870 0.02640566620767753
+3 645915 0.01143000975406277
+3 646777 0.02387877774264082
+3 646790 0.02056285911646446
+3 646943 0.01246125647433777
+3 647669 0.01320283310383877
+3 648355 0.01980424965575815
+3 648763 0.02056285911646446
+3 648981 0.02056285911646446
+3 649489 0.02228584394918358
+3 649557 0.01320283310383877
+3 649767 0.01246125647433777
+3 650997 0.02056285911646446
+3 651165 0.01665869913262564
+3 651675 0.01320283310383877
+3 652622 0.01320283310383877
+3 653420 0.01193938887132041
+3 653847 0.02498804869893845
+3 653848 0.02640566620767753
+3 654633 0.01246125647433777
+3 655073 0.01246125647433777
+3 655264 0.02640566620767753
+3 655537 0.004203000370201248
+3 655689 0.01246125647433777
+3 656134 0.01777795336336947
+3 656603 0.02056285911646446
+3 657106 0.03738376942301331
+3 657775 0.02056285911646446
+3 658953 0.01246125647433777
+3 659250 0.01246125647433777
+3 659929 0.01246125647433777
+3 661073 0.0202971691398535
+3 661187 0.01320283310383877
+3 661537 0.01320283310383877
+3 661573 0.006277534507088547
+3 661640 0.01143000975406277
+3 661703 0.01777795336336947
+3 662901 0.01246125647433777
+3 663377 0.01665869913262564
+3 663812 0.0202971691398535
+3 663885 0.02228584394918358
+3 664470 0.01665869913262564
+3 664608 0.01246125647433777
+3 665837 0.01143000975406277
+3 666419 0.03115314118584442
+3 666490 0.02056285911646446
+3 666805 0.01790908330698062
+3 667196 0.01246125647433777
+3 667373 0.01777795336336947
+3 667991 0.01777795336336947
+3 668013 0.02286001950812554
+3 668433 0.02640566620767753
+3 668619 0.01320283310383877
+3 669447 0.02056285911646446
+3 669709 0.02056285911646446
+3 669899 0.02640566620767753
+3 670091 0.01143000975406277
+3 671022 0.01246125647433777
+3 671331 0.01980424965575815
+3 671553 0.05043600444241498
+3 672075 0.02056285911646446
+3 672287 0.01193938887132041
+3 672443 0.02056285911646446
+3 672599 0.01246125647433777
+3 672756 0.01681200148080499
+3 672834 0.01246125647433777
+3 673875 0.01665869913262564
+3 674270 0.01246125647433777
+3 675057 0.07163633322792247
+3 675179 0.01320283310383877
+3 675237 0.02498804869893845
+3 675275 0.01193938887132041
+3 675808 0.01059003165442212
+3 676313 0.02498804869893845
+3 676401 0.01246125647433777
+3 676667 0.01246125647433777
+3 677091 0.01485722929945572
+3 678333 0.01246125647433777
+3 678613 0.01790908330698062
+3 679163 0.01320283310383877
+3 679497 0.01665869913262564
+3 679781 0.01193938887132041
+3 680023 0.02056285911646446
+3 680578 0.01485722929945572
+3 680625 0.01320283310383877
+3 680877 0.01485722929945572
+3 683967 0.01320283310383877
+3 684449 0.02056285911646446
+3 684961 0.01193938887132041
+3 685024 0.02640566620767753
+3 686560 0.01665869913262564
+3 687143 0.01777795336336947
+3 687248 0.01193938887132041
+3 687428 0.01246125647433777
+3 687510 0.02387877774264082
+3 687959 0.02056285911646446
+3 688085 0.01143000975406277
+3 689041 0.01320283310383877
+3 689214 0.03115314118584442
+3 690425 0.04457168789836716
+3 690586 0.02492251294867554
+3 690761 0.02286001950812554
+3 691122 0.02640566620767753
+3 691567 0.02056285911646446
+3 692396 0.01246125647433777
+3 692768 0.01485722929945572
+3 693128 0.01665869913262564
+3 693604 0.01143000975406277
+3 693693 0.01320283310383877
+3 694562 0.01246125647433777
+3 694718 0.02498804869893845
+3 695388 0.02492251294867554
+3 695749 0.02492251294867554
+3 696533 0.1055452795272382
+3 697205 0.06277534507088546
+3 698133 0.01320283310383877
+3 698808 0.01485722929945572
+3 699909 0.01320283310383877
+3 699944 0.01246125647433777
+3 700203 0.01665869913262564
+3 700223 0.02492251294867554
+3 701371 0.02056285911646446
+3 701499 0.01777795336336947
+3 701752 0.01665869913262564
+3 701887 0.03177009496326635
+3 703267 0.01665869913262564
+3 703289 0.01246125647433777
+3 703551 0.03555590672673894
+3 703736 0.01665869913262564
+3 704352 0.02492251294867554
+3 705579 0.01777795336336947
+3 705687 0.01320283310383877
+3 706016 0.01790908330698062
+3 707249 0.01665869913262564
+3 708480 0.02498804869893845
+3 708615 0.01143000975406277
+3 709619 0.01665869913262564
+3 710128 0.02228584394918358
+3 710151 0.01320283310383877
+3 711033 0.01665869913262564
+3 711100 0.01246125647433777
+3 711319 0.02056285911646446
+3 711623 0.02056285911646446
+3 712335 0.01320283310383877
+3 712538 0.01193938887132041
+3 713337 0.01246125647433777
+3 713436 0.02492251294867554
+3 713639 0.02056285911646446
+3 714466 0.01320283310383877
+3 714584 0.008118867655941402
+3 714981 0.01246125647433777
+3 715871 0.01193938887132041
+3 715995 0.01665869913262564
+3 717363 0.02498804869893845
+3 717541 0.02498804869893845
+3 717688 0.01246125647433777
+3 717866 0.01320283310383877
+3 719075 0.02640566620767753
+3 719479 0.01143000975406277
+3 719938 0.02492251294867554
+3 721579 0.01665869913262564
+3 721781 0.01665869913262564
+3 722053 0.02492251294867554
+3 722709 0.01777795336336947
+3 723200 0.01246125647433777
+3 723906 0.01246125647433777
+3 724109 0.04457168789836716
+3 724371 0.02056285911646446
+3 724927 0.01320283310383877
+3 725080 0.01320283310383877
+3 726976 0.02640566620767753
+3 727919 0.03115314118584442
+3 728655 0.01665869913262564
+3 729291 0.02387877774264082
+3 729624 0.02640566620767753
+3 730055 0.01777795336336947
+3 730282 0.02492251294867554
+3 730665 0.01260900111060374
+3 730700 0.01320283310383877
+3 731227 0.01665869913262564
+3 731343 0.02056285911646446
+3 731380 0.01143000975406277
+3 731412 0.02640566620767753
+3 731651 0.01320283310383877
+3 732241 0.01665869913262564
+3 732717 0.01246125647433777
+3 733339 0.02492251294867554
+3 733365 0.01246125647433777
+3 733453 0.02971445859891144
+3 733588 0.02056285911646446
+3 734297 0.02056285911646446
+3 734367 0.00264750791360553
+3 734661 0.02498804869893845
+3 735340 0.008329349566312819
+3 735390 0.01193938887132041
+3 735879 0.02228584394918358
+3 736027 0.02056285911646446
+3 736155 0.01777795336336947
+3 736486 0.01665869913262564
+3 737459 0.02056285911646446
+3 737661 0.01320283310383877
+3 738215 0.02056285911646446
+3 738660 0.01246125647433777
+3 738667 0.02640566620767753
+3 738766 0.02498804869893845
+3 739144 0.02857502438515692
+3 739161 0.01246125647433777
+3 739481 0.01777795336336947
+3 739557 0.01246125647433777
+3 739693 0.01665869913262564
+3 740119 0.01777795336336947
+3 740483 0.02286001950812554
+3 741803 0.02286001950812554
+3 741926 0.01246125647433777
+3 743204 0.03300708275959692
+3 743223 0.02498804869893845
+3 743875 0.01246125647433777
+3 743925 0.03555590672673894
+3 744236 0.01246125647433777
+3 744283 0.01246125647433777
+3 745201 0.01320283310383877
+3 745311 0.02228584394918358
+3 746129 0.01665869913262564
+3 747198 0.02492251294867554
+3 747238 0.01246125647433777
+3 747417 0.01665869913262564
+3 747548 0.01193938887132041
+3 748070 0.01246125647433777
+3 748125 0.01193938887132041
+3 748247 0.01320283310383877
+3 749234 0.02056285911646446
+3 749580 0.03138767253544273
+3 750396 0.01665869913262564
+3 750645 0.01320283310383877
+3 750727 0.01777795336336947
+3 751591 0.01665869913262564
+3 752760 0.02498804869893845
+3 753235 0.01320283310383877
+3 753999 0.02056285911646446
+3 755617 0.02056285911646446
+3 755665 0.01485722929945572
+3 755759 0.02056285911646446
+3 755949 0.01246125647433777
+3 756217 0.02984847217830103
+3 756284 0.01485722929945572
+3 756487 0.02228584394918358
+3 757034 0.02492251294867554
+3 757308 0.01143000975406277
+3 757939 0.02640566620767753
+3 757980 0.01246125647433777
+3 757992 0.02498804869893845
+3 758413 0.01665869913262564
+3 758420 0.01143000975406277
+3 758865 0.02056285911646446
+3 759737 0.01665869913262564
+3 761140 0.02492251294867554
+3 762201 0.02056285911646446
+3 763868 0.01246125647433777
+3 764191 0.01665869913262564
+3 764839 0.02056285911646446
+3 764887 0.01777795336336947
+3 764957 0.01320283310383877
+3 765681 0.01193938887132041
+3 765807 0.01246125647433777
+3 765831 0.01485722929945572
+3 766247 0.02056285911646446
+3 766932 0.02492251294867554
+3 767335 0.02492251294867554
+3 768787 0.01665869913262564
+3 769517 0.01665869913262564
+3 770379 0.02498804869893845
+3 770924 0.01320283310383877
+3 770951 0.02056285911646446
+3 771128 0.01320283310383877
+3 772534 0.01246125647433777
+3 772914 0.01193938887132041
+3 773075 0.01320283310383877
+3 773284 0.01320283310383877
+3 773937 0.02056285911646446
+3 774203 0.02286001950812554
+3 774479 0.02056285911646446
+3 774763 0.02387877774264082
+3 775173 0.01320283310383877
+3 775280 0.01193938887132041
+3 775665 0.01665869913262564
+3 777900 0.02640566620767753
+3 778821 0.01777795336336947
+3 778925 0.02056285911646446
+3 779498 0.01777795336336947
+3 779954 0.01320283310383877
+3 780120 0.01665869913262564
+3 780169 0.01193938887132041
+3 780336 0.01485722929945572
+3 780949 0.01320283310383877
+3 781682 0.01143000975406277
+3 781685 0.01246125647433777
+3 782337 0.01246125647433777
+3 782939 0.01193938887132041
+3 782966 0.01665869913262564
+3 783051 0.02056285911646446
+3 783418 0.01320283310383877
+3 783434 0.04775755548528165
+3 783959 0.01777795336336947
+3 784037 0.02056285911646446
+3 784823 0.01665869913262564
+3 784977 0.02228584394918358
+3 785516 0.01246125647433777
+3 785519 0.02492251294867554
+3 785845 0.00529501582721106
+3 786033 0.01143000975406277
+3 786166 0.02387877774264082
+3 787273 0.01246125647433777
+3 787794 0.04203000370201248
+3 787849 0.01246125647433777
+3 787976 0.01246125647433777
+3 788185 0.01665869913262564
+3 788233 0.01246125647433777
+3 788595 0.02056285911646446
+3 788775 0.01320283310383877
+3 789638 0.008406000740402497
+3 789639 0.02640566620767753
+3 789661 0.02640566620767753
+3 790327 0.01485722929945572
+3 790697 0.01980424965575815
+3 791155 0.01665869913262564
+3 791871 0.02492251294867554
+3 792601 0.02498804869893845
+3 792991 0.01320283310383877
+3 793879 0.02056285911646446
+3 794031 0.01246125647433777
+3 794956 0.02228584394918358
+3 795539 0.01193938887132041
+3 795852 0.01143000975406277
+3 796917 0.02056285911646446
+3 799101 0.01485722929945572
+3 799131 0.01320283310383877
+3 799241 0.02056285911646446
+3 799483 0.01246125647433777
+3 799561 0.01320283310383877
+3 799615 0.03115314118584442
+3 799754 0.02498804869893845
+3 800049 0.04236012661768848
+3 800434 0.02492251294867554
+3 800665 0.02056285911646446
+3 801812 0.02492251294867554
+3 802926 0.02492251294867554
+3 804617 0.01143000975406277
+3 804667 0.01246125647433777
+3 804771 0.02056285911646446
+3 805131 0.01320283310383877
+3 805337 0.01665869913262564
+3 805495 0.01665869913262564
+3 806629 0.02056285911646446
+3 807411 0.02101500185100624
+3 807479 0.01193938887132041
+3 807723 0.02498804869893845
+3 807776 0.01665869913262564
+3 808315 0.01193938887132041
+3 809068 0.01485722929945572
+3 809469 0.01665869913262564
+3 809537 0.02492251294867554
+3 810016 0.02498804869893845
+3 810063 0.02056285911646446
+3 811114 0.01246125647433777
+3 811521 0.02640566620767753
+3 813600 0.01320283310383877
+3 813768 0.01143000975406277
+3 813979 0.02056285911646446
+3 814389 0.02056285911646446
+3 814917 0.02056285911646446
+3 815034 0.02492251294867554
+3 815201 0.01193938887132041
+3 816529 0.02056285911646446
+3 816692 0.0529501582721106
+3 817152 0.01193938887132041
+3 817694 0.01246125647433777
+3 817753 0.01320283310383877
+3 818174 0.01059003165442212
+3 818201 0.01143000975406277
+3 818320 0.01193938887132041
+3 818456 0.01143000975406277
+3 818501 0.02056285911646446
+3 819657 0.01869188471150665
+3 819885 0.02056285911646446
+3 820078 0.01143000975406277
+3 820084 0.01665869913262564
+3 820145 0.01485722929945572
+3 821271 0.01246125647433777
+3 821535 0.02387877774264082
+3 821829 0.01193938887132041
+3 822456 0.01869188471150665
+3 823174 0.01665869913262564
+3 823185 0.02056285911646446
+3 823445 0.01665869913262564
+3 823574 0.01143000975406277
+3 823826 0.01665869913262564
+3 824221 0.01246125647433777
+3 824748 0.01485722929945572
+3 825896 0.02492251294867554
+3 826295 0.01193938887132041
+3 826667 0.02056285911646446
+3 827161 0.01485722929945572
+3 827583 0.01193938887132041
+3 827721 0.08616150758912558
+3 827753 0.01665869913262564
+3 827837 0.01665869913262564
+3 828024 0.01681200148080499
+3 828123 0.02056285911646446
+3 828171 0.01143000975406277
+3 828580 0.02498804869893845
+3 829217 0.02056285911646446
+3 829445 0.02498804869893845
+3 831147 0.01143000975406277
+3 831161 0.02056285911646446
+3 832415 0.01246125647433777
+3 833343 0.02056285911646446
+3 833727 0.01193938887132041
+3 834439 0.01193938887132041
+3 834616 0.01665869913262564
+3 835226 0.01193938887132041
+3 835755 0.01246125647433777
+3 835939 0.02387877774264082
+3 836140 0.02492251294867554
+3 836568 0.01143000975406277
+3 837667 0.01665869913262564
+3 837767 0.01665869913262564
+3 837913 0.01777795336336947
+3 838409 0.02056285911646446
+3 839722 0.01665869913262564
+3 839777 0.08160794859215112
+3 839957 0.01320283310383877
+3 840130 0.01320283310383877
+3 840443 0.03971261870408294
+3 841239 0.01665869913262564
+3 841729 0.02971445859891144
+3 842168 0.02056285911646446
+3 842623 0.0121783014839121
+3 842812 0.01143000975406277
+3 843119 0.02056285911646446
+3 843487 0.02857502438515692
+3 843702 0.01665869913262564
+3 843849 0.02640566620767753
+3 844547 0.03555590672673894
+3 844687 0.01143000975406277
+3 845748 0.01246125647433777
+3 845919 0.01246125647433777
+3 846162 0.01777795336336947
+3 846744 0.02492251294867554
+3 847657 0.01143000975406277
+3 848273 0.02056285911646446
+3 848286 0.01193938887132041
+3 850078 0.02056285911646446
+3 851140 0.01485722929945572
+3 851753 0.01246125647433777
+3 851777 0.02492251294867554
+3 851902 0.01246125647433777
+3 853201 0.01143000975406277
+3 854703 0.02056285911646446
+3 854960 0.02118006330884424
+3 855322 0.02857502438515692
+3 855717 0.02056285911646446
+3 856199 0.01246125647433777
+3 856711 0.01777795336336947
+3 856861 0.01320283310383877
+3 857131 0.02056285911646446
+3 857430 0.03177009496326635
+3 857805 0.00529501582721106
+3 858651 0.02056285911646446
+3 859308 0.01777795336336947
+3 859411 0.01320283310383877
+3 859632 0.01665869913262564
+3 860097 0.02387877774264082
+3 860305 0.02056285911646446
+3 860603 0.03115314118584442
+3 860817 0.01143000975406277
+3 861077 0.01777795336336947
+3 861755 0.02640566620767753
+3 861809 0.02056285911646446
+3 862273 0.01665869913262564
+3 862882 0.02492251294867554
+3 864394 0.01143000975406277
+3 864423 0.01246125647433777
+3 864658 0.01320283310383877
+3 865599 0.01193938887132041
+3 866091 0.02056285911646446
+3 866123 0.01193938887132041
+3 866225 0.02056285911646446
+3 866967 0.02056285911646446
+3 867681 0.01777795336336947
+3 868376 0.01790908330698062
+3 869307 0.01193938887132041
+3 869931 0.02056285911646446
+3 871795 0.01485722929945572
+3 871979 0.04775755548528165
+3 872585 0.02498804869893845
+3 872919 0.02056285911646446
+3 873263 0.02228584394918358
+3 873605 0.02056285911646446
+3 873654 0.01193938887132041
+3 873685 0.01485722929945572
+3 873873 0.01246125647433777
+3 875095 0.02056285911646446
+3 875213 0.02971445859891144
+3 875441 0.1067180866205053
+3 876253 0.01143000975406277
+3 876343 0.01320283310383877
+3 877193 0.01143000975406277
+3 878161 0.01980424965575815
+3 878205 0.01485722929945572
+3 878816 0.02492251294867554
+3 879124 0.01320283310383877
+3 879485 0.02286001950812554
+3 879529 0.01665869913262564
+3 879723 0.02286001950812554
+3 879736 0.02498804869893845
+3 880269 0.01777795336336947
+3 880815 0.01320283310383877
+3 881927 0.02498804869893845
+3 882435 0.01777795336336947
+3 882533 0.01777795336336947
+3 883611 0.01246125647433777
+3 883926 0.01665869913262564
+3 884090 0.01320283310383877
+3 886793 0.02640566620767753
+3 886794 0.02498804869893845
+3 887565 0.01320283310383877
+3 888027 0.01665869913262564
+3 888065 0.01320283310383877
+3 888071 0.01246125647433777
+3 888113 0.02056285911646446
+3 888210 0.02498804869893845
+3 888285 0.01320283310383877
+3 889080 0.02228584394918358
+3 889339 0.01665869913262564
+3 889477 0.01665869913262564
+3 890011 0.01246125647433777
+3 890052 0.02640566620767753
+3 890813 0.01246125647433777
+3 891362 0.01246125647433777
+3 891494 0.01246125647433777
+3 892220 0.01665869913262564
+3 893234 0.01246125647433777
+3 893273 0.01665869913262564
+3 894761 0.01320283310383877
+3 896831 0.01777795336336947
+3 897487 0.01665869913262564
+3 897773 0.02971445859891144
+3 897899 0.02056285911646446
+3 898533 0.01320283310383877
+3 898645 0.01246125647433777
+3 899070 0.03115314118584442
+3 899331 0.01143000975406277
+3 899436 0.02498804869893845
+3 899751 0.02286001950812554
+3 900389 0.01320283310383877
+3 900937 0.02286001950812554
+3 900959 0.02387877774264082
+3 901379 0.02492251294867554
+3 902393 0.02492251294867554
+3 902655 0.02498804869893845
+3 903095 0.01246125647433777
+3 903318 0.02492251294867554
+3 903590 0.01246125647433777
+3 904550 0.01320283310383877
+3 905784 0.01320283310383877
+3 906255 0.01588504748163318
+3 908002 0.01320283310383877
+3 908003 0.06858005852437662
+3 908183 0.02056285911646446
+3 908747 0.01485722929945572
+3 908918 0.04000503413921969
+3 909259 0.02056285911646446
+3 910521 0.02056285911646446
+3 910726 0.01665869913262564
+3 911559 0.02286001950812554
+3 912140 0.01320283310383877
+3 912149 0.02640566620767753
+3 912493 0.02640566620767753
+3 913524 0.01777795336336947
+3 913539 0.01320283310383877
+3 913653 0.03177009496326635
+3 913805 0.01193938887132041
+3 914526 0.02498804869893845
+3 914839 0.01320283310383877
+3 915174 0.01246125647433777
+3 916094 0.01143000975406277
+3 917036 0.01143000975406277
+3 917416 0.01143000975406277
+3 917777 0.02056285911646446
+3 917970 0.01665869913262564
+3 920456 0.02286001950812554
+3 921685 0.01320283310383877
+3 922160 0.02640566620767753
+3 923371 0.03555590672673894
+3 923470 0.01665869913262564
+3 923532 0.03300708275959692
+3 923707 0.02387877774264082
+3 923787 0.01193938887132041
+3 924022 0.01246125647433777
+3 924068 0.02492251294867554
+3 925714 0.02387877774264082
+3 926454 0.02056285911646446
+3 927664 0.02056285911646446
+3 928020 0.01246125647433777
+3 928388 0.0162377353118828
+3 928695 0.03300708275959692
+3 929479 0.1050750092550312
+3 929906 0.03362400296160999
+3 930034 0.01246125647433777
+3 930174 0.01665869913262564
+3 930959 0.01246125647433777
+3 931536 0.01320283310383877
+3 932272 0.01665869913262564
+3 932855 0.01869188471150665
+3 933169 0.02056285911646446
+3 933417 0.01246125647433777
+3 933469 0.01193938887132041
+3 934930 0.01320283310383877
+3 935847 0.02056285911646446
+3 936142 0.01320283310383877
+3 936185 0.01665869913262564
+3 936491 0.02056285911646446
+3 936497 0.02286001950812554
+3 937173 0.02387877774264082
+3 937298 0.02056285911646446
+3 938451 0.01246125647433777
+3 938633 0.01665869913262564
+3 938962 0.01485722929945572
+3 939197 0.02387877774264082
+3 939453 0.03300708275959692
+3 940195 0.02056285911646446
+3 940369 0.01246125647433777
+3 940396 0.01246125647433777
+3 941331 0.008406000740402497
+3 941426 0.01320283310383877
+3 942260 0.01246125647433777
+3 943074 0.02387877774264082
+3 943165 0.008406000740402497
+3 943605 0.02056285911646446
+3 944288 0.01320283310383877
+3 944290 0.01320283310383877
+3 945063 0.02056285911646446
+3 945541 0.135022903593882
+3 946125 0.01665869913262564
+3 946462 0.03738376942301331
+3 946496 0.01143000975406277
+3 948697 0.01320283310383877
+3 949871 0.01246125647433777
+3 950181 0.01777795336336947
+3 950487 0.02056285911646446
+3 950901 0.01246125647433777
+3 951047 0.02056285911646446
+3 952146 0.01485722929945572
+3 952192 0.01665869913262564
+3 952215 0.02056285911646446
+3 952325 0.01246125647433777
+3 952425 0.01777795336336947
+3 952716 0.01193938887132041
+3 952749 0.01665869913262564
+3 952884 0.02640566620767753
+3 953812 0.01665869913262564
+3 954037 0.01246125647433777
+3 954449 0.02056285911646446
+3 954467 0.008118867655941402
+3 954999 0.02640566620767753
+3 955655 0.01485722929945572
+3 956126 0.01980424965575815
+3 956327 0.02056285911646446
+3 956917 0.02056285911646446
+3 956948 0.01143000975406277
+3 957055 0.03555590672673894
+3 957993 0.01320283310383877
+3 958127 0.01485722929945572
+3 958340 0.01143000975406277
+3 958523 0.02056285911646446
+3 959717 0.01665869913262564
+3 959858 0.01246125647433777
+3 959922 0.02498804869893845
+3 960865 0.02056285911646446
+3 962570 0.02498804869893845
+3 963228 0.02640566620767753
+3 963945 0.01246125647433777
+3 964407 0.01665869913262564
+3 964547 0.01320283310383877
+3 965190 0.01143000975406277
+3 965663 0.01320283310383877
+3 965771 0.01665869913262564
+3 967164 0.01059003165442212
+3 967313 0.004203000370201248
+3 967607 0.02056285911646446
+3 968193 0.01246125647433777
+3 968341 0.01485722929945572
+3 968743 0.02056285911646446
+3 968825 0.02387877774264082
+3 968853 0.01485722929945572
+3 969131 0.01320283310383877
+3 969181 0.01246125647433777
+3 969841 0.01588504748163318
+3 970460 0.01246125647433777
+3 971712 0.02056285911646446
+3 972090 0.01777795336336947
+3 972107 0.01320283310383877
+3 972139 0.004203000370201248
+3 972427 0.01485722929945572
+3 973512 0.01143000975406277
+3 974164 0.01320283310383877
+3 975403 0.01246125647433777
+3 975437 0.01869188471150665
+3 975730 0.01320283310383877
+3 976169 0.02640566620767753
+3 976376 0.01665869913262564
+3 976528 0.02971445859891144
+3 978147 0.01246125647433777
+3 978257 0.02387877774264082
+3 979075 0.02056285911646446
+3 979722 0.01246125647433777
+3 980144 0.02640566620767753
+3 980271 0.02056285911646446
+3 980603 0.01320283310383877
+3 980685 0.01193938887132041
+3 981879 0.01320283310383877
+3 982180 0.02498804869893845
+3 982507 0.01193938887132041
+3 982761 0.0121783014839121
+3 983103 0.01320283310383877
+3 983177 0.01320283310383877
+3 983282 0.01246125647433777
+3 983316 0.01320283310383877
+3 983673 0.01143000975406277
+3 984152 0.01246125647433777
+3 984399 0.02056285911646446
+3 985549 0.02984847217830103
+3 985706 0.02640566620767753
+3 986250 0.01143000975406277
+3 986877 0.02286001950812554
+3 987006 0.01246125647433777
+3 987077 0.01143000975406277
+3 987463 0.01320283310383877
+3 987605 0.01320283310383877
+3 987918 0.01246125647433777
+3 988895 0.01320283310383877
+3 989035 0.01246125647433777
+3 989163 0.02286001950812554
+3 989433 0.02387877774264082
+3 989980 0.02640566620767753
+3 990005 0.01665869913262564
+3 990938 0.02640566620767753
+3 992526 0.01193938887132041
+3 992605 0.01665869913262564
+3 993576 0.01246125647433777
+3 993651 0.01665869913262564
+3 993745 0.01143000975406277
+3 993884 0.01665869913262564
+3 994160 0.01320283310383877
+3 995653 0.01777795336336947
+3 995822 0.01320283310383877
+3 996926 0.01246125647433777
+3 997181 0.01193938887132041
+3 998093 0.01665869913262564
+3 998753 0.02056285911646446
+3 999193 0.02492251294867554
+3 1000281 0.02056285911646446
+3 1000937 0.01246125647433777
+3 1001603 0.01665869913262564
+3 1001737 0.01143000975406277
+3 1002099 0.01320283310383877
+3 1002463 0.02056285911646446
+3 1002560 0.01665869913262564
+3 1003223 0.02101500185100624
+3 1005955 0.01320283310383877
+3 1006140 0.01193938887132041
+3 1007722 0.01143000975406277
+3 1008119 0.01246125647433777
+3 1008293 0.02971445859891144
+3 1008809 0.01665869913262564
+3 1009728 0.01246125647433777
+3 1011047 0.01665869913262564
+3 1011797 0.01320283310383877
+3 1011871 0.01665869913262564
+3 1011931 0.01193938887132041
+3 1012444 0.02228584394918358
+3 1012900 0.01246125647433777
+3 1013641 0.02286001950812554
+3 1014776 0.01143000975406277
+3 1014834 0.01246125647433777
+3 1015371 0.01320283310383877
+3 1015437 0.01320283310383877
+3 1016157 0.02056285911646446
+3 1016364 0.01869188471150665
+3 1016380 0.04572003901625108
+3 1016771 0.01143000975406277
+3 1016900 0.01193938887132041
+3 1017377 0.02056285911646446
+3 1017394 0.01320283310383877
+3 1017636 0.01143000975406277
+3 1017702 0.01320283310383877
+3 1017705 0.01246125647433777
+3 1017838 0.01246125647433777
+3 1017923 0.01777795336336947
+3 1018436 0.01193938887132041
+3 1018465 0.02056285911646446
+3 1018711 0.01665869913262564
+3 1019112 0.02286001950812554
+3 1019637 0.02498804869893845
+3 1019947 0.01320283310383877
+3 1019957 0.02056285911646446
+3 1020740 0.05480235667760446
+3 1021001 0.01665869913262564
+3 1021069 0.01665869913262564
+3 1021677 0.02971445859891144
+3 1021813 0.02492251294867554
+3 1021924 0.01246125647433777
+3 1022303 0.01193938887132041
+3 1022585 0.02498804869893845
+3 1022607 0.03115314118584442
+3 1023273 0.01193938887132041
+3 1023643 0.02492251294867554
+3 1023757 0.01320283310383877
+3 1024249 0.02056285911646446
+3 1024817 0.02056285911646446
+3 1025447 0.02056285911646446
+3 1025547 0.02056285911646446
+3 1025781 0.02056285911646446
+3 1026542 0.01246125647433777
+3 1026967 0.02056285911646446
+3 1027194 0.01665869913262564
+3 1027233 0.01665869913262564
+3 1027290 0.01320283310383877
+3 1027320 0.01665869913262564
+3 1028219 0.01193938887132041
+3 1028569 0.01665869913262564
+3 1030062 0.01246125647433777
+3 1030404 0.01320283310383877
+3 1030956 0.01320283310383877
+3 1031220 0.01320283310383877
+3 1031285 0.02056285911646446
+3 1032047 0.01777795336336947
+3 1032187 0.02498804869893845
+3 1032561 0.02056285911646446
+3 1032592 0.01193938887132041
+3 1032700 0.02056285911646446
+3 1032791 0.01777795336336947
+3 1032844 0.01665869913262564
+3 1033100 0.01485722929945572
+3 1033380 0.02640566620767753
+3 1033611 0.01665869913262564
+3 1033699 0.01777795336336947
+3 1035219 0.01320283310383877
+3 1035872 0.02640566620767753
+3 1036520 0.01193938887132041
+3 1037360 0.00529501582721106
+3 1037421 0.01320283310383877
+3 1038351 0.01665869913262564
+3 1038787 0.01193938887132041
+3 1038793 0.01143000975406277
+3 1040061 0.01143000975406277
+3 1040201 0.004059433827970701
+3 1040817 0.02056285911646446
+3 1041287 0.02056285911646446
+3 1041787 0.01665869913262564
+3 1042207 0.01320283310383877
+3 1042483 0.01980424965575815
+3 1042962 0.02640566620767753
+3 1043495 0.02056285911646446
+3 1043562 0.01320283310383877
+3 1043762 0.01246125647433777
+3 1043835 0.01246125647433777
+3 1044467 0.02492251294867554
+3 1045126 0.02056285911646446
+3 1046445 0.01665869913262564
+3 1047487 0.01485722929945572
+3 1047980 0.02640566620767753
+3 1048475 0.01665869913262564
+4 608 0.01662975263094352
+4 1651 0.02519674277562741
+4 4053 0.04223659971350601
+4 4959 0.0126709799140518
+4 7085 0.01662975263094352
+4 7213 0.02494462894641529
+4 8046 0.01265924208854587
+4 8441 0.02083333333333338
+4 8821 0.01253136767792717
+4 9371 0.02083333333333338
+4 9709 0.02531848417709173
+4 10078 0.01641330410746536
+4 10181 0.01662975263094352
+4 10495 0.03892640351678125
+4 11215 0.0265559525864073
+4 11317 0.02054987341316971
+4 11483 0.01641330410746536
+4 12091 0.06969038952728492
+4 13234 0.008650311892618057
+4 13445 0.01056442818410648
+4 14065 0.01662975263094352
+4 14657 0.01105934888009525
+4 15203 0.01343038273375637
+4 15211 0.04923991232239608
+4 15403 0.01662975263094352
+4 15515 0.02083333333333338
+4 16198 0.02506273535585434
+4 17071 0.01056442818410648
+4 17227 0.01641330410746536
+4 17399 0.01362848167001797
+4 17564 0.01343038273375637
+4 18339 0.02044272250502696
+4 18511 0.01265924208854587
+4 18847 0.02494462894641529
+4 19033 0.02083333333333338
+4 20649 0.03164810522136467
+4 20975 0.05068391965620721
+4 20985 0.01327797629320365
+4 21337 0.02054987341316971
+4 22178 0.02956561979945421
+4 22283 0.01362848167001797
+4 22460 0.01362848167001797
+4 23234 0.01265924208854587
+4 23591 0.02054987341316971
+4 24661 0.01253136767792717
+4 24818 0.01105934888009525
+4 24889 0.01662975263094352
+4 26317 0.01265924208854587
+4 26503 0.03132841919481793
+4 26569 0.01641330410746536
+4 27201 0.01679782851708494
+4 29240 0.01105934888009525
+4 29313 0.02044272250502696
+4 29735 0.03282660821493072
+4 30103 0.01056442818410648
+4 30189 0.01253136767792717
+4 30251 0.02083333333333338
+4 30378 0.01679782851708494
+4 30532 0.02044272250502696
+4 32484 0.01056442818410648
+4 32516 0.0189888631328188
+4 32905 0.01662975263094352
+4 33190 0.01327797629320365
+4 34668 0.01327797629320365
+4 34717 0.01343038273375637
+4 34969 0.01679782851708494
+4 34992 0.02686076546751275
+4 35441 0.08847479104076199
+4 35527 0.01327797629320365
+4 36463 0.01641330410746536
+4 36731 0.01056442818410648
+4 36825 0.02083333333333338
+4 36875 0.01327797629320365
+4 37731 0.03282660821493072
+4 38784 0.02494462894641529
+4 38933 0.01253136767792717
+4 39648 0.01327797629320365
+4 40007 0.01086699770460781
+4 40157 0.02044272250502696
+4 40365 0.01343038273375637
+4 40851 0.01343038273375637
+4 40920 0.0168946398854024
+4 40923 0.02054987341316971
+4 41383 0.01056442818410648
+4 41768 0.01343038273375637
+4 41800 0.05825029197133114
+4 42328 0.0265559525864073
+4 43101 0.01362848167001797
+4 43211 0.01662975263094352
+4 43718 0.01105934888009525
+4 43781 0.03027609162416319
+4 44446 0.01343038273375637
+4 45229 0.01253136767792717
+4 45330 0.02014557410063456
+4 45548 0.01641330410746536
+4 45567 0.01327797629320365
+4 45593 0.01253136767792717
+4 46485 0.01253136767792717
+4 46563 0.01641330410746536
+4 46627 0.01630049655691172
+4 47254 0.01662975263094352
+4 47690 0.01253136767792717
+4 47830 0.02531848417709173
+4 48783 0.01641330410746536
+4 48893 0.01253136767792717
+4 49169 0.01327797629320365
+4 49191 0.02054987341316971
+4 49217 0.004223659971350601
+4 49238 0.02519674277562741
+4 49699 0.01265924208854587
+4 50324 0.01327797629320365
+4 50591 0.01679782851708494
+4 50742 0.02111829985675301
+4 52003 0.01662975263094352
+4 52123 0.01056442818410648
+4 52454 0.0221186977601905
+4 53131 0.02054987341316971
+4 53351 0.01056442818410648
+4 53452 0.02044272250502696
+4 54267 0.01105934888009525
+4 55234 0.01253136767792717
+4 55429 0.01265924208854587
+4 56805 0.02054987341316971
+4 57032 0.02054987341316971
+4 57220 0.02083333333333338
+4 57997 0.01362848167001797
+4 58501 0.01343038273375637
+4 58595 0.01253136767792717
+4 58602 0.02494462894641529
+4 58964 0.0168946398854024
+4 59275 0.01679782851708494
+4 59458 0.01327797629320365
+4 59541 0.01105934888009525
+4 59601 0.0221186977601905
+4 59909 0.02506273535585434
+4 60399 0.01253136767792717
+4 60978 0.02506273535585434
+4 61257 0.0265559525864073
+4 61281 0.01265924208854587
+4 62711 0.02083333333333338
+4 63467 0.01253136767792717
+4 63651 0.01343038273375637
+4 63888 0.02494462894641529
+4 64006 0.01730062378523611
+4 64106 0.0265559525864073
+4 65031 0.0265559525864073
+4 65846 0.01105934888009525
+4 65874 0.01253136767792717
+4 66213 0.02054987341316971
+4 66246 0.01253136767792717
+4 67670 0.01265924208854587
+4 67794 0.01662975263094352
+4 68033 0.01879705151689075
+4 68440 0.02534195982810361
+4 68619 0.01265924208854587
+4 71733 0.02054987341316971
+4 72063 0.01056442818410648
+4 72367 0.01327797629320365
+4 72654 0.01265924208854587
+4 72866 0.04988925789283057
+4 73019 0.01327797629320365
+4 73481 0.01343038273375637
+4 73521 0.01253136767792717
+4 73759 0.01056442818410648
+4 73814 0.01056442818410648
+4 74124 0.01343038273375637
+4 74763 0.01343038273375637
+4 75925 0.02044272250502696
+4 76535 0.01343038273375637
+4 79429 0.01641330410746536
+4 79445 0.02595093567785417
+4 79685 0.01253136767792717
+4 80087 0.004223659971350601
+4 80423 0.01265924208854587
+4 80766 0.01265924208854587
+4 81201 0.02112885636821297
+4 81618 0.01343038273375637
+4 82470 0.01265924208854587
+4 82748 0.01253136767792717
+4 83040 0.01362848167001797
+4 83219 0.01662975263094352
+4 83678 0.01327797629320365
+4 84348 0.02054987341316971
+4 84937 0.01343038273375637
+4 86161 0.01105934888009525
+4 86701 0.01662975263094352
+4 87243 0.02014557410063456
+4 88713 0.01056442818410648
+4 89659 0.01662975263094352
+4 89917 0.02686076546751275
+4 90005 0.01327797629320365
+4 90362 0.02083333333333338
+4 91159 0.01343038273375637
+4 91229 0.02494462894641529
+4 92148 0.01253136767792717
+4 92179 0.02014557410063456
+4 92813 0.02083333333333338
+4 93288 0.01658902332014287
+4 93483 0.02083333333333338
+4 94653 0.01879705151689075
+4 94796 0.01056442818410648
+4 94821 0.01105934888009525
+4 95108 0.004325155946309028
+4 95719 0.01327797629320365
+4 95929 0.01641330410746536
+4 96701 0.01362848167001797
+4 98590 0.02054987341316971
+4 99214 0.01362848167001797
+4 100551 0.01265924208854587
+4 100598 0.01662975263094352
+4 100691 0.01265924208854587
+4 101294 0.01662975263094352
+4 101349 0.02054987341316971
+4 102495 0.01253136767792717
+4 102565 0.01879705151689075
+4 102647 0.01265924208854587
+4 102795 0.02686076546751275
+4 102977 0.01679782851708494
+4 103271 0.01265924208854587
+4 104265 0.0265559525864073
+4 104777 0.02531848417709173
+4 104826 0.01641330410746536
+4 106195 0.01265924208854587
+4 106738 0.02531848417709173
+4 107720 0.0265559525864073
+4 107730 0.01662975263094352
+4 109446 0.02686076546751275
+4 109956 0.01343038273375637
+4 109960 0.01343038273375637
+4 110059 0.02054987341316971
+4 110821 0.01265924208854587
+4 111143 0.01641330410746536
+4 112001 0.02531848417709173
+4 112029 0.02519674277562741
+4 112313 0.01327797629320365
+4 112439 0.008447319942701202
+4 113075 0.01662975263094352
+4 113305 0.01662975263094352
+4 113488 0.01105934888009525
+4 113529 0.01662975263094352
+4 113621 0.01056442818410648
+4 113625 0.01265924208854587
+4 113849 0.1222537241768379
+4 114217 0.02686076546751275
+4 115389 0.01105934888009525
+4 115961 0.02083333333333338
+4 116054 0.02531848417709173
+4 117854 0.03676382554362674
+4 117941 0.01679782851708494
+4 118306 0.01105934888009525
+4 118547 0.01265924208854587
+4 119005 0.01362848167001797
+4 119267 0.01641330410746536
+4 119717 0.01343038273375637
+4 119967 0.01327797629320365
+4 120261 0.02054987341316971
+4 120933 0.01679782851708494
+4 121543 0.04225771273642594
+4 121694 0.01679782851708494
+4 121862 0.03132841919481793
+4 121891 0.0221186977601905
+4 122558 0.01265924208854587
+4 123021 0.01362848167001797
+4 123086 0.01253136767792717
+4 123332 0.01641330410746536
+4 124783 0.02054987341316971
+4 126485 0.01327797629320365
+4 127836 0.01265924208854587
+4 128594 0.01105934888009525
+4 128807 0.02054987341316971
+4 129626 0.01343038273375637
+4 129790 0.02531848417709173
+4 129843 0.01105934888009525
+4 129911 0.09708381995221857
+4 129989 0.02506273535585434
+4 130011 0.04923991232239608
+4 130370 0.01679782851708494
+4 131483 0.01662975263094352
+4 131631 0.02054987341316971
+4 132381 0.01105934888009525
+4 132623 0.01056442818410648
+4 133053 0.02686076546751275
+4 133436 0.0265559525864073
+4 133591 0.01641330410746536
+4 134353 0.02054987341316971
+4 134541 0.01253136767792717
+4 134551 0.04088544501005392
+4 134915 0.01641330410746536
+4 135141 0.02054987341316971
+4 135267 0.04530578264436867
+4 135499 0.01662975263094352
+4 136060 0.02506273535585434
+4 136621 0.02519674277562741
+4 136779 0.01343038273375637
+4 137101 0.02044272250502696
+4 137147 0.02083333333333338
+4 137384 0.02054987341316971
+4 139472 0.01105934888009525
+4 139746 0.01056442818410648
+4 140508 0.01265924208854587
+4 140795 0.01105934888009525
+4 141425 0.04225771273642594
+4 141605 0.06055218324832639
+4 141625 0.02083333333333338
+4 142083 0.0221186977601905
+4 143115 0.01327797629320365
+4 144761 0.02083333333333338
+4 145277 0.01265924208854587
+4 147854 0.01253136767792717
+4 148457 0.01679782851708494
+4 148795 0.02054987341316971
+4 150183 0.02083333333333338
+4 150509 0.01056442818410648
+4 150739 0.02519674277562741
+4 151153 0.02531848417709173
+4 151201 0.01327797629320365
+4 151570 0.01265924208854587
+4 152197 0.01265924208854587
+4 153369 0.01343038273375637
+4 154567 0.02083333333333338
+4 154577 0.01105934888009525
+4 154663 0.01641330410746536
+4 154989 0.01343038273375637
+4 155737 0.01679782851708494
+4 156173 0.04530578264436867
+4 156306 0.01343038273375637
+4 156833 0.02716749426151953
+4 156855 0.01641330410746536
+4 157258 0.01056442818410648
+4 157687 0.01265924208854587
+4 157923 0.01343038273375637
+4 160775 0.0265559525864073
+4 161221 0.02054987341316971
+4 161313 0.0221186977601905
+4 162122 0.01265924208854587
+4 162627 0.08979763956490512
+4 162773 0.01679782851708494
+4 162879 0.01362848167001797
+4 162995 0.02641107046026621
+4 164088 0.01265924208854587
+4 164198 0.01105934888009525
+4 164349 0.02725696334003594
+4 164502 0.01343038273375637
+4 164770 0.02519674277562741
+4 164955 0.01105934888009525
+4 165871 0.02083333333333338
+4 166165 0.02519674277562741
+4 166483 0.01679782851708494
+4 166514 0.01056442818410648
+4 166623 0.01056442818410648
+4 167205 0.01265924208854587
+4 167207 0.01105934888009525
+4 167650 0.02083333333333338
+4 167859 0.01362848167001797
+4 168058 0.02531848417709173
+4 168591 0.01327797629320365
+4 169302 0.01056442818410648
+4 169525 0.02054987341316971
+4 169659 0.01265924208854587
+4 169847 0.01253136767792717
+4 169963 0.02686076546751275
+4 170408 0.01662975263094352
+4 170960 0.01265924208854587
+4 171153 0.01679782851708494
+4 172064 0.02641107046026621
+4 172207 0.01105934888009525
+4 172320 0.01265924208854587
+4 173141 0.04088544501005392
+4 173489 0.01105934888009525
+4 173803 0.04225771273642594
+4 173845 0.004223659971350601
+4 175001 0.01662975263094352
+4 175931 0.01343038273375637
+4 176305 0.01584664227615973
+4 177446 0.008447319942701202
+4 178325 0.01105934888009525
+4 178691 0.01362848167001797
+4 178894 0.01253136767792717
+4 179038 0.02494462894641529
+4 180501 0.02083333333333338
+4 181003 0.01105934888009525
+4 181309 0.01662975263094352
+4 182433 0.02725696334003594
+4 182695 0.01253136767792717
+4 184199 0.01679782851708494
+4 184416 0.01679782851708494
+4 184475 0.01662975263094352
+4 184709 0.01362848167001797
+4 184752 0.02494462894641529
+4 185337 0.02054987341316971
+4 185817 0.01679782851708494
+4 186236 0.01265924208854587
+4 186765 0.005433498852303906
+4 186861 0.01991696443980548
+4 187298 0.03759410303378151
+4 189127 0.01641330410746536
+4 189153 0.01253136767792717
+4 189191 0.02083333333333338
+4 189199 0.02716749426151953
+4 189221 0.01662975263094352
+4 189267 0.01679782851708494
+4 189549 0.01679782851708494
+4 189810 0.02506273535585434
+4 191170 0.01327797629320365
+4 191458 0.02054987341316971
+4 191550 0.01265924208854587
+4 192345 0.02054987341316971
+4 192915 0.01327797629320365
+4 193294 0.01253136767792717
+4 193369 0.02054987341316971
+4 193411 0.01662975263094352
+4 194196 0.02083333333333338
+4 195471 0.01343038273375637
+4 196263 0.01265924208854587
+4 196286 0.02531848417709173
+4 197331 0.02044272250502696
+4 197917 0.01343038273375637
+4 197919 0.01327797629320365
+4 198710 0.01265924208854587
+4 199423 0.01679782851708494
+4 199593 0.01362848167001797
+4 199713 0.01327797629320365
+4 199724 0.02054987341316971
+4 200575 0.01105934888009525
+4 200776 0.008650311892618057
+4 201889 0.02531848417709173
+4 202228 0.01297546783892708
+4 203325 0.01991696443980548
+4 203726 0.02083333333333338
+4 204146 0.01362848167001797
+4 205289 0.01662975263094352
+4 206024 0.01730062378523611
+4 206369 0.02083333333333338
+4 208071 0.01056442818410648
+4 208265 0.01679782851708494
+4 208550 0.01362848167001797
+4 208887 0.0189888631328188
+4 209165 0.01641330410746536
+4 209303 0.01362848167001797
+4 209463 0.01105934888009525
+4 211251 0.01879705151689075
+4 211515 0.01265924208854587
+4 211869 0.01662975263094352
+4 211873 0.01327797629320365
+4 212273 0.01265924208854587
+4 212303 0.01343038273375637
+4 212364 0.02519674277562741
+4 212849 0.01662975263094352
+4 213030 0.03132841919481793
+4 213553 0.02083333333333338
+4 215831 0.06565321642986144
+4 216380 0.02531848417709173
+4 216807 0.01327797629320365
+4 217645 0.02725696334003594
+4 218031 0.02083333333333338
+4 218203 0.01105934888009525
+4 219182 0.02083333333333338
+4 220381 0.02054987341316971
+4 220908 0.01105934888009525
+4 220924 0.02054987341316971
+4 221992 0.01105934888009525
+4 222172 0.03164810522136467
+4 222266 0.01056442818410648
+4 222423 0.01343038273375637
+4 223049 0.01327797629320365
+4 223461 0.0265559525864073
+4 224068 0.01265924208854587
+4 224181 0.01327797629320365
+4 224278 0.01662975263094352
+4 224533 0.01056442818410648
+4 224863 0.02716749426151953
+4 224908 0.01658902332014287
+4 227017 0.01105934888009525
+4 227465 0.02494462894641529
+4 227570 0.01343038273375637
+4 227823 0.02083333333333338
+4 229747 0.01105934888009525
+4 230069 0.005433498852303906
+4 230151 0.01265924208854587
+4 230416 0.01056442818410648
+4 230737 0.02519674277562741
+4 230979 0.01662975263094352
+4 231744 0.01265924208854587
+4 233991 0.01641330410746536
+4 235193 0.01265924208854587
+4 235738 0.01679782851708494
+4 236021 0.01343038273375637
+4 237381 0.01253136767792717
+4 239095 0.01105934888009525
+4 239230 0.01105934888009525
+4 239697 0.01327797629320365
+4 240159 0.02054987341316971
+4 241304 0.01056442818410648
+4 241364 0.0168946398854024
+4 241503 0.01265924208854587
+4 241547 0.01056442818410648
+4 242089 0.01343038273375637
+4 242655 0.02014557410063456
+4 243024 0.02044272250502696
+4 243127 0.02054987341316971
+4 243701 0.04423739552038099
+4 243750 0.01253136767792717
+4 244133 0.02686076546751275
+4 244161 0.02494462894641529
+4 244205 0.01630049655691172
+4 245581 0.01327797629320365
+4 245585 0.01343038273375637
+4 245636 0.01730062378523611
+4 247011 0.02054987341316971
+4 247027 0.01343038273375637
+4 248248 0.01327797629320365
+4 248739 0.01056442818410648
+4 249144 0.0265559525864073
+4 249621 0.01056442818410648
+4 250345 0.01105934888009525
+4 250875 0.01265924208854587
+4 250998 0.01343038273375637
+4 251309 0.01327797629320365
+4 251793 0.0265559525864073
+4 252716 0.01327797629320365
+4 253197 0.01641330410746536
+4 253298 0.01327797629320365
+4 253595 0.02686076546751275
+4 253749 0.01641330410746536
+4 253965 0.01327797629320365
+4 254087 0.02054987341316971
+4 254425 0.02083333333333338
+4 254507 0.01362848167001797
+4 256687 0.02054987341316971
+4 257539 0.02173399540921563
+4 257915 0.01327797629320365
+4 258789 0.01362848167001797
+4 258983 0.02054987341316971
+4 259253 0.02519674277562741
+4 259449 0.02054987341316971
+4 259515 0.02044272250502696
+4 260014 0.01327797629320365
+4 261563 0.01662975263094352
+4 261877 0.02506273535585434
+4 261927 0.02083333333333338
+4 262259 0.01641330410746536
+4 262301 0.01343038273375637
+4 263061 0.01253136767792717
+4 263135 0.01327797629320365
+4 264710 0.02519674277562741
+4 265427 0.01662975263094352
+4 265827 0.01679782851708494
+4 267204 0.01327797629320365
+4 267427 0.01265924208854587
+4 267656 0.01253136767792717
+4 267938 0.02519674277562741
+4 268038 0.01265924208854587
+4 268387 0.08451542547285187
+4 268473 0.01662975263094352
+4 268859 0.01343038273375637
+4 269409 0.02112885636821297
+4 269482 0.01253136767792717
+4 270299 0.0221186977601905
+4 271194 0.01265924208854587
+4 271730 0.0265559525864073
+4 271879 0.01327797629320365
+4 272225 0.01253136767792717
+4 272591 0.02054987341316971
+4 272857 0.02083333333333338
+4 273103 0.01641330410746536
+4 273555 0.1086699770460781
+4 273589 0.03317804664028574
+4 274174 0.01056442818410648
+4 274243 0.01641330410746536
+4 274746 0.04646025968485661
+4 274895 0.01662975263094352
+4 274957 0.01327797629320365
+4 275274 0.02494462894641529
+4 277810 0.004325155946309028
+4 277849 0.02054987341316971
+4 278276 0.01265924208854587
+4 279328 0.01086699770460781
+4 280396 0.01662975263094352
+4 280636 0.0265559525864073
+4 280776 0.02686076546751275
+4 280989 0.01343038273375637
+4 281007 0.01343038273375637
+4 281729 0.02641107046026621
+4 281769 0.01679782851708494
+4 282163 0.004325155946309028
+4 282184 0.02083333333333338
+4 282367 0.01362848167001797
+4 283688 0.02162577973154514
+4 285400 0.02112885636821297
+4 286062 0.02519674277562741
+4 286535 0.01253136767792717
+4 287275 0.02083333333333338
+4 288026 0.01662975263094352
+4 288032 0.01056442818410648
+4 288633 0.01056442818410648
+4 289375 0.01105934888009525
+4 289963 0.01343038273375637
+4 289978 0.02506273535585434
+4 290283 0.01362848167001797
+4 290753 0.01086699770460781
+4 290878 0.01253136767792717
+4 291289 0.02054987341316971
+4 291447 0.0189888631328188
+4 291480 0.01343038273375637
+4 291548 0.02054987341316971
+4 291630 0.01343038273375637
+4 292489 0.01105934888009525
+4 292547 0.02112885636821297
+4 292587 0.0126709799140518
+4 292855 0.0265559525864073
+4 293160 0.01327797629320365
+4 293318 0.01679782851708494
+4 293345 0.02054987341316971
+4 293385 0.01362848167001797
+4 293412 0.01327797629320365
+4 293767 0.02083333333333338
+4 293924 0.0265559525864073
+4 294203 0.02506273535585434
+4 294470 0.02054987341316971
+4 295657 0.02531848417709173
+4 296834 0.0265559525864073
+4 297052 0.02506273535585434
+4 297735 0.02083333333333338
+4 297867 0.01056442818410648
+4 297977 0.02494462894641529
+4 298277 0.0189888631328188
+4 298364 0.01105934888009525
+4 298569 0.02112885636821297
+4 298669 0.01679782851708494
+4 299159 0.01662975263094352
+4 300979 0.01991696443980548
+4 302153 0.01056442818410648
+4 302195 0.01662975263094352
+4 302456 0.01343038273375637
+4 302665 0.01327797629320365
+4 302687 0.01265924208854587
+4 303309 0.01265924208854587
+4 303651 0.01362848167001797
+4 304986 0.01253136767792717
+4 305313 0.01662975263094352
+4 305415 0.01253136767792717
+4 305549 0.01362848167001797
+4 305600 0.02686076546751275
+4 305812 0.04109974682633943
+4 306705 0.01641330410746536
+4 306760 0.01658902332014287
+4 308871 0.01641330410746536
+4 309481 0.01679782851708494
+4 309767 0.01105934888009525
+4 311020 0.01679782851708494
+4 311655 0.01253136767792717
+4 311670 0.01679782851708494
+4 312631 0.01327797629320365
+4 312811 0.02083333333333338
+4 313606 0.0221186977601905
+4 313712 0.01343038273375637
+4 314147 0.0221186977601905
+4 316526 0.01343038273375637
+4 316624 0.01253136767792717
+4 317035 0.02083333333333338
+4 317209 0.01327797629320365
+4 317723 0.02083333333333338
+4 318345 0.01343038273375637
+4 320967 0.03282660821493072
+4 321464 0.01679782851708494
+4 321902 0.04530578264436867
+4 322226 0.01343038273375637
+4 322837 0.02725696334003594
+4 322863 0.02531848417709173
+4 323136 0.01343038273375637
+4 323308 0.02519674277562741
+4 323633 0.01679782851708494
+4 323869 0.01343038273375637
+4 323871 0.01662975263094352
+4 324078 0.02054987341316971
+4 324105 0.01679782851708494
+4 324175 0.02054987341316971
+4 324689 0.01662975263094352
+4 324784 0.01265924208854587
+4 325745 0.01343038273375637
+4 325759 0.01679782851708494
+4 326234 0.02044272250502696
+4 326336 0.01105934888009525
+4 327269 0.02054987341316971
+4 327599 0.01327797629320365
+4 327702 0.01327797629320365
+4 327767 0.01056442818410648
+4 328379 0.02083333333333338
+4 328875 0.01362848167001797
+4 329647 0.01641330410746536
+4 329890 0.01662975263094352
+4 330127 0.01105934888009525
+4 330573 0.02014557410063456
+4 331536 0.02494462894641529
+4 333305 0.01327797629320365
+4 333517 0.01056442818410648
+4 334139 0.01105934888009525
+4 334370 0.01056442818410648
+4 334697 0.01679782851708494
+4 335511 0.01327797629320365
+4 336635 0.01105934888009525
+4 337211 0.02506273535585434
+4 337723 0.02686076546751275
+4 337772 0.02044272250502696
+4 338206 0.01991696443980548
+4 338747 0.01056442818410648
+4 338829 0.01679782851708494
+4 339237 0.01362848167001797
+4 339294 0.03169328455231946
+4 339341 0.01327797629320365
+4 339684 0.02686076546751275
+4 339785 0.01105934888009525
+4 340497 0.01662975263094352
+4 340666 0.02494462894641529
+4 341487 0.01362848167001797
+4 342181 0.01362848167001797
+4 342392 0.03164810522136467
+4 343013 0.02054987341316971
+4 343133 0.01253136767792717
+4 343558 0.0379777262656376
+4 343645 0.01662975263094352
+4 343861 0.01362848167001797
+4 344947 0.02686076546751275
+4 344975 0.02083333333333338
+4 345433 0.01679782851708494
+4 346445 0.0265559525864073
+4 346475 0.02054987341316971
+4 346795 0.09708381995221857
+4 347163 0.03164810522136467
+4 347415 0.02054987341316971
+4 348021 0.02014557410063456
+4 348116 0.01056442818410648
+4 348541 0.02686076546751275
+4 349000 0.02686076546751275
+4 349202 0.01056442818410648
+4 349380 0.01662975263094352
+4 350604 0.01662975263094352
+4 350701 0.01327797629320365
+4 350800 0.05068391965620721
+4 351389 0.03357595683439093
+4 352511 0.01105934888009525
+4 352725 0.01662975263094352
+4 353209 0.02083333333333338
+4 354489 0.03282660821493072
+4 354808 0.0265559525864073
+4 355504 0.02686076546751275
+4 356382 0.01253136767792717
+4 356601 0.02083333333333338
+4 356894 0.01253136767792717
+4 357128 0.01327797629320365
+4 359630 0.01327797629320365
+4 360671 0.01105934888009525
+4 361375 0.01327797629320365
+4 361633 0.01679782851708494
+4 361716 0.01105934888009525
+4 361829 0.0517780373078499
+4 362736 0.02686076546751275
+4 362753 0.01253136767792717
+4 362857 0.126709799140518
+4 362935 0.0265559525864073
+4 364087 0.01679782851708494
+4 364427 0.01253136767792717
+4 364941 0.01679782851708494
+4 364949 0.03169328455231946
+4 365019 0.005433498852303906
+4 365155 0.01327797629320365
+4 365510 0.01343038273375637
+4 365999 0.0379777262656376
+4 366319 0.02054987341316971
+4 366889 0.01362848167001797
+4 366965 0.01584664227615973
+4 367227 0.01679782851708494
+4 367497 0.04423739552038099
+4 367875 0.01641330410746536
+4 368077 0.0221186977601905
+4 369567 0.02083333333333338
+4 370047 0.01641330410746536
+4 370101 0.01056442818410648
+4 370107 0.01105934888009525
+4 370330 0.02506273535585434
+4 371252 0.01662975263094352
+4 371306 0.01105934888009525
+4 372021 0.01658902332014287
+4 373415 0.02054987341316971
+4 373877 0.01679782851708494
+4 374371 0.04423739552038099
+4 374535 0.03282660821493072
+4 374551 0.05490757962755781
+4 376071 0.02083333333333338
+4 376684 0.01105934888009525
+4 377324 0.01253136767792717
+4 377845 0.01056442818410648
+4 377885 0.01265924208854587
+4 380001 0.01056442818410648
+4 380229 0.02054987341316971
+4 380270 0.0221186977601905
+4 380596 0.01327797629320365
+4 381027 0.01641330410746536
+4 382254 0.02083333333333338
+4 382361 0.01056442818410648
+4 383129 0.02531848417709173
+4 384099 0.02686076546751275
+4 384387 0.01662975263094352
+4 385298 0.01265924208854587
+4 385725 0.01265924208854587
+4 386089 0.01056442818410648
+4 386685 0.01265924208854587
+4 386990 0.004325155946309028
+4 387163 0.01105934888009525
+4 387523 0.01056442818410648
+4 387657 0.01056442818410648
+4 388015 0.01056442818410648
+4 389252 0.01265924208854587
+4 389623 0.008650311892618057
+4 389763 0.01662975263094352
+4 389801 0.01584664227615973
+4 390661 0.02506273535585434
+4 390711 0.01253136767792717
+4 391054 0.01086699770460781
+4 391640 0.004223659971350601
+4 392949 0.01991696443980548
+4 393721 0.02494462894641529
+4 394017 0.02083333333333338
+4 394259 0.02112885636821297
+4 394847 0.01343038273375637
+4 394941 0.01662975263094352
+4 395286 0.02112885636821297
+4 395382 0.01105934888009525
+4 395623 0.01056442818410648
+4 395669 0.01105934888009525
+4 395719 0.02083333333333338
+4 396026 0.01679782851708494
+4 396142 0.01253136767792717
+4 397034 0.02083333333333338
+4 397448 0.01265924208854587
+4 397716 0.02083333333333338
+4 397829 0.01679782851708494
+4 398235 0.01327797629320365
+4 398737 0.01343038273375637
+4 398915 0.01265924208854587
+4 399111 0.02083333333333338
+4 399141 0.02054987341316971
+4 399771 0.01327797629320365
+4 400151 0.01343038273375637
+4 400583 0.01253136767792717
+4 400596 0.02519674277562741
+4 400702 0.01105934888009525
+4 401004 0.02686076546751275
+4 402051 0.03460124757047223
+4 402869 0.02506273535585434
+4 403190 0.0221186977601905
+4 403575 0.01327797629320365
+4 403713 0.01056442818410648
+4 404005 0.01362848167001797
+4 404108 0.01679782851708494
+4 405010 0.01641330410746536
+4 405953 0.02112885636821297
+4 406087 0.03282660821493072
+4 406115 0.01362848167001797
+4 406958 0.02531848417709173
+4 409025 0.01265924208854587
+4 409116 0.01679782851708494
+4 409251 0.01105934888009525
+4 409413 0.02534195982810361
+4 409418 0.01362848167001797
+4 409943 0.01327797629320365
+4 411139 0.01641330410746536
+4 411271 0.01056442818410648
+4 411984 0.02054987341316971
+4 412778 0.01265924208854587
+4 413447 0.02519674277562741
+4 413452 0.01253136767792717
+4 415944 0.01253136767792717
+4 416404 0.01679782851708494
+4 416818 0.01253136767792717
+4 417591 0.01343038273375637
+4 417698 0.01327797629320365
+4 418283 0.02494462894641529
+4 418577 0.02054987341316971
+4 418763 0.02083333333333338
+4 419563 0.01641330410746536
+4 419807 0.03132841919481793
+4 420244 0.0265559525864073
+4 420569 0.01056442818410648
+4 420572 0.01105934888009525
+4 421227 0.01056442818410648
+4 422137 0.02531848417709173
+4 422207 0.01679782851708494
+4 422277 0.01679782851708494
+4 422670 0.01056442818410648
+4 422756 0.01991696443980548
+4 424081 0.01362848167001797
+4 424404 0.01662975263094352
+4 424501 0.01679782851708494
+4 428080 0.01265924208854587
+4 428890 0.01265924208854587
+4 429232 0.02686076546751275
+4 429625 0.01253136767792717
+4 430026 0.005433498852303906
+4 430230 0.01056442818410648
+4 430780 0.01265924208854587
+4 430802 0.01253136767792717
+4 432369 0.01343038273375637
+4 434086 0.02506273535585434
+4 434491 0.01265924208854587
+4 434835 0.02686076546751275
+4 434925 0.01641330410746536
+4 435366 0.01343038273375637
+4 435634 0.01362848167001797
+4 436271 0.01253136767792717
+4 436672 0.02519674277562741
+4 436981 0.01679782851708494
+4 437801 0.01253136767792717
+4 437913 0.01253136767792717
+4 439315 0.01679782851708494
+4 439851 0.01105934888009525
+4 440139 0.01253136767792717
+4 440867 0.01265924208854587
+4 441702 0.01679782851708494
+4 441779 0.03801293974215541
+4 441833 0.02083333333333338
+4 441917 0.02519674277562741
+4 441925 0.01056442818410648
+4 441935 0.02054987341316971
+4 442111 0.02044272250502696
+4 442193 0.02083333333333338
+4 442249 0.01658902332014287
+4 443041 0.01679782851708494
+4 443144 0.01343038273375637
+4 443407 0.01679782851708494
+4 444625 0.004325155946309028
+4 445659 0.01265924208854587
+4 445976 0.0265559525864073
+4 447747 0.01641330410746536
+4 448727 0.01679782851708494
+4 449901 0.01105934888009525
+4 451193 0.01343038273375637
+4 452037 0.02054987341316971
+4 452089 0.01362848167001797
+4 452128 0.01679782851708494
+4 452353 0.01265924208854587
+4 452422 0.01362848167001797
+4 452533 0.02519674277562741
+4 453296 0.01056442818410648
+4 453327 0.01662975263094352
+4 453697 0.01343038273375637
+4 454488 0.01253136767792717
+4 454715 0.01105934888009525
+4 455865 0.01662975263094352
+4 456246 0.01343038273375637
+4 456407 0.02506273535585434
+4 456825 0.02083333333333338
+4 456962 0.008650311892618057
+4 457479 0.0221186977601905
+4 457539 0.01056442818410648
+4 457639 0.02083333333333338
+4 459797 0.01253136767792717
+4 459963 0.01056442818410648
+4 460411 0.02054987341316971
+4 461295 0.01662975263094352
+4 461509 0.01253136767792717
+4 461589 0.01056442818410648
+4 462663 0.01343038273375637
+4 462813 0.01991696443980548
+4 463683 0.02083333333333338
+4 464887 0.01662975263094352
+4 465647 0.01327797629320365
+4 465711 0.02083333333333338
+4 466438 0.008650311892618057
+4 467384 0.01265924208854587
+4 468593 0.01265924208854587
+4 469427 0.01343038273375637
+4 469959 0.01641330410746536
+4 471282 0.01343038273375637
+4 471291 0.01343038273375637
+4 473070 0.01056442818410648
+4 473105 0.02506273535585434
+4 473145 0.01253136767792717
+4 475601 0.01679782851708494
+4 475731 0.01362848167001797
+4 475970 0.0221186977601905
+4 476073 0.01253136767792717
+4 476647 0.04225771273642594
+4 477079 0.03164810522136467
+4 477095 0.02054987341316971
+4 477107 0.02054987341316971
+4 477145 0.01343038273375637
+4 477443 0.03801293974215541
+4 477755 0.02083333333333338
+4 479111 0.01265924208854587
+4 481305 0.01662975263094352
+4 482090 0.02494462894641529
+4 482393 0.02083333333333338
+4 482567 0.01105934888009525
+4 482880 0.01105934888009525
+4 483174 0.02494462894641529
+4 483291 0.01584664227615973
+4 484739 0.02506273535585434
+4 485798 0.02054987341316971
+4 485908 0.01265924208854587
+4 486143 0.01362848167001797
+4 486151 0.02083333333333338
+4 486695 0.01362848167001797
+4 487081 0.01056442818410648
+4 487986 0.01105934888009525
+4 488052 0.01679782851708494
+4 488337 0.01343038273375637
+4 489166 0.01056442818410648
+4 489714 0.01056442818410648
+4 490283 0.01679782851708494
+4 490309 0.02054987341316971
+4 490879 0.01327797629320365
+4 491615 0.01362848167001797
+4 491735 0.01641330410746536
+4 492199 0.02083333333333338
+4 492395 0.02494462894641529
+4 492853 0.01662975263094352
+4 493099 0.01253136767792717
+4 493106 0.004223659971350601
+4 493128 0.01105934888009525
+4 493632 0.01253136767792717
+4 494823 0.0265559525864073
+4 494855 0.01253136767792717
+4 495337 0.01662975263094352
+4 495949 0.01641330410746536
+4 496081 0.008314876315471762
+4 496744 0.01662975263094352
+4 496782 0.01253136767792717
+4 497050 0.01105934888009525
+4 497656 0.02083333333333338
+4 497825 0.02083333333333338
+4 498533 0.01879705151689075
+4 499925 0.01327797629320365
+4 500477 0.02686076546751275
+4 500507 0.02083333333333338
+4 500805 0.02054987341316971
+4 500884 0.02083333333333338
+4 501051 0.01253136767792717
+4 501227 0.01327797629320365
+4 501419 0.02054987341316971
+4 502355 0.01658902332014287
+4 502873 0.01327797629320365
+4 503419 0.01327797629320365
+4 503821 0.01679782851708494
+4 504676 0.02506273535585434
+4 504825 0.01662975263094352
+4 505661 0.01056442818410648
+4 506049 0.03169328455231946
+4 506535 0.04753992682847918
+4 507283 0.01679782851708494
+4 507383 0.01253136767792717
+4 507692 0.0454141374362448
+4 507984 0.01327797629320365
+4 508220 0.02054987341316971
+4 508257 0.01056442818410648
+4 510495 0.01265924208854587
+4 510919 0.02083333333333338
+4 512365 0.06565321642986144
+4 512691 0.01253136767792717
+4 512733 0.01641330410746536
+4 513491 0.01362848167001797
+4 513722 0.02519674277562741
+4 514675 0.0221186977601905
+4 514734 0.01265924208854587
+4 515130 0.02531848417709173
+4 515285 0.01265924208854587
+4 515935 0.01327797629320365
+4 516634 0.02173399540921563
+4 518065 0.01327797629320365
+4 518346 0.01641330410746536
+4 519008 0.02083333333333338
+4 519701 0.02519674277562741
+4 519993 0.01253136767792717
+4 520644 0.01253136767792717
+4 521993 0.01362848167001797
+4 522924 0.0265559525864073
+4 523541 0.03282660821493072
+4 523567 0.02054987341316971
+4 524393 0.02083333333333338
+4 524475 0.01265924208854587
+4 525029 0.02054987341316971
+4 525801 0.02494462894641529
+4 526187 0.01327797629320365
+4 526291 0.01662975263094352
+4 526946 0.01362848167001797
+4 527416 0.02494462894641529
+4 528603 0.02686076546751275
+4 528663 0.01343038273375637
+4 529637 0.01056442818410648
+4 529780 0.02506273535585434
+4 530205 0.01662975263094352
+4 530345 0.01265924208854587
+4 530923 0.02054987341316971
+4 531013 0.01662975263094352
+4 531173 0.02054987341316971
+4 531197 0.01105934888009525
+4 531223 0.01343038273375637
+4 531908 0.0126709799140518
+4 532105 0.01991696443980548
+4 532131 0.01253136767792717
+4 532801 0.01327797629320365
+4 532823 0.02083333333333338
+4 533265 0.008447319942701202
+4 534111 0.01343038273375637
+4 534484 0.01327797629320365
+4 534918 0.01056442818410648
+4 535349 0.01362848167001797
+4 535566 0.01056442818410648
+4 536005 0.02054987341316971
+4 538259 0.02054987341316971
+4 538267 0.01253136767792717
+4 538546 0.02519674277562741
+4 538728 0.01679782851708494
+4 538985 0.01679782851708494
+4 539005 0.02014557410063456
+4 539503 0.02054987341316971
+4 539651 0.02044272250502696
+4 539706 0.01362848167001797
+4 540116 0.01253136767792717
+4 540466 0.01253136767792717
+4 540474 0.01105934888009525
+4 541817 0.02112885636821297
+4 542427 0.02083333333333338
+4 542617 0.01056442818410648
+4 543025 0.02083333333333338
+4 543333 0.004223659971350601
+4 543768 0.01265924208854587
+4 543934 0.01265924208854587
+4 544101 0.01343038273375637
+4 544179 0.01327797629320365
+4 545517 0.01253136767792717
+4 545577 0.01662975263094352
+4 546015 0.01327797629320365
+4 546552 0.02112885636821297
+4 546613 0.01253136767792717
+4 546658 0.01679782851708494
+4 547069 0.02764837220023812
+4 547377 0.01265924208854587
+4 547869 0.01105934888009525
+4 548529 0.01056442818410648
+4 548837 0.01327797629320365
+4 548890 0.01679782851708494
+4 549131 0.01056442818410648
+4 549462 0.02506273535585434
+4 549570 0.02054987341316971
+4 549605 0.01327797629320365
+4 551153 0.01327797629320365
+4 551762 0.01265924208854587
+4 551848 0.01105934888009525
+4 551909 0.02054987341316971
+4 554119 0.01641330410746536
+4 554171 0.01630049655691172
+4 554404 0.01362848167001797
+4 554848 0.03803449196612734
+4 555141 0.01662975263094352
+4 555513 0.01265924208854587
+4 555608 0.01327797629320365
+4 555784 0.01343038273375637
+4 555809 0.02083333333333338
+4 556139 0.01343038273375637
+4 556355 0.01662975263094352
+4 556469 0.02595093567785417
+4 557024 0.02494462894641529
+4 557051 0.02083333333333338
+4 557121 0.02506273535585434
+4 558705 0.01343038273375637
+4 559180 0.01641330410746536
+4 560007 0.01253136767792717
+4 560105 0.01679782851708494
+4 560215 0.02494462894641529
+4 560545 0.01662975263094352
+4 560713 0.01641330410746536
+4 560989 0.02054987341316971
+4 562102 0.02686076546751275
+4 562455 0.01662975263094352
+4 562593 0.01584664227615973
+4 562678 0.01265924208854587
+4 562915 0.01662975263094352
+4 563121 0.01265924208854587
+4 563519 0.02531848417709173
+4 563620 0.01662975263094352
+4 564482 0.0265559525864073
+4 565942 0.01105934888009525
+4 566118 0.02083333333333338
+4 566841 0.01662975263094352
+4 566883 0.01641330410746536
+4 567438 0.01253136767792717
+4 567773 0.01327797629320365
+4 567941 0.01362848167001797
+4 568457 0.01662975263094352
+4 569569 0.02054987341316971
+4 570662 0.02506273535585434
+4 571152 0.02506273535585434
+4 571843 0.008650311892618057
+4 571851 0.01253136767792717
+4 571910 0.02083333333333338
+4 572240 0.0221186977601905
+4 573147 0.01327797629320365
+4 573547 0.01105934888009525
+4 573612 0.02054987341316971
+4 573967 0.01327797629320365
+4 574521 0.01343038273375637
+4 574646 0.01362848167001797
+4 574713 0.02083333333333338
+4 574911 0.01253136767792717
+4 575241 0.01105934888009525
+4 575338 0.02083333333333338
+4 576504 0.03357595683439093
+4 576591 0.02054987341316971
+4 576657 0.02083333333333338
+4 576689 0.01105934888009525
+4 577921 0.02531848417709173
+4 579353 0.01662975263094352
+4 579391 0.03132841919481793
+4 580776 0.01327797629320365
+4 580967 0.02531848417709173
+4 581487 0.03164810522136467
+4 581814 0.01056442818410648
+4 581946 0.02519674277562741
+4 582719 0.01253136767792717
+4 583447 0.01343038273375637
+4 583577 0.01265924208854587
+4 583746 0.03883352798088743
+4 584335 0.0379777262656376
+4 584725 0.01679782851708494
+4 584763 0.03883352798088743
+4 585559 0.02083333333333338
+4 586861 0.01641330410746536
+4 587435 0.04088544501005392
+4 587573 0.01056442818410648
+4 587754 0.02494462894641529
+4 588450 0.02519674277562741
+4 589193 0.01105934888009525
+4 589802 0.01679782851708494
+4 590771 0.01662975263094352
+4 592183 0.01362848167001797
+4 592621 0.01641330410746536
+4 592752 0.01327797629320365
+4 593030 0.01253136767792717
+4 593367 0.01641330410746536
+4 594775 0.06520198622764688
+4 595682 0.02519674277562741
+4 595803 0.1297546783892708
+4 595881 0.02494462894641529
+4 596749 0.01879705151689075
+4 597517 0.01253136767792717
+4 597809 0.01253136767792717
+4 597887 0.02083333333333338
+4 597895 0.03317804664028574
+4 598774 0.004223659971350601
+4 598945 0.02083333333333338
+4 599837 0.01056442818410648
+4 599911 0.01105934888009525
+4 600021 0.01679782851708494
+4 600073 0.01343038273375637
+4 600226 0.008447319942701202
+4 600376 0.01343038273375637
+4 600443 0.04225771273642594
+4 600591 0.01327797629320365
+4 600673 0.01105934888009525
+4 601023 0.01056442818410648
+4 601100 0.01327797629320365
+4 602503 0.01327797629320365
+4 602513 0.02531848417709173
+4 602543 0.01105934888009525
+4 602993 0.02112885636821297
+4 603276 0.0265559525864073
+4 603333 0.02519674277562741
+4 604022 0.0126709799140518
+4 604490 0.01253136767792717
+4 604967 0.02112885636821297
+4 605225 0.03378927977080481
+4 605723 0.02083333333333338
+4 606704 0.01105934888009525
+4 607497 0.04530578264436867
+4 609253 0.0221186977601905
+4 609887 0.01105934888009525
+4 611997 0.02641107046026621
+4 612594 0.01662975263094352
+4 612661 0.02054987341316971
+4 613160 0.01679782851708494
+4 613216 0.02112885636821297
+4 614764 0.01343038273375637
+4 615200 0.01679782851708494
+4 616075 0.02686076546751275
+4 616727 0.01641330410746536
+4 617441 0.01327797629320365
+4 617569 0.006472254663481238
+4 618125 0.06565321642986144
+4 618337 0.02054987341316971
+4 618953 0.02112885636821297
+4 622747 0.01105934888009525
+4 623607 0.0265559525864073
+4 623621 0.01343038273375637
+4 623631 0.01253136767792717
+4 623815 0.02054987341316971
+4 624635 0.01265924208854587
+4 624688 0.01679782851708494
+4 625887 0.01327797629320365
+4 625895 0.02506273535585434
+4 626091 0.01343038273375637
+4 626663 0.01253136767792717
+4 626667 0.02054987341316971
+4 626905 0.01362848167001797
+4 627048 0.01265924208854587
+4 627085 0.01253136767792717
+4 627115 0.01105934888009525
+4 628014 0.02083333333333338
+4 628067 0.02588901865392495
+4 628232 0.0221186977601905
+4 628665 0.02531848417709173
+4 629980 0.01679782851708494
+4 630374 0.02494462894641529
+4 630394 0.02083333333333338
+4 630531 0.01327797629320365
+4 630635 0.01679782851708494
+4 631147 0.01265924208854587
+4 631901 0.002716749426151953
+4 632057 0.02531848417709173
+4 632581 0.01362848167001797
+4 632994 0.01253136767792717
+4 633097 0.01679782851708494
+4 633099 0.01362848167001797
+4 633108 0.01327797629320365
+4 633167 0.02054987341316971
+4 634745 0.01105934888009525
+4 635812 0.01265924208854587
+4 635815 0.0265559525864073
+4 636136 0.02112885636821297
+4 636951 0.01641330410746536
+4 637895 0.02083333333333338
+4 637956 0.02044272250502696
+4 639033 0.0369754986443727
+4 639904 0.02686076546751275
+4 640203 0.01327797629320365
+4 641286 0.02506273535585434
+4 642203 0.05825029197133114
+4 642285 0.01641330410746536
+4 642471 0.02083333333333338
+4 642951 0.01253136767792717
+4 643634 0.008447319942701202
+4 643662 0.02494462894641529
+4 643941 0.02054987341316971
+4 644217 0.01641330410746536
+4 644455 0.01265924208854587
+4 644930 0.02506273535585434
+4 646087 0.01662975263094352
+4 646393 0.02686076546751275
+4 646790 0.02054987341316971
+4 646877 0.01265924208854587
+4 646913 0.01056442818410648
+4 646999 0.02054987341316971
+4 647633 0.02054987341316971
+4 647892 0.01343038273375637
+4 649169 0.01253136767792717
+4 650644 0.01253136767792717
+4 650717 0.02494462894641529
+4 652505 0.01105934888009525
+4 652514 0.01362848167001797
+4 652753 0.02054987341316971
+4 653993 0.01679782851708494
+4 655083 0.02686076546751275
+4 655309 0.01343038273375637
+4 655537 0.01730062378523611
+4 655550 0.05012547071170868
+4 655727 0.01056442818410648
+4 655955 0.01253136767792717
+4 657447 0.02083333333333338
+4 657943 0.01641330410746536
+4 658178 0.01265924208854587
+4 658533 0.02725696334003594
+4 659134 0.01056442818410648
+4 661073 0.02111829985675301
+4 661205 0.01056442818410648
+4 661271 0.01641330410746536
+4 662178 0.02519674277562741
+4 663362 0.01265924208854587
+4 663812 0.0168946398854024
+4 663885 0.02044272250502696
+4 664564 0.01343038273375637
+4 665315 0.01265924208854587
+4 665685 0.01265924208854587
+4 665959 0.01253136767792717
+4 666723 0.01265924208854587
+4 667032 0.0265559525864073
+4 667305 0.01343038273375637
+4 667373 0.01641330410746536
+4 667558 0.01105934888009525
+4 667733 0.01253136767792717
+4 667897 0.02083333333333338
+4 668297 0.05451392668007188
+4 668741 0.02054987341316971
+4 669217 0.02054987341316971
+4 669579 0.01327797629320365
+4 669618 0.02686076546751275
+4 669927 0.02083333333333338
+4 671553 0.06920249514094445
+4 671559 0.01265924208854587
+4 671914 0.01265924208854587
+4 672287 0.01105934888009525
+4 672756 0.01297546783892708
+4 673046 0.02686076546751275
+4 673196 0.01253136767792717
+4 674779 0.01679782851708494
+4 674841 0.01662975263094352
+4 674863 0.02083333333333338
+4 675057 0.0221186977601905
+4 675105 0.02083333333333338
+4 675195 0.02641107046026621
+4 678024 0.01265924208854587
+4 678613 0.01658902332014287
+4 678922 0.02494462894641529
+4 679495 0.01105934888009525
+4 679709 0.01265924208854587
+4 679843 0.01343038273375637
+4 680126 0.01343038273375637
+4 680388 0.01265924208854587
+4 681209 0.02083333333333338
+4 684503 0.02083333333333338
+4 685074 0.02014557410063456
+4 685479 0.02083333333333338
+4 686117 0.01105934888009525
+4 686273 0.01991696443980548
+4 686606 0.01327797629320365
+4 686949 0.02054987341316971
+4 687309 0.01105934888009525
+4 687461 0.02519674277562741
+4 687510 0.0221186977601905
+4 687709 0.004325155946309028
+4 688121 0.01327797629320365
+4 688459 0.01343038273375637
+4 688859 0.02083333333333338
+4 689353 0.02054987341316971
+4 689422 0.02519674277562741
+4 690425 0.02044272250502696
+4 692743 0.01327797629320365
+4 693539 0.01056442818410648
+4 694130 0.01253136767792717
+4 694532 0.01679782851708494
+4 694685 0.02519674277562741
+4 695057 0.01327797629320365
+4 695710 0.01265924208854587
+4 695759 0.01253136767792717
+4 696213 0.02506273535585434
+4 696485 0.01265924208854587
+4 696533 0.1288216291261933
+4 696901 0.02083333333333338
+4 697205 0.0517780373078499
+4 697614 0.01662975263094352
+4 698812 0.01327797629320365
+4 699017 0.01362848167001797
+4 699475 0.01343038273375637
+4 701887 0.03803449196612734
+4 705691 0.02083333333333338
+4 705876 0.01362848167001797
+4 706016 0.01658902332014287
+4 706051 0.0265559525864073
+4 706081 0.02054987341316971
+4 706521 0.02083333333333338
+4 707317 0.01662975263094352
+4 707358 0.01362848167001797
+4 708299 0.01662975263094352
+4 708547 0.02083333333333338
+4 708916 0.02641107046026621
+4 709019 0.01327797629320365
+4 709188 0.01056442818410648
+4 709321 0.01056442818410648
+4 709593 0.03282660821493072
+4 709951 0.01662975263094352
+4 710025 0.02083333333333338
+4 711047 0.01056442818410648
+4 711319 0.02054987341316971
+4 713187 0.01327797629320365
+4 713211 0.01679782851708494
+4 713593 0.01662975263094352
+4 714090 0.01327797629320365
+4 714584 0.02534195982810361
+4 715036 0.02054987341316971
+4 715419 0.0221186977601905
+4 715513 0.01362848167001797
+4 715683 0.01056442818410648
+4 716120 0.02054987341316971
+4 716264 0.01662975263094352
+4 716881 0.01327797629320365
+4 717410 0.01253136767792717
+4 717861 0.01265924208854587
+4 718347 0.01343038273375637
+4 718744 0.02494462894641529
+4 719089 0.01105934888009525
+4 719641 0.01658902332014287
+4 722525 0.01327797629320365
+4 722711 0.01343038273375637
+4 724109 0.04088544501005392
+4 724681 0.02112885636821297
+4 725145 0.02531848417709173
+4 725799 0.02054987341316971
+4 726991 0.02083333333333338
+4 727053 0.01362848167001797
+4 727769 0.02494462894641529
+4 728917 0.01662975263094352
+4 729027 0.02054987341316971
+4 730055 0.03282660821493072
+4 730602 0.02531848417709173
+4 730659 0.01056442818410648
+4 730665 0.004325155946309028
+4 731292 0.01253136767792717
+4 731474 0.01253136767792717
+4 731479 0.01327797629320365
+4 732291 0.01056442818410648
+4 732423 0.02083333333333338
+4 733159 0.01105934888009525
+4 733423 0.02531848417709173
+4 733837 0.02519674277562741
+4 735975 0.01679782851708494
+4 736447 0.01253136767792717
+4 736811 0.02083333333333338
+4 737019 0.01265924208854587
+4 737261 0.01641330410746536
+4 737589 0.01105934888009525
+4 737771 0.02054987341316971
+4 738183 0.02054987341316971
+4 738407 0.01253136767792717
+4 738966 0.01105934888009525
+4 738990 0.02083333333333338
+4 738995 0.02764837220023812
+4 738996 0.01327797629320365
+4 739481 0.03282660821493072
+4 739985 0.01056442818410648
+4 740605 0.01105934888009525
+4 740821 0.01253136767792717
+4 741378 0.01343038273375637
+4 743925 0.01641330410746536
+4 743997 0.01641330410746536
+4 744561 0.01253136767792717
+4 745311 0.08177089002010783
+4 745679 0.02044272250502696
+4 746668 0.02083333333333338
+4 747454 0.02531848417709173
+4 747987 0.01253136767792717
+4 748076 0.02686076546751275
+4 749580 0.02588901865392495
+4 749749 0.01641330410746536
+4 750219 0.01362848167001797
+4 750334 0.02686076546751275
+4 750742 0.02519674277562741
+4 751292 0.02044272250502696
+4 751921 0.02054987341316971
+4 751954 0.02531848417709173
+4 752024 0.01253136767792717
+4 752102 0.01343038273375637
+4 752647 0.02083333333333338
+4 753133 0.01641330410746536
+4 753267 0.01056442818410648
+4 755352 0.01327797629320365
+4 756487 0.04088544501005392
+4 756849 0.01343038273375637
+4 757339 0.01679782851708494
+4 758678 0.01679782851708494
+4 758747 0.02054987341316971
+4 758989 0.01362848167001797
+4 758999 0.01265924208854587
+4 759353 0.01056442818410648
+4 759386 0.01265924208854587
+4 760362 0.0265559525864073
+4 760522 0.01056442818410648
+4 760837 0.004325155946309028
+4 760969 0.01056442818410648
+4 764021 0.02054987341316971
+4 764169 0.01679782851708494
+4 764439 0.01641330410746536
+4 764887 0.06565321642986144
+4 765051 0.01253136767792717
+4 768021 0.0265559525864073
+4 768501 0.02531848417709173
+4 768546 0.01265924208854587
+4 769589 0.02054987341316971
+4 769982 0.01662975263094352
+4 771492 0.02083333333333338
+4 771951 0.03164810522136467
+4 772035 0.01265924208854587
+4 772494 0.01662975263094352
+4 772652 0.01641330410746536
+4 773047 0.01056442818410648
+4 774008 0.01056442818410648
+4 774029 0.01253136767792717
+4 774142 0.01991696443980548
+4 774763 0.0221186977601905
+4 775279 0.01362848167001797
+4 776468 0.01343038273375637
+4 776880 0.01343038273375637
+4 777354 0.01679782851708494
+4 778479 0.01362848167001797
+4 778523 0.02054987341316971
+4 779498 0.01641330410746536
+4 779604 0.02083333333333338
+4 779657 0.01343038273375637
+4 780015 0.03169328455231946
+4 780089 0.01662975263094352
+4 780589 0.01362848167001797
+4 780744 0.01253136767792717
+4 780752 0.01662975263094352
+4 781091 0.01362848167001797
+4 781570 0.01056442818410648
+4 781864 0.01253136767792717
+4 782171 0.01662975263094352
+4 782408 0.0265559525864073
+4 782516 0.01662975263094352
+4 784087 0.0221186977601905
+4 784552 0.01253136767792717
+4 784573 0.02519674277562741
+4 785845 0.005433498852303906
+4 786529 0.02083333333333338
+4 787579 0.01056442818410648
+4 787794 0.03676382554362674
+4 788353 0.01056442818410648
+4 788744 0.01362848167001797
+4 788755 0.02519674277562741
+4 789053 0.01343038273375637
+4 789151 0.01253136767792717
+4 789638 0.004325155946309028
+4 789942 0.01056442818410648
+4 789970 0.0265559525864073
+4 790067 0.0265559525864073
+4 790113 0.01265924208854587
+4 791651 0.01265924208854587
+4 792661 0.01056442818410648
+4 793161 0.03319494073300912
+4 793491 0.02054987341316971
+4 793659 0.02044272250502696
+4 793935 0.01662975263094352
+4 794852 0.01327797629320365
+4 795048 0.02531848417709173
+4 795539 0.01105934888009525
+4 795705 0.01679782851708494
+4 796465 0.02083333333333338
+4 797428 0.03132841919481793
+4 798108 0.01327797629320365
+4 798156 0.01327797629320365
+4 798308 0.01265924208854587
+4 798674 0.01265924208854587
+4 799064 0.02519674277562741
+4 799198 0.01679782851708494
+4 800049 0.02716749426151953
+4 800531 0.01265924208854587
+4 800887 0.01641330410746536
+4 800979 0.01343038273375637
+4 801109 0.01362848167001797
+4 801403 0.02054987341316971
+4 801452 0.01056442818410648
+4 801466 0.01362848167001797
+4 801670 0.01327797629320365
+4 802639 0.01265924208854587
+4 802982 0.01343038273375637
+4 803608 0.0265559525864073
+4 804098 0.02054987341316971
+4 804856 0.01679782851708494
+4 805186 0.01362848167001797
+4 805207 0.01641330410746536
+4 805528 0.01265924208854587
+4 806469 0.01056442818410648
+4 806629 0.02054987341316971
+4 807411 0.04757671540939931
+4 807592 0.01641330410746536
+4 807815 0.01362848167001797
+4 808284 0.02519674277562741
+4 808539 0.01343038273375637
+4 809450 0.02519674277562741
+4 809508 0.01679782851708494
+4 809537 0.02506273535585434
+4 809701 0.01641330410746536
+4 810149 0.03759410303378151
+4 810867 0.02686076546751275
+4 811365 0.01253136767792717
+4 812031 0.01362848167001797
+4 812280 0.01662975263094352
+4 812337 0.02054987341316971
+4 813421 0.02531848417709173
+4 813611 0.01343038273375637
+4 813913 0.02083333333333338
+4 814354 0.01253136767792717
+4 814433 0.02083333333333338
+4 814892 0.02083333333333338
+4 815600 0.01265924208854587
+4 815642 0.01327797629320365
+4 815889 0.01253136767792717
+4 816692 0.03260099311382344
+4 817134 0.01105934888009525
+4 817281 0.02083333333333338
+4 817565 0.01056442818410648
+4 817785 0.01056442818410648
+4 818174 0.005433498852303906
+4 819721 0.01362848167001797
+4 820700 0.02054987341316971
+4 821074 0.01253136767792717
+4 821396 0.02083333333333338
+4 821535 0.01105934888009525
+4 822021 0.01265924208854587
+4 822045 0.01056442818410648
+4 823257 0.02083333333333338
+4 824303 0.01327797629320365
+4 824426 0.01253136767792717
+4 825794 0.01105934888009525
+4 826845 0.02506273535585434
+4 827721 0.07136507311409897
+4 828024 0.004325155946309028
+4 828183 0.02083333333333338
+4 828588 0.01253136767792717
+4 828628 0.02083333333333338
+4 828827 0.02054987341316971
+4 829695 0.01327797629320365
+4 830411 0.01679782851708494
+4 830833 0.01265924208854587
+4 830841 0.04088544501005392
+4 831891 0.01679782851708494
+4 832857 0.01362848167001797
+4 832913 0.02083333333333338
+4 833011 0.01105934888009525
+4 833029 0.01641330410746536
+4 833941 0.01056442818410648
+4 833969 0.01641330410746536
+4 834477 0.02054987341316971
+4 835459 0.02686076546751275
+4 835545 0.01343038273375637
+4 835939 0.0221186977601905
+4 836279 0.02083333333333338
+4 836605 0.01265924208854587
+4 837303 0.01327797629320365
+4 837767 0.03282660821493072
+4 837913 0.01641330410746536
+4 837963 0.01679782851708494
+4 838134 0.01253136767792717
+4 839715 0.01105934888009525
+4 839777 0.09708381995221857
+4 840443 0.05705173794919102
+4 842133 0.0265559525864073
+4 842199 0.02112885636821297
+4 842623 0.004223659971350601
+4 843799 0.02083333333333338
+4 844149 0.02054987341316971
+4 844547 0.03282660821493072
+4 844943 0.0221186977601905
+4 846162 0.01641330410746536
+4 847193 0.02083333333333338
+4 847657 0.01056442818410648
+4 848146 0.01343038273375637
+4 848286 0.01105934888009525
+4 849175 0.01679782851708494
+4 849823 0.01105934888009525
+4 850171 0.01105934888009525
+4 850622 0.01265924208854587
+4 851071 0.08177089002010783
+4 851140 0.01362848167001797
+4 851157 0.01253136767792717
+4 851354 0.005433498852303906
+4 852093 0.01362848167001797
+4 852439 0.02083333333333338
+4 852839 0.01105934888009525
+4 853573 0.01679782851708494
+4 854414 0.02054987341316971
+4 854472 0.01253136767792717
+4 854960 0.01086699770460781
+4 856553 0.02494462894641529
+4 856602 0.01630049655691172
+4 857143 0.01056442818410648
+4 857157 0.01679782851708494
+4 857430 0.04890148967073515
+4 857805 0.01630049655691172
+4 857958 0.02506273535585434
+4 858379 0.01362848167001797
+4 858632 0.01105934888009525
+4 858841 0.02054987341316971
+4 859063 0.01327797629320365
+4 859820 0.01253136767792717
+4 860960 0.01679782851708494
+4 860979 0.01343038273375637
+4 861177 0.01362848167001797
+4 861178 0.02044272250502696
+4 861611 0.02014557410063456
+4 861927 0.01265924208854587
+4 863249 0.01105934888009525
+4 863320 0.02054987341316971
+4 863340 0.008398914258542469
+4 863413 0.01641330410746536
+4 864413 0.02044272250502696
+4 864744 0.01105934888009525
+4 864791 0.01662975263094352
+4 864847 0.006472254663481238
+4 865003 0.02686076546751275
+4 865432 0.01105934888009525
+4 865799 0.01679782851708494
+4 866043 0.02083333333333338
+4 866409 0.01362848167001797
+4 867978 0.01343038273375637
+4 868195 0.01662975263094352
+4 868761 0.02494462894641529
+4 869082 0.01641330410746536
+4 869359 0.01056442818410648
+4 869897 0.01056442818410648
+4 870068 0.01362848167001797
+4 871414 0.01056442818410648
+4 871979 0.04423739552038099
+4 872662 0.02494462894641529
+4 872850 0.02519674277562741
+4 873250 0.01056442818410648
+4 874202 0.01056442818410648
+4 874232 0.0265559525864073
+4 874280 0.01343038273375637
+4 874619 0.01662975263094352
+4 875003 0.01679782851708494
+4 875037 0.01253136767792717
+4 875055 0.01253136767792717
+4 875213 0.01362848167001797
+4 875231 0.02044272250502696
+4 875441 0.09708381995221857
+4 875550 0.01105934888009525
+4 876029 0.01327797629320365
+4 876065 0.02054987341316971
+4 876608 0.02054987341316971
+4 876887 0.02494462894641529
+4 877163 0.006814240835008986
+4 877765 0.01265924208854587
+4 877876 0.0265559525864073
+4 878341 0.02519674277562741
+4 878372 0.01679782851708494
+4 878749 0.01265924208854587
+4 878994 0.01327797629320365
+4 879339 0.0189888631328188
+4 879518 0.02054987341316971
+4 879736 0.02494462894641529
+4 880325 0.01056442818410648
+4 880661 0.02506273535585434
+4 881259 0.01056442818410648
+4 882533 0.01641330410746536
+4 882669 0.02725696334003594
+4 883111 0.02054987341316971
+4 883387 0.01327797629320365
+4 883663 0.02054987341316971
+4 884875 0.01253136767792717
+4 885699 0.01662975263094352
+4 886089 0.01362848167001797
+4 887197 0.01265924208854587
+4 887565 0.01105934888009525
+4 887742 0.01056442818410648
+4 887997 0.01879705151689075
+4 888496 0.0531119051728146
+4 889389 0.0221186977601905
+4 890393 0.0189888631328188
+4 890759 0.02054987341316971
+4 890792 0.01362848167001797
+4 891195 0.01253136767792717
+4 891720 0.01343038273375637
+4 892009 0.01662975263094352
+4 892165 0.01265924208854587
+4 892789 0.02725696334003594
+4 893066 0.01679782851708494
+4 893696 0.01056442818410648
+4 895124 0.02083333333333338
+4 895665 0.01105934888009525
+4 896831 0.01641330410746536
+4 897119 0.01662975263094352
+4 897623 0.01641330410746536
+4 899775 0.01327797629320365
+4 899927 0.01253136767792717
+4 899978 0.02494462894641529
+4 902163 0.01662975263094352
+4 902564 0.02531848417709173
+4 902638 0.01105934888009525
+4 902873 0.02531848417709173
+4 905349 0.01265924208854587
+4 905992 0.03164810522136467
+4 906255 0.01086699770460781
+4 906256 0.01253136767792717
+4 906413 0.01679782851708494
+4 906789 0.0189888631328188
+4 907809 0.0189888631328188
+4 908003 0.02112885636821297
+4 908665 0.01265924208854587
+4 908755 0.01253136767792717
+4 908918 0.01584664227615973
+4 909164 0.01056442818410648
+4 909887 0.01265924208854587
+4 910563 0.01662975263094352
+4 910671 0.01662975263094352
+4 910827 0.01056442818410648
+4 911559 0.02112885636821297
+4 911680 0.01265924208854587
+4 911868 0.02054987341316971
+4 911911 0.01265924208854587
+4 912687 0.02083333333333338
+4 912877 0.01343038273375637
+4 913397 0.01056442818410648
+4 913653 0.02173399540921563
+4 913737 0.01265924208854587
+4 914802 0.01105934888009525
+4 916005 0.01105934888009525
+4 917043 0.01056442818410648
+4 918020 0.01265924208854587
+4 918327 0.01327797629320365
+4 918425 0.02531848417709173
+4 919219 0.03132841919481793
+4 919569 0.01105934888009525
+4 919895 0.02494462894641529
+4 920407 0.02083333333333338
+4 920456 0.02112885636821297
+4 921763 0.01679782851708494
+4 922048 0.01343038273375637
+4 922299 0.02494462894641529
+4 922368 0.02083333333333338
+4 923350 0.01253136767792717
+4 923371 0.01641330410746536
+4 923609 0.01327797629320365
+4 924068 0.01056442818410648
+4 924927 0.01679782851708494
+4 925459 0.01343038273375637
+4 925471 0.01662975263094352
+4 925575 0.01265924208854587
+4 925689 0.01662975263094352
+4 925773 0.01343038273375637
+4 925863 0.01105934888009525
+4 927431 0.01679782851708494
+4 927631 0.02083333333333338
+4 927635 0.01105934888009525
+4 928388 0.008447319942701202
+4 928705 0.02054987341316971
+4 929045 0.01265924208854587
+4 929159 0.01991696443980548
+4 929479 0.1254295224429618
+4 929847 0.02519674277562741
+4 929906 0.02595093567785417
+4 932197 0.01056442818410648
+4 933031 0.02054987341316971
+4 933395 0.01265924208854587
+4 934312 0.01327797629320365
+4 934597 0.01679782851708494
+4 935910 0.01343038273375637
+4 936053 0.01362848167001797
+4 936639 0.01056442818410648
+4 936903 0.01253136767792717
+4 937173 0.04423739552038099
+4 937205 0.01327797629320365
+4 938060 0.01343038273375637
+4 938962 0.01362848167001797
+4 939015 0.01679782851708494
+4 940420 0.01327797629320365
+4 940897 0.01679782851708494
+4 941331 0.008650311892618057
+4 942491 0.01641330410746536
+4 942539 0.04088544501005392
+4 942971 0.02519674277562741
+4 943082 0.01343038273375637
+4 943165 0.008650311892618057
+4 943402 0.01056442818410648
+4 945090 0.01265924208854587
+4 945541 0.1222537241768379
+4 946405 0.02054987341316971
+4 947271 0.01662975263094352
+4 947623 0.01641330410746536
+4 948459 0.01641330410746536
+4 948667 0.01343038273375637
+4 949066 0.01253136767792717
+4 950181 0.03282660821493072
+4 951461 0.02054987341316971
+4 951684 0.01327797629320365
+4 951690 0.0265559525864073
+4 951851 0.01679782851708494
+4 952035 0.01584664227615973
+4 952303 0.02083333333333338
+4 952587 0.02112885636821297
+4 953014 0.02494462894641529
+4 953183 0.01327797629320365
+4 953885 0.01362848167001797
+4 953913 0.01662975263094352
+4 954315 0.01343038273375637
+4 954327 0.01056442818410648
+4 954467 0.0126709799140518
+4 954637 0.01641330410746536
+4 956480 0.01662975263094352
+4 957055 0.03282660821493072
+4 957508 0.01253136767792717
+4 957627 0.01658902332014287
+4 957959 0.01105934888009525
+4 958091 0.02686076546751275
+4 958745 0.01253136767792717
+4 958827 0.01056442818410648
+4 959527 0.02054987341316971
+4 960047 0.01253136767792717
+4 960715 0.02054987341316971
+4 961381 0.01679782851708494
+4 961420 0.01056442818410648
+4 963548 0.02686076546751275
+4 963677 0.01343038273375637
+4 964364 0.01662975263094352
+4 964425 0.01662975263094352
+4 964539 0.01265924208854587
+4 964887 0.01641330410746536
+4 964929 0.01343038273375637
+4 965660 0.01679782851708494
+4 965813 0.02519674277562741
+4 966342 0.01662975263094352
+4 966369 0.02083333333333338
+4 966783 0.02083333333333338
+4 967164 0.005433498852303906
+4 967636 0.01343038273375637
+4 967735 0.01343038273375637
+4 968800 0.01662975263094352
+4 969652 0.01253136767792717
+4 969841 0.01630049655691172
+4 970207 0.01362848167001797
+4 971478 0.01265924208854587
+4 971936 0.02519674277562741
+4 971953 0.01265924208854587
+4 972067 0.01056442818410648
+4 972154 0.01327797629320365
+4 972427 0.02725696334003594
+4 972485 0.01362848167001797
+4 974550 0.01343038273375637
+4 975218 0.01056442818410648
+4 975427 0.01662975263094352
+4 975559 0.01641330410746536
+4 976405 0.02506273535585434
+4 976528 0.01362848167001797
+4 976943 0.02044272250502696
+4 978257 0.08847479104076199
+4 978291 0.01105934888009525
+4 978511 0.02054987341316971
+4 978625 0.0221186977601905
+4 978861 0.01105934888009525
+4 979247 0.01253136767792717
+4 979280 0.01327797629320365
+4 979641 0.01343038273375637
+4 979718 0.02014557410063456
+4 980400 0.02686076546751275
+4 980893 0.01105934888009525
+4 981423 0.01362848167001797
+4 982761 0.008447319942701202
+4 983280 0.02531848417709173
+4 983313 0.01343038273375637
+4 983688 0.02083333333333338
+4 983770 0.01362848167001797
+4 984175 0.01662975263094352
+4 984900 0.02686076546751275
+4 985526 0.01343038273375637
+4 985593 0.02531848417709173
+4 985753 0.01343038273375637
+4 985859 0.01641330410746536
+4 986055 0.02083333333333338
+4 986185 0.01253136767792717
+4 987191 0.01056442818410648
+4 987694 0.0221186977601905
+4 989433 0.04423739552038099
+4 989840 0.01253136767792717
+4 990517 0.01641330410746536
+4 990522 0.01362848167001797
+4 991282 0.01253136767792717
+4 991559 0.01265924208854587
+4 991935 0.01641330410746536
+4 992416 0.01327797629320365
+4 993308 0.02506273535585434
+4 993319 0.02054987341316971
+4 994759 0.01641330410746536
+4 995303 0.01679782851708494
+4 996150 0.01343038273375637
+4 996559 0.01343038273375637
+4 997115 0.02083333333333338
+4 997142 0.01056442818410648
+4 997713 0.02083333333333338
+4 999660 0.01662975263094352
+4 1000382 0.02054987341316971
+4 1000967 0.03132841919481793
+4 1001151 0.01679782851708494
+4 1001447 0.02014557410063456
+4 1002865 0.01265924208854587
+4 1002928 0.02054987341316971
+4 1003223 0.03027609162416319
+4 1003297 0.02054987341316971
+4 1003745 0.01679782851708494
+4 1004821 0.02519674277562741
+4 1004897 0.02083333333333338
+4 1005440 0.02054987341316971
+4 1006479 0.01343038273375637
+4 1007088 0.02506273535585434
+4 1008466 0.01327797629320365
+4 1008887 0.01056442818410648
+4 1009081 0.01343038273375637
+4 1009095 0.01679782851708494
+4 1009375 0.01662975263094352
+4 1009826 0.01679782851708494
+4 1009939 0.01105934888009525
+4 1011571 0.01343038273375637
+4 1011599 0.01362848167001797
+4 1011879 0.01327797629320365
+4 1012444 0.02044272250502696
+4 1012825 0.02054987341316971
+4 1012961 0.01641330410746536
+4 1014776 0.01056442818410648
+4 1014805 0.01679782851708494
+4 1015053 0.02083333333333338
+4 1015289 0.02054987341316971
+4 1015354 0.02494462894641529
+4 1017199 0.02054987341316971
+4 1017321 0.01253136767792717
+4 1017519 0.02083333333333338
+4 1019441 0.01253136767792717
+4 1020330 0.01253136767792717
+4 1020740 0.05068391965620721
+4 1021555 0.01105934888009525
+4 1021677 0.01362848167001797
+4 1021933 0.01056442818410648
+4 1021999 0.01265924208854587
+4 1022039 0.04109974682633943
+4 1022303 0.01105934888009525
+4 1022561 0.01362848167001797
+4 1022916 0.01879705151689075
+4 1023951 0.01343038273375637
+4 1024145 0.02083333333333338
+4 1024308 0.01343038273375637
+4 1024517 0.01343038273375637
+4 1024933 0.01641330410746536
+4 1025625 0.02083333333333338
+4 1026107 0.03759410303378151
+4 1026881 0.01327797629320365
+4 1027598 0.01679782851708494
+4 1027994 0.02083333333333338
+4 1028315 0.01641330410746536
+4 1028744 0.01662975263094352
+4 1029411 0.01679782851708494
+4 1029532 0.01343038273375637
+4 1031669 0.01327797629320365
+4 1032010 0.02686076546751275
+4 1032743 0.01056442818410648
+4 1033350 0.01343038273375637
+4 1033833 0.01056442818410648
+4 1034007 0.02083333333333338
+4 1034211 0.01641330410746536
+4 1035601 0.01327797629320365
+4 1036032 0.01265924208854587
+4 1036554 0.02494462894641529
+4 1037044 0.01662975263094352
+4 1037251 0.01641330410746536
+4 1037360 0.005433498852303906
+4 1037802 0.02014557410063456
+4 1038132 0.01641330410746536
+4 1038217 0.01362848167001797
+4 1038423 0.01679782851708494
+4 1038643 0.01327797629320365
+4 1038911 0.01343038273375637
+4 1040201 0.004223659971350601
+4 1040407 0.01253136767792717
+4 1040538 0.01056442818410648
+4 1040866 0.01265924208854587
+4 1041961 0.01327797629320365
+4 1042120 0.01105934888009525
+4 1042128 0.01327797629320365
+4 1042396 0.02083333333333338
+4 1042483 0.01991696443980548
+4 1042647 0.01362848167001797
+4 1043095 0.03319494073300912
+4 1044911 0.01105934888009525
+4 1045283 0.02494462894641529
+4 1045305 0.01056442818410648
+4 1045987 0.01265924208854587
+4 1046201 0.01105934888009525
+4 1046367 0.02686076546751275
+4 1046859 0.01679782851708494
+4 1047379 0.02519674277562741
+4 1047477 0.01105934888009525
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/sparse_u.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/sparse_u.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,101 @@
+0	1	2	3	4	5	6	7	8	9	0
+-1.74976547305470	0.34268040332750	1.15303580256364	-0.25243603652139	0.98132078695123	0.51421884139438	0.22117966922140	-1.07004333056829	-0.18949583082318	0.25500144427338	-3.20268957071762
+-0.45802698550262	0.43516348812289	-0.58359505032266	0.81684707168578	0.67272080570966	-0.10441114339063	-0.53128037685191	1.02973268513335	-0.43813562270442	-1.11831824625544	-0.32269568196899
+1.61898166067526	1.54160517451341	-0.25187913921321	-0.84243573825130	0.18451869056394	0.93708220110895	0.73100034383481	1.36155612514533	-0.32623805920230	0.05567601485478	6.60472167175290
+0.22239960855530	-1.44321699522534	-0.75635230559444	0.81645401101929	0.75044476153418	-0.45594692746800	1.18962226802913	-1.69061682638360	-1.35639904886131	-1.23243451391493	-2.54026382137261
+-0.54443916167246	-0.66817173681343	0.00731456322890	-0.61293873547816	1.29974807475531	-1.73309562365328	-0.98331009912963	0.35750775316737	-1.61357850282218	1.47071386661213	0.12371686928073
+-1.18801759731772	-0.54974619353549	-0.94004616154477	-0.82793236436587	0.10886346783368	0.50780959049232	-0.86222734651048	1.24946974272698	-0.07961124591740	-0.88973148126503	0.24874422979447
+-0.88179838948302	0.01863894948806	0.23784462192362	0.01354854862861	-1.63552939938082	-1.04420987770932	0.61303888168755	0.73620521332382	1.02692143939979	-1.43219061105893	-0.30787880264154
+-1.84118830018672	0.36609322616730	-0.33177713505281	-0.68921797808975	2.03460756150493	-0.55071441191459	0.75045333032684	-1.30699233908082	0.58057333579427	-1.10452309266229	-0.19844513286689
+0.69012147022471	0.68689006613840	-1.56668752957839	0.90497412146668	0.77882239932307	0.42823287059674	0.10887198989791	0.02828363482307	-0.57882582479099	-1.19945119919393	5.45755744088132
+-1.70595200573817	0.36916395710701	1.87657342696217	-0.37690335016897	1.83193608182554	0.00301743403121	-0.07602346572462	0.00395759398760	-0.18501411089711	-2.48715153522277	-2.38855416852243
+-1.70465120576096	-1.13626100682736	-2.97331547405089	0.03331727813886	-0.24888866705811	-0.45017643501165	0.13242780114877	0.02221392803939	0.31736797594107	-0.75241417772504	1.94619608927940
+-1.29639180715015	0.09513944356545	-0.42371509994342	-1.18598356492917	-0.36546199267663	-1.27102304084666	1.58617093842324	0.69339065851659	-1.95808123420787	-0.13480131198999	0.82641742518663
+-1.54061602455261	2.04671396848214	-1.39699934495328	-1.09717198463982	-0.23871286931468	-1.42906689844829	0.94900477650526	-0.01939758596247	0.89459770576001	0.75969311985021	8.96789675053551
+-1.49772038108317	-1.19388597679194	1.29626258639906	0.95227562608189	-1.21725413064101	-0.15726516737514	-1.50758516026439	0.10788413080661	0.74705565509915	0.42967643586261	-9.12681793825348
+-1.41504292085253	-0.64075992301057	0.77962630366370	-0.43812091634884	2.07479316794657	-0.34329768218247	-0.61662937168319	0.76318364605999	0.19291719182331	-0.34845893065237	-4.73013238453105
+2.29865394071368	-0.16520955264073	0.46629936835719	0.26998723863109	-0.31983104711809	-1.14774159987659	1.70362398812070	-0.72215077005575	1.09368664965872	-0.22951775323996	3.15772616155389
+-0.00889866329211	-0.54319800840717	0.75306218769198	-1.60943889617295	1.94326226343400	-1.44743611231959	0.13024845535270	0.94936086466099	-2.01518871712253	-0.07954058693411	-0.92407555288350
+0.30104946378807	-1.68489996168518	0.22239080944545	-0.68492173524723	-0.12620118371358	1.99027364975409	0.52299780452075	-0.01634540275749	-0.41581633584065	-1.35850293675980	-2.23623579455562
+-0.51442989136879	-0.21606012000326	0.42238022042198	-1.09404293103224	1.23690788519023	-0.23028467842711	-0.70441819973502	-0.59137512108517	0.73699516901821	0.43586725251491	-0.55744774763256
+1.77599358550677	0.51307437883965	1.17052698294814	2.07771223225020	-0.45592201921402	0.64917292725468	-0.17478155445150	1.01726434325117	-0.59998304484887	1.57616672431921	-3.18381332274444
+0.60442353858920	-0.90703041748070	0.59202326936038	-0.43706441565157	0.10177577296932	1.30834682664415	1.38760181140855	-1.73539114733307	0.28837742022732	-0.33908543327636	-1.03804193930091
+0.52736913282441	-0.37430288374775	0.47709229741768	-1.42976266223621	0.40770652497651	-0.82828039274557	0.42345728183765	-0.15951736500333	1.24108208719660	1.66353631073731	1.04378257455841
+-0.66193771492591	3.46522714847932	0.39143861927192	0.32724535297645	-0.31134706056867	-1.42465558867969	-0.62487218534123	-0.10999539592086	0.95295942799193	-0.98336264364294	4.90296326257521
+-1.09455718961570	-0.24134874955198	-0.59511383915670	-0.98281189478231	0.08822993442549	-0.60275936982371	1.12555545298260	0.92705329880025	-2.26915699468627	-0.34817063773317	0.27663071584983
+-0.16402540267606	1.21658059036491	-0.62685390472830	-0.27493980788960	1.14745743851399	1.15996897407507	0.70218450535978	-1.28390481061431	1.52230776787768	-0.17996331764913	5.93511113980216
+-0.37614736761594	0.46034921066168	1.45542146073777	0.24150688787545	-0.03766667059724	0.83153302990514	2.29936946875559	-0.93960244305876	0.11182257854218	2.53943203311146	-3.51902491047095
+0.40359841542536	-1.88483438731958	1.27745203186489	-0.44558826380658	-1.27031803892548	0.63550116819545	-0.29843567109233	-0.40228992159718	-0.53664042681232	0.82312440166648	-3.98055709936445
+0.02519190327454	1.51753612835426	0.36961115067373	-0.48063216216889	1.04233274302134	1.09887598656687	-2.13291037390772	0.75920433140196	-0.28518087012270	0.48041141127152	3.16539681130432
+0.46800068820276	2.70900194736592	2.01908611672986	0.74740341823995	-0.58970858674772	-0.81342482457680	-0.17689686434453	0.50704750197629	-0.26677816423726	-0.85606202199786	0.58200745667019
+1.55931485688910	-1.09268886462831	0.75804249816576	-1.19943996946799	0.17637047815504	-0.87573084159878	0.11760845626656	-0.95816833558135	-1.88111464894141	0.18234272748704	-0.27958798737371
+-0.54849228027521	-0.05263496977245	3.17339052396198	3.33420351759743	1.60337199634899	1.01289623095502	1.84452320625568	-0.33614362847696	0.49875048880423	-1.07782607706718	-11.97080059209351
+0.57693405994303	0.08652484860757	0.38378884838188	1.33473075772714	1.67179118861467	-0.31300773157575	0.12355262918533	1.54772910282559	-0.10788917679724	1.00339755722139	-3.75878934904823
+0.88767178082627	0.08864979057353	-1.32457809594023	0.23838464525501	1.19666146012001	-0.46484257027188	-1.13667271129239	0.24849462488068	0.35069281439802	-0.13207671471324	3.44304464250911
+-0.52564519481547	-0.58488933245995	-0.92924719790142	0.39841641960968	-1.35590785559730	-1.71158305311757	0.15859859636139	2.13248672882896	2.72133360986656	-1.97286404807838	-0.92560006246274
+0.53981291899131	0.54317318009914	0.96374453107731	1.25372613426345	-0.22013056376799	-0.25227004044698	0.01003713940840	0.48028838228527	-1.95696755224306	-0.56448465830768	-4.85627393290790
+-1.16323582218066	-0.02117577430050	0.33107168261446	-0.36649624944706	0.86047540690491	-0.24659729953407	1.49053309726734	-0.39939137701025	0.32520629231681	-0.65428085380793	-0.67362699940737
+-0.01912275129905	0.99294164933736	-0.12959655901367	-0.17083040768744	0.79042809047227	1.09181590721546	-0.40508326392064	0.53644393686813	-2.13131465998520	0.26307668943329	2.33714571596026
+-1.27105798549423	0.92910011329669	-1.93141285692905	0.02421534060406	-1.21369153934521	0.18813695705594	-0.57226389920743	2.74511796477507	0.12495397935004	-1.06524615482103	5.22533599592981
+0.60305369790333	-1.06146763692164	-1.51643049572030	0.32928250529486	-1.98362094280418	0.16713678370411	-0.17889399951874	1.17823915920031	-0.44340798605666	0.73895390075995	0.77424333833057
+-0.15484845483449	-0.08605564337254	-0.33575683852309	-0.13662937928239	0.09277642496735	0.18971879197959	-2.04867192260410	0.78378607818048	-0.23298456157950	-1.18441142741057	-0.14685273752021
+-0.19779729026120	-0.85467278927957	0.02359749586525	-0.17045646840965	-1.06966626664016	0.22583874577075	-0.86765949836639	0.41841523883775	-2.30525815198371	0.16215559976204	-1.24955432369189
+-0.57884112094720	-0.39928463454410	1.48789443213364	-0.35781685235194	0.35643089395409	1.03128219680197	1.52254309281047	-1.01648111218062	1.12841475186597	-0.92724859936777	-4.63956183676978
+-1.19277138302917	1.37485941753989	-0.70323695106615	0.24420707079597	1.03234591077902	1.61693990218971	-0.05483023725937	-0.24801134827200	-0.39672494986314	-0.03354702733866	2.19461515101944
+1.03291804591606	-1.98982223993829	-0.27803371711013	0.76569542610858	0.74414956800267	-1.72319332396534	1.03039242631308	0.05971477069294	-0.93421583755644	-1.06244113688843	-2.15341837244863
+-0.62944586062934	-0.30228442486170	1.03963889488589	-0.93096965277262	-1.27762908064025	-0.94432002593898	-0.31880742296040	-2.08427088355489	1.27031154469251	0.03087775298064	-1.33231727785837
+0.65317585214330	0.55834690228402	0.13639753659343	-0.33733841113673	-1.33716505088513	-0.41149095236240	-0.10777619396316	0.52291736315098	0.95614997864827	1.20332059263536	1.75493238456589
+-0.97623152182091	-0.07515257041891	0.35280658284313	0.04903746154802	1.28601746710163	-0.26722530141904	1.32423802209627	-0.26759192177398	-0.46940622268798	-1.42575628144634	-1.57722818285274
+0.80549210614694	1.35476913985709	0.82555918146703	-0.25868959047151	0.75749952442315	-0.70445570309903	1.21131850738496	-1.84223417403460	-0.36824556412752	-1.54799256341008	3.39501983407591
+-0.45167227065102	-1.13754239865575	-0.13587675227719	0.63437909378909	-0.01355791803045	0.37589682732796	-0.23658235285975	0.97914133604624	1.09374819797522	-1.38362215623411	-2.69073490434794
+1.01013388286572	0.87266312623186	1.03761233514904	0.30254770163553	-1.29811748129429	0.84786371812492	-0.26887639936832	0.30198299200600	-2.27190549861767	0.75760498765253	1.57721527759514
+0.87605118541231	2.15621999334801	1.28870255629561	-0.14253519602585	1.66590470279182	-1.38011429643308	3.85793967348964	3.07557389343242	0.83081956369486	-0.87826816754173	2.65143275993428
+0.13986220576101	0.71253894037464	0.35962374341728	0.71274800118976	1.06878568075187	-0.49517395484316	0.13296228043630	-0.08289852500467	0.21421904746683	0.69269605713184	-0.19150573621889
+-1.90818478313660	0.11653331605849	1.75517416567648	-0.39556563485904	-0.93258345676184	-0.67356455479923	0.71453204799170	-1.79000391907616	0.22430285295478	-3.20995538197805	-5.45248850636914
+1.52358483157953	-0.06961565914855	1.36559019919265	-0.55869533571676	0.27539347594118	2.40091831132128	-1.01103512095547	0.94250687917122	-2.22151082370052	-2.58576758899944	0.90909505832942
+0.68892136215794	0.04127457420270	-0.49772668445685	-0.00984728747148	-0.51766032371938	0.30217682520827	0.77344099754421	0.98820884848646	0.01760020692310	0.81980615401978	1.56533321916919
+0.68775969579480	0.39315819224911	-0.51086319348789	-2.75203766267793	-0.19206908223922	-0.23406889069910	-1.60141394152819	0.79102614968522	0.01286688418472	-1.34851188441845	5.60836960416903
+0.86605917282181	0.79129498040016	1.17695251369075	-1.16543173350357	0.53824609750456	-0.84286055170898	-2.87496887986553	-0.52850563611267	-0.32108899071015	2.18227591083450	1.11691639407016
+0.32870245607284	1.44800142087605	-0.43728724254382	0.91147448513032	-1.12682828365713	1.11473389263156	-1.22656743165181	1.35527256153284	-0.08885766708389	-0.69494912373732	3.95977354845781
+-1.01447204069737	0.87121601371846	-0.91947922766802	0.28763112142636	-0.53279237278261	0.16564178605540	0.01667237342327	-0.63143225155943	-1.00401580667882	-1.31209853152664	1.00898629690418
+0.44682624679648	0.14853198602057	1.83630816031061	0.13966757848863	-1.76519385068265	1.44760405289435	-1.14177869440826	0.74640215370270	-0.46902780374761	0.78698146524371	-3.73992996738427
+-0.18202083482438	-1.00338071773004	-0.93692211107218	-0.94427060043736	-0.72752125085450	2.06548613728673	0.13606129350626	0.20181386383006	1.27075490447891	-1.00347453471153	1.36833267332488
+-0.73233781024839	-0.64799211304521	-0.78552143832369	1.73473118319348	-0.44615385943240	-1.23992032828593	-0.29178644639701	-0.66013927084282	-1.09179766493574	0.56485691272211	-4.08744661697502
+-1.94454028229548	0.26393122365044	1.53875365950315	2.39707306723396	1.55620837098324	-0.20268282272443	-0.10890626163811	1.13520166746838	1.00979354229043	-0.91342069483830	-6.46932635610623
+-2.22925893308860	-0.46273031364217	1.62820763578731	-0.07589976704854	-1.39453271532136	-0.77999830271270	0.69863077029901	0.47291346464840	-0.27245180877096	0.18479275551351	-6.21825946240621
+-0.33898353209291	-0.14231230753550	-1.44904592785806	-1.32271650036149	-0.71090242259897	-0.60618411010976	-1.07224227237928	0.54545402972289	0.53917244527671	1.19882393851677	3.68898481191483
+-0.07684033970520	-0.69338785111048	-0.94697605259024	-2.26861996224610	0.21359010083020	-1.26505769401880	0.96369686489873	0.51834351515590	0.59002612631513	1.13118119092022	3.68497304922868
+-0.10907396256763	-0.05816611715256	-0.84251599247383	-0.75294560429257	-0.48256531456154	0.52454784623453	-0.26458368036447	0.35300518346143	0.22382411909066	-0.37219899010144	2.43855613404611
+2.64741898928310	0.13329024202743	0.81009786739909	-2.06645372378496	-0.32840807939173	0.28544899454626	0.91272825867490	-0.88539519723148	0.66289321510005	-1.54807741104142	3.50552318945257
+-0.55587442554628	-0.20939878024356	1.83987093518309	-0.01203576792221	1.54424956156833	-2.18515380325798	-0.90525364077921	0.21306591909620	-0.96571566244728	1.00948977186841	-4.34960925726426
+-1.01221122074599	0.90505286293288	-0.91298932261592	-0.45036832301511	1.04071749528225	-0.75552508928466	0.42441824827810	0.06644430233107	-0.08799540550164	1.95443008890281	3.58539857739250
+0.56794338164994	-0.10163797438184	0.06925096183453	-1.16160194672828	0.32702615652722	0.56733342056442	0.90159225838742	1.87714287063779	0.43061327513407	-1.19078425486019	2.27599868117427
+0.22621213114101	-0.56931657031587	-0.73226070973677	-0.71174158551669	0.05687216122626	-0.82349887163333	0.30663585257869	-1.83387373528744	-2.89224040536514	-0.15859132011071	0.96219364780687
+-1.53160182309595	-0.57794626699179	-1.90590553684648	-2.00894261676224	0.23889598302964	-0.50845288515225	-0.04826170379593	-0.03502705018891	-0.72730690571494	1.51836206992618	4.01254580467408
+0.36102541634538	2.57697767903116	1.58732124247286	0.68767761615488	-0.01821234710461	-0.58958206791907	-0.73016628022484	0.13438281144362	0.97155356324931	-1.05837944272187	0.40465665598630
+-0.02860552628380	-1.25227751410810	0.10659762229931	0.54225733318692	0.99121885080264	0.28721298619813	-0.63596981864126	-0.37850280255917	0.01632286834065	-0.20958795245615	-3.48003178979067
+0.32144427129437	0.23351936921649	1.01495228874720	-1.36534324182302	0.27653105409089	-0.95521588382280	-0.26051262079765	-1.32749098273129	0.03730765585465	-1.45264067391114	1.29582705980105
+-0.82760173749992	2.29219364581099	0.62788767844617	0.95270524350930	-0.82962773861004	1.16046637087229	-0.31152510549227	-0.53939102282005	0.54043275536691	0.14069505646733	-1.19592458912560
+1.23826241313624	-1.28557386041386	-0.78043417951363	-0.46617212638524	0.09694034331841	-0.45823039827602	-0.07936631605576	-0.31828531361553	0.91954364575782	-0.56117734271977	-0.50915078786517
+-0.41011200920817	0.06812570823585	-0.09891912036095	0.23925986087457	-1.26749599415944	0.09157124428915	-0.16935301763052	-0.88569789419583	-1.64560796462227	0.16979751913292	0.15742727788454
+-0.13785869633103	-0.07149411774530	-0.38621990548929	1.34495027194420	-1.08125857121519	-0.06307879670507	-0.50356048600791	-2.05090576304937	0.08725798075221	-1.32944561779624	-1.65101496770809
+0.75637688792742	0.82428920150463	0.37967322200031	0.52422365195372	-0.45271329511708	0.68759278675132	0.91674695152792	1.11971610167859	1.26354483633054	-1.45610559752933	0.32205421816296
+0.32128693891874	-2.43702669941400	0.97337371093006	-0.64248112674987	0.29283256357178	-0.46398126201592	0.38673364020325	0.67249644253334	-1.09097595301491	-0.52700342019866	-6.40574884617228
+-0.30440284592937	0.77081843337639	-0.23575096986828	-0.17778292517384	2.28863529133324	-2.52894751088469	0.56775355409626	0.07355255089438	0.74832418672378	0.91465664311128	2.18526983290342
+1.25223156262730	-0.88472860123867	1.17560948074634	0.47969620845726	-0.58996743406612	0.86216891849810	-1.47265712624577	0.65231019836457	-0.15168996527867	1.34323688312126	-4.23943249822781
+-0.65948406246294	-0.40906579310461	-0.33858048238969	-0.39661868538565	-1.45824184628667	-0.01090659216795	-0.76657297567464	0.84217249032250	0.79187920141782	-1.31762772533865	0.55888844122735
+0.01315303655787	0.15323002771334	-0.78639503041184	1.36810521913452	0.00400879553357	0.45319420435997	-0.40637868993132	0.68411948932681	2.88396925177584	-0.58818877513993	-1.21925440704826
+0.36522540717597	0.32310950138879	0.58240426467360	-0.00845748620002	-1.72365143380736	-1.02553725476702	0.53492759374879	-1.65002519482436	0.66894730906415	0.28032230350373	-0.37071369664525
+0.40271751266444	0.59519151467352	-0.04489492214522	0.64534644308214	-1.12745914989289	0.22451442073277	0.10571095020939	-1.00134678404358	-0.18618164454287	1.99795151776873	2.59957677613228
+0.57255675159723	-1.36871620107071	-1.15772004612616	1.06582622979255	-1.65499679923647	1.47713538228764	-0.93286094213424	0.13042091725382	-0.03102869757093	-0.08768373982573	-1.99798668296313
+0.61775947077628	2.88575179539228	1.75982110036090	1.09133090752907	-2.21346060739119	-0.02398076189861	1.23725351268738	-0.45619206614093	2.12474539951312	0.24074228458820	1.48332247916783
+-0.05864391264017	-0.87399991994747	-0.12278570026443	0.91179656231331	-0.10746411474279	-0.72747083460478	1.59576290128042	0.98774702734042	-0.48811101691646	0.62969480563024	-2.66581892706104
+-0.45339969843110	0.60909959142993	-0.85224895065849	-0.05454962931514	1.09079462734148	-1.84634161455384	-0.41243382161399	-0.41546602951165	-1.30175658921974	-1.13609897454000	2.95605090229365
+-1.79763757816820	-0.66155694349019	2.54928569877370	-1.63767562413715	0.00631766181730	0.54171265127420	-0.13210003839032	-0.37873629845671	1.94062280466786	-1.04187437109117	-7.36529395665408
+-0.28559377932837	-0.59892262579212	-0.38234037804602	-0.98598081157493	-1.36447657201091	-0.82353342400180	-1.68138681554986	-0.91621993917044	0.54362793226983	1.52486260054826	0.69972992752598
+1.19741734779592	-1.22250529739662	-2.02376353002073	0.05371174766609	-0.53629036242314	0.10714253527293	0.61515218539276	0.90506544040104	1.65258564139881	-0.84281968759992	2.02183560039596
+-0.06340532135398	0.48905360189012	0.70453542780530	-1.07173556758791	0.41375864841338	-0.34502527403732	1.24018981821212	0.10342901781619	-2.14185161440355	-0.68365014168151	1.26361248319262
+-1.18079802759063	1.18100216181730	-1.06605525816211	-0.74304592231484	-0.88592524951272	-0.49581833514280	0.52738768762870	-0.30175139488690	0.35564438892659	1.32813211314365	4.35007881758459
+0.23807425695170	0.17185882517031	1.11676824680888	-0.01368885520815	1.28290975661447	-1.12997104581712	0.75872144408905	-1.09860423557013	-0.30290404839246	1.49961056170431	-1.50599861767127
+0.14614254213308	1.90341641619205	-0.30620639436988	-0.45706533906365	-2.38861407368411	-0.86179917990581	-0.53439383530306	-1.26260428547622	-1.02319884121943	0.53846601124160	4.25252010016803
+1.71650277423513	0.17912390469971	-0.45596835004497	0.32669169909967	0.68196488401329	-0.73798870708179	1.32634484032934	0.92700352399697	0.21309224825039	1.32833309213812	2.24067452098234
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/svc_model01
Binary file test-data/svc_model01 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/svc_model02
Binary file test-data/svc_model02 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/svc_model03
Binary file test-data/svc_model03 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/svc_prediction_result01.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/svc_prediction_result01.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,49 @@
+0	58	56	-67	0
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	2
+1	-67	93	15	2
+1	-59	94	36	2
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	2
+1	-56	91	52	2
+1	-61	81	46	2
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	2
+2	-109	23	-92	1
+2	-94	20	-96	1
+2	-85	26	-88	1
+2	-90	33	-114	1
+2	-63	9	-106	1
+2	-79	9	-93	1
+2	-99	26	-108	1
+2	-81	19	-110	1
+2	-108	21	-108	1
+2	-92	27	-106	1
+2	-88	2	-106	1
+2	-88	15	-103	1
+3	54	-74	4	3
+3	42	-92	31	3
+3	39	-99	-7	3
+3	48	-115	-5	3
+3	39	-96	2	3
+3	31	-109	9	3
+3	33	-96	-8	3
+3	23	-102	4	3
+3	38	-90	21	3
+3	34	-107	1	3
+3	35	-78	18	3
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/svc_prediction_result02.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/svc_prediction_result02.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,49 @@
+0	58	56	-67	0
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	2
+1	-67	93	15	2
+1	-59	94	36	2
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	2
+1	-56	91	52	2
+1	-61	81	46	2
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	2
+2	-109	23	-92	1
+2	-94	20	-96	1
+2	-85	26	-88	1
+2	-90	33	-114	1
+2	-63	9	-106	1
+2	-79	9	-93	1
+2	-99	26	-108	1
+2	-81	19	-110	1
+2	-108	21	-108	1
+2	-92	27	-106	1
+2	-88	2	-106	1
+2	-88	15	-103	1
+3	54	-74	4	3
+3	42	-92	31	3
+3	39	-99	-7	3
+3	48	-115	-5	3
+3	39	-96	2	3
+3	31	-109	9	3
+3	33	-96	-8	3
+3	23	-102	4	3
+3	38	-90	21	3
+3	34	-107	1	3
+3	35	-78	18	3
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/svc_prediction_result03.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/svc_prediction_result03.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,49 @@
+0	58	56	-67	0
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	2
+1	-67	93	15	2
+1	-59	94	36	2
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	2
+1	-56	91	52	2
+1	-61	81	46	2
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	2
+2	-109	23	-92	2
+2	-94	20	-96	1
+2	-85	26	-88	2
+2	-90	33	-114	0
+2	-63	9	-106	0
+2	-79	9	-93	3
+2	-99	26	-108	1
+2	-81	19	-110	0
+2	-108	21	-108	1
+2	-92	27	-106	1
+2	-88	2	-106	3
+2	-88	15	-103	3
+3	54	-74	4	3
+3	42	-92	31	3
+3	39	-99	-7	3
+3	48	-115	-5	3
+3	39	-96	2	3
+3	31	-109	9	3
+3	33	-96	-8	3
+3	23	-102	4	3
+3	38	-90	21	3
+3	34	-107	1	3
+3	35	-78	18	3
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/swiss_r.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/swiss_r.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,101 @@
+0	1	2	0
+-9.02243256039137	16.34407352444682	-3.91158679018559	9.83385989954935
+3.63249892240844	16.37156637082574	6.37347946891175	7.33595862596962
+-6.59990374867870	12.81689121739727	5.68894891723748	8.71337301363603
+12.60058269943729	6.48900731901245	1.36421345798185	12.67421645405731
+0.21148781431603	14.65243305777208	-4.75215950419191	4.75686315221341
+5.33691943034302	18.05198421031037	-2.41562073899157	5.85815095065150
+0.42444009063172	13.13179891289296	-11.02588381005155	11.03405017132387
+12.46482443712306	20.63056442180054	-0.88026386103874	12.49586782553941
+5.76317738541424	20.50650266733296	-1.67200654933799	6.00081823393938
+-7.69903426445702	3.50057675517602	-6.58731737523598	10.13251591695612
+11.20278590321885	0.48674086604648	6.81511168671079	13.11290049133681
+6.15412671259387	3.37563551864871	2.60836155375894	6.68407253026096
+6.35942079065830	19.39343333044084	1.13017904280432	6.45906629950887
+4.89011222063691	20.02454684747021	-2.99390399145637	5.73381710908892
+5.95327096920981	4.43054679308737	3.25076997787065	6.78298906691301
+2.78861701451918	7.57103026710677	13.65384098195710	13.93570085837942
+12.10585740780788	11.53688049418112	-2.50504139885041	12.36232243504963
+6.32507204556097	5.70844783271641	0.31467565998178	6.33289484773921
+12.24420955660564	9.67263404257185	-1.99160324599471	12.40512600321051
+3.86603085500482	14.61939286129109	6.18690023441702	7.29547319112878
+-7.02397880690916	10.50747383017216	5.26986980172594	8.78110505614482
+7.26899971380247	15.03749080185106	11.46122929160598	13.57196130682766
+12.28312638165453	11.04507466082536	-1.82900534786211	12.41855282511636
+-0.20634108007217	0.02937948549992	7.87746751157422	7.88016948023535
+6.34399103378833	8.28870602048655	0.52398389323880	6.36559355890402
+-2.99211446321268	10.33550636792415	7.66279394446575	8.22624823332651
+0.25539688163080	8.46048695896198	-4.75915397262811	4.76600189911090
+4.89844343501214	7.44026430223273	5.12776107471194	7.09145131304900
+11.44974583747064	10.51290070830202	-4.24498953448257	12.21133145445421
+0.69579063231352	9.34870920545390	-4.80605880631806	4.85616369717936
+-6.17828212297832	1.89908855212515	-8.31161329742931	10.35635484121306
+-5.80914779869685	5.74482132057625	-8.63009591761129	10.40311269256829
+4.77128296187839	19.81301905259727	-3.12464903951709	5.70338256848215
+-3.67628694703398	0.55743746801278	7.45494950830712	8.31212114254485
+1.70416677720490	0.83997248245367	-4.76032011047383	5.05616771465411
+11.25347968088436	5.94594755411621	6.71434319469841	13.10432025952777
+2.49626118444553	12.22922757455215	13.73230884573197	13.95735025481333
+2.82529764315011	20.80874886142137	-4.45734155189065	5.27732891552161
+11.24605365926439	20.84548698546233	6.72924080159274	13.10558677331444
+-7.59842145099956	20.85546482210194	-6.72885645955675	10.14955751746493
+7.67310519862389	2.31101495029782	-8.84589090944236	11.71009519051421
+-3.59076659321246	13.95411036524274	-10.02825028857387	10.65173265610870
+-7.31035544660664	11.00372352425457	-7.10771526578241	10.19612245195043
+0.93904272696270	3.63614810598335	-4.81429662072219	4.90502326144929
+6.14080381732072	19.80216514321554	2.65918955384942	6.69184284081168
+-8.98560037833939	5.07906180550130	-4.02506967318433	9.84592301580716
+9.83640736238632	20.97757764570745	-6.80541621380709	11.96112869431461
+4.96998862744940	12.23657011814787	5.03554965727086	7.07513585083827
+3.20231600088142	3.84885901324209	6.67886419948077	7.40689238241025
+12.54088626453474	8.12375386027360	2.27756112448486	12.74602341813951
+3.24443881123445	3.98314410715514	13.51770472571597	13.90160869293509
+11.54328489548810	8.62618413353151	6.09143462816640	13.05193479939386
+-1.97813913943140	12.48828144693581	7.85543311765692	8.10067058464492
+-6.17714998090234	15.04830795569514	-8.31263754702176	10.35650157508401
+-1.61850746821552	10.22472112975159	7.89200482133423	8.05625884171010
+-0.51138056305762	6.50138617310080	7.90207659171039	7.91860622467934
+6.35381855577856	12.12626882938480	0.68617671578531	6.39076276551100
+5.45211008381264	9.27586421094360	4.31430175957628	6.95260411922716
+2.10713448194703	7.55324015461126	-4.68298251756532	5.13520603139082
+-9.46355519159139	6.74797057218509	-0.48486315240582	9.47596797909624
+-3.25022653114329	4.37235204411648	7.59200889141913	8.25848481933186
+-6.60452000241460	9.47643110529852	-7.90309749198288	10.29944825852728
+-3.61286141728060	10.32870111554513	-10.01788625769654	10.64945128598746
+5.90124016577200	18.88060261066794	-1.36195628598096	6.05636528117681
+7.89068480280119	15.31656968161827	10.97066306101087	13.51363587845203
+6.59943795203969	16.17188523131361	11.92785150077068	13.63180922354986
+-5.92310072764215	7.88422419880175	-8.53499542293883	10.38890124601161
+-4.10660182718020	7.21853023994307	7.28989105932790	8.36700007313664
+-2.25898912612109	13.75573932598577	7.81543176115041	8.13535527713031
+6.22411695981015	14.93179785742045	2.30810881728065	6.63829784220360
+3.72076470595161	2.38428907959220	6.30480629460181	7.32083823134385
+5.13490876903855	2.79360247684508	4.81010313126482	7.03593492009076
+6.33502516186602	9.57682020972860	0.41503304021319	6.34860584899899
+4.27843646254146	3.35446083332871	13.14365544274426	13.82247072565484
+5.41252501545014	20.19447997926756	12.62033886030277	13.73202024436834
+-6.24125765198132	17.58993064209800	-8.25415535789923	10.34815818156797
+6.64000170297454	10.92337442779639	-9.51736726558904	11.60473620051790
+-0.52602499579966	4.58371741229124	7.90295722301686	7.92044412675453
+4.25631510283951	2.83329317318037	-3.60833745464785	5.57999260225982
+-8.54867168512033	20.56047725516125	3.06273111245095	9.08075489412379
+-9.47483083800073	14.84791340947201	-0.77854042515321	9.50676309804379
+4.10653195087950	18.05948669585893	-3.72769262484286	5.54610646930818
+-9.35274677942807	8.13062518440142	-2.53039931260771	9.68900371562256
+1.03845201115681	5.26751441646622	14.02486534548972	14.06325817648934
+-4.63367754105607	6.28819839783875	7.04889668487289	8.43551492373165
+-0.16796208628964	17.99480609650533	7.87351960373171	7.87531092800648
+11.88118942484094	9.93266380193264	-3.19616245269299	12.30358145309554
+8.69490880845012	13.92881798733869	-8.00982627814450	11.82196075925300
+1.45482693805244	16.92030075617249	7.52360274153979	7.66297067932457
+-3.23533266731161	5.31259059764421	-10.18660422887945	10.68804393628686
+-9.10316962454735	1.67104221837682	-3.64441261846314	9.80558211157782
+2.53532307433492	15.38797270533002	7.06868388652787	7.50960418257273
+4.97651933022564	20.18934702757571	-2.89344295855440	5.75654034976890
+1.48425390920063	20.02989941752092	7.51375887065696	7.65895436945237
+-8.28803153159531	10.30048008956189	3.55761030474492	9.01931581380457
+-0.79470794357540	13.27603335308786	-10.89380414305644	10.92275283172038
+4.82092592045283	15.39289541659784	5.22421533655818	7.10870963067305
+-2.56630792573832	18.95059956820729	-10.44394771632344	10.75462599400857
+6.27317580578337	3.40718529371220	2.04636103864001	6.59850954312636
+-0.92862878529940	8.52350776971879	-10.87076506408071	10.91035675398950
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/test.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/test.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,5 @@
+3.68258022948	2.82110345641	-3.990140724	-1.9523364774
+0.015942057224	-0.711958594347	0.125502976978	-0.972218263337
+2.08690768825	0.929399321468	-2.12924084484	-1.99714022188
+1.41321052084	0.523750660422	-1.4210539291	-1.49298569451
+0.76831404394	1.38267855169	-0.989045048734	0.649504257894
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/test2.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/test2.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,9 @@
+0	1	2	3
+3.68258022948	2.82110345641	-3.990140724	-1.9523364774
+0.015942057224	-0.711958594347	0.125502976978	-0.972218263337
+2.08690768825	0.929399321468	-2.12924084484	-1.99714022188
+1.41321052084	0.523750660422	-1.4210539291	-1.49298569451
+0.76831404394	1.38267855169	-0.989045048734	0.649504257894
+0.76831404394	1.38267855169	-0.989045048734	0.649504257894
+0	1	-0.9	0.6
+1	2	2	5
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/test3.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/test3.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,51 @@
+Age	Race	AIDS	Total	target
+0	4	2555.0	14443382.0	1
+1	4	55300.0	14704293.0	1
+2	4	82334.0	16641977.0	1
+3	4	38006.0	13888285.0	1
+4	4	16068.0	21845911.0	1
+0	2	2489.0	2367256.0	1
+1	2	34204.0	2410019.0	1
+2	2	51776.0	2727604.0	1
+3	2	23896.0	2276276.0	1
+4	2	10169.0	3580523.0	1
+0	3	1363.0	1542563.0	1
+1	3	20712.0	1570428.0	1
+2	3	27200.0	1777374.0	1
+3	3	11251.0	1483278.0	1
+4	3	4674.0	2333158.0	1
+0	1	38.0	699627.0	1
+1	1	731.0	712265.0	1
+2	1	1162.0	806125.0	1
+3	1	560.0	672738.0	1
+4	1	258.0	1058200.0	1
+0	0	26.0	169115.0	1
+1	0	390.0	172170.0	1
+2	0	417.0	194858.0	1
+3	0	140.0	162616.0	1
+4	0	48.0	255790.0	1
+0	4	490.0	14999423.0	0
+1	4	4788.0	15270378.0	0
+2	4	5377.0	17282659.0	0
+3	4	2152.0	14422956.0	0
+4	4	1790.0	22686934.0	0
+0	2	1490.0	2458391.0	0
+1	2	12280.0	2502800.0	0
+2	2	15713.0	2832611.0	0
+3	2	5788.0	2363908.0	0
+4	2	2534.0	3718366.0	0
+0	3	493.0	1601948.0	0
+1	3	4660.0	1630887.0	0
+2	3	5153.0	1845800.0	0
+3	3	1944.0	1540381.0	0
+4	3	910.0	2422980.0	0
+0	1	6.0	726561.0	0
+1	1	83.0	739686.0	0
+2	1	106.0	837159.0	0
+3	1	69.0	698637.0	0
+4	1	55.0	1098938.0	0
+0	0	3.0	175626.0	0
+1	0	78.0	178798.0	0
+2	0	77.0	202360.0	0
+3	0	31.0	168876.0	0
+4	0	14.0	265637.0	0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/test_set.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/test_set.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,49 @@
+0	58	56	-67
+0	44	64	-76
+0	51	48	-73
+0	58	65	-49
+0	43	61	-49
+0	45	43	-79
+0	42	60	-98
+0	50	55	-59
+0	53	53	-56
+0	45	44	-61
+0	43	65	-84
+0	35	52	-75
+0	56	56	-70
+1	-61	86	43
+1	-67	93	15
+1	-59	94	36
+1	-50	92	62
+1	-78	91	70
+1	-35	87	47
+1	-56	91	52
+1	-61	81	46
+1	-83	78	34
+1	-50	87	45
+1	-67	73	50
+1	-50	97	45
+1	-61	111	45
+2	-109	23	-92
+2	-94	20	-96
+2	-85	26	-88
+2	-90	33	-114
+2	-63	9	-106
+2	-79	9	-93
+2	-99	26	-108
+2	-81	19	-110
+2	-108	21	-108
+2	-92	27	-106
+2	-88	2	-106
+2	-88	15	-103
+3	54	-74	4
+3	42	-92	31
+3	39	-99	-7
+3	48	-115	-5
+3	39	-96	2
+3	31	-109	9
+3	33	-96	-8
+3	23	-102	4
+3	38	-90	21
+3	34	-107	1
+3	35	-78	18
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/train.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/train.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,15 @@
+-0.409899987374	-0.649450145317	0.510268556953	-0.229110484125	0
+-1.10383560019	0.0611191480175	1.01725565283	1.79193066057	0
+-0.41009731911	0.731046118333	0.238276079462	1.60843479815	1
+1.48390157074	2.30714564103	-1.83858336229	0.770904924566	1
+0.74006063964	1.38952620136	-0.96404935579	0.702401167325	1
+0.331307031883	1.10808437795	-0.527405721679	0.961279646112	1
+-1.4627878344	-0.343655746393	1.43177660405	1.80949467985	0
+-1.33544682955	-2.24827087098	1.6885444678	-0.922608257112	0
+-0.0417384245742	0.906486336146	-0.13980113811	1.27108242642	1
+-2.73189476502	-1.46239633785	2.83576394706	2.28732123255	0
+-0.300256196558	-0.305034204892	0.340123288396	0.0593443810367	0
+-0.523654501136	-0.426496596688	0.572385315213	0.243891110892	0
+-0.00757221265553	-0.254805682403	0.0572980350837	-0.327374762308	0
+-1.87242461384	-0.413385894664	1.82750303608	2.35149919802	1
+-0.168117705611	-0.811895938369	0.316838713275	-0.819986910541	0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/train_set.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/train_set.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,49 @@
+0	58	56	-67	0
+0	44	64	-76	0
+0	51	48	-73	0
+0	58	65	-49	0
+0	43	61	-49	0
+0	45	43	-79	0
+0	42	60	-98	0
+0	50	55	-59	0
+0	53	53	-56	0
+0	45	44	-61	0
+0	43	65	-84	0
+0	35	52	-75	0
+0	56	56	-70	0
+1	-61	86	43	2
+1	-67	93	15	2
+1	-59	94	36	2
+1	-50	92	62	2
+1	-78	91	70	2
+1	-35	87	47	2
+1	-56	91	52	2
+1	-61	81	46	2
+1	-83	78	34	2
+1	-50	87	45	2
+1	-67	73	50	2
+1	-50	97	45	2
+1	-61	111	45	2
+2	-109	23	-92	1
+2	-94	20	-96	1
+2	-85	26	-88	1
+2	-90	33	-114	1
+2	-63	9	-106	1
+2	-79	9	-93	1
+2	-99	26	-108	1
+2	-81	19	-110	1
+2	-108	21	-108	1
+2	-92	27	-106	1
+2	-88	2	-106	1
+2	-88	15	-103	1
+3	54	-74	4	3
+3	42	-92	31	3
+3	39	-99	-7	3
+3	48	-115	-5	3
+3	39	-96	2	3
+3	31	-109	9	3
+3	33	-96	-8	3
+3	23	-102	4	3
+3	38	-90	21	3
+3	34	-107	1	3
+3	35	-78	18	3
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/train_test_eval01.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/train_test_eval01.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+neg_mean_absolute_error	r2
+-5.29904520286704	0.6841931628349759
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/train_test_eval03.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/train_test_eval03.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+neg_mean_absolute_error	r2
+-4.811320754716981	0.7343422874316201
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/train_test_eval_model01
Binary file test-data/train_test_eval_model01 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/train_test_eval_weights01.h5
Binary file test-data/train_test_eval_weights01.h5 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/train_test_eval_weights02.h5
Binary file test-data/train_test_eval_weights02.h5 has changed
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/train_test_split_test01.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/train_test_split_test01.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,67 @@
+year	month	day	temp_2	temp_1	average	forecast_noaa	forecast_acc	forecast_under	friend	week_Fri	week_Mon	week_Sat	week_Sun	week_Thurs	week_Tues	week_Wed
+2016	11	2	59	57	54.2	54	58	55	70	0	0	0	0	0	0	1
+2016	11	8	61	63	52.7	49	57	52	49	0	0	0	0	0	1	0
+2016	7	13	74	77	75.6	74	78	76	56	0	0	0	0	0	0	1
+2016	3	14	52	54	53.4	49	58	55	44	0	1	0	0	0	0	0
+2016	6	13	65	70	69.3	66	72	69	79	0	1	0	0	0	0	0
+2016	5	21	63	66	65.7	62	67	65	49	0	0	1	0	0	0	0
+2016	7	4	76	71	73.8	71	76	73	86	0	1	0	0	0	0	0
+2016	1	15	55	49	47.1	46	51	46	65	1	0	0	0	0	0	0
+2016	2	1	48	47	48.8	46	49	49	51	0	1	0	0	0	0	0
+2016	1	11	50	52	46.7	42	48	48	39	0	1	0	0	0	0	0
+2016	6	8	86	85	68.5	67	70	69	81	0	0	0	0	0	0	1
+2016	7	23	81	71	77.0	75	81	76	86	0	0	1	0	0	0	0
+2016	9	14	74	75	71.2	67	75	73	77	0	0	0	0	0	0	1
+2016	9	12	77	70	71.8	67	73	73	90	0	1	0	0	0	0	0
+2016	10	17	62	60	59.1	57	63	59	62	0	1	0	0	0	0	0
+2016	1	19	50	54	47.6	47	49	48	53	0	0	0	0	0	1	0
+2016	9	26	67	76	67.2	64	69	69	74	0	1	0	0	0	0	0
+2016	9	15	75	79	71.0	66	76	69	64	0	0	0	0	1	0	0
+2016	7	28	79	83	77.3	76	80	78	76	0	0	0	0	1	0	0
+2016	12	24	45	40	45.1	44	47	46	39	0	0	1	0	0	0	0
+2016	6	1	71	79	67.4	65	69	66	58	0	0	0	0	0	0	1
+2016	10	3	63	65	64.5	63	68	65	49	0	1	0	0	0	0	0
+2016	4	8	68	77	57.1	57	61	57	41	1	0	0	0	0	0	0
+2016	11	17	55	50	50.5	46	51	50	57	0	0	0	0	1	0	0
+2016	12	4	50	49	46.8	45	47	47	53	0	0	0	1	0	0	0
+2016	9	10	72	74	72.3	70	77	74	91	0	0	1	0	0	0	0
+2016	7	29	83	85	77.3	77	80	79	77	1	0	0	0	0	0	0
+2016	10	14	66	60	60.2	56	64	60	78	1	0	0	0	0	0	0
+2016	3	30	56	64	55.7	51	57	56	57	0	0	0	0	0	0	1
+2016	12	5	49	46	46.6	43	50	45	65	0	1	0	0	0	0	0
+2016	4	18	68	77	58.8	55	59	57	39	0	1	0	0	0	0	0
+2016	12	19	35	39	45.1	42	46	45	51	0	1	0	0	0	0	0
+2016	2	4	51	49	49.0	44	54	51	44	0	0	0	0	1	0	0
+2016	4	30	64	61	61.4	60	65	62	78	0	0	1	0	0	0	0
+2016	4	5	69	60	56.6	52	58	56	72	0	0	0	0	0	1	0
+2016	11	16	57	55	50.7	50	51	49	34	0	0	0	0	0	0	1
+2016	9	28	77	69	66.5	66	68	66	62	0	0	0	0	0	0	1
+2016	1	13	45	49	46.9	45	51	46	33	0	0	0	0	0	0	1
+2016	3	5	59	57	52.1	49	53	51	46	0	0	1	0	0	0	0
+2016	1	24	57	48	48.1	46	50	48	54	0	0	0	1	0	0	0
+2016	7	14	77	75	75.8	74	76	77	77	0	0	0	0	1	0	0
+2016	8	23	84	81	75.7	73	78	77	89	0	0	0	0	0	1	0
+2016	12	25	40	41	45.1	42	49	44	31	0	0	0	1	0	0	0
+2016	9	25	64	67	67.6	64	72	67	62	0	0	0	1	0	0	0
+2016	11	21	57	55	49.5	46	51	49	67	0	1	0	0	0	0	0
+2016	1	16	49	48	47.3	45	52	46	28	0	0	1	0	0	0	0
+2016	2	24	51	60	50.8	47	53	50	46	0	0	0	0	0	0	1
+2016	8	4	73	75	77.3	73	79	78	66	0	0	0	0	1	0	0
+2016	3	2	54	58	51.6	47	54	52	37	0	0	0	0	0	0	1
+2016	1	25	48	51	48.2	45	51	49	63	0	1	0	0	0	0	0
+2016	1	18	54	50	47.5	44	48	49	58	0	1	0	0	0	0	0
+2016	11	22	55	54	49.3	46	54	49	58	0	0	0	0	0	1	0
+2016	3	13	55	52	53.3	50	55	53	54	0	0	0	1	0	0	0
+2016	5	17	57	60	65.0	62	65	65	55	0	0	0	0	0	1	0
+2016	1	28	56	57	48.4	44	52	48	34	0	0	0	0	1	0	0
+2016	5	24	66	65	66.2	66	71	66	67	0	0	0	0	0	1	0
+2016	11	6	65	58	53.2	52	57	55	71	0	0	0	1	0	0	0
+2016	12	23	49	45	45.1	45	49	44	35	1	0	0	0	0	0	0
+2016	6	25	68	69	71.7	68	73	73	89	0	0	1	0	0	0	0
+2016	4	2	73	71	56.2	55	58	58	45	0	0	1	0	0	0	0
+2016	6	26	69	71	71.9	67	74	72	70	0	0	0	1	0	0	0
+2016	11	26	52	52	48.4	48	50	47	58	0	0	1	0	0	0	0
+2016	9	13	70	74	71.5	71	75	70	82	0	0	0	0	0	1	0
+2016	12	2	52	46	47.2	46	51	49	41	1	0	0	0	0	0	0
+2016	8	6	80	79	77.2	76	81	79	60	0	0	1	0	0	0	0
+2016	10	29	60	65	55.3	55	59	55	65	0	0	1	0	0	0	0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/train_test_split_test02.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/train_test_split_test02.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,201 @@
+-1.3022497239876525	0.41162245619920174	0.3850631031897158	-1.065301842496646	-0.6940008550138481	2.2608403458600925	3.622204434814536	-0.3183465181327487	-1.410027169684386	-0.6307904628990526	2.809174035044597	0.7840390953413314	-0.032913359309272236	0.1269040356918228	-0.7038487276500461	-1.5433857418796189	-0.2658388398378144	-1.204125138751038	-0.4106305941465671	-2.1530032168711024
+-0.4107989913365759	0.9675376475353166	0.09374211379388764	1.7143886101095047	-0.11156554775507473	1.6257337330303492	5.671063244915109	-0.3775968070412295	0.8772742813833009	-0.2249373445476654	3.541130040089443	0.7064690478674034	0.3274452454361061	0.4095309780710557	-0.04020259217468653	0.3999351212624621	-0.4789427070381956	-0.8383398308678357	-0.7084990898469742	-3.5921789270343747
+-1.0046430489468259	-0.2475198782602121	1.8722558073924007	-2.050734120852677	0.223218415351888	0.9972967022037826	0.21687494749301134	0.6815453371376522	-1.2369792180109709	-1.7937590177703913	-0.595814082168741	-0.3714655242486308	0.8054558366241785	0.707291290265989	0.0026761403473940892	0.6858925338135025	1.0460915051165451	-1.05529607831364	-0.8524278739013349	-1.0937845388370384
+-0.6601752137721719	-0.11000001206134824	-2.1153815467792265	0.7939530261454807	0.14074473863377998	3.3552079891275923	-0.8369407002892686	-0.5714820686564377	-0.37412481389886265	0.16669033299410288	-3.6319951227966674	-0.6639361788987586	0.5554669721932757	0.7479717178718552	-0.016560794142802523	0.19859811525823087	-1.9152321429437595	-0.4582315336475037	-2.2285961423670955	-3.4228140259065998
+0.7866152217561416	-0.2291058850235269	-0.3527520240499313	0.6723966958156411	-1.6682659534205586	2.7789914613781272	1.906164582945605	1.0761421124464927	0.09690167407822936	1.6513613104097675	2.2258330065926084	-0.8734144600762542	-1.0066865968249934	-0.13471591695058407	0.015184991621273526	0.41810514195584253	-0.3760878884398714	2.2903405971801156	1.0522116184673187	-0.9159796436696128
+0.2814798326149793	0.5875101493421397	0.21729777590682087	-1.485801637332555	-0.7259055545195056	2.3934625979413915	2.795967841759341	0.1748287231468569	0.7064308999942802	0.3497777551584115	2.225996647861514	1.6301969056059509	0.07651250932855069	-2.0342494286984243	-0.8883453790706329	-0.7345168234009436	1.5287683026280032	-0.4421021715011357	-0.5779836284098872	-1.8023368901730872
+0.023561266296767996	0.01327469130218088	0.9878045214079304	0.5750648387066529	0.4047426855593061	2.730429552257033	1.0141221327309589	-0.0010397698579166187	1.2950034987670118	-1.805850216908488	1.6388229124609937	0.9286520099757948	-0.34109406603463605	-0.02757550682732839	-1.2286674947471106	0.8011744540858317	0.8424403652177841	-0.14115310456128674	-0.44894002007093775	-0.4406268508179094
+0.2456307272179787	0.5943091746736674	-1.273655669405128	0.16873404654912996	0.005752441478044986	0.5666353702678641	4.842127705182824	0.698622620435285	1.2592032824188062	-1.3867865971369038	2.0103146282963	0.25453278665231965	1.037764245051936	-0.14900969999222113	-1.3508991449570242	-0.6347960472728013	0.01478239489509124	0.1237920700532843	-0.8008367439748938	-3.7595616099202216
+-1.4928016688154506	0.6922526483668314	0.7340706436196134	0.3473096338667893	-0.2626210985357605	3.4791405788113354	1.805377038112414	1.3002542896922045	-0.9818090439589664	-1.983507863053584	3.1109989936861995	-1.5167130756726412	2.115406032275567	-0.06319774436121431	0.31045881394126296	1.5773205208380376	0.11953451934790252	-0.3678585275873511	-0.6436336614328086	-0.1923418873135878
+-1.1092740315883938	-0.9086267440397304	-0.9317250076628589	0.10305857018240576	0.569614735498199	3.3180899169801226	-0.12789255109919928	-0.225656531827112	-0.6679424977863244	0.4743665910531477	-1.90983381933296	-0.015442113772508715	0.7947216167107651	0.8564724155111614	0.7221596369993102	-0.9866727547841551	0.8360620842096383	0.6950101534147096	0.04441865129686528	-2.6156995904444718
+1.0098923348657989	-0.3404395572391499	0.28768679961742755	-2.0977984796080182	0.20567191732810186	0.07192337116067704	2.962373543751767	1.1013577938477075	0.2887631802554654	-0.1314750241074004	0.046408238895145226	0.018100000352631027	0.8497049978073374	-0.581919824244956	0.0060485240903830105	0.6564480090897391	-0.2257071656725244	-0.444796415531791	0.05347659247096472	-3.3135478700447387
+-0.762539079264614	2.3448516833388338	-0.3047785420925162	-0.003115581616127193	1.28288636082298	0.8189057448896555	1.5914694039261748	0.2958856116046954	-0.5076317520009277	-0.6632132658330571	-0.26543378086684033	0.9099655543823152	-0.4726130324786385	-0.8458139605716157	0.5108353518675851	0.04522025380636013	-0.7498307157093044	-0.8728998532852056	-0.6305402832474036	-2.282130764800372
+-0.3907036817321405	-1.112656077853423	-2.946190675850397	-1.0625442506297067	0.9088346312821078	1.5063655206656097	2.969147672927829	-0.7778500248423136	-0.7127853422892418	0.06854530163039355	1.2633280046291788	-0.3287087239322313	-0.3411469813846178	0.836125381703182	0.7723604280813917	-0.6998771115822838	-0.4655576375429326	0.7776235010811396	0.3327818668905032	-2.6233464511627638
+-0.8983199726078809	0.6875679860327243	0.4379809168039516	-0.33726444707878106	1.1107162675999065	2.738084321744025	0.33415318944188943	-0.8871470832472127	0.30193335807188104	-1.5810508941730579	0.8486321957910308	-0.044266817976806316	0.08378247673725185	1.9566875413996867	-1.5313148536222791	-0.9506238675766624	-1.009797830143896	1.5797446875566523	1.1910335316667802	-0.4089170422874009
+0.4801749525732069	0.9760948512465812	-0.6506752884473117	0.1181663395563556	0.6072873144342118	0.9806253028344998	1.892771271108642	0.13969752461684967	0.9319474952167373	-0.09166314265298953	0.4120283734360528	0.5722066170527804	0.26182495170961256	-1.1166357678276193	-0.2675526948328786	-0.4514507730958376	-1.4658633938864454	0.06466226667087133	0.3215385708518279	-2.042518334453895
+0.7556669689498505	-1.0134631768847957	0.29442058791112474	0.9301617629859512	-1.3172645324537753	1.1346845155485794	-0.5189761352772052	0.7612078224849222	-0.719445943559776	1.3222563642602996	-1.6232238475631997	0.5410916427275451	0.9086484746429212	-1.0226241227800494	1.3238261372111575	-0.9022587135019964	0.4685627282156128	-0.18434406998696976	0.4311961839350191	-1.2575381173883136
+0.5805618199544053	0.2645812658810532	-0.5373391022335308	0.240003364637587	-1.3431343684498187	2.0052629807701603	3.5700282016495115	1.374323602792592	-1.5027005229414099	0.339739212156282	2.8969195995149004	0.1535142860088634	-0.3407307701303503	-2.6288697498232447	1.0218897198393	0.2728247005606436	0.1306762952345407	-0.8592151134167213	-1.5521508417928758	-1.9366498139279624
+-0.302183536545722	0.5757143867586756	2.3995022020165093	1.2197569875058891	-1.011003330388579	0.9048540295213414	1.4791259953402809	1.0616156476538852	1.8060698480226676	-0.9251886698030872	-0.09225989708118164	0.045678108557516375	-1.2402631541948508	0.9576336956518976	-2.1806450052321398	1.8750935232918824	0.21711698547758929	-0.10836062649476633	1.303564039124819	-2.0210303850273696
+-0.3746483078527021	0.07128892200078375	2.3764236854980587	-1.190761596913492	-0.08487420101509466	3.0763307926650114	3.5286369841279663	1.2049588909764604	-0.968058285705152	0.5178529903862314	3.3362848070408138	-0.4998680067722221	-0.17254628846964762	0.34368863221784896	0.30771861811025464	-0.3560004594803169	-1.4338356268291068	-1.4072040475451206	-1.180571003928377	-1.8034294795559664
+0.05096660766985905	1.2142311115327094	-0.11017999887876426	0.1050224984348922	-0.4736659458109734	2.2316665364588726	3.621330783686601	0.0017664344558535165	0.19530721629168984	-0.124535631528244	2.610448360201038	-0.2647945544489532	2.63597551242705	2.7067377736181135	-0.15506805501539794	0.5231443075647396	0.5299034891396377	0.19085582420658045	0.7451781237084969	-2.3272672761941298
+0.8459890084880216	-0.1798805532249348	0.12473300471107658	1.91040893927297	0.7605722103614608	1.6669371551325918	1.2985662500573063	1.3154454380707898	0.2564186745725073	-0.5451173985806242	0.715584523328078	-0.7387210471050133	0.8935945265301429	0.016320488671511403	0.7576969329906925	-0.7672735615874072	0.9350386340118324	1.7361740800648813	0.06570184206115576	-1.2976752427803342
+-0.9085325744197204	-0.4840820550976455	0.035120352450334735	0.5685365851320985	-0.7143986641420886	1.5775364398048626	2.7354654392856403	-0.5785595579171878	-0.2120105257793922	-0.4333574489425933	1.2927707189616022	0.7944788648518137	0.04568927287324208	1.1848966209391438	0.7925955209108281	0.08728774062873168	-0.8428510669732144	1.0988104307685196	-1.0719598452561758	-2.3542840026955902
+-0.21032507882334595	-0.5171599173170767	1.2284352369782805	-0.4558726081591166	-1.1338040764280377	2.69838866631312	1.6472614161904309	-0.7689441138861486	-1.023104560806224	-0.8389861105873413	1.962997237951139	-1.7654679270612272	2.090780139663452	0.2887099210489247	0.6245755363448839	-0.4680477875785151	-0.9611459166554812	-0.402698927396804	1.1801512541325447	-0.8437345048932148
+-2.1377230830057026	-0.9022046473777768	0.9002592388206436	0.6389983885325063	0.4881729547686597	1.930642163050688	0.9425121480168286	0.9734973737724516	0.7113229431959951	0.8236226253868995	0.553578809840781	0.9790272829445852	-2.446414030069164	-0.4389107238694635	0.7578392840905424	-0.6678885600477964	-0.5950967939185612	0.1091984071982803	-0.30924953702189273	-1.1256207597633254
+-1.7454181525855084	-0.2274611596038077	0.8661688020962904	1.2698498301646972	0.6417266599489437	2.392610889538584	-0.4883433307394809	0.09962989352294596	0.8796104952337681	-1.6009376317056907	-2.3228262768971937	-0.07155680007700553	-1.2799087986761837	-0.20843410903923068	-0.2941053489927681	-0.4109497271224768	1.0487394665744827	0.24347416963153226	0.3684126301784236	-2.315628107468505
+1.7194043037917044	-0.4063918577259047	-1.1410977186236644	-0.5224031413598372	-0.8969270647328188	2.9336844459939897	2.2995653732545587	0.5907096123306279	1.2572225970579425	-0.34206177511764163	2.315426620969164	0.7469701194581027	-0.6997435511893488	0.3596468789880545	0.8352895929408934	-0.17228223287452388	-0.7965485640228581	0.030929121730566375	1.117653448328372	-1.3221604076377536
+-1.1692737364075878	0.02205905332929503	0.2669091368138159	1.2003213700730626	0.2794853051772169	0.9421764821484446	2.9884988456078685	1.1740660994863183	0.12183091028335613	-0.13425662628447144	0.7631209574627775	-0.5608652555074042	-0.4188940142148716	-0.3662486586340912	0.11950616038111353	0.09691925727808914	-0.7499504219363728	-0.4891817643458039	0.0357681817632031	-2.9395694805117785
+-0.3156664195441834	1.6326884277543678	-0.3855882626213066	-0.3016753932269697	-1.0032428231258563	0.8800929997010243	-0.6324127317293085	-2.355051678737812	0.923429996416088	-0.3497948653010893	-1.8105236197769043	0.13318402231147314	-0.6984924197749472	0.3484742706843905	1.4111655906803822	-1.0372154220161018	-0.4636619310187766	-0.8532664838726625	-0.3806256930044281	-1.2271314356762173
+-0.743645487604758	-2.5762733938865523	0.4959059013688749	0.2693342927294206	-1.03671465009553	0.24927595970419336	-0.6353295512455281	-0.4797881300505439	-1.342457899158445	-1.7846125048165906	-1.9904738364265844	-0.26875613068708565	-0.594407867195891	1.3451419001423852	0.6888962461359639	-1.3969223884129345	1.1422721369901558	0.8985785806846744	1.0503044823125691	-1.2018999082666029
+0.5511364127668343	0.5119811368005616	-0.6403681996862031	-0.05228906312162795	1.5130684131066574	2.1140859560266594	1.2987996319799406	0.485048607884412	1.6727740357639311	2.350000071336744	0.8678358135377484	1.5554946155341371	-0.4742273321819325	0.11060382897099452	0.18915730960722785	0.6288932300141935	-0.79006421690735	1.2866417067385163	0.7620480780583243	-1.2906342756816898
+-0.6636777093724279	0.6097320173784144	1.3243569597916751	0.8359548089630419	0.15768221765960322	2.2483998184784504	3.982814285284842	-0.4940839846094395	0.44230288220745817	0.9655012847991776	2.9905679844023867	0.11157439172733112	1.9645540957227288	0.7549109973727394	0.27995425379026123	0.5895121330726366	1.5566132277765068	1.140543823178324	-0.1796825379233944	-2.387334130625613
+-0.8693927846256988	-1.4015773896239008	-0.5767475073478409	-0.514877043990522	-0.6926301958015578	2.810943852625326	2.1414294878660685	-0.4226186685753953	0.7221021679334709	0.4127755549129393	2.4994899525619645	-0.9740548736776437	0.2030120207547904	-1.8464325894173563	1.258794140437278	-1.7408306062546581	-0.2595500855948115	-0.9467397049189886	-0.9526964140458886	-0.9370552754751079
+-0.7121196282416814	0.25741621513609825	-0.050080867498874616	-0.319732727787272	1.8363902369636012	1.3067727294905445	1.9505331304887543	-0.6859380498655462	1.3545985575704902	-0.9351308291159108	0.4485793538792959	-0.293313342528362	0.8609646025800197	-1.4136360693664234	0.5667775119038259	-0.2820051642863179	-0.35062833251929504	0.4334791632677232	-1.7161217403688198	-2.1711860358297352
+1.2824283924285858	0.02230954044299987	1.3834280808922916	0.34659637398850834	1.341021078372007	1.880384758406364	3.2831403894196622	0.8427407933167973	1.0701159835402059	-0.02388813601850158	2.227355221552291	-0.9730473787786366	1.12222805576021	-0.5371740579498492	-0.6814383921279306	-0.9307949884796112	-0.7512685064233835	-1.1987075695453524	-0.059085357032831874	-2.1961890747237587
+-0.3341582036237004	-0.06489432367129845	-0.17440367000918094	2.2053958751265696	0.5597298056510357	1.5324916573056653	3.3563820287754114	1.450545647839946	-1.4083887143462073	0.5643002037269549	2.046593812361199	-2.166394456498592	-0.05820991640678215	-0.6165247360430952	0.12599810563886032	-0.4325859399673962	-1.5205806220278828	-0.7321252915161326	0.7060354505004723	-2.3420050660231317
+-0.9835750400161622	-0.712027440922922	0.11870555942107815	-0.441153034389688	-0.31847894381905195	3.2835507341246237	0.5337848951348185	-0.2272123981918517	-0.8176860966777869	1.982520277214256	2.03297208029807	1.081254494327628	-1.3978477990785458	1.6503872171558898	1.7474420155792758	-0.8478732459915518	0.17010215499166265	1.0930555703535751	0.9179649568759068	0.2996967940427657
+-0.02049234951828864	1.1012361409794285	-2.010293207006105	0.17872921195246655	1.3040716983339553	2.1764457414678064	5.668830653453004	1.519571549570987	-0.20528072118128987	1.4877153293343368	4.101713989255451	-1.1448536580696265	0.33520004856247304	-0.8584350614350018	-0.1782168243870934	1.4969857471626296	2.430080507935899	-0.6493919426668382	0.20622410929015286	-3.2353070662389074
+0.8031530970037704	-0.7531711100917112	1.1475144040068612	-1.209559891714998	0.922494875860118	2.1931503501546508	6.7690145490635345	-1.4380549092975317	-0.695430580953571	1.1918894680028878	4.8925924945884045	-0.3005070343639805	-0.6615329471896305	1.599171967529447	0.4218914660807341	-2.0380595513006536	-0.7135162838012906	-0.3204072530003196	0.7444197114921702	-3.746734733917764
+-0.9404454591667538	-0.3351189162980546	-0.2891419478425296	-1.9392229290156795	1.5847695294559687	1.1266085839044302	-1.1247307922493657	-0.005015660530794699	2.5253549230109105	-0.9294973955644056	-3.4549307034398278	0.6802573263323414	-0.1488136455421226	-0.3652203335032093	-0.2604841240590531	0.6137306235471566	0.3749385907223552	-1.3771380569455247	-1.422237264717014	-2.2688421102305973
+0.261566189677358	0.7588529856058848	1.0316564485890096	-0.4704907091439792	-0.780595222481135	2.348382323882559	1.1443792510167077	1.6769713588492288	-0.2536188220142666	-0.09813406618190264	1.4733822185226022	1.420066227600156	-0.6557802207431661	0.2673952075181664	0.1758347326053226	1.2632226706705958	-0.4081793907804486	-0.5483455125657873	-0.24832425181522286	-0.6262397570824145
+-1.81414213927814	0.19699260688693526	-1.1411278793736217	-0.4388180025009055	-0.9066793825576756	2.393960988900564	3.4900399889793343	-1.6521217403163329	-0.31610266553983485	-0.8112727678402681	3.130269813288969	0.4871927336904667	0.09841845388398628	-2.622522152899688	0.7326039848783956	-0.4381945066313648	0.6288844614676175	-0.11289758514719167	1.9208657993954488	-1.7467508642968863
+1.8286834466133015	2.0865229868354445	-0.005708411481602123	-0.5064327411486649	0.3780725585739115	2.156275696365745	0.4545934853873987	1.988832670961451	-1.630339363909551	0.6095288953738113	0.3697705388971695	1.4697894022706677	0.6037594786182908	1.4846173580736206	-0.10016708658387098	0.2402453347728197	1.1008003796028063	-1.3030533654459766	-1.814416570336688	-0.8139191744996379
+2.6059494363407607	-0.4773959886334189	1.4209553969059463	0.10665726550286468	-0.5613735295697213	1.259683628738396	0.07457724173937398	1.147693641187168	-0.9363986151728602	-1.5182987904046714	-0.8941885929065192	-1.0361693072333615	-0.7861787462867513	-0.05858787027832429	-0.2404895188907119	0.5717523701697552	1.3353988240776158	0.8885379175748902	-0.18396382513177567	-1.2882222020058296
+0.971346845103664	-1.323953603096887	0.9828725946362548	0.39897647437653627	1.0164734308622358	2.343877885387008	0.8141740240623774	-0.17844352672566993	-0.2489017318486975	0.6871989981519004	1.0905772981888384	0.3935153475685985	0.9654036912633456	0.5917388030402491	1.4923753812876686	-0.3595798307016698	0.04834155585694497	-1.1880193711923148	2.298134881322113	-0.6075264300690095
+0.8001830194022206	-0.5684605887961833	0.4116446596477141	-0.4356114351225276	2.6891673658361057	1.6651559412735557	2.3549948790387587	1.8660847461148309	0.15730153990376805	-0.20763543285299504	1.4599142092720023	0.6735705422532628	-1.4655273518329668	-0.17543592638471533	-0.1251718021720325	-0.6009819907613225	0.11708838724203582	1.202301176543252	-1.0184428025837116	-1.7974104889421783
+-1.1306906928262217	-0.5142444543732294	0.7549973972526974	-1.9662156247151903	-0.6576234588862503	2.507390338101697	3.528068584149235	0.3973707535535508	-1.0701132091583154	0.007917494164628195	2.3988813532768054	0.8675102099591249	-0.5750324488956121	2.2508806890624444	-0.6977739472880568	-1.5375661185605172	-0.6943842091460203	3.2976644174235106	1.0837655548815266	-2.5005341524096147
+1.672003202977746	0.26394279810005217	-0.81955493408885	-1.1442938255499246	-0.7444830207424934	0.16669697747203305	2.8836544241464463	-0.785831593400538	2.3677656095333743	0.2366011638590114	0.12833370277676726	-0.08155181331107067	1.7915387996020609	-1.5058564776543581	0.8917461044511731	-1.101723221662333	0.2538386543717226	0.9788223070416868	-1.2645411551300625	-3.1774106967835514
+0.7641662278190869	-1.2741330154627435	-1.0660878764212711	1.066200795132049	-1.9462875627442844	1.839620801286002	3.9286348499019335	-0.7896589514450959	-0.14790732738688353	-0.9792367126935444	2.885638482735768	0.30859609475835903	0.7048374611496696	1.2625014276406517	0.5560296049699579	-1.6478868190957592	-0.042141598722960034	-0.8282771859049725	1.3592117214745163	-2.3013034457059085
+-0.6867277913731116	1.3506223262354657	0.5323763083257778	-0.8328668746980727	-0.6896766554630372	3.6700131078439813	1.3231206072054629	0.6981104151931399	1.0267724221099968	0.13702355077564135	2.490079456830704	1.5814298511306963	1.413022259791847	1.1402906112631537	0.12231996370039115	1.2282766928038853	0.5712114806412769	-0.9398241330209146	-1.0084897749068755	-0.2812738668687418
+1.4347366961711783	0.7180908683386881	-1.111250715276349	0.6032664678913374	-1.6945438232526555	2.7243913848747865	3.478065256330881	1.3559159086303043	0.7795408285635743	0.7791293972233797	3.2281776620192293	-0.940330748413536	-0.08409735504222991	0.2994402146069926	-0.18798105897024056	-0.4873943298236203	0.57392221055027	1.7006957087691539	1.4801087017906358	-1.7413897388438528
+0.3258734810498545	0.09471356504520756	1.6832753741795377	0.6665282345098696	0.35038117937896285	2.749470726718997	3.104908674124042	0.6307818689264211	0.3675269009717439	-0.8002643064644159	2.8769964580802427	-2.2202943806216817	-2.1071995643164203	-2.2249232754578103	-1.7043125361484288	-2.4234198912136846	-1.462577110304502	0.3034076781883192	-0.1311225473693574	-1.6538888195078705
+-0.6289008619934516	-0.9290101836523096	0.2610284321593238	-0.22378932209539984	-0.30655796449616723	1.633301988670237	1.635116243833255	-2.54098734554924	-0.9575184279622504	-0.12730487166005625	0.7809371531973295	-1.1431861803986088	-1.8090489476951133	-0.7071502756869374	1.7045588203588715	-0.29930129361121205	-1.1743999943381322	-0.03077642308592621	1.8529438943380776	-1.6060085374296165
+0.8773949171725597	-0.5011388994452148	0.8956785514763039	0.04860677561499365	1.0611465601103347	2.3398806649589634	6.161546351628803	-1.561308139644867	-0.04719236978758533	-0.10434370157930267	4.164462219470534	0.8792702391677779	0.8495090298477842	-0.2207436696694337	0.6511050097572415	-0.1980450011943434	-1.2003699229048792	0.017258567113002957	0.9588381727522864	-3.78076003379846
+0.18311311808017525	2.0418102596098597	-0.6723124516686888	1.4906880544640408	0.4018312604758727	2.0310810088043585	5.15239970002119	0.02780979289997514	0.2427726898510353	0.25168228296434675	3.701923086550565	-1.1293845220263203	1.3593375772494678	1.5664653383828462	1.263422860244274	1.0804708001013323	-0.16259247759674064	-2.2777597860833825	1.1239093640255808	-2.9805677562579422
+1.06963801217404	0.11487403241547238	0.3858044624619889	0.7731652516868915	-1.1304449817915037	1.3230566380330306	3.045506622322113	0.6936090260191082	0.666456768796761	-0.27161414329371936	1.213225564084918	-1.7139681687971506	0.4880206846109089	0.8247769805975845	-0.7774365137662612	-0.1584602045263796	-0.6806909088937353	0.7507623379147603	-0.021122733836890745	-2.7009062340114967
+1.4040297559691166	0.5806798520096647	0.9053116407470688	-0.2338461410724051	0.7819779775949934	0.9571097680252124	4.669488990289233	-0.4454413907704737	0.05647302708386585	-0.6163009086665511	1.95768003903106	-1.3086809233587968	0.6082131128549598	-1.2774333603446657	-0.16012880341336713	-0.31022199303155795	1.909698016404708	1.4088255001387988	1.2155799059884094	-3.7306339357718463
+-0.6226889152822709	0.550803553684379	-0.024723995267758883	3.0474300010955115	0.7728599919802949	2.5085002408059234	2.2759873911238064	0.07878101205842962	-0.2321998429272392	0.27187052783958404	1.9599140444685577	-0.5831424355782268	0.9644901775113172	0.126881538090106	0.8048452472249035	1.1916037400300779	1.5240628059980084	1.1989361036763444	-0.08690326511012564	-1.4976504448656964
+1.0947756520984435	0.7527016396583789	-0.459375926938769	-1.7140204764712068	0.5871799132758577	1.4897718029372888	3.475141260627588	-1.2014057647494556	0.29237325581668977	0.8315555557706409	1.6910116128773374	0.2071867592444692	0.1430364635331725	-0.19721360327238888	1.7606405935299798	0.4615403102840216	0.4103689916090445	-0.4588635921890764	0.4826742141909833	-2.7921094245739377
+-1.2985660484957413	0.973961015635144	-0.933659216334626	-1.5317235441356107	-0.8829114078608564	1.0781958040406647	2.240498969250612	-1.6433893524400096	-0.985310224625306	-0.8712130931060924	0.815123938936948	-0.12291326947566955	-1.0841595127912076	-0.8632855011134032	0.8143833812024763	-0.9372443254125812	-0.4645782015346683	-1.7994731244940985	-0.6293627471825595	-2.0899894358481466
+1.0626597354563851	1.1603033608645157	-0.19749282507740268	-0.4342156416049884	-1.10081741502211	1.5747876706291832	4.4174929571758135	-0.2289174980989397	-0.25181002105792955	-0.8168358977663905	2.7217554458711373	0.3937119749499953	0.2556567233421003	2.521036517118296	-0.7635026087575811	0.6834357963124953	0.4016158146922976	0.10413683300598676	0.545325261811387	-2.9242161786828804
+1.2859280185846291	0.7602691167258188	-0.7087106769085108	-0.2083331628042453	-0.44296379712337736	1.4994488461855624	4.09018287326753	-0.009091534805979448	-2.148341343465116	2.3263884950310825	2.3620030957902025	0.7134170786900146	-0.8796226636090453	-1.5841888465499596	-0.9871977981989036	0.7292830974930532	-0.3901725332035043	0.0932987012750829	0.16349601617949855	-2.8662512421453634
+0.5646914048771848	-0.7546274490708701	0.8646543623925127	-0.8059765124544995	-0.8340115249554282	1.0576716449737158	-0.5745255068344054	-0.9426945051537984	-0.053252598814466916	-0.2980518638992684	-1.4595621193815005	-1.3967613150098233	-1.5887639952200714	0.7006196091295782	1.8893291571471882	-0.6380910946087451	0.3856668028530204	-0.717647689876207	-0.8819861812469784	-1.020477132737238
+-1.187543256332108	0.4983725374069774	-0.024009531991986938	0.5935397351126044	0.7799657600792241	1.9066350174808049	3.72975006286941	0.905450400880156	-0.6735527225316198	1.2303757419674433	2.0334952591950493	1.46183904166379	-0.3662402677426432	-0.4971184991454444	-1.6222312315300105	-0.05370685500756135	-0.14277779404388036	1.7609836900672349	-0.5791579320753671	-2.8862862099806113
+-1.471027970551284	0.10896280647002636	0.4716633599760571	1.2266499556181196	0.7417146247009195	1.742414917740318	0.09321358778933876	2.40131816535192	1.425372836109828	-0.4858823622321985	-0.245039832270848	-1.3362686844823723	-0.4830600096027367	-0.1111561652748518	1.294023389629782	0.4033058573201347	-0.6810553283156011	-0.6365009586961239	-0.6069559074144772	-0.8525395294290836
+2.134026107981366	1.2683146608819396	3.3311931164385715	-0.4877744419137185	1.1010435735131885	1.421595213911772	1.889731035152276	0.07090251852857649	-1.1571524565076563	1.6571103094275352	0.6349809749095592	-0.12317913668579608	0.1086301791515965	-0.46368800332247206	-0.2219051735873101	0.18446910824646934	1.093355752677023	-0.4690659984810035	0.7706660653430607	-1.964494748314216
+-0.4021626827180369	0.7286047849136271	0.6466684469750896	0.4756038258648904	-0.27019134562365177	2.1340795924024216	2.4315487533010547	-0.4873401594067205	0.3483736237236339	-0.44143777122060257	1.8885786000020228	-0.99917935418056	-2.3431040952821807	0.06612147043908788	-0.20364398811713874	-0.6713680848812348	0.5838876901550442	-0.2526077487471815	-0.08911005004438052	-1.6269137125259858
+0.2553051493009998	0.049298273621245316	0.906360816133299	1.4980725478642358	-0.6769958190969512	2.583121211017678	1.2171840165638788	-1.0215471741441842	-0.6600170041711314	0.7633245812029068	1.6464049240477316	-0.4579685225477507	1.4280412323213576	1.8753895701726329	0.9028871653428602	-0.03330710885723947	0.6338222604830566	-0.030855602378257962	-2.113008973056278	-0.6181868381091469
+-0.7904113880544682	0.2268015913460233	-1.8217453535096224	-0.8277784842173556	0.946788862297818	2.286709458666288	2.0288578160823034	-0.7626448816430961	-0.36041411686187935	0.14716770965815354	1.5845753199442971	-0.005334125188020739	0.5444768401364775	-0.4592798519226368	-0.3660040473851334	0.4306656640318833	-1.3787430058550667	-0.3038445838218519	-1.4562497202322031	-1.5006104245357772
+-0.103303695276085	-0.6268306779256173	1.2205480887821962	0.9640461243017856	-1.0981469111738278	5.149645570130961	0.2408724734075009	-0.1983394117898782	-0.9865859409799932	-0.4091933293911492	-2.037699897782592	0.6037234326472765	0.02280724010835217	1.0530212119851892	-0.6355963589060236	0.18216916909793385	-1.3822307813458767	-0.008491407317447595	-0.21642080426289986	-3.6966225658322394
+-0.7848199397008466	-1.8815917108766245	-0.4601239178322801	0.44085049225489387	0.9782812118372258	1.6967232427703056	3.871461974749861	0.4542755671879655	-0.9126716006511536	-1.0194426688832547	2.3845063587875	1.4580311614548782	0.4321451999833061	0.4397945029633786	-0.3722730739352583	-0.6047407714268296	-1.0632933911757778	1.6012536823635832	-0.4941259177638753	-2.6581450134395603
+1.1837495881016549	1.0465439135904016	0.9867846466870028	0.18141633300379795	-0.3825009170140688	1.355292629169495	-0.6963529623482592	-0.04799858970990036	-0.2634954856312893	0.4449421462300397	-2.5013534284158703	-0.28897896057116645	0.6918896525925219	-0.3678540810724637	-0.2536266541683845	0.6945368590910528	-0.9631718574199114	-0.1258334517145733	1.3844996029899148	-1.9366956941105031
+-0.4238501480229034	-0.043071823864136674	-1.0950136243969524	1.5963844932573692	0.012836214164663306	2.665425673326264	1.4341486469690057	-0.07204009706183934	1.2482208311674732	1.384040667362209	1.6716694672593173	1.4734401284087797	-0.7444836059598698	-0.3311063531625213	0.2276533554328253	-0.5777379646133638	1.509054450731549	-0.7029372435228882	-2.3240742685111306	-0.8636539677436696
+-0.5177426774601384	-0.2650891841335386	-0.2515870229542602	-0.2279460959335521	0.031589546466442464	3.213127275864545	2.871129123585945	-0.4364488685464952	1.288108391257587	-0.031769001653634395	3.2216795250513934	1.7023732595615286	-1.7310727956544232	1.3428644569572603	-1.1208480451694676	0.21820157024780165	1.8453399907069488	0.0569578300340677	0.9511256841106402	-1.2101915159666614
+1.18731325525149	-1.5306072690123391	1.3406990892738435	-0.5033671061913839	0.01326367630509345	0.8886573306068422	3.7120617614773046	2.33510570547412	-0.5283055439533593	-0.7733901069918419	1.3637313309292702	1.1188515022456815	1.402438822106319	0.362137789021958	1.1744484923246192	0.1359444539809322	0.9278805964991532	0.556586822078193	-1.2456976389340884	-3.18215012303436
+-0.3962170802343363	0.645992873126526	0.4539594177389498	0.6042820146858313	-0.051024987756582485	0.8670069067960746	2.5480513128968387	-1.5456849014195624	0.014226857041718366	-0.90280426764457	0.4341821272467623	-0.8213255213826189	1.1653636515627563	0.06372244506133593	-0.8986654754338921	-2.453109861534577	-0.7248692705391215	-0.4223474956392441	-1.3904996488972619	-2.7257609199307535
+-0.8041661421065806	0.7750428244188536	0.1264412041572951	0.6096057465741515	-0.01809473513999463	1.4824998439688981	2.7768531676116592	-0.9880901711782684	-0.2339280773401473	-0.4891264005375058	1.2590594348365087	0.004606379749517793	0.8356808119300939	-0.3299803074258261	-0.6028160839659226	-0.9453083290040736	1.4172611277945126	-0.9483474720005548	0.6112231422907429	-2.40368178964562
+-0.6858524076329154	0.3930602627876125	0.07871223103436373	-0.4853724511732078	0.6787539637536787	2.70437675564742	2.2749255201773595	-0.11391875869615092	0.6683350321052208	-0.06644262970592991	2.1665209938179384	-0.606664208036896	0.7888242749660439	0.6263123975458482	-0.4027289818841859	0.25782078609180065	0.23690633208035106	-1.2775677406183348	-1.8843357051111145	-1.3637342199604452
+-1.5272588227813786	1.920703503673516	-0.41424916217934793	-0.6969790703291245	0.8491640366644803	1.0421400089918866	3.185226576940456	-0.14204322282946674	-1.297490163970504	-0.2816388401732277	1.3548450284538671	-0.5282477576597775	-0.4083785911062454	0.3914378414187321	0.2915261500241566	-0.4156139209182445	-0.4002399454033466	-0.5174137471930453	-0.36519016846200536	-2.6431418149130046
+1.5746482836909124	-0.3765617557956756	-0.9610392378006044	1.264408422374557	-0.5491781603221076	2.2665066614534264	1.0222595580799438	-0.42418723796894603	0.9198666460120026	-0.25166243876147576	0.9188187110465916	-0.8694720892514489	1.3500590081714554	-0.8683763001108192	0.2058737275579564	-1.4330188879819394	-0.554765935438242	0.2592005143859049	-0.360886419208376	-0.9776656947157364
+0.4166127968184379	-0.2403399965893478	0.693368635020572	0.248454743420721	0.4614387230300682	1.3431192552712483	4.51147546910666	-1.4785614363301918	0.6774870096642	-0.512759517574491	2.485984544128798	-0.9848453373424392	-0.8071040776278213	-1.1387835927330578	0.06829399701955205	-0.050890426181747335	-1.1411872642499161	-0.23527356483335016	0.4933136009308727	-3.1790424527846923
+-1.234831036473272	0.1346996935608397	-0.13384555629484876	1.107829324222268	-2.495411542408338	1.4056605467491947	3.771183250095748	-1.7519158745197123	1.8812310828696648	-1.2236470873058574	1.9851854524919528	0.1213182747522412	1.260283674727517	-1.330223969251305	0.3506122184601658	1.3225858438952598	-0.5858097003607459	0.3942601800211517	-1.1659554962437335	-2.8279260143032734
+-1.0335494075305929	0.4921962461199059	1.4853118659613522	-1.5691358773257742	-2.3756293822511894	2.6114735247392593	2.3617280713082773	-1.6730547239389408	-0.3359615603616615	-1.1290548185956792	2.4171465362919733	0.5854426444513618	0.8883838952291618	-1.1510358562933969	0.350969220756343	0.6295683065915032	1.3116777307836631	-1.2375306688079024	0.1990455179115768	-1.2016773285470643
+1.2652252844635228	1.2691066695440252	1.557911884661319	0.2772566610486873	0.13334861363259226	2.857750456471459	1.5928068290675232	0.7305540712122814	0.045187833702516986	1.3889403556387536	2.0593499314787618	0.012714905362808008	-0.4414364145797793	0.9459673545264566	-0.8605159001879943	-0.10091298507926996	0.709815540689126	1.4226824307556112	-0.5398943089314526	-0.7408619710833242
+0.9882938330971428	-0.12615340704839545	-0.845168144712235	-1.03806556979161	0.7169104093102628	1.5937543821980684	3.2646601278069167	-0.17819839945708105	-0.2231826464874199	-0.055643701156538806	1.8532361185576007	1.7016003399762132	0.3594849578717528	-0.0905814616171632	-2.0959387300647028	-0.3162112250560232	0.1731082794484872	1.0492357045339615	1.1312349951005922	-2.43605261726707
+1.235414995615293	-1.983801944000015	-0.5125122173497869	-1.0596676903698283	1.5407330025950334	1.279194330881298	3.304422177422331	0.16020370891560218	0.5910915691218047	-0.31044715939677503	1.6419420561468874	0.5110887560771623	-0.5820352802792805	-2.2141896812118214	1.241207110737505	0.4953752054026793	0.3551070865422593	-0.5121740577331807	-0.365419845014096	-2.582404977309553
+0.11960836600537028	-1.962205295107201	-0.15289727482282942	0.8725721293803249	0.1880426317166932	2.0033747419300845	1.1584495263793702	0.7976997481765554	0.2378162773860257	-1.7200788876412745	0.8117221615949033	-1.5827576575314009	0.6134556364801715	-0.025465055538215133	-0.8063013580291488	-0.10144031832279084	-0.4235757997947167	-0.2810292805472236	-0.7307302195367688	-1.1514871345239688
+1.1410055867420388	-0.0682072828173351	-0.6179677133106078	0.6688906888630954	-0.5444312659823591	2.086792552499935	3.0978725163981924	-1.4391788534823236	-0.2762492777391574	1.1301287232565154	1.9397580099221807	-0.6914697874633181	0.36363424012930895	-0.07203997635327923	-0.029777473253705482	0.7587559172352559	-1.1563115875864305	-0.3478130956044409	0.8119126363450945	-2.3155438121967973
+0.673159354530678	-1.4525380330508713	0.3116188181253339	-0.3672707131800349	0.29049185256953325	1.6564484699714122	1.1138298152043986	0.43666851803258	0.2167858707407041	-1.7720187699864998	0.3217318243148224	-1.4162725873363549	-1.372787575891375	-1.4431996255328994	0.01910570436680356	1.4611679444318662	0.6166948818307844	-0.4518447820066962	0.11090421935354654	-1.4511681443950488
+-0.5126992309410434	-0.29327129972201604	-0.7209033177609449	0.11823514456593985	1.0185048212158117	1.9880767397342	2.6867533863581365	1.4651352081500577	-0.3856674283797609	-0.3023199045826741	1.4503684961095584	1.2440009833472925	-1.7541792319060168	0.4279862621232771	-1.2948249075710545	-1.0312961905396154	-0.5807966585635058	0.12769552442732676	-0.5434961483019195	-2.276250027804859
+-0.9251586767059616	-0.6668426869708922	0.8384683970704261	-0.543483744213394	-0.04349719491841286	1.4848098742043832	1.0560640865465991	1.2838387250217658	-0.8577950866459149	-1.3306940205444855	0.2410028260332191	0.4863097554471187	-0.2311486116267237	-0.9415322329134116	-0.7620857027171046	-1.1050629541019448	-1.5517506047818863	-0.9896720567103554	-1.1013008852559325	-1.4095714928108345
+-1.802779874297435	0.4739131172088667	0.5882874842481429	-0.17679622688560145	-1.0379381331007251	1.863771146520504	1.5362319863225848	-2.4203027811316447	0.4326222740866417	0.6002322205808268	1.1069945889011747	0.2335237445586324	-0.04728318893665933	-1.8637614728240095	0.061502658839190816	-0.4561027784341833	0.5416441817692238	1.5556234254205492	-1.0133000372245216	-1.2617243056715275
+0.8804226522720447	-0.1553428963129469	0.5332395252099033	0.11490445269063974	-0.4450537172052856	1.7800410306980143	3.7395117233702986	-0.19389717274162285	-0.3585309990087273	-0.6075997472534185	2.598024569503534	0.7193554058484555	0.4143549608996369	-0.37886770079120985	0.22523120196878665	0.6312797142648373	0.29595906361444474	-0.17987914782430053	-1.3578165851984594	-2.3368371832255193
+0.6690921098074866	-0.9509772885053852	0.3997533354034768	0.9405680436239984	0.2152158899526536	1.4473172321946322	3.5482198328445427	-0.30036433500895177	-1.3309452640649235	-0.14999503492937588	2.213838078184164	0.3977302278266586	-0.8418293270515786	-0.2126355997910768	3.0715313053875555	-0.8338324050611114	-0.4880340143109215	0.18525174461346006	1.2426517835216655	-2.377694615529796
+-0.1421114456061788	0.6484214040279018	-0.3465924110473699	1.5446464679946714	-0.04072873130807622	2.7974427863630877	2.540007377849729	0.3946453608920667	0.2147433798461805	-0.6769952534993621	2.3785698839991483	0.17070328925889125	-0.5752453123193979	-1.550124981183774	1.3037492341011478	0.7247235556904705	-1.1851255879599687	-1.0355371198641157	-0.3606096792868816	-1.4936752578335606
+-0.029424362337260444	-0.6178938971148398	0.7744659403078231	0.3039771345654565	-0.8925445961734961	1.5700188309652008	3.4464399245827417	-0.4122113508205696	0.3562300507167385	0.5008381976608177	1.7695082669597608	0.8160600391585785	-1.9740467296951287	-0.8025742879063609	0.8292517999551156	-0.4781803686398796	-0.1250348451682652	-0.1839451851917749	-0.4918039772470273	-2.711114396895736
+-1.1082876615290396	0.3783167097676375	0.4750737377035799	-1.2592911809870193	-1.1392700666779494	2.5869392888026868	2.0496131393403125	0.3139599073952793	0.5667356248996508	0.4388983719666216	2.2640126566004173	-0.2428416252436295	-0.5876400784083102	0.08810883117571265	0.15866318552444714	-0.1656049176198418	1.0208061296581992	0.04222288016830168	-0.16483617313537774	-0.9847295670555858
+-0.5469368430325561	-1.0926493335830798	1.2190092098989331	-0.6824703376670214	2.251389815882725	1.7829154261741558	5.048892861513019	0.2965316982780212	-1.3809236060128829	0.8498975242450165	3.3540842491552256	0.561366166539981	-0.5351390173092582	0.20670892371099275	-0.6895084141676261	0.6807547966206714	-1.7191208673634557	-0.6291748608978927	-2.3500834589654507	-3.1118766923148686
+0.020920491049658638	0.7027441578490573	0.08170904469528671	-0.24669316258992044	0.3056616562731453	2.7371695012534407	2.8683375919977094	0.538217856133155	2.2918827568948688	-0.9237203601625924	3.089982186214145	-0.4337284517443065	1.6067902017030262	-2.116400787011476	1.05588131954805	0.9867409511837284	0.04275846625683837	0.13198012785877802	1.353765102378402	-1.1867148800179004
+0.7008718493347771	-0.5680765465716158	0.6486026635748863	-1.2170551454626664	1.0496586255175613	2.069329338195385	2.4572071098481056	-0.6734721977897222	-1.231623716057393	-0.4525119738721826	1.586974306051092	-2.2928791579777545	-1.5414762848642036	1.2848588463010089	0.7702063901292139	0.5836246566057379	-0.4836073857242066	-0.1209471490835658	-0.5237488950250475	-1.9156525592423943
+-0.32923693977194085	0.7736872114558306	2.4780804018190428	0.4855206525476325	0.4021679784422417	0.2597731978805826	-0.5748762225002332	1.0570134307512908	-0.8261899095431723	-1.3436698347988711	-1.5544302042076787	1.1424536948089392	-0.9583576417302212	0.22830375884373574	-0.825731106903978	-0.5442101029170942	-0.3274919019444577	0.8097217279088726	0.7603562755121279	-0.8694352309275695
+0.9731092767871748	0.4522827566701017	0.2680824083043272	1.3118879688879106	-0.1273370614035902	2.327319312864987	2.288356659915173	0.7878960717328493	-0.8518929787211744	0.34635146886010704	2.130377021623137	2.4940488982655533	-0.044172907142569134	-1.452701968003817	-0.25539899515499864	1.0695336669640705	0.4119544564991219	2.1463377494699056	0.938572624719928	-1.2996225972161055
+0.27750959494413063	-0.6572612806921747	0.4754458957792205	-0.4386648845291316	-0.8352355098443062	1.2045966645672042	2.472353498943236	-1.3580077493508007	-1.2784719142764764	0.597823910798153	1.0286630364137306	0.8897522589041525	0.7183564809309552	1.3936243649891231	0.13690432943338085	0.2364685847657137	-0.8102752174417753	-1.9407869752674285	0.5216721052671571	-2.191106761156213
+-0.5524121943437592	0.4324252075935516	-0.2956005155541632	-0.1135456542462339	-0.8637531001731001	0.9100585936458309	3.259501525517466	0.07608846516334704	-0.016821631935929737	0.17770675749126574	0.8807707123355701	2.0064556419069777	-0.9088909360468796	-0.9710136282422828	0.4514663871314964	0.7914767591814829	-1.0117347218774508	-0.8983150902874757	-0.4724604619784751	-3.1261505124025346
+-0.476667738499993	0.5095124255636537	-0.2686531172961019	-0.3535626312209125	0.7522230149785379	3.4329854559565525	0.1356524588518273	0.1479163790179784	-0.20697649457878745	-1.0584137161924674	-1.5814767368456295	-1.0684985374164642	0.6719268515203786	0.21813255039128465	0.4959365608359233	-1.6132290533450468	-0.3960649712218743	-1.026183306422255	0.7613216539526603	-2.642764398606253
+0.5833618502756229	1.980347655302356	0.7362153315700787	-0.727516254601993	0.0075960377691667216	2.358839208691481	1.6033958800823025	-0.5470476566480859	0.1524416265914658	0.8239554312118085	1.8115170209220104	0.03441108262323326	-1.1726416053173037	-0.3720127395623672	-0.7565662878298344	-0.5560623123890711	-0.2892577344933041	-0.6142295535806231	-1.0860886586005016	-0.8330994132885878
+-0.3652634356012456	-1.0360178402325717	-0.6347974104986065	0.6895916367636926	-1.0627523398475025	2.325086896928978	3.396576083255777	-0.7371800960468861	0.6979841996897471	-1.1773441176808552	2.8058520456858105	-0.962438419377952	-0.5233889996289356	-0.3343245936989417	0.8413064168568885	-0.003379088852990876	0.4203594522798047	-0.5056876152370523	1.0223412505151968	-1.9212696123633484
+0.05500390855905265	-0.4827546859440611	1.0951469704674694	-0.7075771307730933	-0.907623980133163	1.6902783620156423	1.009758312434171	-1.5490134531166897	-0.7607306759067624	-0.6219908585393327	0.2590787853104337	2.6449597889308696	-0.07319944945070572	-0.31439731757781986	1.2767882073888053	-0.11412741411290532	-0.00894525614814614	1.002972116612315	0.4923515255648224	-1.4021161515779328
+1.269168407340059	1.3696522534135722	0.1923464833808599	0.13477914838661614	-0.3548537968017637	1.7302695459623842	0.6995799181317361	-0.16564640638856887	1.4636306777839558	-0.16293924384872455	-0.06468608238603446	0.8791046358913516	0.7335477148383647	0.3096615221549914	1.0826826523525317	0.04396803631819266	0.03873845428677308	1.7386021884926377	-1.57836522531077	-1.364592047694599
+-0.9065306590530072	-0.5764585133906066	0.4533682107321485	1.0175602239852777	0.08236616935990708	2.322001012891657	3.7539287106789527	0.7527327389284063	2.491816157853236	-0.505848600672184	2.887781237222197	0.1967850415749898	0.09132517484601156	0.22894921808081314	1.3734054870861123	0.20836886686826345	-0.2399442907008024	-1.0622541332373914	2.32578409117716	-2.24680718836753
+-0.0033313467544202	0.8829655800599139	-1.6636555656097944	0.30038038946077045	-0.7648132551078605	3.884009906559937	0.06026091592532067	-0.4556798784297069	0.4448472001091108	2.2242185876176044	-2.030793739573518	1.5852165275831909	-0.9018095488428168	-0.4951827977111728	-0.5149842220928732	-0.12792554001357226	0.13728895890262896	1.8356462303901908	-0.34628665249226465	-3.1086352982757783
+0.7530937977258441	-0.8793049284253728	0.7109619997360402	0.2672149858926614	0.4179285466078878	1.9022314522031918	3.2987977485376563	-0.41530207508773054	0.44753493997934296	-2.348026253365752	2.026229306373407	1.5188402096068758	-0.2303904427223296	-0.5604765032938567	-2.14536439388392	0.00030127664565597395	0.9778092504093544	-0.5046378683382364	0.518938571921895	-2.406534181043475
+-0.0677930363367172	0.9019142160402144	1.0826172673790353	1.032478465123618	-0.5617500927425254	2.542995529944504	2.8313668791137485	0.3600044352112717	-0.4588451308575965	-0.050023375738935484	2.4161788241527917	1.4249291698581994	-0.6092896619270113	-1.2999103476532081	-1.295377065881124	0.12434326119322213	0.14709209472637666	0.8346147247714797	0.011885025304603712	-1.710822175842183
+1.2238695003240572	1.3850809247624136	-1.0045695855387822	1.4241083648753596	0.4134417321609469	1.6709786857618503	2.3908930291761594	-0.053310545408637236	0.7870865092160486	-0.1920833137470679	1.5697071824780808	-0.3044306915156969	-0.7076625217101292	-0.09503812498495524	0.4635847052225626	0.9584718122438786	-0.11037046926596447	-1.718773301282146	0.2971587465947135	-1.7379256211147995
+-0.9576073346251464	-0.8930224632533063	0.4400108688848711	2.1176446004781595	0.6137124936892242	1.635934580112441	2.5638457089246813	-0.4715076703448204	0.1390083661671896	-0.3005472637840963	1.4602927532710759	0.197374202485721	-0.018695048481603974	-1.2853178005598258	-0.3877503720722217	1.0854418919619369	-0.15905449385713782	-0.2447550018529287	-1.3449109677504345	-2.0234490039067605
+-2.0014946652928254	0.4008563538126772	1.284546640162454	2.0490387959982748	-0.8858819827651856	2.3053278489730684	2.043555452474301	-0.03685157291107207	1.2982121974514549	-0.29406355440716164	1.7065768664587888	0.8355328503031196	2.2329449085027213	-0.3730353853793912	-0.8140890141528517	-0.5582063132416109	-0.02129272094464308	0.7808133845424405	-0.5199122156420262	-1.4097805943671116
+1.7907614372924858	0.011145671858206757	-0.4273587528844513	0.5054710712215835	0.05753500393312647	1.5441738476560931	4.356119374482047	-1.5367062979906976	-0.2907699722957929	0.3594034328370984	2.7766603733317674	-0.716922349759739	0.728195185394509	-1.4169415869998538	-0.2850349660167171	2.6553402951148657	-0.3089813991749924	1.200197951704141	-0.4169292690674289	-2.7951454489215437
+0.19761762509689504	-0.6521052083600727	0.4181145999963705	-1.0357369765332527	0.3774037026090516	1.828369433685208	3.5802029136319518	0.4417790084402933	0.7525413390477906	-1.2267552866947806	2.401841329233397	0.2993077509098046	0.6358848315841603	0.9019598401919684	-1.108520084811017	1.6904701189185047	0.4646857922989148	-0.7184106924822625	-0.318571504849588	-2.3535459910326453
+-0.06408444122782704	0.09129166621114444	0.07029252971492504	2.7736828978375203	-1.9692218872848557	2.9817369582308726	4.515200903810607	0.25062154712704593	0.6392501352089147	-1.1381325341209672	3.927671244593082	-0.7659506477307092	1.166612150930744	2.422994090891371	1.4956824387203616	-0.7840187430718758	-0.12928456621212125	-0.16302313657853035	0.8642410010381918	-2.3383571203437308
+-0.2432147198887513	-0.5453532447921198	1.6057340333710466	-0.8957691132200181	0.7767857789353484	3.1023970001237164	2.9611758164758086	-1.4152396938271667	-0.17238607298198338	0.7349252369004419	3.1299501212009613	-0.07473318895620759	0.0007636314021302159	-0.2393883582088851	1.0592390839335102	-0.26227746633375304	1.93230024352111	-2.2644252255034774	-0.21430822081766468	-1.363387994399582
+-0.6003573030903941	-0.2861693513584305	-0.5372342917252593	0.4333561763339038	0.4231073188531783	1.5812760224981492	5.714455960932527	1.4441910901611177	-0.4856962711737569	-0.3008437083300901	3.2812425437398627	-0.9486234094932954	0.2259967684920629	0.2619074703719612	-0.036692204590683765	0.8783389413859992	-0.12397304751745325	0.8136608429347919	0.3217952793576086	-3.868329229793111
+-1.9439740642072567	-2.1600693951019228	1.4363746395107222	1.5337404660489315	0.19078538878886175	1.4390904315480357	2.6960653101403405	-1.0443144938735622	0.2922944555250187	-1.3295603290197338	1.0800582750478611	0.571108069365942	1.2936982062594258	-0.5132317323259642	-0.7039987129543175	-1.1993253733914686	-1.5764227750359747	0.15272065360385248	-0.12923556834547742	-2.4654648996762667
+-0.8299475394845793	0.4793459131416379	1.3783207294647946	0.5935468724799494	-0.5841653390186355	1.7651382607470083	1.1785643295073345	0.2606096519467143	0.2643082404013817	-0.2667257407984492	0.5424352263450816	-1.1218899624068217	-0.34452754711500755	-0.5759313399605643	0.3285443985147117	0.5399364336113526	0.5499006514856264	1.1611540971612364	-0.5833398165140331	-1.3522176785471114
+0.750611838041341	0.7351114571734384	-0.2357976990879189	-1.2862848257122672	2.139641535055575	2.1089859743089328	1.6762401702255012	-1.0044960583707188	0.4321454465879633	-1.3257324336250549	1.481001438578892	-1.9375560999160744	-1.0636837237310417	-1.3582725811759673	-0.5100578210902735	-2.0906930309480822	0.5824608266164903	-0.2619857232713457	0.2289686883811375	-1.1464017759874143
+-0.2875959462569996	0.4735950685005853	0.1233570744319005	0.4181036876637649	-1.948123640494324	2.9286996664467577	2.3309497467828444	-1.015692041284148	-0.05238100710598418	-1.1308344439669606	2.5492199008612793	0.23445886539264105	0.7577845209325416	-0.4086164396108289	0.7612743100448471	1.313421519411316	0.02975460442007345	1.012902974693255	-0.6043090753253537	-1.1395727717699875
+0.399188675540916	1.051485551975396	-1.3596818369378332	1.0316178332164507	0.0724302958908928	1.656837875495656	3.8135448489635664	1.2249798840581887	-0.6683250414627662	-0.44848826597488894	2.0122862768041765	0.6836156936574538	0.871841974082707	0.7456204304397702	-0.1680218739508332	-0.7564236380098673	0.8746167276334742	-0.9977411387535112	0.36133971624725175	-2.925598090762444
+0.3117146125071749	-0.27367105664188995	0.21180263497907756	-0.07760204005752984	0.035673036767129906	2.387983306336785	4.706387286358583	-0.9578325355578868	1.452350881861973	0.6231711985001551	3.3855289481852875	-1.0022023758320022	0.5131015704227361	0.013664588304865943	-0.23597344957725325	-0.4882209765908194	0.2629281407481283	0.6789361892009779	-2.094347254072613	-2.878015482344443
+-0.9848286603701792	-1.0086266703011035	-1.2922285311573352	1.121755635827733	0.437491124257349	2.8547355370123535	2.0090843166081163	-1.9389762906599688	0.10881478767820073	0.6084180979048448	2.4429778909119158	-2.2106031885291757	2.982029384218293	1.2610267479125878	-0.8563375356483675	-0.021001942459403	-0.1337335540852778	0.19990190263866514	-1.6523775664182168	-0.8534654380737174
+0.7377898725003101	0.5270301569096658	-1.3617000213465165	1.4515253827065033	-0.559486752359962	1.361162963752438	3.3186880279221636	-0.01303219450647038	0.12442429280510076	0.1618713130439463	1.9522010393943867	-1.1256737331019406	-0.3761571587112786	-0.8048124141339282	-1.0417217500509592	0.6949461197323408	0.7536224966301338	-0.37518518838883663	0.22184245352840756	-2.3357466092285217
+0.01795870111983534	-0.15505625169990975	1.3682610157428468	-1.5273767658090307	0.4127538481271831	2.297775981358152	2.2942585975239083	1.0032569103897226	1.7138405446138736	-0.5094393904050415	1.9111338511055127	-0.14140180620656634	-0.1010290069145633	0.6370567575155008	-1.4406997554661205	0.008787087175001556	-0.8972642603382903	-1.6899568948704065	-0.11035784888927552	-1.5003978293491054
+0.8349618896577504	-0.6090340454345506	-0.27836048603483043	-0.33008119695409005	1.8620959235926644	1.4939124573731035	2.534161504358788	-1.3671062836656542	-0.5609250048813744	-0.7619755043318766	1.4043906245834217	0.32346219180766744	-1.8523323877483933	0.28345973448206885	-1.0880826153788803	1.5467442789426824	0.3013056218998304	0.4529343644035656	0.7863334649233997	-1.9993347733147704
+0.43314196004645134	1.183182645004714	-1.8749858938286268	1.2297778703293696	-0.002211155726227796	1.3495066430409666	3.669360287993056	-1.043018449780227	-1.4731645596768688	0.3218398595528051	1.8152620685800915	-1.0557021561152955	-0.13432468819614926	-1.4567632879535681	-1.2825252273977652	0.5223526084013664	1.923385006543196	-0.7274829537660861	-0.5626200239626561	-2.8538154260962587
+-0.9474634974270788	0.6369703642218604	1.5631668142486843	-0.7818921052109821	-1.3918450994009723	2.782835053901796	1.9520751417599251	1.93852695967334	0.8650547106127829	0.04545138266748126	1.9347624092918727	-0.9831228861424828	-0.3042069725603309	-0.9968317226048562	-0.5934921573727676	1.7073757094606024	-0.37275030048175	1.0344985050210518	-1.2627791397953645	-1.2382676357257625
+1.0288781775537776	1.3497453978117082	0.4080483141598927	0.9420136357664776	-1.5537257865507057	1.9115791143452676	4.960184981032533	-0.118318093195999	0.05154150697467328	-0.12906498012405052	3.1897458015432485	0.5592195008791052	-1.4290367063357206	0.19347169638643152	-0.11039911771240173	-0.6770269879968817	-1.9364661480690613	-0.019615795548105185	-1.0920618292954238	-3.2025976020394262
+-1.1255703345797468	0.9887519215094578	0.9494242082066332	1.8609302053494183	-0.617605866081285	1.981468913147384	2.7968004126653536	-0.409886623425432	-1.3721265714258353	0.33289633349739856	1.842099834832251	-0.5265078538028466	-0.4234305571819214	-0.181163917004194	-0.4595546579435974	-0.6147320852857083	-0.5641997115341427	-0.8907750257002216	0.5888774221302534	-2.0355266017313243
+0.4446084202502826	-0.24219702763221074	-0.13159829497403375	-2.1873122828386147	-0.4991549912914671	1.2733698312446269	2.715494547348113	0.16591834123280386	-1.4921126455473783	-0.26382111495694216	1.2005362896916791	0.9123263257334722	-0.28979959883521883	0.5272220959092029	-0.2838636467803784	0.16405023386601114	0.7542954045405754	0.8627526388924353	1.782259696956077	-2.3262784727223296
+-0.7274546332830187	-1.379628526078342	-1.004419847277354	0.4696377949455288	-1.4429744219930851	3.0438874194022967	3.612754841589213	0.6323738493887369	-0.6319032290600979	0.19075519779450076	3.5031454293741917	2.7651482147838693	0.581599858344147	1.4475318377303783	0.2187049359203952	-0.016463187585465954	0.1504255722095556	1.2492821923763109	0.10969215508075868	-1.7339638672451725
+-0.8464479625652498	0.24403977455962936	1.0620206551543867	-0.9569459722034078	1.0199969028460156	2.079582676478854	1.5925127902571172	1.4089925554176157	-0.7254777575159269	0.2849772727041869	1.2187612467122553	1.0150753121482787	-0.9367398810708288	0.9817122720517616	0.22434712483600308	0.4713701853367609	0.4409113010793254	-0.35821031801009523	-1.1104859478717637	-1.2861187234971778
+-0.8335518785575083	-0.6736182715193956	0.7705010025608595	1.9023779425875649	-1.8998522354758955	2.756817911438289	4.852337310705003	1.3458770609265895	-0.048586735458268734	1.3069501151863283	4.007022124982015	0.9227173464428178	0.4647858770762998	-0.8579726897824581	-0.6008728707746971	1.695887714436053	1.621848130992121	-0.7254435816672533	-0.9143667676786916	-2.577222548871343
+0.03828523975918534	2.30499737232678	-0.6651482359254142	0.012545139769640178	-0.5144692453987985	2.0481951793346966	3.3523902829010925	-0.23722744724856934	-2.649390830340597	1.2201386759241355	2.6755409954734684	-0.8340407633471549	-1.0654280177290398	-0.8812721591942397	-0.8286118384331891	0.6948455944140072	0.071208413280071	1.4072169241004653	-0.772700476632655	-1.9094036291800576
+0.5591904076152789	0.8520991264040052	0.41534575356401904	-0.11034425266522503	-0.9680961564304076	2.575677133452626	2.4324315481419188	-0.1547178868303855	1.3488180818935642	-1.6349247175271011	1.9354484454864251	-2.3130731036680032	-0.7749071926287809	1.1101274952228224	-1.348574102790948	1.1480759609506968	-2.3931194451461484	0.8322612537078539	-1.4386383317995668	-1.7164997756861522
+-2.644128369745319	-1.5493600479096308	0.24702516406682504	-0.7863613620899993	-1.7439897148663162	1.6041818964607526	3.954960034113813	-0.7518357089358998	-0.9353858087168588	1.2750792947349916	2.2250434230968907	-1.5270923998406143	0.2813011018193057	0.1555220160847714	0.8546768518197598	-0.4634883089035816	-0.6195926434638681	0.21849742383786716	0.7599518339155508	-2.8721084032289217
+-0.08753471812243503	-0.5855048524157443	2.205065012314366	-0.4076169131516706	-1.1542470739204378	1.2933172372635076	4.689576301204951	1.1091005675403025	1.1539366566885103	-1.7969386563104155	2.2383964433332166	0.22572336020364106	0.2673484151104047	-0.12703433021332622	0.409636606703197	1.16211395983596	-0.2946048604324758	-1.333533878136858	0.5641570758338537	-3.5938627300822605
+1.6832902412689132	1.391409991488713	1.5252877447563458	0.6004913757218563	-0.6666893200514004	-0.7058218845133997	-0.5434090680422664	-0.3522415300261075	0.2711495250188863	0.844692507210522	-0.7993570245738351	-1.7087545819846852	-0.3164948996100411	-0.6454612002149877	-0.2919674455232089	0.8926132247871932	-0.044693766069247416	0.2676790004760459	-0.8181839588411116	0.08272461059141811
+0.7175528849076579	-1.3608249487630502	0.4790233763874763	0.7062978693241538	-1.0087272461172159	1.699515387209511	2.0472284266047414	-1.1760675807084289	0.8788194982506593	1.5289397217554812	1.245133733378751	0.4523909839326161	1.2914359061515253	-0.451981801510628	-0.20724151150076672	1.4454753462757588	-0.3878165165455179	2.373810031602293	-0.7407334460367552	-1.6600281492753426
+0.887440118042033	0.2729616988122481	0.965042687374125	0.06558544542434806	-0.8467578601575918	2.4464646450283722	1.5988143653296034	1.6294784341804243	-1.0406877823083114	0.7520517028108071	1.6145242866515317	-0.7442926960389398	-0.5662955076269388	1.115835031937194	-0.08641075578037914	0.0037223617878501297	0.7823052910403725	-1.0002639809050446	0.5862996118495495	-1.036492984428764
+-0.01364920122941139	0.7235066356584124	0.4526139596776698	-0.24892106664703165	0.3276417902728788	1.215592045519506	4.188094982846291	0.009904297651453134	1.2296605546439987	-1.5029379249974046	2.185811309620051	-0.7712141005856427	-0.3942065169975788	-0.9815464979117614	0.1734274927093316	-0.37449197558516256	0.6672351997121623	0.03516950706257328	0.23176211331401775	-3.054749439683288
+-0.3816790126499877	1.9705258053975248	0.9474194060784488	-0.6240717397073057	0.9576216620279714	1.457721746977488	1.3772952694413363	-0.2147195322457744	1.5080383801439623	-1.055637014782667	0.4972197533208156	0.6642550148127779	0.42121733061990585	-1.1035944040635712	0.3738653768542696	-0.9880493624430846	0.3119755862025217	0.756704094764405	-0.9788872750771817	-1.5259264237289851
+-0.15090689212262914	-1.3135136882916083	-2.4841577426161576	-1.4937292807993892	0.8168796375109683	1.5091281985895757	3.051754663663388	-2.134503031139241	0.911539596500602	1.1288155541499532	1.4590179927193705	0.07569917745831778	1.2439136457203792	2.1608479392356825	0.2539569322900121	-0.5144077257338107	-0.4748376430622535	-1.1414162523068463	-0.5373936280428806	-2.5360137386605466
+-1.2275347948607858	1.3717723729208886	0.4340982375600173	0.006019584910618429	-0.6801431981733557	2.249018719542261	3.7895846598542566	0.05618911572260951	-1.3803242034350578	-0.408101385442635	2.710877265944192	0.3425177784428977	-0.8363878090843762	-0.4757243322025422	-0.5420494734794098	1.1380643853506844	-0.09494704207799128	-0.053010989319220436	-1.3011438633645769	-2.4289017493968044
+0.7639271858656146	-0.3852704409866445	-0.06116840966607182	0.5629872723830476	-1.2325929551100905	0.8199921273285704	3.891118096307944	-0.17323418364949214	0.2735690958134404	0.1122560276829528	1.4288097026336133	-0.3698835745594445	-0.12846193121970573	0.9588936944933452	1.0196659223962787	-0.19312296866763867	0.8827993000376971	0.2134242995164608	-0.7074489526816709	-3.3029628573794354
+-0.5195137797032303	0.28248963065618443	2.3670502684723305	-1.089933766739094	-0.859237479856966	1.6402646114726365	3.3303237374546653	-1.566983906063702	0.1959453496555548	0.5669379645398499	2.317928495463773	0.8677795985634574	-0.5317903873494579	-1.2664329871058009	1.5389921474814876	0.4594501307828977	-0.41182877607085977	-0.22667751486946344	-0.11271235899603245	-2.093695826158021
+0.038094800487996267	0.5435060186011955	-0.4060222840439505	-1.526978174043192	-0.04364007709092015	1.7143769734359466	4.5820709037981935	-0.1397607547944325	-0.2376120259587185	1.123256409565356	2.7124905281139924	-1.0112428944886074	-0.5232780372163605	1.0446421391759615	-0.010304216792500024	0.19806590580825006	0.3282811689190089	-1.2010734448503604	-1.335780413732088	-3.159792736341108
+-0.14270959047266035	0.26002352677941537	0.607860280935106	-0.7830316847928788	-0.014951240110465376	2.5894816308901185	3.0226801199838187	0.2272465522519733	-0.5571925781703636	1.3711606329127388	2.375474052944191	0.7503329690202869	0.7459191531425254	0.21416019082258264	1.2381482640824273	0.3658327962385043	-0.6053334959000413	-0.8295332258863574	0.3120160499818961	-1.9777760413023824
+-0.6756809739181575	1.079471447754306	-1.1999332876937	1.5664312182161262	0.5311591589406599	0.6302867195745148	1.4606346334851814	-0.4766200390807523	0.7820017595717437	0.7348260710807446	-0.10182208063616872	1.3648678746739982	0.3615557685506705	-0.446495269809014	-1.5402157447520224	-0.1532312285092569	-1.1155856726046527	0.9704677731142478	0.3132782116585783	-1.9270045034842669
+-0.7106092981703229	0.1843703738506535	-0.5210653387766099	0.7882273915699267	-1.4804866511689658	1.7684267919301841	2.185095887553456	1.23137067367275	-1.0517972543010152	-1.0565011442695995	1.539189508191274	0.7385575965720057	-0.8579526619458461	1.8134041574814892	-0.2288003258160805	1.024817289681471	1.1310797973357256	-0.19302348064758965	2.67696627049162	-1.5636167656273967
+0.9283199887616806	-0.6794442660359545	-0.5907113334180514	1.0346447453585614	-0.2430843483138111	2.2346155524468405	1.812531058400397	0.4352232054505285	-0.6402962524406739	-1.2252609938029084	1.4448750827218404	2.070143563241116	0.5909734720593675	-0.8891892346106776	-0.1762255499480367	1.4793019142672708	0.7901197863097068	-0.6287617441713568	-0.1629908615727315	-1.3708273550287453
+1.0186478185848902	-0.8186258715703851	-1.07082558839674	1.4044750356195759	-0.2980078596732726	1.1425620536895749	2.6391917643067138	-1.523628316495634	0.10907789563461373	0.8053687731220703	0.9785991246179532	-0.7360407539694588	-0.3827024727406241	-0.5496141643312615	0.5029534481931748	0.20273591754416834	-0.03830644578200393	-0.6025855771567924	0.033259104792453524	-2.40673717168606
+1.1662490832091168	-0.6100256048463902	-0.6118942873406289	2.029971327389954	0.31103130529847256	3.3128567212220066	-0.3682227225871744	-1.1131826995811984	0.6628120317320988	-0.4630725918950804	-2.645737651537956	-1.449935000605986	0.7864143970862417	0.04532728294045466	-0.7797708958065228	-1.0317770225334415	-1.9789745592104049	0.06550030978357675	-0.003503386858423674	-3.0248241801531277
+-0.0533586908487865	2.176791623028444	0.31821084310154024	-1.2766297857439441	0.269773355357959	2.555159090299888	2.5977040237956914	0.4000147596611756	0.1126910081593768	0.14719455227507394	2.2153031872062137	-1.0259332400342769	-0.12600008982351166	0.6794281437187687	-0.19151254419983724	-1.4630176670540913	0.8565841929076652	-0.8492305698552567	0.09497178212108416	-1.6373591088008024
+-0.538506828340042	0.8946977887921799	0.8902185931571148	1.9506597920004267	-0.9506953994397934	1.6637511360034265	2.055724981986931	-0.9796438016770485	1.3385547098334702	0.14965015372693535	1.2073203388220746	2.5490267942445644	2.2278307183857273	0.4232899404564634	-0.36873070515686185	-2.0123015663352386	-0.904884377670821	-0.3861814948327561	0.004498743303437343	-1.6939096535420275
+0.31588786724424306	0.05241800120296782	-0.660409475315263	1.6298096159563542	0.6859346863276098	1.3246660251110869	-0.8230310220401786	1.2491638071152087	-0.19593943612925385	1.8249214106637168	-3.043779297804585	1.137806906286491	0.07270387918100114	0.5732248901434226	-0.6012599652901264	-0.8735250866768349	-0.09990590531942256	-0.5515723920660098	-0.9434684285224694	-2.2870705671031226
+0.664333401792528	-0.14899329760927724	0.30319383615397666	0.4778643376965752	-0.8634191888757885	3.1588275836555657	4.534790309970732	-0.5087444137528151	0.855335079565842	0.04916481961676978	4.313410957087214	-0.6640483549238847	0.044522190129732464	0.15284614587740628	-2.1003795260269498	1.542912579098876	-1.2879106309244106	0.8565754201538678	-1.2530471101940006	-2.056246294310101
+1.3465333732883709	-1.09692935668271	0.04536354244166674	0.12368396957027268	0.8467356167934995	1.9693627761497905	3.4077978398740543	-1.1407383421040411	-1.1681136968085462	0.098392002977311	2.37430986004332	0.5996787876596983	-0.16433178442895713	-0.023301383004994312	0.9652154184581038	1.7588822123592558	1.3431881749413712	-1.7637000061647017	-1.8161728350794741	-2.2270796534201422
+-0.5837315518436431	0.13259156386065885	-0.14539135594554908	-1.5405664756320387	0.34663827224936755	2.2038017323925345	1.9017884579084283	0.2744457747303269	-0.14224639360792032	0.20187300743399966	1.6823035981585988	-1.0541950872736685	0.7415272834438557	0.14233090606411902	-0.4883293890530258	0.4021786047123984	0.931153806285668	0.17293671766450044	-0.023803617345703337	-1.2423078187723509
+-0.5570615931965526	-1.1555179923477563	1.2633379723509903	0.5501010885352858	-1.1834276985097485	1.7221446851366218	2.9386511802151736	0.4813616742449683	2.718181665880015	0.20316463121269465	1.404953817679366	0.9803252081948456	0.9236683496038416	-1.3410592160987471	-0.7614151485620896	1.3345414836465233	0.13360700741108336	-0.8792661252273373	-1.603502683804919	-2.5223964976944435
+-0.4188373448546324	1.037027271912658	0.947879494300537	-0.747801713329183	-0.2342997470753537	1.7385231348605632	7.436063128686273	0.4276306151257737	0.21292592132776947	0.8519777349618294	4.7127852900013965	-2.1062924527135385	1.1603181901263635	0.839474355139654	1.379704484382984	-0.08038264543191641	0.4363204621457232	-0.3933055978775116	-1.0233393685492629	-4.528270077767918
+-0.5192979253054466	-0.6560215037403326	0.12043400448330745	1.3042972319536457	-1.5942644619231152	1.6439469066455097	2.7762055139952992	0.5633705166363252	-0.1551088436640631	-0.1028202818901331	1.6655804659154465	-1.6354308695992612	-0.08447713329069609	0.2190501659159668	2.5976122612963763	1.4273816063576499	-0.5321541570437919	0.11927090101838385	0.040126206989694144	-2.074874894128924
+0.4204484638871751	-1.0037016791510045	-0.3461370847235719	0.5360662805757384	-1.9737901336317087	3.1385380497259785	3.5331323668802828	-0.6425094172601967	0.15663652614092285	-0.4761023350416621	3.5731076891720024	0.2676512966837469	1.067753645457387	-0.8856444696119857	-1.489630303142243	-2.2880957032410763	-1.0491991634974585	0.33642858061197617	-0.7192338289233191	-1.6078476793612604
+0.8537830319594741	1.4041322470901154	3.6418952263347006	0.6034879738663729	0.6304874350235915	1.4965128464849655	2.37483052945217	-0.5701024431671273	-1.1527151831540283	1.1128893252304517	1.0076971313985184	-0.07407621474849972	-0.9081537349612208	-0.4851493067686586	0.4199210014876588	3.3288214561367706	-0.3675963777068635	0.2887060979676332	0.08991159787109497	-2.1879706887024115
+-0.020628769645490264	-0.0032967495187343388	-0.4501830830156778	0.26090730052959604	-2.271863044086535	2.420745421170332	3.893902051879768	-1.2000591674699577	0.3130480146470281	-0.4627760747623806	2.5632271570087988	-0.4838107662698698	1.4476581668704542	-2.0008563869381133	0.6066836310969237	1.4331961594624956	-0.2387671805162315	1.1070732426540395	-0.8394505363926305	-2.7343501738843763
+0.3721314014631772	-0.5676054693573054	-0.298828266500998	-1.0631070892051282	0.12188589337977518	1.7767657498645797	0.9369944119475356	-2.4258378247271914	-0.6960560725375087	-0.6374253696078421	0.7258222118075017	0.9764206346301876	-1.5788995567721558	0.2184141617421292	-0.5714482473816488	-1.010336575121777	2.014786300008805	-0.6214315555662153	-1.1079911093320371	-0.913968241423992
+0.4487836086290664	-0.23631424712433696	-0.6738039234758446	-0.7284407528613063	0.9802444263833888	1.0338265475981838	2.700624805326069	0.18845717122624409	-0.21368769880386013	-0.3467329335668208	0.8969244282235194	-0.18436524130566811	1.1990088506374994	-0.21753887894033996	-1.336420554321479	1.8451024069916395	-1.4534477045194636	0.6265600073138591	-0.2699226734712569	-2.5190088670898594
+-0.09471792677187456	-0.5135179012041948	-0.14963115526285822	-1.5194028902484789	0.9154853559873898	1.4820250138410531	3.4200047769728315	0.2679071947159197	1.6774744121586138	0.3761148943111244	1.7395759699099076	1.3387808158182166	-1.1190785208079892	-1.4818005068326587	0.5633874155754541	-1.0404197996089612	-0.3974499059204859	2.0962622271985043	1.0813514959083736	-2.682764355594449
+-1.2662896483050952	0.23234124404395246	-1.2842969729218312	0.025936041176376167	-1.3010170030628716	1.7501306686635911	4.945870948979478	0.5065549298810499	-1.9706670473471375	0.4051419524687676	3.0972981698626234	-1.1150314100263885	0.5645772755872404	0.028125494659832592	1.4142074359959589	0.7464985369010867	-0.3375939749165018	-0.35619209162794274	-0.11339420295966875	-3.2238123539830137
+0.5344443546920801	1.9754193242597669	2.745267837264514	-0.3257072460493911	-0.6694982677374978	1.826975762092312	2.520899623209691	1.2391116188006537	0.2361210811102072	0.7741449343223655	1.544927302275995	-1.0318988228951902	-0.4008747385476656	0.6706733870082953	-1.617635687435056	0.0861088671804899	-1.1129191024347784	-1.6693109947735312	1.0014532716471625	-1.953848591912209
+-1.1833216641221993	0.5459231627994967	0.07064780256505822	1.1931070513619866	-0.022338644824062174	2.1304748948102827	3.4419683184530743	0.4221405807258909	-0.39965204727182	0.18550343731278768	2.663649357780709	-0.5346201033472257	0.8427030601696365	1.7475823049972792	0.9929257712049214	-0.05687681060186753	1.8169057722409083	0.2969018734936701	-1.0340311577686288	-2.0458493646141918
+1.2597119755449555	1.064211304378213	-1.6186303127796309	0.28978825666562824	-0.28210381450343724	1.4061435191655378	4.191572454547886	-0.9749187968067484	0.05547777004960073	1.3789072176752388	2.07761754386493	-0.0910902811589923	-1.0493684130180712	0.8258545133505514	-1.5711391068559917	0.8225113661797092	1.2030669202067783	2.688526231697763	-0.19925995987759232	-3.2157733584366968
+-0.3450617457020049	-1.1705203628378154	0.2559816638660931	0.10066574276207957	-0.025700112890522302	1.890549750972936	2.910576636848324	-0.8409870840282226	0.7655691737076551	0.4074683516491773	1.9648904332949	1.2869779090489812	-0.1446569653487437	-0.29494001494114663	2.139405711211175	-0.2884951746955353	-0.6521626349075068	0.09911556151150253	-0.4420247197445718	-2.022770393323058
+0.32124200365030736	0.31226756032151337	-0.029920049695343693	-0.17810407019045366	-1.0709070582072646	2.275949277944105	-0.5867144131362929	-0.7049165219477354	0.2608837092069459	-0.171700711159022	0.32939839018746664	-0.425534718496947	0.7437150780073776	1.2397774485743882	0.2015452135892176	-1.1749026832899023	0.16142622796114606	0.7119318848617147	1.5025625154972029	0.28523502631590913
+-0.6849216342988442	-0.26739947823627463	0.5563186111134434	2.4952042071352283	-1.7343810027173352	2.096993757705501	4.008422432044121	-1.269496952849422	-2.3380136469988466	-2.092558097949271	2.536216185341196	-0.24571719438796535	-1.0335638073487243	1.579284226459286	0.7617039964846011	-0.3447191647413052	0.5561441448770215	-0.19730972211095046	0.2605971792746428	-2.791520804023888
+-0.42555019014684253	-0.23239495500411825	-0.15403819525104118	-0.05666070344057238	-0.8373015158079845	1.8785846268415451	1.448091112692591	-0.8808635740020714	-0.4762890340767073	-1.800370100201656	1.1016831606834852	0.7931896917081056	-0.01521672768948714	0.17747591858334075	0.9024951643750592	1.4768323673720358	1.7905949004186834	-0.0911013956636742	0.2609310709713608	-1.1718403973572071
+-0.6466673144669094	2.516022534894192	1.6420168650612217	-1.5972516533545091	1.1169513401798528	1.4636645929796763	2.9859531783099036	1.2607471153513428	-0.37430246013105983	0.7090057651109957	1.6015559076828896	0.10818018292704526	-0.9151561931256588	-1.3496304379430577	-2.423994162193402	0.3012835936684857	1.163048421069734	-1.4548330515715495	-1.0060895570269104	-2.3163952133778847
+-0.35340846164188144	-1.4154505748777673	0.5596772281483756	0.7035929818083434	-0.21753369529226474	3.0346103629958545	2.8077843256459865	-0.2875277608993955	0.16051508470306242	-0.7822606326669176	2.869420603313696	0.18336237729155536	0.3503413151570071	-2.2146739376099918	-0.9514113233730448	-2.1362745378306696	0.009848859271095951	-0.004147537980633592	-0.7787365811695839	-1.4116223753683703
+-0.4544613318847323	0.6419230426601322	0.24703793638570296	-1.1249450468525073	0.6404103227912943	1.5997895354672735	1.97014284212502	-1.1390758673668742	0.21039809691712885	-0.5063657922948606	1.333923840706221	-1.1195949532920544	0.9405819563183948	0.12622177250891142	-0.6855918362860259	-0.5717121573370313	1.8432803141314325	-1.153356415120424	0.6440226827603482	-1.461244717072486
+-0.6081699545264462	1.6105340393027947	0.7703363878069732	-0.818208382797603	1.1784187969425943	1.7593564288492676	2.9973735049160064	0.23978554008496705	0.1621241740544568	0.3795991657453987	1.9220663007530183	-0.023909545815334023	0.9755733764667636	1.9224802087421675	0.09273258503665437	0.6235907726238686	1.8661121197183128	-0.7829948815229851	-0.7727780725383955	-2.1209192091328206
+0.07256206917206026	-0.6098693197497123	0.6617912616239641	0.9019894050850491	-1.1029407287954514	1.3603897593625711	4.316473053218711	-1.2324688332575495	1.4893081068642882	1.3551119989012763	2.4146394805760325	0.006284102013591629	-0.1628288239690072	0.01308431604059656	1.7457283872001668	-0.2188235386717719	-0.857921515068338	1.7470398074844475	-0.2259335866992599	-3.0307186048066703
+-1.5060635527450916	0.7656872915981842	0.2550759696670453	1.6734069833805516	-0.15472386082766482	2.1383257714754134	1.9695870944795195	0.8873587732406031	-1.439908548514407	0.09825249368839367	1.427869613229685	0.021892150903499837	0.6352313342421554	-0.2578297819741109	-0.2909090479446508	0.6240297907602925	-0.015281764251504171	-0.2621117907462709	0.7868096892364461	-1.5346038269900886
+-0.4092728440917143	0.695541270383399	-0.9251354187942042	0.4605239567730398	-0.7546987539601194	1.7222365088494678	5.083681914222992	-1.1754685333643666	-0.007734582249153795	-0.5320256739788822	3.1435767564611936	-0.5179996616952594	0.5491430276617395	1.7102786994640695	-1.8912837665617304	0.10603577644695293	-0.2146362739333856	-0.293910449472995	-1.524863226303154	-3.3277803211348416
+0.2199205449477556	0.3338718181071265	-0.13261691275948356	-0.9440853889317338	0.9540622554201056	2.607047790477213	1.6925012510945965	-0.019886242901408908	-0.9589751031853936	2.009905589300817	1.871241137715836	-0.5296483412766111	-0.4342554955120449	-0.7998757786982951	-0.15803983071015726	1.8574102585484957	0.6421964667967061	0.7227815220671054	-0.9094607265833338	-0.9523074874786828
+-3.0699017272739035	-0.024937294152702443	-0.4485509075044168	-1.003859480238162	-2.5128726472834693	2.6750937740689538	-1.0130186643751546	-0.7326159235762664	1.9662168530408408	0.18156784107571	-3.62308437967921	0.14906619152320025	-0.07689180755797076	-0.2673316243346684	0.08503145461667967	-0.4028587965420921	-1.7484070136131855	-0.1839047668080572	0.1458712660103378	-3.0130709287896305
+-2.6040652337723427	0.9249902098054368	1.0474756163379138	0.3808370597239365	-0.2615842542129462	1.2493497371936146	0.8372650289205772	0.8016637583307692	0.8865861850989772	1.3356674828052646	-0.14393906592580796	-1.9321561405647665	0.42298303596991066	1.7754032762538372	-1.4816394916943092	-0.08986731773440884	1.227196153928395	0.9070135114981376	-0.4301867214198333	-1.4492302926076932
+-0.06615816960203896	2.009979529130306	0.3713735532042358	-0.5487484003197485	2.3544159434087883	1.8572881651916524	3.3230022631402014	0.3735478888166094	-0.8598539493190498	0.7274541656791573	2.205532939957485	0.29758553036688457	0.8972227445878997	-0.5747601621532991	-0.2127621916795853	0.040064364498694015	0.5849058397345099	0.8758434197897889	0.4663260930810838	-2.254363887228946
+0.18543498213986814	3.0513112038934844	-2.6424015306921946	0.8764021246988886	-0.3953153229944255	1.9075565797529936	1.4218322330290696	-0.5195408321168391	0.5455073292906822	0.6246218548016428	0.9584355772452136	-2.2635771383414567	-0.6561863207944872	0.8486496057693781	-0.5966266151068456	-0.6006020054228821	2.0603605160777265	0.11602230574467433	0.4886550176001555	-1.2835462572257614
+-0.1582698552315506	-0.08048346990253155	-2.148011786893936	2.047644705860473	0.7947162744855929	3.242804563537072	3.1537786543701785	0.5402497023814611	0.4272506159045248	-0.6354699283615589	3.262065129084129	-0.22929604213545826	0.7154856008886161	-0.2042624800307618	-0.2578743486811804	0.13661938345994426	0.4553653167841669	-0.6670519044995711	-2.0893270217727435	-1.499879266505479
+-0.8484574739703497	1.3067865576457078	0.25715573889589005	-0.5778920236798556	1.2522052635779308	2.5540397800380448	3.62109581483752	-0.32782688264878435	0.7393667994651832	-0.28375737263272044	3.182336120597001	0.6388288113204441	0.6913878844603908	-0.42013735166981375	0.1445696954158848	1.7972784288866317	-1.3269163979305345	-0.5374183207933991	-1.1487633221563704	-1.8939359370372515
+-2.130317782257829	0.6944206556053942	-0.5187934367784872	0.4910182874266096	0.9821391691462148	1.5947125814644691	4.651398959285967	-0.4079668226972564	-0.7617607267021139	0.37200223540319977	2.9925378597902497	0.3213832180477288	-1.8009468379200382	0.022873767566392908	-0.5948190671258752	-0.18142573586761535	1.0527453107966451	-0.7914376218356579	-1.2023900300673969	-2.9428283401869946
+0.6749106319022494	-0.14100011324901496	0.9696745674485816	-0.6012318064205764	0.9706395894078412	2.0205295534128647	-0.5705109230704828	1.107471162440306	-0.2333200858753319	0.5489383517969392	-2.331823083983417	0.5241875376117929	-1.607427755534678	1.2124152543792104	0.25644841454138195	0.5333111287645858	-1.7715901663386604	0.7643998152072085	-1.088005122340949	-2.120248490613845
+1.0784246103336974	0.6750275474270194	0.883320881578071	0.6851873084466028	0.2463794964155742	1.6240981608723588	3.9093035073408418	0.2591824998427575	-1.6014038225855325	1.1801464748015662	2.4755532139585203	0.7995931657601443	1.6483349264511815	-1.269517021279204	0.7198065388081868	-0.3671739224800498	-0.7364785132472684	-0.6205826123141913	1.708837288406762	-2.5947560181445284
+0.010035987199388642	0.2446441667110395	1.245919130033156	0.8854157890056191	-1.573923287330914	2.8875386799155955	-0.513386992362383	0.40135785761620013	0.5076563896403061	-0.20239357501585714	-2.560644060182517	-0.1450215571363124	0.5199643185069369	0.6728828829265034	1.5303075053292063	-0.9794419968244896	0.3655133608469972	-1.327131896650437	-1.904372466358065	-2.6555099509371605
+-0.2984991804837332	-1.6426421983629622	-1.0099344497295062	-0.20683063259480788	1.7371391385934103	1.9175803121382835	2.5305082449767884	0.6198917597202278	-0.5024984291905042	0.6767881974129001	1.569111670968616	-0.8206492678463314	-0.35119699167786794	1.0578552660085534	-1.0111524265487517	1.5038720931452612	-0.7474037040854009	0.6582529782133406	0.7064620422956671	-1.969356801153876
+-0.6512454621212219	-1.37373475613224	0.30085906666200124	0.0797497766512836	-2.195376961647302	1.132356514093129	5.6861294740324535	-0.1068624210733533	0.4255497794528917	-0.14106687226428918	2.6052434613346884	-0.01934725939162056	1.0454590995696535	-0.8660690232570448	-1.29000104081957	0.10819900014776096	0.7755088867812867	0.6015079687881466	0.955602538442458	-4.328064444458374
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/train_test_split_test03.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/train_test_split_test03.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,54 @@
+year	month	day	temp_2	temp_1	average	forecast_noaa	forecast_acc	forecast_under	friend	week_Fri	week_Mon	week_Sat	week_Sun	week_Thurs	week_Tues	week_Wed
+2016	9	19	68	69	69.7	65	74	71	88	0	1	0	0	0	0	0
+2016	1	25	48	51	48.2	45	51	49	63	0	1	0	0	0	0	0
+2016	12	17	39	35	45.2	43	47	46	38	0	0	1	0	0	0	0
+2016	7	17	76	72	76.3	76	78	77	88	0	0	0	1	0	0	0
+2016	6	27	71	78	72.2	70	74	72	84	0	1	0	0	0	0	0
+2016	4	17	60	68	58.6	58	62	59	54	0	0	0	1	0	0	0
+2016	11	2	59	57	54.2	54	58	55	70	0	0	0	0	0	0	1
+2016	12	27	42	42	45.2	41	50	47	47	0	0	0	0	0	1	0
+2016	1	16	49	48	47.3	45	52	46	28	0	0	1	0	0	0	0
+2016	12	7	40	42	46.3	44	51	46	62	0	0	0	0	0	0	1
+2016	8	28	81	79	75.0	71	77	76	85	0	0	0	1	0	0	0
+2016	10	19	60	61	58.4	58	60	57	41	0	0	0	0	0	0	1
+2016	5	5	74	60	62.5	58	66	62	56	0	0	0	0	1	0	0
+2016	12	11	36	44	45.7	41	46	47	35	0	0	0	1	0	0	0
+2016	3	30	56	64	55.7	51	57	56	57	0	0	0	0	0	0	1
+2016	10	9	64	68	62.1	58	65	63	55	0	0	0	1	0	0	0
+2016	1	12	52	45	46.8	44	50	45	61	0	0	0	0	0	1	0
+2016	8	13	80	87	76.8	73	79	78	73	0	0	1	0	0	0	0
+2016	9	23	68	67	68.3	67	69	67	61	1	0	0	0	0	0	0
+2016	6	16	60	67	69.8	68	72	71	87	0	0	0	0	1	0	0
+2016	9	8	68	67	72.8	69	77	73	56	0	0	0	0	1	0	0
+2016	12	4	50	49	46.8	45	47	47	53	0	0	0	1	0	0	0
+2016	1	13	45	49	46.9	45	51	46	33	0	0	0	0	0	0	1
+2016	2	5	49	49	49.1	47	50	49	45	1	0	0	0	0	0	0
+2016	6	22	76	73	71.0	66	71	72	78	0	0	0	0	0	0	1
+2016	5	25	65	66	66.4	65	67	66	60	0	0	0	0	0	0	1
+2016	4	8	68	77	57.1	57	61	57	41	1	0	0	0	0	0	0
+2016	10	11	57	60	61.4	58	66	61	58	0	0	0	0	0	1	0
+2016	11	4	57	65	53.7	49	55	54	38	1	0	0	0	0	0	0
+2016	11	30	52	52	47.6	47	52	49	44	0	0	0	0	0	0	1
+2016	8	4	73	75	77.3	73	79	78	66	0	0	0	0	1	0	0
+2016	9	20	69	71	69.4	67	73	69	81	0	0	0	0	0	1	0
+2016	2	19	57	53	50.2	50	52	51	42	1	0	0	0	0	0	0
+2016	9	4	70	67	73.7	72	77	75	64	0	0	0	1	0	0	0
+2016	10	4	65	61	64.1	62	69	65	60	0	0	0	0	0	1	0
+2016	5	21	63	66	65.7	62	67	65	49	0	0	1	0	0	0	0
+2016	1	9	45	48	46.4	46	50	45	47	0	0	1	0	0	0	0
+2016	8	3	77	73	77.3	77	81	77	93	0	0	0	0	0	0	1
+2016	10	7	66	63	62.9	62	67	64	78	1	0	0	0	0	0	0
+2016	10	17	62	60	59.1	57	63	59	62	0	1	0	0	0	0	0
+2016	6	18	71	67	70.2	67	75	69	77	0	0	1	0	0	0	0
+2016	12	26	41	42	45.2	45	48	46	58	0	1	0	0	0	0	0
+2016	11	20	55	57	49.8	47	54	48	30	0	0	0	1	0	0	0
+2016	2	22	53	51	50.6	46	51	50	59	0	1	0	0	0	0	0
+2016	6	26	69	71	71.9	67	74	72	70	0	0	0	1	0	0	0
+2016	7	11	71	74	75.3	74	79	75	71	0	1	0	0	0	0	0
+2016	6	21	70	76	70.8	68	75	71	57	0	0	0	0	0	1	0
+2016	3	2	54	58	51.6	47	54	52	37	0	0	0	0	0	0	1
+2016	6	12	67	65	69.1	65	73	70	83	0	0	0	1	0	0	0
+2016	5	13	81	77	64.3	63	67	66	67	1	0	0	0	0	0	0
+2016	4	12	59	58	57.7	54	59	57	61	0	0	0	0	0	1	0
+2016	10	14	66	60	60.2	56	64	60	78	1	0	0	0	0	0	0
+2016	4	15	59	59	58.3	58	61	60	40	1	0	0	0	0	0	0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/train_test_split_train01.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/train_test_split_train01.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,196 @@
+year	month	day	temp_2	temp_1	average	forecast_noaa	forecast_acc	forecast_under	friend	week_Fri	week_Mon	week_Sat	week_Sun	week_Thurs	week_Tues	week_Wed
+2016	4	11	66	59	57.6	56	60	58	40	0	1	0	0	0	0	0
+2016	11	7	58	61	52.9	51	56	51	35	0	1	0	0	0	0	0
+2016	5	12	75	81	64.1	62	67	63	81	0	0	0	0	1	0	0
+2016	3	31	64	68	55.9	55	59	56	56	0	0	0	0	1	0	0
+2016	12	28	42	47	45.3	41	49	44	58	0	0	0	0	0	0	1
+2016	5	30	64	64	67.1	64	70	66	69	0	1	0	0	0	0	0
+2016	7	17	76	72	76.3	76	78	77	88	0	0	0	1	0	0	0
+2016	10	1	66	67	65.3	64	70	64	54	0	0	1	0	0	0	0
+2016	2	7	53	49	49.2	46	51	48	63	0	0	0	1	0	0	0
+2016	5	13	81	77	64.3	63	67	66	67	1	0	0	0	0	0	0
+2016	8	28	81	79	75.0	71	77	76	85	0	0	0	1	0	0	0
+2016	2	8	49	51	49.3	49	52	50	34	0	1	0	0	0	0	0
+2016	10	20	61	58	58.1	58	59	58	43	0	0	0	0	1	0	0
+2016	4	24	64	65	60.1	57	61	60	41	0	0	0	1	0	0	0
+2016	12	31	48	57	45.5	42	48	47	57	0	0	1	0	0	0	0
+2016	10	11	57	60	61.4	58	66	61	58	0	0	0	0	0	1	0
+2016	2	11	62	56	49.5	46	53	50	37	0	0	0	0	1	0	0
+2016	12	3	46	50	47.0	42	52	47	58	0	0	1	0	0	0	0
+2016	7	9	68	74	74.9	70	79	76	60	0	0	1	0	0	0	0
+2016	9	3	75	70	73.9	71	75	73	68	0	0	1	0	0	0	0
+2016	2	25	60	59	50.9	49	51	49	35	0	0	0	0	1	0	0
+2016	4	19	77	89	59.0	59	63	59	61	0	0	0	0	0	1	0
+2016	7	12	74	74	75.4	74	77	77	71	0	0	0	0	0	1	0
+2016	6	22	76	73	71.0	66	71	72	78	0	0	0	0	0	0	1
+2016	8	9	72	73	77.1	77	80	79	94	0	0	0	0	0	1	0
+2016	9	4	70	67	73.7	72	77	75	64	0	0	0	1	0	0	0
+2016	5	10	63	67	63.6	61	66	64	68	0	0	0	0	0	1	0
+2016	8	30	79	75	74.6	74	76	75	63	0	0	0	0	0	1	0
+2016	6	14	70	66	69.5	66	71	69	85	0	0	0	0	0	1	0
+2016	2	5	49	49	49.1	47	50	49	45	1	0	0	0	0	0	0
+2016	11	14	59	55	51.2	49	53	53	42	0	1	0	0	0	0	0
+2016	4	12	59	58	57.7	54	59	57	61	0	0	0	0	0	1	0
+2016	3	8	60	53	52.5	48	56	51	70	0	0	0	0	0	1	0
+2016	4	28	60	61	61.0	56	65	62	73	0	0	0	0	1	0	0
+2016	7	27	85	79	77.3	73	78	79	79	0	0	0	0	0	0	1
+2016	1	1	45	45	45.6	43	50	44	29	1	0	0	0	0	0	0
+2016	7	24	71	75	77.1	76	78	78	75	0	0	0	1	0	0	0
+2016	1	21	48	52	47.8	43	51	46	57	0	0	0	0	1	0	0
+2016	5	4	87	74	62.3	59	65	64	61	0	0	0	0	0	0	1
+2016	2	21	51	53	50.5	49	54	52	46	0	0	0	1	0	0	0
+2016	4	16	59	60	58.5	56	60	59	59	0	0	1	0	0	0	0
+2016	6	12	67	65	69.1	65	73	70	83	0	0	0	1	0	0	0
+2016	12	17	39	35	45.2	43	47	46	38	0	0	1	0	0	0	0
+2016	12	16	39	39	45.3	44	49	44	39	1	0	0	0	0	0	0
+2016	10	16	60	62	59.5	57	60	59	40	0	0	0	1	0	0	0
+2016	8	8	72	72	77.1	76	78	77	65	0	1	0	0	0	0	0
+2016	2	16	58	55	49.9	47	54	51	55	0	0	0	0	0	1	0
+2016	6	18	71	67	70.2	67	75	69	77	0	0	1	0	0	0	0
+2016	2	15	55	58	49.9	46	52	49	53	0	1	0	0	0	0	0
+2016	1	22	52	52	47.9	47	48	48	60	1	0	0	0	0	0	0
+2016	11	3	57	57	53.9	53	54	54	35	0	0	0	0	1	0	0
+2016	5	20	64	63	65.6	63	70	64	73	1	0	0	0	0	0	0
+2016	2	22	53	51	50.6	46	51	50	59	0	1	0	0	0	0	0
+2016	5	27	66	65	66.7	64	67	68	73	1	0	0	0	0	0	0
+2016	3	18	53	58	54.0	51	57	54	56	1	0	0	0	0	0	0
+2016	9	30	68	66	65.7	64	67	65	74	1	0	0	0	0	0	0
+2016	12	15	40	39	45.3	45	49	47	46	0	0	0	0	1	0	0
+2016	6	21	70	76	70.8	68	75	71	57	0	0	0	0	0	1	0
+2016	9	21	71	67	69.0	65	70	70	76	0	0	0	0	0	0	1
+2016	1	14	49	55	47.0	43	47	46	58	0	0	0	0	1	0	0
+2016	7	20	73	78	76.7	75	78	77	66	0	0	0	0	0	0	1
+2016	8	5	75	80	77.3	75	81	78	71	1	0	0	0	0	0	0
+2016	9	22	67	68	68.7	65	70	69	56	0	0	0	0	1	0	0
+2016	2	19	57	53	50.2	50	52	51	42	1	0	0	0	0	0	0
+2016	6	2	79	75	67.6	64	71	67	77	0	0	0	0	1	0	0
+2016	3	11	55	56	53.0	53	53	51	36	1	0	0	0	0	0	0
+2016	3	12	56	55	53.1	52	58	53	65	0	0	1	0	0	0	0
+2016	11	29	48	52	47.8	43	48	47	50	0	0	0	0	0	1	0
+2016	9	9	67	72	72.6	68	77	71	78	1	0	0	0	0	0	0
+2016	2	10	57	62	49.4	48	50	49	30	0	0	0	0	0	0	1
+2016	9	19	68	69	69.7	65	74	71	88	0	1	0	0	0	0	0
+2016	3	25	53	54	55.0	53	57	57	42	1	0	0	0	0	0	0
+2016	9	24	67	64	68.0	65	71	66	64	0	0	1	0	0	0	0
+2016	10	19	60	61	58.4	58	60	57	41	0	0	0	0	0	0	1
+2016	10	13	62	66	60.6	60	62	60	57	0	0	0	0	1	0	0
+2016	10	24	62	62	56.8	52	61	57	70	0	1	0	0	0	0	0
+2016	7	22	82	81	76.9	72	77	76	70	1	0	0	0	0	0	0
+2016	8	3	77	73	77.3	77	81	77	93	0	0	0	0	0	0	1
+2016	10	31	65	117	54.8	51	59	56	62	0	1	0	0	0	0	0
+2016	5	14	77	82	64.5	64	66	66	65	0	0	1	0	0	0	0
+2016	1	20	54	48	47.7	44	52	49	61	0	0	0	0	0	0	1
+2016	2	26	59	61	51.1	48	56	53	65	1	0	0	0	0	0	0
+2016	1	5	41	40	46.0	46	46	46	41	0	0	0	0	0	1	0
+2016	5	16	65	57	64.8	61	65	65	53	0	1	0	0	0	0	0
+2016	12	26	41	42	45.2	45	48	46	58	0	1	0	0	0	0	0
+2016	11	9	63	71	52.4	48	56	52	42	0	0	0	0	0	0	1
+2016	1	30	56	52	48.6	45	51	48	47	0	0	1	0	0	0	0
+2016	5	19	71	64	65.4	62	68	67	56	0	0	0	0	1	0	0
+2016	12	7	40	42	46.3	44	51	46	62	0	0	0	0	0	0	1
+2016	10	23	59	62	57.1	57	58	59	67	0	0	0	1	0	0	0
+2016	5	6	60	68	62.8	61	64	61	64	1	0	0	0	0	0	0
+2016	3	9	53	54	52.7	48	56	54	57	0	0	0	0	0	0	1
+2016	8	7	79	72	77.2	74	78	77	95	0	0	0	1	0	0	0
+2016	8	12	76	80	76.9	72	79	77	81	1	0	0	0	0	0	0
+2016	12	8	42	40	46.1	45	51	47	36	0	0	0	0	1	0	0
+2016	11	25	49	52	48.6	45	52	47	41	1	0	0	0	0	0	0
+2016	11	27	52	53	48.2	48	49	49	53	0	0	0	1	0	0	0
+2016	3	24	57	53	54.9	54	56	56	72	0	0	0	0	1	0	0
+2016	2	2	47	46	48.8	48	50	50	56	0	0	0	0	0	1	0
+2016	4	15	59	59	58.3	58	61	60	40	1	0	0	0	0	0	0
+2016	9	17	71	75	70.3	66	73	70	84	0	0	1	0	0	0	0
+2016	11	4	57	65	53.7	49	55	54	38	1	0	0	0	0	0	0
+2016	7	26	80	85	77.2	73	79	76	74	0	0	0	0	0	1	0
+2016	12	11	36	44	45.7	41	46	47	35	0	0	0	1	0	0	0
+2016	5	15	82	65	64.7	63	69	64	58	0	0	0	1	0	0	0
+2016	4	25	65	55	60.3	56	64	61	77	0	1	0	0	0	0	0
+2016	5	18	60	71	65.2	61	68	65	56	0	0	0	0	0	0	1
+2016	7	1	74	73	73.1	71	75	72	93	1	0	0	0	0	0	0
+2016	7	6	68	69	74.2	72	76	75	86	0	0	0	0	0	0	1
+2016	11	24	54	49	48.9	47	53	48	29	0	0	0	0	1	0	0
+2016	8	2	73	77	77.4	75	80	79	62	0	0	0	0	0	1	0
+2016	4	14	60	59	58.1	57	63	58	66	0	0	0	0	1	0	0
+2016	3	23	56	57	54.7	50	58	55	70	0	0	0	0	0	0	1
+2016	7	7	69	76	74.4	73	77	74	72	0	0	0	0	1	0	0
+2016	2	20	53	51	50.4	48	55	51	43	0	0	1	0	0	0	0
+2016	5	26	66	66	66.5	64	70	65	85	0	0	0	0	1	0	0
+2016	11	11	65	64	51.9	50	53	52	55	1	0	0	0	0	0	0
+2016	12	12	44	44	45.6	43	50	45	42	0	1	0	0	0	0	0
+2016	1	9	45	48	46.4	46	50	45	47	0	0	1	0	0	0	0
+2016	11	5	65	65	53.4	49	58	52	41	0	0	1	0	0	0	0
+2016	6	9	85	67	68.6	66	73	69	80	0	0	0	0	1	0	0
+2016	1	29	57	56	48.5	48	52	47	49	1	0	0	0	0	0	0
+2016	5	11	67	75	63.8	62	68	63	60	0	0	0	0	0	0	1
+2016	5	3	77	87	62.1	62	66	64	69	0	0	0	0	0	1	0
+2016	6	27	71	78	72.2	70	74	72	84	0	1	0	0	0	0	0
+2016	8	14	87	90	76.7	75	78	78	65	0	0	0	1	0	0	0
+2016	11	30	52	52	47.6	47	52	49	44	0	0	0	0	0	0	1
+2016	7	31	88	76	77.4	76	78	79	95	0	0	0	1	0	0	0
+2016	10	26	61	65	56.2	53	57	57	41	0	0	0	0	0	0	1
+2016	12	13	44	43	45.5	41	47	46	46	0	0	0	0	0	1	0
+2016	4	1	68	73	56.0	54	59	55	41	1	0	0	0	0	0	0
+2016	11	13	63	59	51.4	48	56	50	64	0	0	0	1	0	0	0
+2016	10	8	63	64	62.5	60	65	61	73	0	0	1	0	0	0	0
+2016	5	31	64	71	67.3	63	72	68	85	0	0	0	0	0	1	0
+2016	1	27	54	56	48.4	45	51	49	54	0	0	0	0	0	0	1
+2016	4	17	60	68	58.6	58	62	59	54	0	0	0	1	0	0	0
+2016	6	30	79	74	72.8	71	76	72	87	0	0	0	0	1	0	0
+2016	4	10	76	66	57.4	57	60	57	60	0	0	0	1	0	0	0
+2016	6	23	73	75	71.3	68	72	71	56	0	0	0	0	1	0	0
+2016	7	3	76	76	73.5	69	76	75	85	0	0	0	1	0	0	0
+2016	5	5	74	60	62.5	58	66	62	56	0	0	0	0	1	0	0
+2016	5	29	64	64	67.0	65	71	65	76	0	0	0	1	0	0	0
+2016	7	10	74	71	75.1	71	77	76	95	0	0	0	1	0	0	0
+2016	5	25	65	66	66.4	65	67	66	60	0	0	0	0	0	0	1
+2016	9	20	69	71	69.4	67	73	69	81	0	0	0	0	0	1	0
+2016	10	9	64	68	62.1	58	65	63	55	0	0	0	1	0	0	0
+2016	12	27	42	42	45.2	41	50	47	47	0	0	0	0	0	1	0
+2016	4	13	58	60	57.9	55	62	56	77	0	0	0	0	0	0	1
+2016	6	16	60	67	69.8	68	72	71	87	0	0	0	0	1	0	0
+2016	9	27	76	77	66.8	66	67	68	64	0	0	0	0	0	1	0
+2016	10	7	66	63	62.9	62	67	64	78	1	0	0	0	0	0	0
+2016	6	6	81	92	68.2	65	70	67	71	0	1	0	0	0	0	0
+2016	9	7	68	68	73.0	72	78	71	70	0	0	0	0	0	0	1
+2016	3	6	57	64	52.2	52	53	51	49	0	0	0	1	0	0	0
+2016	9	23	68	67	68.3	67	69	67	61	1	0	0	0	0	0	0
+2016	7	8	76	68	74.6	72	79	75	77	1	0	0	0	0	0	0
+2016	1	3	45	44	45.8	43	46	47	56	0	0	0	1	0	0	0
+2016	7	18	72	80	76.4	75	77	75	66	0	1	0	0	0	0	0
+2016	2	23	51	51	50.7	49	53	51	43	0	0	0	0	0	1	0
+2016	10	4	65	61	64.1	62	69	65	60	0	0	0	0	0	1	0
+2016	10	27	65	58	55.9	51	60	55	39	0	0	0	0	1	0	0
+2016	6	3	75	71	67.7	64	71	66	55	1	0	0	0	0	0	0
+2016	12	30	48	48	45.4	44	46	44	42	1	0	0	0	0	0	0
+2016	10	22	62	59	57.4	56	59	58	44	0	0	1	0	0	0	0
+2016	1	7	44	51	46.2	45	49	46	38	0	0	0	0	1	0	0
+2016	8	13	80	87	76.8	73	79	78	73	0	0	1	0	0	0	0
+2016	7	30	85	88	77.3	75	79	77	70	0	0	1	0	0	0	0
+2016	12	1	52	52	47.4	44	48	49	39	0	0	0	0	1	0	0
+2016	4	9	77	76	57.2	53	61	57	74	0	0	1	0	0	0	0
+2016	11	18	50	52	50.3	50	53	50	35	1	0	0	0	0	0	0
+2016	5	8	77	82	63.2	62	65	63	83	0	0	0	1	0	0	0
+2016	1	2	44	45	45.7	41	50	44	61	0	0	1	0	0	0	0
+2016	12	14	43	40	45.4	45	48	45	49	0	0	0	0	0	0	1
+2016	2	6	49	53	49.1	47	53	49	56	0	0	1	0	0	0	0
+2016	9	16	79	71	70.7	70	74	71	52	1	0	0	0	0	0	0
+2016	3	15	54	49	53.6	49	58	52	70	0	0	0	0	0	1	0
+2016	11	12	64	63	51.7	50	52	52	63	0	0	1	0	0	0	0
+2016	3	27	57	59	55.3	52	58	55	39	0	0	0	1	0	0	0
+2016	11	20	55	57	49.8	47	54	48	30	0	0	0	1	0	0	0
+2016	10	18	60	60	58.8	54	60	57	53	0	0	0	0	0	1	0
+2016	3	3	58	55	51.8	49	54	50	71	0	0	0	0	1	0	0
+2016	6	20	65	70	70.6	67	71	70	79	0	1	0	0	0	0	0
+2016	7	16	77	76	76.1	76	78	75	61	0	0	1	0	0	0	0
+2016	6	11	65	67	69.0	69	72	71	87	0	0	1	0	0	0	0
+2016	4	20	89	81	59.2	56	63	61	66	0	0	0	0	0	0	1
+2016	9	6	68	68	73.3	73	76	75	79	0	0	0	0	0	1	0
+2016	12	18	35	35	45.2	44	46	46	36	0	0	0	1	0	0	0
+2016	4	4	63	69	56.5	54	59	56	45	0	1	0	0	0	0	0
+2016	10	10	68	57	61.8	58	64	61	62	0	1	0	0	0	0	0
+2016	3	29	51	56	55.6	53	59	54	45	0	0	0	0	0	1	0
+2016	11	15	55	57	51.0	47	54	51	46	0	0	0	0	0	1	0
+2016	1	12	52	45	46.8	44	50	45	61	0	0	0	0	0	1	0
+2016	8	10	73	72	77.0	77	78	77	68	0	0	0	0	0	0	1
+2016	7	11	71	74	75.3	74	79	75	71	0	1	0	0	0	0	0
+2016	9	8	68	67	72.8	69	77	73	56	0	0	0	0	1	0	0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/train_test_split_train02.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/train_test_split_train02.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,800 @@
+0.13074624395513548	-0.469611133626014	-0.5710665790468505	0.03279113352421141	2.003536501469461	2.3320994929619165	2.5655773908930333	-1.8172726174227096	0.31252740842018656	0.4183877613375451	2.3746178626049312	-0.6930727012865296	-0.013183556173275029	1.1098774440423256	1.4603607557778286	0.5412632236853618	0.6061667777690624	0.4212995019384291	0.14980350057199987	-1.3870421561971842
+0.1025284847407583	-2.6554352025337806	-0.71518541502396	-1.1404916299860086	1.1910205067228126	2.113153625179661	2.9349032443668133	-1.2362775613386645	-0.05861748263617049	-0.12932403608468454	2.217536166240706	-1.19338504289619	0.08517274490563755	0.8749991601378865	0.03823939811250166	0.7007347847223218	0.6221756436475849	-1.9582697041316883	0.1486878915218063	-1.8828047461722932
+-0.3579496672192898	0.5691405803600221	-0.3135941251222193	0.6099240993754877	-0.21623755767016947	1.2273086492959706	1.6963625000374265	0.4917445652599018	1.51820010664321	-0.6179648499957521	0.4424061323382702	0.37607271963750777	0.0955642147899332	1.1428211235733463	1.3792380662910433	0.8392247210016273	-1.3784520073608069	0.6806565402268875	-0.4079706906458002	-1.8670081757072128
+-0.4813193986666376	-0.1886485401626124	0.048734923506973636	-0.20004930206569047	-1.0585699644909594	2.7625383995667336	1.8863896126660609	0.8214112065844242	-0.4384103073465777	-0.3211449191911812	2.19052189921114	-1.59109564541547	1.3097995624508914	1.5592201449464334	-0.3552421947179116	-0.4128075508328489	0.5596595170526524	-1.176294355286121	0.16888633455190946	-0.9214884435605952
+-0.2572336609353247	0.29438982269850145	-0.06531975450102831	1.5097968126742924	-0.7755962651137243	2.4354435421606127	0.38216873050665007	1.1239051747279731	-0.2442436451866952	0.12718619074952095	0.9026611100653392	-1.803720014048137	1.2266258763633622	0.22899043555447016	-0.6493009189318991	0.21750122466449906	-0.4382663216525586	-0.2972087114804226	-1.5229655091814298	-0.3225053056087868
+1.4069915349949509	0.3654232815183534	-1.097052189453232	-0.5389149543134537	-1.5728963747716522	1.6783401449848374	0.9288455507296128	-0.4925716601774063	1.0392596016586455	-0.2847157775591438	0.5210189577500189	-2.65782453257402	-1.67318496169606	0.4719725602155527	-1.0949050649335628	0.08630539086516381	1.016831070562736	-0.9944516912574556	-0.6752082767957616	-1.0649707211089758
+-0.1186989836246748	1.7836421698313514	-0.7750775352454679	-1.6293416755674714	-0.6843986506548367	1.6772721667636452	5.61626113564464	0.2921048965669931	-0.03311146686259204	-0.20216240643483607	3.174632106697607	1.3260918422916352	-1.4169867073972098	1.1177286442516994	1.1442261013773558	2.2927637054906245	-1.1696635334539611	0.9572219962948342	-0.99260262548243	-3.88516570201557
+-1.6188277521439098	-0.6049258835366146	-2.1216868938554883	0.6816156489035747	-0.3909183237429715	1.8546492624641897	3.5484612828339506	0.8719065415632481	2.758577973437618	1.6571275711005302	2.2964938011707874	-1.3015552984330785	0.6517060330634804	0.5957551049011494	1.7890274248449136	-0.7415803218575354	-0.005766275627966389	-0.15804411491961362	0.13620848005420536	-2.4231894996131182
+-0.8844255979781576	-1.067022557954717	0.4268970268412451	-0.4792374662006493	0.8774697010725497	2.031228226698857	4.956071644421575	0.3213541753652649	-0.8329849287815198	-2.9127670891791504	3.303547980533676	0.6551018446390298	0.5601240239650124	1.9378083839436648	0.6510057852005603	0.5434997376470951	-0.16431466813504966	-1.2255895916041704	-0.6701271433847471	-3.1283762290921477
+-0.30746702969320694	-0.8391679152764611	-0.1179283406215597	-0.426295494661604	-1.691982298012858	2.8901125627044437	2.0602489643699675	0.9458180233686614	0.793907788630693	-1.364580463112297	2.4726804852199185	0.8429876604473175	0.2306659754164001	2.228388534591572	0.3261200509781369	0.23298923486173995	-1.5934373922813216	0.3574092709432904	-1.8018244078785832	-0.8941426836775552
+-0.03042402302151745	0.5533032756826644	-0.4112837804349074	-0.8355476515317032	-0.2622460538948677	3.2506287207592406	2.7918182608890447	0.7231913854378242	-0.6670274819747994	0.5685941468669105	3.549141245571541	-0.023494806688237974	0.8483881498776288	-2.005652105849878	1.1553011540926152	-2.6632735840355557	-2.2541594101883877	-0.16307610254100074	-0.4833161866730346	-0.8289701866860151
+-0.3567159236604347	0.4778390934002922	-1.180881888309948	-0.3819794080908899	-0.5893609788984335	2.298121263349495	3.3129616992793633	1.2295299738132672	1.3375589945577444	-0.12971043505621385	2.5118692567781653	-0.2869661579405015	1.1046803526950393	-0.021503585166592232	-0.1293945281278592	0.10438670995938427	-1.0321636447240388	-0.9880797094573126	0.5797093424210948	-2.09122747777658
+-0.14025796463115775	0.14443087982346273	-0.14729328451259155	0.05901880846946653	-0.038099536983373115	0.9246669082754356	2.47225857127193	1.025915020986505	-0.11491300874914655	1.0897435941109397	0.693156043268562	-2.0032536320269982	1.5850356506003898	-0.09712843851038447	0.5795472989924035	0.9143352655765571	0.03451128415007668	-0.04649402439010216	0.09711673427774202	-2.417926485525231
+-1.763375103457406	-0.22156329155334747	1.3464145823500586	0.6450374307377071	0.9157410168307402	1.677062393899815	4.0014085761291485	-0.34587826476600536	2.5389855712721716	0.08029180893026837	2.2798476741785065	1.4063944780656883	2.263620824857588	-0.07431064482534441	-2.1740919182706984	1.2701381312258078	1.057253999396625	0.7982996387911043	-0.8477261177186299	-2.8954476159651072
+0.5887007586272001	-0.9656133145847268	2.098378168263082	-0.019555211583899574	-1.3283736143475349	2.1540005978934875	2.862302657835205	0.2291259173129184	0.1939030409035364	0.6849503075032513	2.598392537139887	-0.47259519684184	-0.3024946517076788	-0.28140377602950545	-0.5595265033801516	0.18054430875020872	-1.1082229510479242	-0.8304884318114684	0.2887794328426672	-1.4607084996125717
+-0.08917318125142906	0.5991936385499561	-1.2288925719068569	-0.3451978789796373	-0.5151780867696468	1.8080639826835203	2.2111840255329294	0.3857355976481825	0.3933723846934453	0.9387139699256648	1.3615567679563276	0.2532928835268668	-1.7634199779552462	0.26962467528224604	0.6299625773714458	0.3811824892052929	-1.144686944946928	0.3927003746554742	2.02678427945519	-1.769273432881433
+-0.8531121953909785	-1.6384462865455145	0.7322780088450307	0.2432993349749213	-2.2396948240475467	0.5727364031736851	2.8157054452534744	-1.9197048775676464	-1.6158615574097663	1.2501407552213408	0.6126803144849982	0.8195107523399837	-1.1532850921417583	-0.4076743118315321	-0.11543914413091533	1.8169896383858115	-1.066960132168683	-0.7202647940948409	0.8825522567203071	-2.773892714763975
+3.3603975236020185	-0.5470601729870943	-1.2873197463278891	-1.2598328753246546	-0.1428061049836398	2.0156505744174	1.6557719775496316	1.6226882110628915	1.0952934126831912	0.9112290228632092	1.4494450439546436	0.10500821788528956	-0.00704828378956637	1.4293902174127222	-1.0197533088358766	-1.0939163125693334	1.2480042976575871	1.093432051347689	0.07892365771029007	-1.1246763094116352
+-1.2019484017832962	-0.7437812893434871	-0.233827934150546	1.8738814541479327	0.3655225566448258	1.9638544866010736	2.8476657861554573	1.8671137860239009	-0.7781875436806424	-0.33098402545917754	1.7450958129488747	0.6275906157483042	-0.5465585302265351	1.0732648366677278	-1.6095977301397717	-0.7762546628784167	0.18756479369019466	-0.40737660384004265	-0.34743003839693426	-2.177325713409913
+0.7934951684083875	0.8326179752656594	-0.4939579963258588	0.5331360218355711	0.2780456003316678	1.7757908615203393	0.5418640809304345	0.5542200857992018	-0.11554031234643893	-0.3737528963763186	0.4085622015803197	-0.28345179295866496	1.1961820152004032	0.9291298479816916	0.3002313106229747	0.1590627463128686	-0.8042747867154614	0.2906881176258059	-0.3226519711423905	-0.7625406346779662
+0.4740574968748306	0.3872804936979775	-0.6825147841619196	-0.23556080631908616	-0.12032414153517222	2.1859914034013435	3.0633799951179297	0.4829632729838492	0.22135910481848545	-1.0794363918402283	2.226815455160911	1.131184596940553	-0.13835966365652924	-0.04950793779303463	-1.0891585612191703	0.3887366175538692	-1.1840998502354092	1.3885120556663757	0.0715171700432888	-2.040621757708071
+1.882081746331261	-0.007304601786315183	-0.40280735871072654	-1.714077540268786	1.2333796333712983	2.1947383028170666	1.2456641222591205	0.030217457219370518	0.5623436691707165	-0.8994964654585851	1.3084428652709919	-0.4996027127725665	1.2341255114922545	-0.16276677441862406	0.27516288160212393	-0.9566718490992281	0.7563301736574052	-1.227008361234867	0.9313117523339228	-0.8470351966480534
+0.037619853942805856	0.8765760147906543	1.5988976122933551	1.1941038456833737	2.549973056552273	1.7485979888387448	4.517666882473668	-0.05077324918676652	-0.5873099039643536	1.297926683627702	2.646615006960173	0.2937120534930819	0.445812087510208	0.9355128509783904	-0.4848236495669058	0.8574653029647	-0.00531028439218833	0.15272818495954216	0.6224490470850561	-3.1584980916536187
+0.05343846656633279	-0.3363217478306436	-1.4922247715405277	1.1638789030541408	-0.6344532935099135	3.1432528891615754	2.443227232843667	-0.3037236573023205	-1.3574074082550882	0.3944751307668178	2.9421136209942436	1.8538160078930583	-0.7026879635515185	-1.0166919779324013	-0.03399936153428743	-1.2118416600755175	0.28149070476997223	-1.1513159232664771	0.7806130817069888	-0.9663831812133032
+0.4089922885466825	0.5254412831889318	0.3538383912732106	-0.4793026595580887	1.6039959412251406	1.5919893096570898	3.7694156366718152	0.005187708844410828	0.4241000478762458	0.6912312293112581	2.1797456997480005	-0.7763180814028171	-0.5894420357823813	-0.6875200940396184	-0.6635159800226781	0.5022787902313949	-2.057611379055981	-0.7101740271756245	0.7338636549148264	-2.701513739934537
+-0.7019285983764028	0.08813127636085127	1.0961703827398896	0.5174815573553699	0.8864605510671765	3.0647707193519365	-1.0067723906854442	-1.2888486125917955	-0.9311329593606891	1.3876478221592063	0.6715365830469666	-0.3869855769015701	-1.1022123029004836	1.0452578889045347	-1.8695557938157736	-0.25561636709328023	-0.20737135106566806	-1.14101038949494	-0.7767409219800914	0.8391043406330279
+0.016400575066804653	-1.459463555265842	-2.079068614623475	1.4237437165506666	0.4793669152260271	2.365540652446546	4.181080515235133	-0.011246139870161835	0.6126350870211529	0.8381358041361706	2.992104020705812	-0.5383090205647783	-0.7362658354031074	-0.4982053006601032	0.5280472734898894	0.6092951790874602	-0.4172061149602521	0.2874077486997034	0.7853848487055575	-2.6441286400750688
+-1.201273669597732	0.28201949766015993	1.2242729117166635	0.6883002261220716	-0.33248462588058825	1.34727344740718	0.3178666128157636	-0.5213486241436966	3.749617518891253	1.3799203854224449	-0.5868539447738463	0.2503872098029675	-1.0358077273547488	0.3308609030813905	0.21419844810698332	0.3083517922766853	0.3581799376269874	0.5381322635144393	-0.35640862074589746	-1.3037836301983967
+-1.710044274702664	-0.3721329286925187	-0.6725971527625199	-0.04980084668851625	0.7884849528707534	2.097342559487313	4.643308162505548	-0.3002140883540919	-1.403202887941177	0.16622856060976618	3.0157676146078067	1.9072741139592224	-0.3233542764715035	-0.670218381345843	-0.8880467785508395	0.4109982363680828	0.04735613652800763	0.5308120409174298	-1.3829703575545689	-3.0624373080490983
+-1.249569052616608	0.4737157062413394	0.8826293401409404	0.0019389068976761155	0.897353842457795	1.918149528236938	2.3129422548688217	1.0301379148309917	1.3104882904929784	-1.3161626859333644	1.4786959755883151	0.2844380539056954	-1.5084713937835763	-0.7539019461482459	1.0531318885976126	-1.5753299956534543	1.2413048975755638	1.2405238473198423	2.0467259789730803	-1.808293841476753
+-0.06444392858273762	1.8715855717830538	0.04563918243769767	0.9642102586697368	0.4033706637398818	0.3360788679768012	1.5274068483985659	-0.5094445907792163	0.7096897351390229	0.2794713400460773	-0.7781955878270437	0.927885780541432	-0.2903961286685787	0.9743974024237188	-0.7992688463923856	-1.5344521043018122	-0.7341240158319564	1.4337543413363052	0.8315047535722693	-2.540386593751513
+-1.1843830101552355	0.6372025961048643	-1.3320365233255749	-1.0376582066314557	0.2886584602567423	1.963853391211319	3.647568679167201	0.6069901427259338	0.2174842454868614	-0.7874496835644563	2.7271714390428423	-0.3381605413856096	1.157366492739605	0.5830178429216629	1.4253403795411983	-0.5282509655446305	1.2387985042558738	0.2352014298344215	0.3270695011007737	-2.1687094332150005
+-2.0900607672758933	-0.429757193327616	1.5842856707634794	1.1575529121871726	-0.21754980186196185	2.6753699457288143	1.7041626810479558	-0.23421051279273666	-0.433238898367721	1.3599780695936856	1.6228361086623837	0.5341491399008884	0.13681485760794482	0.6740433038393654	-0.16674874469810844	-0.3551054771480693	0.31673980700087834	0.3968646167767927	0.34791702301719485	-1.2158120485210298
+0.344592397114158	0.4382599046585485	-0.08832262250121234	-0.16354023586475674	-0.010729943632386912	0.9422456332091284	2.570860621047184	1.6342325503822466	1.250109872515728	-0.06934989256802943	0.7295276580538788	-0.0806676828395662	0.1254789310026851	-1.1885873241361216	0.6652822310428977	0.5699792683001599	-0.2228951985142712	-0.19693061463709716	-1.0629631775451849	-2.5005151887180954
+0.8323752589511969	0.9198876202908262	1.71564583731071	-2.097454356449989	1.040322737999199	2.985646107143695	2.5779094964118707	-1.0431908161146326	0.4970477551943554	-0.4093546115246626	3.0438859187074288	-0.8064575082996426	-0.21412945490502075	0.6455416673097428	-0.4545839755438938	0.7812002900053857	1.0859517578850848	-0.4609287456202755	2.4205301518195266	-0.9766890655523456
+0.8137305410193888	-0.4280962954156855	-0.2650060365102651	-0.1588432269061491	-0.7436411319839561	3.1621176016980046	1.4055066419322004	2.8328244949295134	0.7866966169511465	2.2998610765009717	1.9443966452623418	1.7349096759765468	-0.5614239770728938	0.2949232130629297	1.200537214408608	-0.8272146136237638	1.056734754612945	0.9936522467879726	-1.1213776466196437	-0.7273839429848803
+-0.04354986105996295	1.8974881888426889	-1.566625572667934	0.092384067565196	1.3189672446770813	1.934484057749709	2.6023487694757925	-0.6898701544884301	1.0572078129514235	1.1305996689085478	1.8802911040856527	-2.2029789404073576	0.17617563396515354	-0.06550188130499993	-0.5951939719908497	0.4557178796436762	-0.8612792144094344	0.9885499893678412	-0.7780268959157338	-1.7672173180869986
+1.2193157565549702	-0.6649465913291822	-2.2512413684309807	-0.6806887367143754	0.7108651702847201	3.4327338013305475	-0.2951682033537679	-0.4281948506132992	0.5165243287323551	1.1740567391986918	-2.510930213472667	0.3770306629813193	-0.6626756632176405	-0.42338305580736574	-2.1560878629335645	-0.8365535480171541	-1.1285730057986798	-0.008188192292948156	-1.3858522446865083	-3.0181005673968078
+-0.0052842951930885925	-0.07419128363937133	0.30155903226578823	0.7703266464499491	0.5774961995598239	2.2650900566834693	2.7120333198743922	-0.2197482060664983	-1.4953747859129305	1.2409781989422282	2.304461953350486	-1.19332047648636	-0.15987947592437993	-1.315594382489237	2.03081724230452	-2.7667172873258297	-0.3974004151271982	-1.041235218725304	0.6906336920740085	-1.5968392965850708
+0.07816559690080653	1.852823716490075	3.7104380429676587	0.7862307966573046	-1.4587380533405914	1.6357313362776225	0.7447829244130615	-0.8484336148783627	-0.6444009512550807	-1.6590674669062118	0.3801018957968978	-0.14992848927775598	-0.5024473283691239	0.400542562223208	0.5535688616833266	1.440473746220856	0.4358348002296937	0.004104919374031719	1.3067314868441695	-0.9754716067527176
+0.18225579346195472	-1.2796018753350356	0.6780773010107425	-0.10707199060615594	-1.8915329365851756	2.9791576382913614	3.7762486948586975	0.7669666081001365	-1.4611274189917611	-0.5051625294981158	3.5706473853319283	0.3614572723539671	0.5353157105921461	-1.1171165238191816	0.5003091857920472	-0.062337162720739185	-1.664216917267093	-0.8111511264316701	-0.2873360912302924	-1.8361890958897185
+2.0295307357993484	-0.5233040426607474	-1.945995471921972	0.9467077471379804	-0.6037657908369891	2.291738182217463	2.2538638333528773	0.4756929697798519	0.8176604183206089	0.4179985342366512	1.7027353709421005	1.668950161455266	-0.11201354100477223	0.9906223385728956	0.5887352748605343	-1.8072381416767944	1.3734118909826565	0.7308789341803912	-0.6159562578694081	-1.6460385122281909
+-0.6723686373849918	-0.017389114238426824	0.2724724400752009	1.430651602881991	1.6606355532287844	2.921376794134109	0.17634321556523835	1.3712113128748735	-0.19220791896382547	-0.9748395431353758	-1.0016136937556084	-0.3873107257695359	-0.7233485239131229	-1.4517624151013258	1.0602531784617812	0.5197585611195245	-0.19285686858779671	-0.3479694389905263	0.4841143691251759	-1.9988700054624875
+-1.1976323706056784	0.16412137873658084	1.7493511915075513	1.2004790838355472	-0.5295874078123236	1.471575112384103	3.821634037678972	-0.2975203182268952	1.827476519998949	-0.35525907889484315	1.8856938133922367	0.7299773726193981	-0.8387155813454352	-0.06295590922002815	-0.3205475693561308	1.5829365712016732	0.4869383280713733	0.7664240845146179	0.4459097210597343	-2.9965257392774087
+0.5604423749574833	-1.3441318342862123	0.13682303547639768	0.1249817006633212	-2.187383848341812	1.1393499802922444	-0.7064237696898729	0.42607683360867415	0.3908746340827635	-0.5623402491528544	-1.8549098007822211	0.7839250848848563	-0.7959727722196709	-1.1052238862472887	-0.3729970616388779	0.8173326975347285	-0.4003109513990114	-1.6602466727569134	-0.8469741453556161	-1.2623848764288843
+-0.7914308637261251	1.9856127899263871	-0.005256148172125818	-0.35316733034915	0.579338249705522	2.144613447686712	2.5030979133633062	-0.6635026511869591	-0.4748562961547021	-0.6137088323740558	2.0197348783574847	0.3583199772333259	2.285666507970772	-0.1717207577518353	0.030323676559100367	-0.7780720462817794	0.2250408148203256	-1.2387970901638925	-0.3976305981216354	-1.5891957428173775
+1.2115706900506809	0.7511370721853647	0.5054470816108368	-1.182284668628701	-0.127496345377895	1.897809302111905	0.7547318811105508	1.3925959600074516	-1.5252597609017569	-0.4854737510034887	0.6050991485835093	-1.4215106366391637	-0.5097610036638291	-0.3708409012114707	0.3504630536125465	-1.168532833796372	0.9149575018720612	0.3753368650513513	0.7781554995915203	-0.8567125327814342
+1.0035331234823706	1.6533732561447223	-1.4443289719194004	0.14646048830874273	1.2140022319155457	2.6843578040548164	2.860282912678083	-0.4991807978768485	-0.026128195303549723	0.9063098504612404	2.4615014962216675	0.7276625904058001	-0.7095992872591429	-0.360429426992769	0.39019144485405577	-1.1296614458189975	1.5403328584705058	-0.7727913309488168	-0.13610624839635435	-1.7436681444310917
+1.2093180752240562	-0.8439010026601808	0.82920547037134	-1.5172933631792107	0.7852681108249888	1.1901526246115957	3.64214073598362	0.4606772850942558	1.1139550909142772	0.08804038738087654	1.4114918276205788	1.4065041329081398	0.6357153700609178	-1.3744817845642012	2.611025164156949	-0.7977049788928966	-0.727108224344703	0.6497859406239269	-0.8617865349849225	-3.1493287273216626
+-1.4834006855872572	1.2596090159121849	-0.007497931075096425	0.6209602927435725	-0.15289294232316275	2.0002306894305213	1.4074866399676829	1.2283843926477802	-1.2098421154979024	0.6036168197630023	1.1150992804469682	-0.44441012475334996	0.5429870549334029	0.360827851535507	-0.30746784329698806	0.28097354368244104	-0.9757158139324272	1.534812352763394	1.1649030746194848	-1.150065114851708
+-0.20028061131329986	1.0501517145789057	-0.4960806042263328	-0.29977350607328984	0.4483810737530678	1.9512130352476562	1.6707476204906078	-0.2730894027165455	-1.0115529488679271	-0.4403839897068532	0.9905092560223764	1.6404619292871003	-0.3261617333094734	-0.9231361862218008	-0.2976043672988928	0.7610320479583951	0.27984319790919804	-1.4035385947901966	0.16283391385488358	-1.5471290145462406
+-0.741801989027315	1.3816782700352617	3.4584109743650777	2.0459289639080818	-1.987758049002583	1.7270657753210739	3.1175151104943453	-0.522555279632799	0.7237001388883152	-1.43079631067184	2.066113112799997	0.6230185473204752	0.633412694655263	1.8013280686727473	0.1240327392148678	1.8008485944403163	1.2887484851644415	0.6151655978430871	0.721220322921328	-2.1131739424195484
+-0.5644650982850701	2.2770096139927327	-0.6247324969276151	-1.2144265143746245	1.6110350779384044	2.8862736613995352	3.2712342190336297	-0.2642791187665132	-1.2344007083098745	0.061788217608791725	2.9466249430914355	0.22190965307757304	0.11620808798794123	0.3655098938000488	0.6322561335731115	-0.2665900576320493	-1.6693119217753178	-1.211824337532613	-0.5382634412836811	-1.817565841731997
+-2.3966038450687512	-0.8627540089064779	1.291595158038837	-0.7225116917676042	-0.7862238614379796	1.918273331756372	3.3675929698727582	0.469325256925485	1.43337731222185	-0.6963290934645483	1.9229185096780648	-0.6060401209392108	-0.8820723688122664	-1.741660268812958	-0.4499119648639877	1.1566196142410952	-0.34480950115531844	-0.6758927816702893	1.032665977859896	-2.5844158717001124
+0.17812024240415833	-0.05295600034445677	1.0201164679338903	0.8887788738686988	-0.7974796634703253	1.6082254344438405	0.8662432063649252	0.6367981204214662	-0.3588081580054154	-0.7297704034840196	0.1410181914138562	-0.5798506332822285	-0.06542438607326914	1.08794654465001	0.06893452722936677	0.7104413495610685	0.6160875263777031	-0.9544356673305302	-0.20441422380095464	-1.325317348731211
+0.2791850281663797	0.12853725688338968	-0.2854598511568132	-1.1130922801587513	1.453599883792357	1.9092207180532592	4.964613254153322	0.57290032827181	-1.0400400236156364	-1.857680744050084	3.141259255387633	1.3244591922049571	-0.4747793591655684	0.5921850313211542	-1.2003493615565233	1.0010025487342271	-0.4611680615535708	-0.49657251972843797	0.13427798165217592	-3.251763632084121
+-0.3951949123282814	1.2859901040567123	-0.3828526085814407	-1.4101593716760052	-1.2942308298524623	2.1989307331639263	2.2512074704179987	-0.09325924316647853	-0.14948473479769633	-0.6553799089379315	1.7589272571053165	-2.0311994710771013	0.0042523765054724005	-1.5588070331809998	-0.5878488165549626	-0.8706060277463091	2.4232086274815625	0.1183428138577094	1.3766462741739474	-1.5632917858163793
+1.0048731235410555	-1.5664134984018727	1.1702716221937508	-1.2246863095417388	-1.4949464537839	1.6916317783219097	3.0606776575928234	1.1287905409610193	0.7746048837840838	0.6986193956594127	1.7396724616531418	2.0653152757194966	-2.3668933908974346	1.7138065863258822	1.136413848924958	-0.25183738754843826	0.8646451773970928	1.3957253620190415	0.3383433216214572	-2.340793382451502
+1.4273643202779651	-0.12421486137083007	1.123685287264906	0.15543510328694082	-1.9883799610923716	3.723473152282868	-0.009878865727409149	-0.7619160977179519	-0.3805276987566248	1.7112190076348341	-1.1218771961981109	1.1265287404491116	0.703676351033874	-1.1264814558132947	-0.5426702221420372	-0.4638236642483794	0.2853024821233808	0.3971046578626899	0.3169877910219536	-2.1402788947860434
+-0.5422373422898125	-0.4842438375719375	-1.4857752934025337	0.02740083089454924	-1.2258620712240451	2.1718220229922123	-0.2753650562954184	0.11732118608734847	0.28360458872388544	-1.659980059191127	-2.013842377300161	-1.7015193325350968	-0.3542772259543772	-0.09089848136548087	-0.6220573700347691	0.06534633637085979	0.6695542482159784	1.8184688037598429	-0.2742464045727176	-2.203373035807254
+-1.377619795852827	0.3166700364775641	2.0362915228913634	-0.032081762102025464	0.7125496948723498	1.6165793960219899	3.731017343944561	-0.948311653077195	-0.155886710036073	0.09310098976531804	1.9958870549548289	0.24095755380900996	0.2161977966272619	0.2685628896693436	-0.4087330109224044	-0.7105821511608276	-0.5413624797584491	0.4834110697636991	0.7869995735413341	-2.8358385250236178
+-0.5555959266049059	0.901811341261968	0.8228399820025042	-0.4033951686615085	-1.7791419031496682	2.134422219609	1.8933299992445367	-0.8884447099477784	0.942055528163314	-1.8755453727109035	1.6494407830424436	0.6271885350563828	-1.1688346429409349	2.3193386754209278	1.3100830848177265	1.5553190633474523	-0.1230649580701318	-0.6561184971962708	-1.2147039284906929	-1.2424719446096608
+-0.018537025355728383	0.3526048740929582	-0.07557964939440821	0.24677781292939516	-1.1926161724637183	1.6396195835954177	2.8924822043393497	1.247576034208643	0.72574859962319	-0.8702672207783005	1.6735135622450317	-0.8582059967951359	-0.12997810648891614	0.7663220363076995	-1.1592122543563392	-0.1612183738361426	1.4621383472542904	0.8110503395514216	-0.4503097114774284	-2.197140908594242
+0.5396558025619154	0.7989061203820503	-0.29292433210347235	-0.9169029137101352	0.041232463308392295	1.0582684870452437	1.4896479704193424	-0.03301888464129963	1.70093871545429	-0.8076734383395894	-0.15677250895470918	0.718392731393158	0.7916360040702354	0.5994684495184474	-0.6718568262797003	-0.3974075066432066	0.9805689553173118	0.8260578679974607	-0.1741659244470443	-2.1384486560135354
+0.3548379428542684	0.7937413185888049	3.0616971315696566	0.12067351581569186	-0.11107973727663373	1.9969915710840989	2.714669656039629	0.7314624620504575	-1.808031277235536	-0.8075152983733025	1.6866511934152115	0.17869088400165173	1.6853014339948011	-0.6033296319090635	1.1883474809851688	-0.23051769587868115	0.2400984345288062	0.3072620314869415	0.05609502892331942	-2.0916077020577246
+-0.16802084304849504	-0.17293492291163326	0.4019642283726692	-0.3884709912880568	-0.8222783903346285	2.6437472242307987	2.6211132957379317	-1.0405699451706092	0.5088831138789093	1.3113511322170786	2.016436934774882	-0.7810816637682926	0.6759035773105402	0.16077964215240315	0.5715488389390373	2.1478237662118524	0.6480456831231489	-0.009348914951530058	0.848287679240828	-1.87428655726112
+0.958917497595032	2.175343157468862	0.2049476266489324	-1.6542078201197752	-0.7667426047295631	1.6523759211829	3.779065606845299	-0.7780869485496407	-1.0552105947667842	1.1198919693726814	2.1258459659592743	0.2484555354308963	-0.9888205857437856	-0.9318510403379721	1.1211418889383482	-0.4338891904075787	0.5659547635838563	-0.17587942893004746	1.1377333883527443	-2.7803222039776685
+1.2491702429950782	-0.4892705692361653	1.0060199782898531	1.2285902432164522	1.5728600569323683	2.6252472953095745	2.6381089688464514	-0.17663065864934988	-0.17417983853350416	-0.8038939911057054	2.6408784714138656	0.0018481111344722265	2.6978139848999745	1.2443462422511158	-1.092203748470184	1.130637885375891	-1.3852077414463868	-1.2845451304240805	1.0403998997831143	-1.3098251071225635
+1.3984560215818704	0.03289520143101179	0.8817767889890945	-0.7821094139602327	0.7555533979466289	0.8530938126521197	-0.6246041313524819	0.6470661542130813	-1.088459481594654	-3.016638535982768	-1.9745179298774065	-0.3079420400818221	1.4335751133657586	-0.09521436706523173	-0.1188741780565969	-0.9315900672822096	1.255200736691875	0.32035501277975825	0.4811613639705948	-1.3796678717297153
+0.4920281550308838	0.11988425365002105	-1.1850059009490417	1.276107137185634	2.0943941680051497	1.531105863360968	4.761302803487053	-1.2960577973997778	1.0771876739869732	0.3795914926066698	2.448840430282948	1.2306229642227184	1.0574677765128688	-0.4083607899845762	2.4995367096283485	-1.3753069610859798	1.3639010847116528	-0.6951078403254606	0.5901490539073592	-3.5508652919444144
+0.2777195178871506	-1.3085797256210023	0.026580243623411482	1.0533452191947057	0.16788780319334545	2.172805678301268	3.531529971121642	0.7146491932330157	-2.275863695018076	1.1476017621928962	2.761786199406047	-0.6745564062751823	-1.7103665610559016	-2.3186313344160743	-0.9438370700203984	-0.3508135808718919	-1.0778083397435994	-0.7806660698593244	-1.6378877337676203	-2.0684800816662734
+-0.057438411851466385	0.13640635378735266	-0.9192266260933191	0.5845587742377653	-0.5421820423052335	3.1488241108579773	1.2021909000387148	0.3881645902547223	-0.7966465452968489	-0.4124208266230336	2.142776259028184	0.9140473680506184	-1.7757893547477472	1.0519528535279394	-2.7496648298423847	-0.6741904783220146	0.016815031043253697	0.6528818779684323	1.1726280470426258	-0.31087336418613964
+-1.0704288283778614	0.6260945059343941	-0.16361033821138546	-1.884289106285907	-0.4785963499726744	2.1784120751908884	1.343210682326363	-1.9797015878184128	1.6457454796601008	0.4892928158586767	1.2531240785123217	-0.5481435227846925	-1.2531838361478944	0.6000419683633441	-1.4081563630379537	0.5850575762470126	-1.7901772254653532	1.6513342935249462	0.035666817878167105	-1.0031831938450226
+0.94964290048021	0.7975517171086541	2.067898091223105	1.7999669537065923	-0.11770886395970658	2.85831779826181	1.884672425483257	0.3631809634153363	-0.7958311110559291	-1.1000459254036252	1.9440488752730718	-0.02454141209268879	-0.0034468543739087825	1.8241715638391551	0.7588157247045666	0.08636803825509709	1.9289088008972604	-0.08164708035399441	0.2076830267595713	-1.1763491599408598
+0.2835293303135301	-0.5759884080988011	0.08018853277372236	0.4663568860863318	-1.2905601114519156	1.023348243710624	4.747080123122912	-0.6106881388295379	-0.6312661088179002	0.9866167611421452	2.1419663644547797	0.4379732032588375	-0.2323963790095913	-1.2693637994903253	-0.4433928350146281	-0.199857461076534	1.132522830074119	-0.07605503475120598	-2.2027484182467405	-3.6671823005720494
+0.7695952364748747	0.27665481361970595	1.1757527098482938	-0.2534868632892695	0.7681197615989556	1.7947314950285136	4.108089597184644	1.3125257889258075	-0.9957576243489944	0.07949451819136631	2.700655888132813	0.35051585462461365	1.2504813967924138	-1.7727331579112782	0.7153521357631991	-1.7069235925298902	-0.2666096158716658	-0.9147633175222816	0.6963295815818868	-2.6611602600833764
+0.9333342554474782	-0.1812008347416821	-0.3518831797118566	1.6466793185943842	-0.7324631302221323	1.7317744956394312	4.236065882581352	-1.1499804703606022	1.8615029044345024	0.5319857782554136	2.9475356088290576	-0.810661877586522	-1.0103315790862426	-0.4678011735819591	0.4125382969057663	0.7040993233166918	0.37596055047711796	1.7975495542841866	-0.05112739272976128	-2.5578741113619725
+0.7368629816003698	-0.2423797458055029	0.44045796506462	-0.13755792536651515	0.2716470991513741	2.6310365991960523	2.612979938398165	0.4773014849943301	-0.3046056972302943	-0.6682038219481047	2.3551761932008306	0.5475526182053632	0.8933809365196631	0.4171944337528747	0.9458687620582856	1.0320936725843086	-0.2114491688464205	0.91962003254695	-0.09585064286204978	-1.5477492563287352
+0.9602521642622904	0.0771520601293097	0.7574432159552731	0.3169931112300425	1.585647304672657	1.568114070829583	0.09986099992669606	0.4965881163389473	2.4078912040561824	-0.022865934267314144	-0.8168145646619165	-0.17236466878065262	0.4745847802270373	-0.7250478784074437	-0.5862686820036532	0.900244925737662	-1.7715623412956183	0.7725736469746859	0.19166154851957634	-1.3372400082674472
+2.1646654933930205	-1.094422790906051	1.4378399815674943	0.25079635571445524	0.9228906605763824	1.8740435422367272	3.2088278813549085	-1.529494400446775	-1.5160480581094384	0.9686225045117204	1.7745254211117512	1.5891059323170382	-0.7608595992675468	-0.8897564037089094	-0.5938840606210156	0.5973035965907227	-0.0919727762767865	-0.2994673609369177	-0.184344822686865	-2.529832834853226
+0.4120611005351579	-0.2016083893134768	0.7176329180903458	-0.955879934250468	0.7821471735113333	2.4601372395089283	0.2238524483434277	-0.26802938917841784	-0.5642753636911297	0.31686352597453743	0.8142899660178662	-0.8514859484817644	-1.3467177243289148	0.4841789068651711	0.5058641534492241	0.047067899926387734	0.5139705016639284	0.320741007588185	0.08589659135733367	-0.2334625620055988
+2.3018198176746534	-0.4941893801263327	0.9080825410848344	0.3643543640019221	-0.2346486759150624	2.2320670059825334	1.5618599683741974	0.7121478267802348	0.540115784693322	-0.34603474694675423	1.1296639776821673	0.8054193767697672	-0.6437818217297133	-1.6755444578846024	-0.23664074477911284	0.6732553951337495	-0.7034958827816807	-0.7683669171715514	-0.5183414081876472	-1.379663607208249
+1.1843631396533776	0.28187042711352445	-0.5278992843559991	-0.008323420762250892	-0.5676904083546325	1.9096602901749116	4.210452692323256	0.3174485759764526	-0.06216378974721015	0.1442029751909337	2.3197832486156558	0.2433750688878973	-1.6829389843273193	-1.016341755691126	-0.5083071855097074	1.1385394803666191	0.35331023665718697	-0.5364497693427213	0.3018289258166516	-3.1633349572650453
+0.1375548213016121	0.4421127212032822	0.01976579115046029	-0.6036530145273973	-1.3091636303111711	2.5433921979598724	4.610219158434106	0.2021140453568008	-0.5053055670440705	1.3926193345513496	3.5694946974033424	-0.3580891877732687	-0.020190737740967944	0.5323594706301538	-0.3764922467904848	0.17348356198809525	-1.029720182911515	0.21763235297515132	1.3435995510891767	-2.645894541233597
+1.0972979972126111	0.6996839165080748	0.5630509033561146	0.7681610108448214	-0.9998811516718532	2.047224838981895	2.7613855624462134	-0.5420037782629098	1.2008490800787306	-0.3504385842530725	2.124758043659224	-0.7884275458427321	0.7659532175570779	0.4151151697528843	-0.2085987860912564	0.7080568949319629	-2.582562669006589	0.8977831326998011	0.2384976867682095	-1.7536435584438508
+-0.9858386652982728	1.2038225334882884	0.9913927981584804	-0.6383605981688752	0.6686733755046687	1.9440491746018929	1.177871996552097	0.40071806525012665	0.9357035794817844	-1.9583984180286444	0.6295282764796293	-0.9748716854218932	1.2016659197728483	1.0154092708158746	0.7544258402945309	-0.2418872130582476	-0.3037598296147763	0.19013731276938325	0.11663655199361095	-1.3242848500310445
+0.037740103450891946	-1.0412456793795442	2.225458977280989	2.253045260188149	0.7330702734967361	1.9743448195642952	3.0637890087598807	-0.09958612872869044	0.08162884901068697	1.1548695459078198	2.176953628570843	-1.3555248328831606	0.8178774644042335	-1.0660186225441126	0.15588134416264707	-0.3268262071156243	-0.005322648253402015	-0.2833088762682934	0.4937817419467741	-2.0239856917487202
+-1.1420064626568525	-0.2658415446514367	0.4013439975765152	1.2247115662795574	-0.39875703183699024	2.1389258755397287	5.048265811735874	0.838787906446567	1.3340919123877284	0.04328433744956178	3.690411414483164	0.8071200727172667	1.201686697295154	-0.6410634897182509	-0.6346817606270283	1.889051041057	0.266916933787833	1.8832612181439792	1.4865109081694494	-2.9062233054748243
+-0.12373129024957695	0.458641596141021	0.5197010763371436	1.5627243529368997	1.5492932276296232	1.3788745529590023	2.6387236106428875	0.6167039663390921	-0.4238626431542701	-1.8095800061302445	1.4275653112994398	-1.2510710084416476	1.4347737211337026	1.0525906688107578	-0.04630624687490495	-0.8837182877318706	1.0759959800599035	-0.8843000287720333	-0.794842455688242	-2.0612146767098807
+1.7914981146615625	1.6239358639913657	0.3423263890409495	-0.398835497578438	1.018222813244385	1.888638921376525	1.8510136111714184	1.9035984117106228	-0.03654399340114343	0.494826210125348	1.1398944163956173	1.267958655474569	-0.3116423914065718	-0.4640163331604283	-1.9689105453303783	-0.5706801388322871	-0.9503129998021336	-1.1205952258083425	-0.6355592881308924	-1.593078478652843
+-1.4469853530925652	1.3631627087626947	0.9737610630074448	-2.3475175227585816	-0.18600319345269115	1.6310933130945002	1.9251237022831016	-0.2696936146812368	0.8628599807683874	-1.1645807211869068	0.8493460373911352	0.32282254456100645	-0.9422348719632228	0.4039941672744458	-0.95630511275648	-0.24615391546264095	-0.1325989110046682	-0.2572857712634877	0.17004074943079078	-1.8685078882873505
+0.3123834135951688	-0.7973008147266863	-0.5863938161715888	0.4042751385398762	-0.567094344605562	0.9267225864941288	3.2111571711969447	-0.6788970312428941	0.3954883297150446	-1.093923437121212	1.0977486236703131	0.3414610829719704	0.314143392833267	-0.043811097192659416	-0.1993389994727707	0.6610624784848586	0.2345158035167659	0.404678746566611	0.1835983077513118	-2.875841737534835
+-2.691455216782579	-1.4809761619786292	-0.09263369755410167	0.14509972992553946	0.11444664133441235	1.5945088064749466	1.4585842813096304	0.1594001038472238	2.1928523424997715	0.4330403604877451	0.9172852721145084	-1.5097015998106609	-1.6199394927303905	-0.11284623559329578	-0.7012687094868372	1.9978389054113048	-0.4134162805118704	-0.9332936707907156	0.6485008859690167	-1.269454332054131
+0.18242899131739806	-0.07387960211473192	-1.5676981234848886	-0.7211136911069154	1.137544826991606	1.654337336063142	-0.6864904228976956	0.2609963419235635	-0.2504264888288445	1.1508621998365949	-2.8946648996699786	-0.24750545428931464	0.483022452140387	-0.3516269931771375	-0.045744269930532266	-0.4380775086539643	-1.2147040364611676	-0.7581808405570541	0.02836122804260806	-2.4012762284497997
+0.7229647815879336	-1.4950045303025798	-0.06278217798152083	-0.5176307425603122	0.9443037519637014	2.3354281777037738	1.8249308968463176	1.1894006982012362	0.2823987852771153	0.081267460322264	2.110367377865234	-2.0596455312680586	0.28261701980478304	-0.9398620369930036	0.22968973454853456	-0.2269819646178869	0.16396923244108913	1.533428801934348	0.3413625358641628	-0.7988491169777574
+-0.5026994313320163	-1.4346879012208038	0.1784930740770608	-0.08704988699280047	-0.2083664492569463	1.9947702511992107	3.5701753950835498	-1.3069516547812363	-0.8217579927850355	-0.1836170195891464	2.6206774677256064	0.9020432424521729	-0.5316778320596816	1.3337457510819322	0.21847193529793796	1.2694836362223554	0.5099809895448899	0.40390980100775303	-0.9614499065412264	-2.1894058983787543
+1.3151878034597906	-0.9111933525565098	0.5571921504986911	-1.3164802299266611	-0.6027382222898524	0.84247537996697	5.406548103539669	1.259764566049889	0.06433545956595202	-1.3888750030853736	2.457319024711365	0.014046960307323678	-0.3598486053525325	0.389439006035652	-0.11329140207440486	-2.5138847368113595	0.8441929961945559	-0.15112864799083542	-0.7642307971118071	-4.0636153496290675
+-0.31913022391118473	0.25975975488053304	-0.5870711707328359	-0.9349744205872672	-1.4092898598212125	2.6733652175224742	1.4413086613757649	-0.5485029211293957	0.3816496529517005	1.085778961585693	1.7002406854143652	0.269059515711073	-1.054984560235382	2.3872009688051823	-0.9976686736454141	1.0723323563667293	0.02244206765946504	-2.2167785432315745	1.172444342748572	-0.8476382464364949
+0.725757653030881	-0.9509651252887482	-0.1857969386875132	-1.0305740047589904	1.1240566263867124	1.273071625149838	3.1129128522474234	-1.5691191532401652	0.5561510648555409	-0.21499638106350946	1.2534266193567063	0.4412056513093408	-0.027986703416406883	0.33799471828793703	-0.17859978404849478	1.8834780320248623	0.8894526072860123	0.8956536155364471	-0.4329682696764224	-2.7246370110491704
+-0.2638755434681315	-1.1498904079279466	-0.3956221309053444	-0.6464549134694384	-0.4071843484620668	2.9232834387063886	2.024925084999711	-1.1218079017560991	-1.0224928627066323	0.1114134850233958	2.4058376716058856	-0.9604732115130256	1.1246273030001728	-0.3502836158150444	0.6781949049910659	0.12412486919834635	0.907985482979058	0.999071791001634	-0.2836844584679297	-0.9261677992528384
+1.5070822229498453	1.14198046878351	-0.7584518559338493	-1.4652059535409712	-0.29770157083156745	1.1541065902803072	3.892842266765383	-1.7801454697689798	1.750289340321511	-0.4794067866218366	1.9127039854362904	0.6599200193625009	0.6182408075096993	-0.17263997816949522	-1.0887119468043789	0.7614231993031584	1.6015192302284351	-1.2960021742716514	-0.3184047697364418	-2.956804656809417
+-1.4743161679031784	-0.3594959614647257	-0.16084076189287988	0.03920307747369363	-0.2850571658852834	3.0560124790891945	1.92661208746878	-0.4484333560210143	0.942737251039336	0.942533570370712	2.464233779425017	-0.435975497066579	-1.2842498010128034	0.6947287587353214	0.3181060077302457	-0.8766080213676719	1.1721236788249982	1.5150793547681216	-3.096380618341714	-0.8010977254577993
+0.7686158678728096	0.4927645670008814	-0.42781722204253375	0.10267678044053992	0.8767453063169729	3.9610453790724516	2.511191222158499	-0.3017605393130381	-0.6799933500300835	0.09537604015163327	3.792066191816233	-0.5234868489101092	-0.1168842074667231	0.3972114164115965	0.3576015619159449	-1.6466774757263505	1.4991720311439711	-0.4027193274717641	0.15708095973704198	-0.5004829167192113
+0.6998873604040862	0.47225797577583606	-0.8850594181356258	-0.17240534091557388	1.114507712365778	2.2248334600133783	3.2278958774022914	0.17224173572965	0.2189485684123908	-1.4716128548213627	2.2602380399831334	-0.6435838465144137	2.333910618876873	-0.8577479700782361	-0.5239916000681197	0.03650578997496206	-0.5438081916441905	-1.0911948281505637	-2.070663530517252	-2.2065006922798283
+-0.20298618720021455	-0.5850416178534427	0.3995550735265636	-1.1914683877181456	1.1432377656593893	3.111966242712989	0.13777867364261698	0.08845577589094193	0.5994789475134918	-1.445724697798903	-1.4510030320715213	-0.6415654342280598	-0.41115041766148536	-0.34007365965887915	1.9962907199665747	-0.7237979192240998	-0.39331870724545703	0.34749466709637433	0.16888375459644395	-2.428430631010323
+0.5425882939193782	0.5872438826778879	-1.0185768182715444	0.9894203100696718	-0.1654722073050939	2.3781381016754213	4.777333927633481	-0.05141317170729732	-1.2014480875275368	-1.00060262474022	3.4125480691411503	-1.8324979105061343	-0.22633661865604304	1.4365128886916831	0.7333281643374718	-1.3388145768570054	0.9185403577311918	-2.057922757607334	-0.9759887839843514	-2.9299316368397745
+1.0606737663000934	2.1660956397395448	1.1033543310872866	1.5808413765505638	-0.5515581099481456	2.5316752273992047	5.911697810326473	1.5466415424700406	1.7532322554238082	0.3186222538096798	4.6722351624301055	-0.4161693500460656	0.4806599999593128	0.9031994712407156	0.7672776308660899	2.1199478834910246	0.5208570435284294	-0.4619054388455601	0.6394012396278349	-3.08674283031694
+-1.0811890233040131	0.5961018468735124	0.4433735795138979	-0.2793508401252058	-1.7502893063353984	1.0725432270567707	3.5199410268147164	-0.14760309285558776	1.2882124010560363	-0.037017876882068215	1.8257921166827584	0.6626755447952352	-1.3429887149057116	1.0686688123063854	1.9288327962972995	-0.6005613832786536	-1.0078058612919036	0.18330723114677944	-0.234716377744046	-2.5930759241483985
+0.2971713444974813	-0.4615107165069757	1.1731006766301249	-0.20732665252895055	-1.5026502749054418	0.36923153636725736	-0.6811531734388925	-0.165563143084912	-0.14927643550733402	1.339207217508415	-1.4210646447523736	-1.5594128181843088	0.22555410578543286	0.9012710392791295	0.5128427116467638	-0.6440575061834077	-0.19150461727253	0.5944085082513522	0.2548307123625909	-0.6590427784062196
+0.3903530967257405	1.82904995636192	-0.3651392631885039	1.1831443985265742	-0.2140937185924737	2.1779652351010963	3.514453320362249	-0.8909954390280309	-0.8625173575207544	1.3603437833776777	2.5329554395910105	1.57041808010352	0.9899524729238904	0.18390757182788448	0.8243242854569228	0.4512440206580324	-0.6800738014096455	0.9018333657750705	-1.3524463995283278	-2.2626334928974208
+0.11516565113877908	-0.7015135262926236	0.5733414328935966	-0.04536374174292529	0.20233265475204631	2.524439752615348	4.086278594682964	-1.1129330136055968	-0.7895615883279572	0.862399299400241	3.82548773440063	-0.8220835805099878	0.9874714719148654	-0.8407852114947026	1.1037622110452492	-1.8114395628916196	0.3232148711606187	-2.0778586306932088	-1.0334684157452585	-1.8134014793631583
+0.6418329709269822	1.4011771488223996	1.4180253457355791	0.015832248942212974	-1.1186464346333356	2.963061045830526	3.2830767931688762	-0.30863537738204355	-0.3447503044757431	-0.8344486519064678	3.226922481699135	1.9360409167440404	-0.7779382605758209	0.09103258674986824	0.7580372191651601	-0.495173654294767	-0.8289552840197886	-0.5365685058347942	1.3224001571192079	-1.5943671277990903
+-2.104720540569781	0.1471932378083623	-0.12223983219404208	1.3306569537423167	1.7234468103871767	3.1230822715572013	1.7773520093296256	0.05770600357526825	0.4237884297931551	-0.8323793456458339	2.5967131167307054	0.02728504335614491	0.3455583691262062	-0.8254061177361477	-0.4610712360722394	-0.35870360257918893	0.0156509340617373	-0.29866939100662265	-1.6195148440050573	-0.5304669059945188
+-0.2347904042890901	0.42497844592745576	-1.5554141718262484	-0.4890797559766381	0.4738276454540116	1.5062694000163146	2.9290806940331118	0.9434328562071908	-0.9166842122809968	-0.17489737100281064	1.3539126033187916	1.342348634671369	0.3635851941193147	1.690405490536551	1.7134724121651077	1.525819676152154	-0.8728724131537591	-0.044022570140754204	-0.6936871038833705	-2.4943535573029645
+-1.2929103974821599	-1.205122781874419	1.0818829397263372	0.93294245141746	1.0672857653245211	2.234201211775692	3.1538537450218334	0.8529210788868371	-0.498761748035765	-0.7885907632159455	2.2501783937064403	0.4240165622760923	-0.301708152720122	-1.3285792938947256	-0.13608456691557266	0.218701433884024	-0.20122696261059705	-1.607082202159852	-0.23269643403772197	-2.1352570249496745
+1.6081285472408775	0.2343552015493888	-0.7288527683328972	0.31166660341622804	1.5665851391923624	2.637939192418067	0.7201878317826566	1.1915703780275082	0.8710504351968292	-1.9156539861859627	1.6088973557562043	0.11845917358297588	-0.33770051154345737	-0.644014636916798	-0.02347528786231049	0.08677566794439158	-0.9385449468543732	0.2633700910980061	0.7352362945358205	-0.10977852756819284
+-0.9437814278714532	-0.8701652911206712	0.7921549347753541	0.7052317623847189	1.4194697465070758	1.2904861983372902	2.9010049918193106	0.7455408728923062	0.2654397224598616	0.32911988807424164	1.5015769154965082	-1.6354237049483715	-1.0716584780329983	1.5741491949227158	-0.1910904792748708	1.0622874717994433	-0.8906239581588747	-1.1475933379031702	1.7213493345471975	-2.2615569390980554
+0.13893339762742232	0.12505996785068954	0.08522105155729652	-0.1244369842572512	-0.22690680066614485	1.831636080721623	3.2738018963880915	-0.14361169441485566	0.5189381057678109	1.5175678616559087	2.120751180565815	-1.1009460471476578	0.0697979596038345	-2.602432052361322	1.248073481436293	-0.7921499782618511	1.7844460663131363	1.3861343251812623	1.45215029724012	-2.26979310594039
+-1.2623221774717437	-0.4398109042589577	1.184574523064895	-0.8628419626267385	0.6536781248859	2.3718951834134923	3.0130311149673794	-0.6156141697687745	-0.923620753645458	0.5631705222168764	2.1934541524342124	-0.6217586911245973	-0.2765791334483106	-1.077111645305418	1.259169840123726	-0.010327666146688572	-0.957604673245568	-1.6621796960423294	0.7410632267664746	-2.0703845319546867
+0.32769145920434123	0.07725137863004701	0.9411551928257472	-0.7046056420078316	0.15710497868255513	1.5931719660579369	3.1024845756525385	-0.7006612803897592	-1.8241662278672888	-0.13619426769754847	1.7880752778829268	-0.5723032119404491	-0.9180028967664988	1.1784615350557546	0.21381432544151416	1.8121908423558308	-2.5370331469759906	-0.3003043722416893	0.8616375196814056	-2.3136242824580373
+0.0987701410696138	0.26833084743059576	-1.7826875532777684	-1.395621434085086	0.7840401643730809	1.2746163151123096	2.728018441822975	-0.8189861194148645	1.15724146277464	0.5586576378696352	1.1721037754178498	0.13554094675622075	0.7631431510497231	-0.6244937925705202	0.5830220637206192	-0.588220424328744	-1.1257442229063401	0.8262331685913538	0.04060821363811478	-2.367071206783579
+-0.614729537917447	0.19146837341346212	-1.2913729399367817	1.7078651661242286	-0.8699432253319973	1.603270451228559	4.410657556827814	-0.8975866343571094	-1.030264969967855	-0.5381439014141097	2.6329320163550687	-0.19993548286578688	1.3606292668710889	-0.08965598150821462	-0.1285417755022696	0.5926443766325047	-0.4389915225827188	-1.6056899507032996	0.02213610009626121	-3.0072604017607585
+0.5033954659077959	-0.8055111698492576	-1.312857004081453	-2.354243115398951	-0.5641903582328863	1.9840733873367467	3.712404237067529	-0.24856569848440405	-0.3908643484827116	1.7139085093179516	2.5809867601708483	-0.4667472532409632	0.3859150365674779	-0.8069594808045837	-0.7774982878506045	0.6751392359483327	0.9123852674861958	-1.2610290716249144	1.337052505371117	-2.3830718448576365
+-0.9118330141069644	0.3009136612841261	-0.5099080993051367	-0.5570225832231591	0.050069122005563516	1.9801575442147892	3.229989288906089	0.11618529542066212	-2.5562734675391487	0.8140155460881774	2.298559616353112	1.3290344269540115	-0.6940693573673032	-1.2801140586568325	-0.02868401171092137	-0.05418447625479286	0.6042083705862891	1.4263278201500984	0.14226584694763986	-2.100255107080264
+1.2690245154817543	0.4065116438732065	0.9573650840274932	0.574406937044979	-0.2910573481347006	2.1028630511171804	2.1314117980501734	0.8553510210872141	-0.3994432772949256	0.9072391049128746	1.534152763578315	2.1121931382755124	-0.9723676078904432	0.8194505414666206	-0.701336809781673	2.1427313123216427	0.3150874320968426	-0.4737086746945954	-1.2991210885778754	-1.6077960309503636
+0.5521510367358053	-0.6985360193952379	0.2858985636076921	-0.2698500836718701	-1.2335722078046771	0.9442307917651738	5.38950572926151	-1.082182799275394	0.8602376084493024	0.8548109813626272	2.1525321423227552	1.1005208719054742	-0.3809891286363444	-0.4893066054388385	-1.6299296832705483	-0.07431220707811259	-2.0046033392727995	0.2750243930759012	-0.7153419937271636	-4.356992213345054
+0.8633094290043581	0.6599010562984239	0.6928767539673598	-1.4433512015900378	1.2668026723881047	2.3920367405437366	1.8053912184095025	0.6099818343941105	-0.6157994368865074	-1.0104276439420314	2.055919548310229	-1.7019541137215828	1.121460072434063	-2.4101457858497874	0.15603970463410358	-0.7992104260717795	0.9922816820919224	0.2545372178361721	-1.0545819565754253	-0.8441743729775266
+-0.7967616666020509	-0.25281382595316576	0.26493179269628	-0.07566574126889675	1.2269790609108575	1.7779804105429429	3.967367213855166	0.9693528622537074	1.2068246284840256	-0.5203243513186181	2.561699557446264	-1.7620545818701143	0.5104714672107399	0.6047667356918389	1.5809642340299719	0.3338075129097786	0.50019349609898	-0.046522079523331636	-1.8001313858244603	-2.6263662414992472
+2.3422640683180878	0.2706204170748672	1.3986949969206943	0.8191055092821005	-0.4610188600184868	1.510040402515982	3.4812040921416	-0.6310532473450514	-0.7114468597889587	-0.15946592266167392	1.8925581820495816	-0.5365242119068039	-0.4810852099574748	0.05260369768984389	-0.11411137676314145	0.32418449336901217	0.9438523773498336	-0.1641025643135676	-1.4326239397017158	-2.6184143856901363
+0.09908775541221823	-0.10009616181562413	-0.2362180873514126	1.4334217595249676	0.15090710421304554	1.854700975147891	4.796279303943893	0.054347155314047484	-1.2411028971913662	0.4724116521791602	3.0944740734643754	1.830329167408524	-0.16945310010625034	-0.42013908564854	0.5366308916816512	0.5270429254333681	1.4767742306940919	-0.4668292804632578	1.1060595051742386	-3.0892709207901725
+-1.05795461059746	1.3977974222267546	0.4712677746318343	-0.24950405745536794	-0.9558826294155705	1.6665424129940942	1.3964051303408294	0.1833173809747806	-0.5276552470459347	-0.7062757970490893	0.3218877605783783	-1.2273587380460425	0.5588191670966369	-0.09051119007442364	1.5081414847690608	0.2392776584590416	1.0496570603030575	-0.01813379709921569	0.7843917222040053	-1.7721613457910057
+0.021749848136393888	0.3922175028913588	1.2961219606627064	-1.6346336591877693	-0.41753789001767216	2.4259633567391456	1.5024932510585811	2.02176973735554	-0.6112274230823096	-0.07029272658209118	1.3904530922092913	-0.9111722704560432	0.5846479793633218	-1.0769811251192931	0.25464045788395456	0.133007999966388	0.6993297563444039	1.7870777602593393	0.20264116998128806	-1.1293582936597966
+0.023487867232908348	0.2640265273943643	-0.7539314921802025	0.34030040045294874	-1.3406161512594812	1.0710100577349957	-0.6344920974112087	-2.1614393774064498	0.7702649541994134	0.14269638186049788	-1.934186864999352	1.6678302830158551	0.02207184045832031	-0.6425951828083939	-1.5600031733159698	0.24256669592404076	-1.0925585369181725	-1.7510014444587068	-1.6161846437764398	-1.3963293817587816
+-1.4405290237288506	0.28973038824551395	1.767866568305351	-0.9923093750210012	0.6387055144068591	2.0413911887846248	1.249746501115949	-0.652974230670579	0.3890789099286152	-0.3392371294084054	0.8604735496588447	-1.9951769945211395	-0.9488644654361272	-1.4499176399796132	-0.9112778707472854	-0.9268459109308762	-0.8295268879136654	0.08045998137214022	0.03428176500572475	-1.2204997534529205
+-0.4582254078729166	-0.3103303374754983	0.5475134208871751	-0.868581358175187	0.8637594929392046	2.3347943958748103	4.6796208994414386	-0.2379364733769383	0.1783589794496061	-0.7043523048488206	3.784930359339688	-0.7001028855041473	0.4580799692493898	-1.148588637226961	-0.3395795653577701	-0.19967838156416007	-1.1897322006292046	-0.5183466666104956	0.15807415332791586	-2.4622465199997934
+0.9186721964664136	1.23249558928306	-0.9341265179611457	-0.2563631538524276	0.9271636593832244	2.2945170070874847	0.4954736445803598	-0.02796173738452549	-2.3179283675573497	0.02603854564354548	0.8968792062505241	-0.8269396939876068	0.2993969414880889	-0.3488692498232975	0.3998315589520314	-1.0131234185962372	-0.7352596594161701	0.6361532930621694	0.05909309060878866	-0.4132964564687276
+0.08792483481571492	-2.0171615133824026	-0.9406091489953338	1.6630558309830639	-0.7198461595034623	1.2232844304286679	3.885193136694149	1.8957406453806944	0.37986199171374174	-0.1886037879251071	1.6802587149556854	0.0762972923672287	1.851241155137276	-1.467362876716516	-1.2991377887018576	0.0902950214614326	-1.3555946161456331	-0.9922670880113496	0.7408240783457657	-3.184050833117208
+-0.7270590165486067	-1.9939843398127108	-0.8131404095242811	-1.7406298117954244	-0.8309427101365122	0.4733058637092207	-0.7431041668983949	0.27772231328192404	0.7670198255983852	0.633890909004301	-1.949002179847341	-0.06437401206065406	0.5775351350227779	-1.2731019278971345	1.6710399600893209	-2.7944394544526885	1.0582902522856223	0.15907026398896715	0.11140181058545492	-1.1091328236804252
+0.2778464711492101	0.6591089314741738	-1.2520467493046588	1.729739463081967	0.9151442695497782	1.2503977171179792	3.356222251008603	0.006853174228663374	1.1670719699117964	-0.4341071714125514	1.3605608207299955	0.08446342435428636	0.5880124895188605	-0.17486157338649533	0.4825348672723966	-0.17728227351902845	0.4421225774959192	1.0149291525106503	-1.169914911132946	-2.89259832807424
+0.20314035915587908	0.413763482386412	-0.5937523941932776	0.6331557419306821	-0.3941126311293185	2.0256419184130405	3.8938347670799134	-0.4980791579806768	-0.7060223010084051	0.5320947492993139	2.3123936615939065	-1.0116598063899964	0.04908563403362468	-0.8363331795116757	-1.6787276912798683	0.23682988657803775	1.8155791879843104	0.062214965037181824	-1.096467924006	-2.848393782580402
+-2.290274757521458	-0.2298270786266501	-0.5437791659560656	-0.8887050206220238	0.6068607175020732	1.0141391995810642	-0.1046438946239151	1.0290649773376694	-1.6823403336428542	-1.7745776898711971	-0.9098935883761451	0.3255736956397304	-0.32234496924319644	0.21041959595733506	0.7506461507951088	0.14572627258695114	-0.23847409803304906	0.2732338784561998	-0.5798077015100508	-1.0276089094305294
+0.7037188682343566	-1.3834675030760737	-0.9440079974275056	1.6214564620941754	0.7067945865048083	2.563747525187689	2.275185192100645	-0.2315691339021553	0.1643600222801682	-0.515779240519528	2.464953477237568	-0.5105327599920099	0.9999277708468376	-1.6082933185090258	-0.005937939695872044	-0.4681837081426293	0.36299794608114905	-0.9430208033867064	0.2839985866673564	-1.0457277165429963
+0.6705907907138725	0.6802685710337878	-0.6108867892361853	1.23273338417596	0.32123347448046946	1.6192902267396565	1.584753785059006	0.2621355730371479	0.6319591505620831	0.6895834591738729	0.8606467184331479	-0.2332005637937669	-0.3415398988685128	-0.2538897285255697	-1.307617771422407	-0.10771555520980146	0.5902605469805197	-0.2616560228000526	0.5887579740768729	-1.4713334616276814
+1.742034203262497	-0.3810803368038361	-0.8739098314077827	-0.2431205984899139	0.9195467243761708	-0.3974548355640013	-0.6856587145947941	-1.5275353503018694	0.20261294596900656	-0.008427893871154283	-1.5029166951221056	-1.28405776539966	-1.8901673563605168	-0.3332941082058783	0.9914392784046294	-0.7295794598313519	0.4801645908486119	1.1405965724199736	-1.3325754614309129	-0.5006024604639645
+-1.0162897396086443	0.6801298855824894	0.816176605918297	-1.8483708938817176	-2.2430048612744806	1.711363055106233	0.2819866183326913	0.8937900976093729	-0.2067242948428999	-0.3602658236366109	0.1370333359244189	0.1690832489799306	0.8070612560630268	-0.09778025993669397	1.3467573712653025	-0.04979565523660462	-0.04881318624469081	0.10320733419234612	0.16359632944564995	-0.7020803782256477
+0.27638210605911184	1.7701935208067625	-0.3768567635895532	2.034545854210033	0.43765840429493663	1.6769965146795986	3.63220759564758	-0.008637995433970598	0.1494331157711792	-1.0746890710571917	2.3629387940897737	1.5556951520887083	-1.0445237634316746	-0.4021347290022684	-0.885394627749135	0.7780015524001082	-1.5510718363933644	1.0841613747740548	0.6972407342505825	-2.402864606958631
+0.9473423691730064	1.4811171612486818	-0.2431828170083555	0.08541447714196418	-0.0771257060069676	1.6526423952801883	-0.14274042715829416	0.6925750212947389	-0.7430529592066416	-0.9366769879879386	-1.7321551668274875	0.8256386999706214	0.4950585147524697	0.3163001442999977	1.805783065368996	-0.3178085593766356	0.7362006826462896	0.7515358465649052	1.6738540482260864	-1.9367453247083148
+-0.8241048715700412	-1.70963061967201	0.8344355626930005	2.0358353155885607	1.7911455658725854	2.3020424415936582	2.521321524733537	1.3316627151923417	1.3463942082518379	-0.6533557058328594	1.985951280469393	-0.7450076451887588	0.3004622010231175	-0.8053102023057821	0.473105450446238	0.06293360966746306	-0.4569416176227682	-1.0434982176910794	-1.6995004418204058	-1.6880374283543418
+-0.8613031641712273	0.7548859916613591	0.014506694549685725	-0.7725388164553778	0.9420257234654726	2.406347680082704	4.062222795554533	0.05123329724330174	-0.14359828877363506	2.0380441177983064	3.1176274424827377	-0.5117640104512878	0.4012598438659525	1.8036775806072016	-0.03181381557587227	-0.08116553061930988	0.5584189145998613	0.9098269863404442	-0.9841144613073622	-2.4063146349505478
+-0.0487887671293451	-1.8708379372844472	1.3125281437951462	0.5009884062913943	0.5114740064850282	1.307229687147632	4.271914456737363	0.7275893654181388	-0.4290265355987626	0.9124028814888481	2.1091400487050933	0.985308765464398	-0.8896064767845016	0.17872517647249836	-0.766190788668922	0.3348968425424903	1.8045690852101368	-0.5278033891333851	0.2679069553273009	-3.2474776725296364
+-1.7623782680466618	-0.20146131891288555	0.406264958313234	-0.4170599264992175	1.0133225794000402	2.3095688499160527	2.563153808537754	2.7510984938205283	-0.8450758871225822	0.5656257354874789	2.1625817801927094	0.5977066181102821	-1.2849058660280683	-1.0896053312325809	1.0350551813813935	-0.1605517023093596	-0.4207096205945095	0.4256535411452296	0.14037939632217405	-1.5738686524300822
+-1.6665990307137892	1.0078723756815866	3.2778332322591317	-0.17609127924772935	-0.3497301713921516	2.1610589898106496	5.421033405565653	1.4732432529234938	0.7586177629087887	-1.4654094724655848	3.4485903946610623	0.5471125249390798	-0.315293967205424	-1.3258104947485556	-0.4915583660192472	-0.5377240919199312	-0.10666316507657883	0.3902930411507197	-0.7349683390802478	-3.556358305794876
+-1.3602048110286376	0.5757004569917364	0.8869717645531512	0.026710832154578038	-0.7038694725835929	1.6947348065431531	2.268818378159356	0.3691744251045905	2.301473174643209	-0.5286522705814036	1.5329428902387054	0.3901010487769533	0.14541339779939966	0.073806307813787	1.7491132277960382	-0.7675414767995457	-0.4420390933359007	0.27623888694269183	-0.6682158554963014	-1.6416290184675968
+0.047626437477139696	-0.5729201553023671	0.6813172904735044	-1.1624337582540945	0.1449414653626936	2.9236928944332305	4.621037748748035	0.2697302165985981	1.506438796063259	-0.6466772621655632	4.074404002378533	0.9272604008910388	0.7718567708410379	-0.68327847118414	0.6735681951859209	0.8159294442110141	0.5581960179845209	-0.10042673127814214	0.4982680611105521	-2.304324239788141
+0.7001647809545715	0.7603689932255868	1.5097517492247612	-1.5782745286242423	2.8088426963271185	1.9973459647217404	3.3822054538753497	0.4174123250542228	1.8967365445501536	-0.31170034581449696	2.144065590542655	-0.2470459748595076	0.7700105654847257	0.3890269887724692	-0.2593736396357106	-0.5206797546515621	-0.055127295041270716	0.05525808142624802	1.7554763366272454	-2.419776004077701
+-0.8055613244294758	1.504927894897263	0.01931980321041564	1.4510288442323935	-0.8374739000763685	3.465230214032937	1.7244867522476912	0.5277472894826627	0.34163412194290305	1.1835461972678056	2.8954264582426914	1.07458982094769	1.5492763372324818	0.5989420660053004	-0.2732096959887481	2.1183364715650512	-0.7810440596275671	-0.1782141835598015	0.02334412783353981	-0.2966814417894885
+-0.5568392699632165	1.717777798610855	0.26188557099361937	-0.3535108506422352	-0.8242805368494927	1.7348605377820554	4.822163880694091	-0.3700179142232107	-0.8891456703337479	-0.8221269602822942	2.9394194283628767	0.017620885511955432	0.6884349732173668	1.7098829480128357	0.9706348252174553	-0.39669596128410695	-1.5103749238321862	0.4033697488582593	0.7458701101232638	-3.226133733743387
+-0.4627050511104338	-0.051916069304480124	-1.957930360415796	-1.4297838838157428	-0.08699022678298668	1.6053334733726323	1.934064147399188	-1.3951535016174204	0.4009804480704179	-1.281027678100784	1.0499150207454488	-1.6783387738430426	-0.5616237464683679	-1.5078865571242706	0.9281438948132864	-0.8667883897279568	-0.33553480609337205	-1.149694701378354	0.869683561164043	-1.6852008096741484
+0.4526132136913205	-0.4896326205004508	0.012367152708850441	1.370794907673876	-0.3285232225022272	2.552366513975853	3.1064214121156186	1.914392038815252	-1.877949676699844	-0.3192727749636239	2.741060213401183	-1.1284848726217422	-0.0919920790425552	-0.9646557830011478	-0.9112042344151052	0.88082930687135	-0.6720390293800687	-0.1236693191117028	0.15526413214710455	-1.7225235235927348
+0.42487189699856703	-0.5373034697510026	-1.1657883437507215	-1.35351449329613	1.2670224544537296	2.578188177643524	1.0747708563973195	0.4024257533201988	-0.7595747370840253	1.1128259625451298	1.3044963239922482	0.657714479238077	-0.4536911884265618	0.03825851981369715	1.6218469815954708	-0.10738702838298277	0.26418374248900883	-1.3036201837106316	-0.7840346128822773	-0.7729009843485289
+-0.4389986959155344	-1.2790980438472752	-0.3932792672498417	-1.316868164966269	1.3023531236190875	1.4466917672802029	4.114058826243198	-0.4698651051033374	1.8654006003164283	0.35854312162813035	2.237087954981273	-1.30179626654597	-0.17063547153688582	0.4127469158927106	-0.9098056432542364	-0.3575378568497552	-0.9921179670477704	-1.1435717060578907	0.17524673850694028	-2.9930009829491566
+0.3852618176043437	0.0028708458352650623	-0.5024778455583803	-0.030207507091031125	0.2785294503425886	1.205420638380429	3.3921153109556155	0.14816080337354787	-0.9231423650862712	-0.20819594044607675	1.6210373114935015	-0.4901737024960668	-0.6542470577968202	-0.9611071569598121	0.33815581911598536	0.5332431291103377	0.7733460952134276	0.19514858142111088	0.745124934276201	-2.6784324308141265
+0.7790079720957943	-0.08879895959713145	2.4751302432608684	1.1634730890304426	-2.9650612772203844	1.6368979524527285	1.171857064067209	0.8578913753079475	0.7569145214609329	0.5259308127601289	0.5657243057806787	0.36612700996206604	-0.7941685971805807	0.1574057729743758	-0.3201879766046616	-0.529588356289408	0.32089693840780503	-1.280658529675866	0.6670692452769942	-1.284779793026221
+0.12956389540488147	-0.6822043773192321	-1.0680584032777118	-1.1314764631881316	-0.02443935506221182	2.3063678295646506	2.05492546401554	-0.2125424941818941	0.09244322995917588	0.4478956497805346	1.9584679993163758	0.657035955289195	-0.15693689976783282	1.1497039143431782	0.5338249871379891	-0.3565536708041589	-0.3197237067759889	-0.6968652643833548	0.044335624062577635	-1.1897078282068685
+0.2759826961634691	1.4284214340347283	-2.126275493717117	0.5037420171207782	1.1732048547314649	2.4627547858195853	1.921349543776504	-0.4162708395199763	0.8599498185511825	-1.719662074058352	1.775112438036741	-0.06421496886785356	1.029802951088388	0.9585055920024848	0.5026749587162662	-1.0624106394490298	-1.7326943373473551	0.12366577930604605	-1.4592657926924737	-1.255807173744993
+1.0906919567058857	-2.1987338027493664	0.7693410209249401	-0.4445065964516402	1.0343603590180137	1.816481589191256	-1.1726457007985491	1.869470588812964	1.5532303719967329	-0.13308317426188015	-3.663059089880548	-2.3907981770880697	-1.5035700766768545	-0.35483374962223185	1.3090068967006183	0.4694720301263448	1.2496710684771428	0.10415665090499901	-0.4596162998025877	-2.61375494278818
+0.5059132731147049	1.006975243643681	-0.4938139686269274	-0.22563628905071126	-1.3202600062771264	2.189636263058905	3.3501658013611166	-1.572379520515759	-1.5530376197701337	0.8862230356278721	2.140767539673516	-1.2177218637050382	-0.3994014642805767	-0.2414156611406031	0.16650040666114954	-0.6164594083426257	-0.2953339684513159	-1.0030676167293335	1.5635792261066224	-2.4442293610774426
+-2.472068236980303	-0.03566470923729551	-1.7595649912666012	-0.1876449202603675	1.6845080329667363	1.156783446649001	2.0801512144395535	0.04728634650100076	-0.25003245454754397	-0.260700738453831	0.6707929398531374	-0.4980949170444729	0.7266719382597621	-1.7779589302936736	-1.990641413618652	-0.6147455820276164	0.2898719839417913	1.1469466694178148	-0.5476766224874976	-2.0665709375248418
+0.0908174178901584	4.1906720280412	0.8449022764036459	0.5227552625562218	0.3501373375658401	1.0170574391739855	-0.41440809061189177	-1.4876512344456772	-1.7688392877460632	-0.7781478945362675	-1.3727942668567867	0.5441010893671048	1.6054837809753586	-0.5094801482223705	0.3458528538578074	-0.3393683754899245	0.00421136641106734	0.5128487842780594	1.451914662748771	-1.108273601083429
+-0.2957751931021886	0.8312516958131427	-0.6166024148729954	0.9870530651791578	-0.6277741203243402	2.378221977692728	0.9712919835327858	0.3958800035700611	-0.4970662176573613	0.3280388811133758	1.0482988747115272	-0.6688596868884841	0.2478852929824509	1.40610168770054	0.23135290351300697	-0.24384329876159916	-1.0846504539458115	1.759118748443706	1.0397217022013259	-0.8338114281146303
+-0.27927271213342003	-1.5669370452439817	-0.16412221505099042	0.1006558045750615	-0.013516869339569549	2.5518685501340213	4.362755877894207	0.9698078759011884	-0.517185837905094	0.0489067425109987	3.3426762158483414	1.1120360222576424	0.6193028266754848	0.5283645624741119	-0.2767550906719994	-0.1481345215478018	0.7695370984021233	0.034437622136632456	2.5615625053084727	-2.579809213702593
+0.21565413910601952	-2.0291881618704157	1.5199776475342168	0.8903724803843097	-0.7147062689490931	2.32928588598798	3.06783924668116	-1.1479530860388014	-0.004988226332444459	-1.2693938314954667	2.4852870985856135	0.609339264927705	0.8626399118443158	0.10046074002738956	0.440446641463169	0.05189063052993408	0.4339790784924287	-0.6760941148338845	0.670964906746592	-1.8491930224121984
+0.09434242266873713	-0.16801183506911793	-0.572352820860361	0.14736195563808172	1.4779749790671912	2.0433657893150907	-0.14797224132786324	0.8584564233119734	-0.7471343764240743	1.4402011156625905	-2.0920414470551307	-0.5097702435097735	0.9556551929871878	-1.4477194647619367	0.20529168857207108	0.3658350481389593	-1.2433604261868576	0.1335542621049311	-0.1473290445088834	-2.3807901785010803
+-0.051010026264645104	0.6275704061705466	-0.6022927822437075	1.4613706419487948	-1.1777684701300584	2.3915954170987948	1.2643248145128831	0.0614097626672117	-1.2413682948647629	0.18604885307542945	1.5473881578786952	-0.2833704427129832	2.1537893796620056	-0.5987558415967271	-0.2073517024347199	-0.06395268373838488	-0.5075778705363709	0.9513935384131776	-1.4799894171982402	-0.7056788705268879
+0.08536549045765254	-0.06340123694721837	-1.2550990892898002	-1.219706277112618	-1.4586846758615648	2.204659424594331	5.136671272146922	0.6789067318791842	-1.9454902674796677	0.34198023124415744	3.5754453064664	1.2486678041574295	-0.5548504597767356	-2.2751844456266097	1.0068336204866373	0.7700537181765426	0.8875533936139591	0.8618517997078565	-0.1159200497991891	-3.131823181440919
+0.9412202695055164	-1.477158992351289	-0.9180780720984876	-0.1022896241818975	-0.7955194751615451	2.7910930986878966	2.2974799060949125	0.5726993826234683	-0.9946533562963062	0.3355633596180662	2.3754196042871616	-1.6687011799218947	-0.12441495422381155	-0.7101099695834886	-1.208952894883404	-1.1939482150755891	2.180891589685506	2.8796172861756815	-0.387514440411874	-1.221658574649176
+-0.1682924846189011	-0.0005219643330943232	0.7103523938405685	0.3930994769316473	-0.15517899540606006	2.6476798487030013	2.9068053926956834	0.1384933581582954	0.4792181623170069	-0.5185302534670962	2.849863767865457	0.5916952385246267	-0.10446382071519576	-0.07858164511897985	0.4945517255554848	0.5407841979993083	-1.3855646661640908	1.021653032453022	0.25543774587697265	-1.4255610871038398
+0.6662189130678242	-0.4537176024401034	-0.8473456361893165	0.4959790885898313	-0.5303663872405996	3.216494470142121	-0.3451368247395543	-0.8240708538762171	-1.1814210516690988	2.2902419289221356	-2.18956871763562	-0.541586388983844	0.7127735711740859	0.7491959431525474	0.9817476190982324	1.4524807842936474	-2.018762361021376	-1.0416873018018649	0.30362761875474675	-2.5997236193687066
+2.3973742155708537	-1.066813984363948	-0.5220515079973316	-1.5326897793903105	0.04667929466808339	1.1401921387728964	4.824125717091155	-0.5809791890416444	-1.4158549642429783	1.5924989126275617	2.3918662626069187	0.887359973983405	1.03387324851181	-0.131659831802309	0.890137622187873	0.018433827782753064	-0.5141477876341779	0.954463775431118	-1.1726006573314691	-3.5575004223446087
+-0.6051250890124548	2.3505260039210465	1.2848982044337314	-0.7151542942808943	0.5654824923619511	0.7320081161256659	-0.4255394552897957	1.0277338548586616	0.07724314852416357	-0.7141965315828968	-1.057912042064974	-0.7379577416954437	0.06299981032067074	-1.3118289899623583	-0.6245763680427284	0.9598710739523312	0.020036451296483432	0.621230595532839	-1.087622390604888	-0.7190519775713637
+0.4547290799527628	-0.7891779085762396	-0.5804856440971565	0.5200847387374442	-0.4031374294196634	1.5687462847356084	2.5074690202569436	0.3826585525627863	1.0982172073722858	-0.1672828601275129	1.679694848524898	-1.304922001222257	-0.21419558826316648	0.6609637600651339	0.3842668401276336	-1.049352945569162	0.4896274346477366	1.0119164730080052	1.4631524002988088	-1.7367922466883157
+0.8928715602130539	-1.530992312464539	0.9948915626274636	0.6855869704120358	-0.7654858499101687	2.5755108009833068	1.023991092139656	-0.4904258467949245	0.2655165637203952	1.0752987366827749	1.322910308326086	-0.7345057521042692	-0.2001691178351472	-0.3871670399534257	-0.2770937983149195	0.2701288366238533	-0.055848294971670084	-1.1470021036101354	2.115117515366132	-0.6978869610269539
+-0.20257808370320815	0.5798596929325263	-0.09552052998188217	-0.7215042348653432	1.149883372616504	1.7149868788168852	2.0730671063782005	-0.02169566460944735	0.3970957304286605	-0.3303369287522827	1.0613813788032087	1.347766579915079	-0.8185564643254218	-1.8637772246527915	1.0803226362744074	-2.045862690112989	0.11018888663514066	-0.5151808538578183	0.8616538645895059	-1.8638466532035696
+-1.029598824031216	-0.08635709674792964	1.078255738587083	0.5803981456195124	0.3139061757910063	0.7918122161300167	4.089751249649312	1.3039118933217946	-0.8396625059148853	0.9223985473576842	1.811268176985802	0.8151992876552306	0.5132442213138964	-0.5890651741927004	-0.033680018497299125	0.011097391954897718	1.032715441632993	-0.13699198017423544	1.5377690065982432	-3.164105799671788
+-1.723926889250071	1.4985928815008598	-1.994756819834158	-0.8313394324642359	0.5344486609290904	1.4341441705204736	-0.6454196648436958	1.1243360941505984	-0.2481346042555949	0.4842655909908218	-2.595420782848407	1.543209375196821	0.42289227544542796	-0.09778752354615704	-0.9625247992249608	0.3471212112206131	-1.6704383247467296	-3.0451749194073434	1.4369671925000531	-2.1046836876229302
+-0.982001109246549	-1.1609748330578455	0.4581596753499356	-1.6736604333742378	-1.2388232733185358	2.3863810347707184	2.5132901002721324	-0.1946119582431739	-1.2099502593931368	2.401176489895266	2.078480893428144	0.15371002756053131	0.4674375705257291	-0.07139362484337272	0.5549025619519828	-1.4448837324719732	-0.7875806866897757	-0.24542015693149055	-0.022103125473818992	-1.6185444884018203
+-1.6696042658168295	-0.8886235114951507	-1.6278636063965453	0.7488285010078221	-0.2394051232267505	2.8060757737111657	3.1664321861187785	-0.7041908161556312	0.6603643700482086	-0.8155915065686044	3.1886329370201234	0.451137948962911	0.5773693532945827	-1.4058319551014913	1.8017459086427632	-0.5305892937658383	-1.0061811886959957	0.9035679172396148	-0.2772188426563855	-1.4515770436350186
+1.1190743920068005	-0.7403697788053457	0.13338011710283992	-1.330591854085634	0.6064447313633453	1.2596411028709675	-0.6579028928733395	0.455979460852772	0.24117474886523524	-0.6987556915686035	-1.7406402302459818	1.0457486425891107	0.3734187257696164	0.7421998487488862	2.6401335035149853	-0.09372964948407726	0.3844321056262408	1.8351887479960929	-1.1288622878117205	-1.247177828893162
+0.18770271073860695	-1.1882445064687557	-0.8895269378600188	0.544104539093523	0.4353038940839885	1.639675108534714	2.9877569412338283	-0.6227101950517799	-0.2342090485987892	-0.8777051041437257	1.8399279556907842	0.9419485498867988	-1.5882317279705382	0.6387461501723255	0.4592052614420472	0.5740264163831629	-0.38740397841325797	-0.11975309127590505	0.3913648576683494	-2.1503617125225096
+0.4518880995247441	1.325312384393424	-0.44285997954535655	2.512925861711266	2.0525343881329863	1.3553201722250232	6.481738180299175	-0.2661421810426624	-1.1430527802678592	1.6364781270409314	3.833562500160839	-2.009181557247933	-0.8796008842066111	0.7423040683760405	1.9162627151023783	-0.4553257704943597	-1.8047804902087847	-0.38429310156522856	0.3621713523816461	-4.153296176812162
+-0.4551739245133178	-0.15463612331216547	-1.3282850950889369	1.4792554741946131	-0.10632594911257398	2.0673897419550262	0.7921421901177994	0.6190090271508178	0.7384380272253843	-1.0151274853084162	0.7485164293831468	-1.2843008490923702	0.4294927104372925	-0.2307655643043178	-1.626876131957112	-0.29413486605469985	-0.5024914734361625	-0.30380273677775954	1.8667797399133148	-0.8167455203829375
+-1.0232962736455569	-0.18799915320323848	0.6151870012560637	-0.4474015023984131	0.3870058350567493	2.2943239236228923	1.2734140162014849	0.10547621246948616	-0.5374349743849529	-1.1083898654278426	1.2448888990757765	-0.2425081743342712	0.5764992669017571	2.3161115016707776	-1.6205269254784043	2.4850274824760548	0.4378403730557297	0.6406497706746266	0.10389167323389427	-0.9668731195070716
+0.5107990162542221	-0.9326016746309442	-1.1547528121981818	2.166561341415348	0.15578677775651165	2.135537918525095	4.755804789853119	0.7418548134143269	-0.14847845401991025	-0.1225985177161133	3.256696105991677	0.36211895599301264	-0.03444432648862678	-0.10169066800741024	1.5663003813360927	-0.1819784224882883	-1.3395776512702149	0.1924311426897244	1.5691837816908434	-2.9774651598743245
+-1.038698328522962	-1.1246475636619413	-0.6747675090197545	-0.8194721743123851	-1.5086194002481363	1.6391604984340695	1.4757211874186331	-0.5049180899642637	1.6444876410913167	0.9440635196558228	0.8478819792778549	-0.9540934037920992	-0.11485199467758735	-0.9039741514127602	-0.6504603840357099	-1.3401434746601015	-0.9257192198542362	1.2552020150439178	-1.3737082682017248	-1.3663409444159655
+-0.7123683026572428	1.1421208148947644	1.4729321583477588	0.389982521813685	-1.9925387733130964	1.5088165854681252	2.5581204585101025	-1.8733032705241777	0.9074804274704644	-0.027908534926279156	1.1436766469023778	-0.6677851047046144	-0.3329353691332084	-1.1665795905825012	-0.3871955891759221	0.9735720067919156	-0.054719900900026056	-0.03648705506513659	1.3033519079121922	-2.27211341672911
+0.09172095071203293	0.5451689952047694	0.9457013346504404	-0.5807009136573694	-0.3837152989197445	2.540574236029637	5.309241938058227	-0.30154097435740945	-2.8204942118659546	-0.6631445657242003	4.404110133658081	0.010943234756893995	-1.835508543875019	-0.8365277879167308	0.8150551632630056	-0.2116291444452173	-0.7182346203650892	-0.6076934948810246	1.6496297748570892	-2.659375161579049
+-0.2971756759435592	0.2862848101996988	-1.9871170784326961	0.617144615213011	0.6201263549527398	1.8400203487260811	3.0782400621697605	-2.10698026582488	-1.2166753397706287	0.17891473879023884	1.8523131085861868	0.8197513779210771	0.3425468667472211	1.2238467291369919	-0.463924924254675	-0.7197856545819503	3.0070808286207327	-0.5487741639854061	0.8809694418588211	-2.300639053977365
+0.2795640816984261	2.3784191202189597	1.39135670182167	-0.8709934836341001	0.5845408931807122	1.557276412113879	1.3496280870595931	0.015363435497179181	-1.2539988208735793	0.4210072126006733	0.7305560280115253	2.001835248303006	-1.4265527130352476	0.10681694001783926	0.19813899381990485	-1.154660351703605	-0.14934877481097752	-0.4715690317059506	-0.4505066304128419	-1.3085260588409753
+1.0122646825354955	-0.2644417882039449	1.2903067713908758	-0.3502183887738464	-1.3107303785193367	1.152865971948072	3.280296553176996	0.1778016560155053	0.33892964369510536	0.5921914954810813	1.314573744464055	-0.24252710417773096	-0.3821764882274388	1.8324007818187331	0.26868622476562776	-0.6743999438866403	-0.3261695968357945	-0.287837261858431	0.4970892560545331	-2.8205440815676432
+0.6793550711333031	-0.4191013119895944	-0.4893757250506237	0.2594215098289507	0.23325906782680025	1.5413252344589876	1.3577670389530805	-1.7790200674256471	1.8538285155636136	0.4184343353414095	0.5084462742956529	0.8857713613362909	0.4004306808425445	0.5664708408038909	-1.0272445889612456	0.09722885614332348	1.328302046696424	0.15992134498842278	-0.18620724369776812	-1.5185357062825569
+-1.9004809935446143	-0.918800357457384	-0.4659510462278771	-0.12166673605282766	0.061489057776836165	1.06028762886453	0.9566656870169812	0.22310649361864301	0.96708679652886	-0.9926987750022856	-0.05920657013336195	-1.6603003750528893	-1.880618971072058	-0.2347316421449392	2.14628784911539	-0.7814696569342958	1.2708920852905343	0.9919202614762216	-0.8648843964472666	-1.4487054650899975
+1.2442889478087011	0.8146785346068239	0.6786817171006971	-1.0314796850208012	0.030647534783129256	1.2863011500501718	1.9930061889605433	0.7156896199854419	-0.8669121278007357	0.5874556049087282	0.7461863047669934	0.6375090625983812	-0.9638615403106312	-0.9853294904584604	-0.5521017908393222	-1.3731199766938775	1.5649478531806078	1.1036984620671109	0.14459052412112028	-1.93737897199752
+-1.9371207499349237	0.015164509566240006	0.4331411902023518	1.3351070060987131	-1.2324829195632834	2.4692931131311733	2.9737417577845986	0.4896978028953196	1.601471345281385	1.1248864652841577	2.4158483204779033	0.14172269541340235	0.6763533700970874	-1.9903954153548855	-0.32987534599233825	-0.3112271381535666	-1.1828155583059	0.07142818263679508	-1.0068360925527309	-1.849384904122112
+-1.0468181909575451	1.5175429079207952	0.3616923802856441	0.1301450005653437	0.6589162848707805	1.345253890832172	1.4362101174978659	-1.7191791485327417	-0.7757059364824569	0.7967314825542651	0.225545322166036	-0.7486248953612005	-1.306364937280833	0.21339848577051695	1.6074795984905592	1.2893808491285854	0.3555188732590593	-0.9634172409103514	0.7063901014171252	-1.8101366217551496
+0.3317369245035787	0.5349840371770207	-0.4256322619369083	-0.680734935564034	-1.2014572779757855	1.3984922400284652	0.1429418598840384	1.0631871934081636	0.1501023256136544	0.929699318124486	-0.20275700204114155	-1.4963611383807671	-0.20121649613260165	1.9410560633604468	0.7195938514076128	-0.8677678015989634	0.3845971198843043	-1.1677076914785631	0.09345661983530636	-0.7665916975272744
+0.6703891224123791	1.042031437045556	0.031361413086764045	0.30652760922153444	-1.1653025855071144	2.3602841931922085	3.7014472876483326	-0.063742091026464	-0.5330975338551472	1.2083317510848743	2.86597596963615	-0.8517653629188641	-0.8536957568753313	-1.2176520797671762	-0.13815238051623635	-0.2852035889471639	0.7472826252639642	-0.11558174160909372	0.204212048599386	-2.21935169328911
+0.3386330912716791	0.08199386792038503	-0.9480686460225324	-0.1087014915623919	0.7811590772741499	1.6771734386946926	1.7409145868282767	-0.964000608572466	0.6690378150671465	-0.1325680428963215	1.2328919604599529	0.6902238614646765	0.9914110659425394	0.08402472255506091	-1.070663887386318	1.5610070423652935	-0.6629081907479497	-0.43681940264155816	-1.4717509350191182	-1.3198379963289462
+1.2359023018791977	-0.6395223025690417	-0.3122867631439104	0.4249576616093138	-0.2515741734903668	-0.6399484111059723	-0.7068387552386721	-1.8179071869778212	1.984720482036496	-0.04759844062396988	-1.6859857891424603	0.5588898441656209	0.7186711700675769	-2.2060565086434725	-0.5739255686224868	0.23733804172701395	-0.9269856503790516	-0.06228779497658087	0.10665030338389468	-0.5737566424923488
+-1.0594492876708392	-1.063837284022175	-0.5026217383633865	-0.4235952388857079	0.6413703633998253	1.1884048127020113	3.4425393934979747	-1.486271480196186	-0.4608221596072769	1.695247226956674	1.3268065676772351	-0.4016022042901078	0.6130497229637535	-0.25783632181928545	-1.813969563463349	0.7747306308104256	-1.3879023800690242	0.8377867011255383	0.22295399389875045	-3.0024928609707398
+0.09562251047570013	-2.7401511374519183	0.43591600928625857	-1.461761496799966	-0.3933764606016778	1.6514195495043411	2.267310084799	-1.4867753146088627	2.170036086123749	0.3103277042185106	1.4738858707402307	-0.5546608332664228	-0.048441046016147515	-1.2062838557322773	-0.004314199774900239	0.8809462228680158	0.4308903190627527	-1.1440073630583978	-0.9753607891884044	-1.6816562860435391
+0.4663672690027463	0.2644480831937728	0.8308445830205982	-0.4358112884021406	-0.5051369138012619	2.5519471155376	3.961287192560944	1.2818907038492051	0.7921847494649469	0.3144261324452775	3.2311002906160953	-0.5968029815085086	0.3927418954379511	-0.4947858931748613	-0.6044509387623627	0.7605410600383398	-0.010167381968604958	-1.8230919402005537	-0.2915952955637461	-2.231152320451648
+0.702043786012072	0.05973570195824322	1.2419708608018531	-0.05024303276154963	0.7003762073435562	2.5049314130457194	1.6202974365274196	-0.7873365480467469	-0.22647878349730236	1.233877377525239	1.7798134741529543	-0.038851215058938716	0.7528239208996157	-0.3391965009990288	-1.2084789360495116	-0.9370420616930396	0.4411984013677271	-2.6313651151568047	-1.033166744723384	-0.9251389203648208
+-0.3630899481554348	0.7657042055696669	1.4941906921401182	0.4430322775478667	-0.9623479153162574	2.009778801957752	5.163770296806748	-1.4826918214825986	-0.11423962529062212	-0.025648528648750658	3.399307615776792	1.2663155689313237	-0.3501081931093722	-0.6506901993388245	0.3945265518983509	-0.2102408985725324	-0.6622335369221916	0.1764273363447479	-1.1844349427480363	-3.2671430577866505
+-0.8355509382212309	-0.94171754818003	-1.0403840987967303	-0.34906358600915044	0.03519110938843641	1.9698153342491493	2.2794347207929726	0.4652434864577487	-0.3964250912127527	-0.9080150243640708	1.6652174972065037	-0.0777743344911417	1.4431317862770447	1.323217805115743	-0.08897519168315415	0.025775191414115647	0.2036726069362136	0.2893072459619773	1.0720938743763606	-1.6133437641441288
+-1.8587790975870315	-0.8649764634588837	0.4170599807735577	-2.8375159947611452	-0.4748860946013741	1.5113695635418019	4.635395503715938	-1.0758542314181112	1.1300665751519154	0.14774927287376993	2.486464726662276	2.0149655854775013	0.4603025014802935	0.6528418970829548	0.6952527561751756	-0.7843682854277327	-0.6760916102824239	-1.3182505454831468	1.6266825763338248	-3.3683913134897034
+-0.2756752237582578	0.4116196627534047	-0.5070488596988124	-1.755725333568857	0.1570320111092562	2.3961308912214916	1.190787134964292	-0.0453096085255861	-0.9345308127061859	0.27573618211174944	0.9266871864867794	-0.9315301981264112	-1.3841307239694045	1.3121967478934886	-0.8930667986017299	0.27852337354750195	0.8601589763298696	1.6774253836693505	0.31907330811712936	-1.1988494874593458
+1.3630258153749468	1.0833373363481411	0.4920074602024537	-0.17824530076125775	-1.017182421171856	1.782568998289738	3.128596085114524	0.4342519964534964	-0.1615148293190506	0.3022367149843733	2.0639305135203285	-1.2529639313954268	-0.4021821233577933	0.5207346601803535	1.0395172178158745	1.2614359689238377	-2.5215523559408184	-0.3710717721298147	-0.9792990398494972	-2.144257670377911
+-0.8054869888007677	-0.2057105316690873	-0.5770880610110481	-0.2103755273052463	-0.24447624300349435	2.126559777103986	2.3443592690535957	0.447736269444329	-0.20800610065417866	-0.945452291091776	1.9564827710928665	-0.961957346241282	-0.4074262114505925	-0.8242317002159052	0.33202922514865324	-0.9114187024478012	-0.12953861839041333	0.2601116432784293	0.18796369556217035	-1.4636480014536617
+0.7608946490875592	0.17451707198561298	0.26645243460528395	0.41208689030495865	1.7863410944683389	1.6228812438519111	3.369522652431277	0.8276643883753844	-0.13252225175503518	-0.5688100536643096	2.1761477285173494	0.14074746655755174	1.633366568443561	-0.27569072292664504	-0.7080215786593276	-0.3863981029584079	0.6784476457550095	0.9410177250924179	-0.2112742203546432	-2.263881294985058
+0.15919850019569642	-0.4839666221598169	-1.0994800801673343	-0.0936091577971611	1.6609038139063004	1.66166200144998	-0.5043706728051445	1.8187227546748423	-1.2308653627414845	-0.10471678834463316	-0.7503434508239355	1.4759940648171923	-1.9524317324150728	-1.5648180509061054	-1.2166548023658017	0.1429991113470752	-0.4722343453382764	-1.366845526936613	0.7399835535844054	-0.6234257850973339
+-0.050888830558338205	0.03576859317287113	-0.4272375636597741	0.024198508258212414	-0.05738793957307725	1.6377634202337872	0.9612254028993096	1.2373156851052611	-1.2250131175748715	0.09843763124207773	0.4393455693194389	-0.7868459075608205	-1.4961617782727599	0.2353082654499871	1.2702493094016367	1.6019963154567187	0.025027114588710948	0.4689050348719821	1.0675725807822378	-1.1649041412322465
+-0.9556497664863514	-0.538086912321532	0.4204725326586681	-1.5939929126433343	-1.5284059627673094	1.74049826698683	2.65895399468222	-0.5073378760641131	1.125481595543427	-0.3822533478060774	1.4819016747250922	1.643652476686002	-0.27917577296203105	0.759378978929082	-0.7966321272343784	0.9382844452595116	-0.4101152421514021	-0.6205415310666719	-0.4846339116296043	-2.1417681407236007
+0.9571904236480426	-0.5166858192224664	-2.138334271141819	2.198876989630337	0.3664211102678788	1.7237158044054093	-0.8979743114948329	-0.8158662928641365	-0.8216626208819356	-1.6433359220961008	-3.09991180073614	-0.2830066703949949	0.19065971946532226	-0.10352239885476204	1.0075260330715912	0.4854128356364577	-0.40193012832160585	-0.1294389073177106	0.7510050079556692	-2.373928602800801
+-0.42291911396551934	-0.5371970287443942	-1.0245620935091404	1.08283664631495	-1.1378019775205346	0.9446603763473538	-0.3448087799883625	-0.2430159325251625	-1.3780698586675302	0.7330953021557195	-0.7500005453200604	-0.1866036372108306	-0.9691922955604696	-0.7788940231841237	-0.5852572057582929	0.29085103699098264	-0.3315020930536074	1.0052448141168102	-0.3084892222569043	-0.5884499437737856
+-1.4702455093030349	1.4429199785590026	-0.6102517293773445	2.2320246366695096	0.420092258000585	3.0690234982020463	4.5777114125852885	-2.4029905021664475	2.227258236085046	1.5521556562795078	4.273030813010738	0.4943038596328826	0.7063998227941131	2.0814669381342634	-0.293247790344005	-0.6595177990179122	-0.7393112877406384	-0.808565352079177	0.9289957408518578	-2.115107772813518
+-0.7945133481249493	-0.223290371658996	-0.2572619487179075	0.43362248483169497	0.4063227717145493	1.942977568289874	-0.5952331479982496	-0.14272966704180193	-0.3655152856359533	0.4809960179535237	-2.7913040493884123	-0.6414875690793794	1.2978916209576314	0.6718570512338119	0.7645055767719879	0.3735413409493232	-0.7131129327125377	0.9584927894131936	-1.6123751408098643	-2.4945948387309445
+0.04961822227781708	-0.4465433586473709	0.05057628671437352	-0.004974552463009993	1.894026238393712	2.273052621792727	4.2971271380965925	0.12816961135887625	0.4235121446545551	1.8654615960252383	3.229329509285414	-0.527437079107373	0.8992787370964399	-0.3050275311849272	-2.4300164002272893	-0.9713820404062066	0.2562032388285161	-1.210967872103151	1.0448483962310495	-2.527523421796456
+-0.0014046138557737833	2.089781063063872	-0.5946751139175483	-1.0210617665981998	-1.098987116520477	2.341811397819016	3.818836029267416	-0.8776590382492703	1.0235546104947226	0.37403188486710587	2.799915187840715	1.12391453779536	-1.5464195057306191	0.6972571681373205	0.002571489299991648	0.3058951611523615	-0.3632252484547484	1.7332474554116464	-0.3738940472009311	-2.4071405071237595
+-0.4543340511028653	-1.2857625922603586	1.0577910776436656	0.7511842258603444	1.2430898150769745	2.681839831408994	1.7933748551162558	-0.6310901598937037	-0.6811492230000045	0.4904376977891445	1.8540055546637542	0.8215319164863131	0.996309314546164	-2.1602831478169016	-0.8434192690757213	-0.26478935501766626	-1.7524590114516	0.7749084078393471	-0.2698899054659034	-1.1041788806922628
+-0.8724752663429329	-0.20676008519924227	-0.14703795051850302	-0.3469711057863998	0.3030432517244222	2.9766873405259227	-0.3545439983175811	-0.2906004378297524	-0.8615055467845667	2.64824913694288	-2.3209892501964773	-0.7513804076889016	0.4138322227091657	0.4056960726778536	2.324691182530559	0.31222463413628465	-0.4738952707479431	0.3094622216324795	-0.45332911447985	-2.6391217339647786
+0.17824596145877222	-0.6632816533274852	0.3234335027850335	-0.939521160017906	0.9707304412906572	2.504375557995163	5.2956555096548215	1.668382405528521	-0.09134766280382152	-0.6023780012975128	4.261938523487178	0.6638383091331033	0.4242884201792254	-1.9304463972479362	-0.2888403962370874	0.7808489329803153	-0.219921884502472	-0.9829931499590292	2.12289396650646	-2.7648738093096186
+-1.2187691284961824	-0.3970968555057288	-1.7076047987383969	0.14135617390004285	0.1026675207286729	1.5597316433901915	3.6473673366959045	1.411531656937142	-1.2164254396964458	-0.949865667445862	2.215165780196344	0.13974978544805378	0.3971847811767589	-0.4104838095657149	0.18016119269532951	-1.346173148720035	-1.0384094609650407	0.5490396492345285	-0.09689461117364116	-2.521682416951914
+-2.753418123396424	0.15251525911021008	-0.20584222795741333	-2.27944712695646	-0.8144105766690436	2.8773426585378097	1.542928181255098	1.4985752740046263	-1.4094805967568251	-0.10531932647204258	2.268247956475716	-0.2434988747745178	1.846506924605995	0.36779022768245295	-1.3880884342340434	0.9864442846854627	-0.13823968875165207	-0.4121573350722271	-0.9400635158057049	-0.4971808768073218
+0.12442145590544272	0.2719326135443037	0.2993888744734621	0.05894551167579987	0.6681471725890039	1.3290311603107812	6.3588699203174555	-2.6640241846539108	0.16825736958609036	-0.8446700603219813	3.387792511039643	-2.3954562544910907	0.10578066014163656	0.07937774360886328	-0.351872274350808	-0.9576018618305466	-1.6068552291058655	0.2630615245161198	0.141050424501559	-4.4197789696804834
+-1.878810986314129	-0.2591378018139627	0.8381106044898028	-0.5072744665301563	-0.595258305809499	3.169979460316541	2.8096964634181307	0.18763875612579528	1.115668182308336	0.7408412769547971	3.233582262075152	0.8546610957862725	0.04570928630467548	1.1753721035949314	-0.4873417220122837	1.172432228521234	0.8107127367248127	0.3777709136811393	-2.2036928713898902	-1.1171167485969495
+0.4276936108816017	-0.9413819281263491	-1.8123975394236083	0.17863431717807204	-1.9716688521327659	2.407450006286576	2.9937967755848893	0.6693897477222533	-0.391101725349584	0.3394291000215264	2.4335282433195395	0.1293309574566157	-1.281580221093997	0.5693241925907302	-0.06470943737392296	-0.641827626775341	-0.3784272543217646	-0.5210090850488098	0.6341058777248818	-1.8371126051178457
+-0.10428792642189663	0.5137508642981464	0.9612391109756672	-0.9055803059973913	-0.2116598285505977	0.7066603850832758	3.699789937243693	0.11531771339274692	-0.06851326089765655	-1.9429385034905569	1.127218211743222	0.8841007378536271	-0.5564530730953247	-0.8647095991909356	-0.1789125451401707	-0.08041142395645362	2.770693556969664	0.6767748268846535	-1.1055945102160951	-3.3328887264670057
+-1.1737363531632736	-0.786042413678077	0.4978684480355077	-0.2407046748337733	0.655067616933874	1.8673814025988449	2.2852930517821197	1.8144033557356705	1.2143533185405515	1.0322555212459252	1.5461208523340175	-0.14553557745989412	-1.5197396447581961	0.3443437616357939	-0.17352996797558207	0.22249163363296331	-0.4364811973606454	0.7261615347500706	1.3833560984285005	-1.6995760325494058
+-0.3423860375495837	0.16114516738878826	0.7201327906418337	-0.11609763493563295	0.3607193484703309	1.9114635961516249	2.7019911813070303	-1.6077968112914414	-1.6727778428117668	-0.20816299896347945	1.7408893970194366	1.3304588819246128	2.1212237639382856	-2.0227189305075943	0.9004546160265379	-0.8414983942209431	-0.395443084102104	-1.6055761640548292	-1.0174713944664258	-2.0015623910831697
+-0.26313157321465425	0.9962085917466124	-0.7288946488976416	0.1732045030176845	2.1755063147596467	2.4654254752344134	-0.5653162061769685	-0.3828803601868759	-1.2997121802629852	-1.2588154252385575	-2.7650234113905654	-1.1788527377699791	0.7319777064453176	0.01758325736041991	-0.7864497394471583	-0.2627300781933351	-2.1789498941401244	1.2584795307501588	1.4330003291991122	-2.660091301409203
+-0.9937362615735554	1.0386491696430098	0.12614095434720402	-1.4286732659296195	-0.09545175185843638	1.814817347923352	3.7591048036827015	-0.2090881544279896	-0.6984423858559853	0.8254801212939504	2.4907524735966806	0.10048284107270083	-0.18395017908814806	0.030038027925126942	0.37633627556802535	-0.16051382936092398	0.38443304963884295	0.4753117545675569	-0.09400559608977202	-2.4685938481211833
+0.7277492102554936	-0.322964724524956	-1.0361042821638975	0.2779029830206325	-1.194148440747372	1.9961855870999283	3.1289699457037425	-1.3685739331373774	-0.43918208453335617	-0.13254556048667854	2.2028751236369435	-0.9066069806419506	0.2670915896907277	0.05084239633600121	-0.018791272551316074	-0.8077915467074707	-0.769231626740185	-1.1116296949413662	0.3750182030046342	-2.079897027833224
+-1.7681716796857745	0.003005843662359899	0.8094206044833759	-1.3549643169471397	0.7860273648565489	1.904655872059288	2.089807008701457	0.5880328118504345	-0.483665385782433	1.084591025695556	1.4093584927847798	0.4589059941192419	-0.15484349452223675	-0.3587322587404808	-0.5631608720371972	0.5207247425464998	-1.407798604261435	0.39012350912099225	0.35280643870884865	-1.6172452741387724
+0.6142939536185811	-0.025478884057025572	1.807943596021393	0.5216670562753107	-0.8697081431771999	2.3181252592459525	4.074604834221679	0.04322203375970567	-0.047149362997637084	0.3786539860823234	3.4021794906814278	-1.4614209140421748	2.1699866176382927	-1.4346829778187578	1.043753512729979	0.7784304031054669	0.4838327124426685	1.9693297294676408	1.4527522091419989	-2.1304678865811217
+1.1273957835773392	-0.16570463017419002	0.26804419979016697	-0.6061383168821821	1.120755457390718	2.2851199317853665	5.232738224848175	0.17399935651565387	-0.5798426077103686	-1.3723727154915153	3.5049665761371434	-0.02622276875881796	-1.0426531629501894	0.3757053199839018	0.496199257903065	0.3980993780783853	1.458315409647735	0.8409334282471755	-0.7048314136082275	-3.329266355344556
+0.2810986818772717	-1.284028960385019	0.3476131410696118	-1.1138388818525888	-2.19537458396533	1.486142662361564	3.4894771637647093	-0.021780618790178317	0.8549539239228833	-0.8104175518521606	1.9960792920761767	0.2544586378133393	0.1260327836512191	-0.9902093365889318	-0.5579015241854952	0.7697954734724988	0.9823693589233438	1.2382849247376286	-0.2647209214733634	-2.5247528978973515
+0.10141585305638008	-0.4896406912869623	-0.9795690492182226	0.5467879670619887	-0.6361171392125454	3.4708389254753644	3.94648791405037	0.2924274667845011	0.17955874816882933	-0.41820346747023385	3.929871802119978	-0.6422742655830583	-0.40641180245055136	0.3293602679344567	-1.7437440608396149	0.27704948908211824	1.1908216742304736	-2.9424511093248586	-0.1646293830024626	-1.8422469140354965
+-0.08945370904463716	0.8284597344168142	1.1581283337427188	-0.28698321871149	0.08204313848656812	2.370718473703605	-0.14513596693224184	-0.3654737311585621	0.8596792439321654	-0.7758824142295386	-1.6300418013158329	1.8034415952599845	-0.06232318278602236	-0.6738461774789973	-1.8040927944237493	0.8800072863267687	0.6593203112151367	-0.8223455054025469	-0.2392406758734817	-2.0541316481613947
+-0.3433602373862492	-1.4691055596148286	1.3081913641912442	-0.2955246815389743	1.5928179154752058	2.2251961666555635	2.7937350712473736	-0.8159159211607023	-1.8440596098146849	-0.3396022720191197	2.3053007874287816	-0.7505545477748344	-0.7797051134215619	0.5138932117730013	0.643787200265317	-1.5796821144466964	0.4128258685125698	1.9746997294443882	-1.2518411781516523	-1.6761186914220112
+-0.30807710634728996	0.41254239176456897	-0.3359384821023382	1.3660259464548483	-1.379640183496006	1.1627746723166572	1.71535540228617	0.539832181034855	-1.0302320055190917	-1.0686673928771786	0.36969856741508733	-2.3155992438223327	1.0833890531593298	-0.6976477724353022	0.28795927050902664	0.5188600941758015	-0.40141381764128187	0.3622446289654336	-1.6189392513341427	-1.9364105786781056
+-1.9157923713681575	0.4749606198413842	1.1242351101188592	-2.20402098401285	0.7233842953336957	2.6573772119336967	3.2338470649826565	0.6975302176358477	-0.2723952749105672	2.062476072085756	2.9809244685956067	-0.33062780442273143	-0.40469267178557067	-0.09247561866677803	1.2152080139637973	-0.9247457692576204	0.6422064144906062	0.07798706165140863	0.540314420315585	-1.6753127747897232
+-1.1033936745271282	-0.3228480718884559	-1.6029877858064314	-2.060473241004085	1.502104845440131	3.3068198936545343	-0.5755921159596133	-0.8479820338267302	-0.04927864227149456	-1.3555265544053936	-2.986933340337925	-0.539494277189652	0.21840234677388004	-2.9831797954598165	-1.108177060534656	-1.167809852069524	0.948349041716938	-0.40051482524720666	-1.1345390715671793	-3.105421322306825
+-0.22074967966048256	-1.281166151424563	-0.9407506394428851	1.4438715140371627	1.1892321191571729	2.598001362474519	1.5010325991016582	0.6997110251801681	-0.5300155092939783	0.4736277830846962	1.5620182943282654	-0.4495469771613009	-1.8374388144414542	1.2530502057532882	-0.7152551652587932	-0.10755091928794684	0.12108777811690905	0.8080185164999842	-2.53910085360904	-1.0203077496696684
+-0.0512857020516092	0.3491442978438589	1.1727230142408986	1.1585827827169557	0.4406082401079944	2.0819408183308994	1.1548860952550846	-1.5141437292203923	1.654001364469893	-0.7394211684962744	1.2062005214528266	1.6372437806610989	0.2929252772749353	1.4956691141678622	-1.2251072596359711	0.6851439119706818	-0.4017564616902736	-0.4842186993452254	-0.043723801881493884	-0.8057751656004264
+1.1304048739861847	-0.5424103717670591	-0.5221881940746272	0.8379418383054157	-0.6024924619478366	2.325110655973898	2.3950629968052697	0.599820828887549	-0.4625381183061425	0.1914805652951964	2.2186388131439867	0.11637061503572547	-0.5300067114322958	-2.285096503836976	-0.5396760591618859	0.8933840589016022	0.09217959502252636	-0.8528016668850324	-0.929897451026708	-1.3373847081859471
+0.3897141453284529	-1.9791967823256231	0.721977653590172	-0.1583724591737647	-0.8305735167784021	3.151100213653878	2.7712386659587254	-0.8356207857898387	-1.3838060648273698	-0.32928012533865525	3.4982328898115576	-1.313975656038437	-2.073113660764942	0.6201166141037884	1.3602057578102291	0.7414109998136922	-0.6235174542680544	0.007665542468290603	-0.0247695908893309	-0.8231830998937835
+0.6653245879212243	-0.22407262727947724	-0.33713368174435304	1.358433571383357	1.9610261455051927	2.392650289193188	1.9252735483904315	-0.3149830669496145	2.111325275749563	0.13772088229527696	1.559917695019344	0.0298816846369206	-0.13325064392993555	0.5499289509652086	-0.10155066835842133	1.7961879158446885	-0.3318213853887152	-0.5195130775311501	-1.6917138960792466	-1.4384853061705782
+-0.6011891914492875	0.6120598949960766	-0.7240399479394372	0.20760718876662407	0.17337319541975202	3.415591906523655	0.9047088175666532	-0.1409379061862926	0.21105781987193767	-0.2518117614193036	2.301601127900513	0.7487448669034811	-0.2266972833146969	-0.8260310059914105	0.3400417236913147	1.5953421537126642	0.5039650459195798	-0.917569822901216	0.3654350220909409	0.09132922541303357
+-0.4566090484917418	-0.7462734198427329	-1.4090882936750055	0.3384940089618935	0.6690986263997156	1.8390954038005891	2.182069290028181	-1.5860482535287703	0.6078577837520807	-1.2504557514143824	1.2621613314072446	-0.3787759197561486	-0.4280690912681503	-1.374231835440755	0.12942152594891368	0.0640325352670389	-0.1891054637937475	-0.9977605017162884	-1.2550540707927962	-1.8377843494309534
+-0.6616838628262479	-1.462857223769509	1.8477398712542576	0.7107508669701301	0.9236153003067477	1.714337310643642	3.898674095234939	0.6435446384326483	1.4455802815249688	-0.5431661617077835	2.2787886079988326	0.13490893377582952	1.2627201266045407	1.4036894061483418	1.2239474397470662	0.9520868286123362	-0.4539467908437067	-0.03416441338434603	-0.8795552599479753	-2.7919109007002088
+-0.5156380735377588	-0.5609220367518108	-0.06898099573229599	1.2585724129778315	0.18631668408663987	1.1671910477449914	3.2802160973659	-1.0602349687089754	-0.10261955241331554	0.09701512694677572	1.4340374657279078	0.27013397258219185	0.5896277260730207	0.7737889783343709	-0.3931775243188401	0.663089664672741	-1.6292744948681537	-0.7903027481213981	-0.333867864153379	-2.7141434034731744
+-1.7453308518244357	-1.0410143786862622	0.8273835811034911	-1.01559787459446	-1.4092938204476888	1.894874909315178	1.974602884531789	1.4478882729697549	-2.4355442663272653	0.12042874668302735	1.3730718083572446	-0.6340574477598734	-0.4005439749506152	-0.8460407109217015	-0.7928036430125988	-0.8763857647278334	-1.5406166758914643	0.5399355401303895	-1.4694210903009963	-1.5182180147160245
+-1.2866095977988632	0.2911887600256246	-0.623970736017902	-0.9997828958735988	1.2045930268646086	1.9821838380133092	3.210527262016459	0.3719469189379992	-0.9592743874102448	-1.1615035460785146	2.059301111103549	0.3917165118833016	-1.3137146977313097	0.6628599071096313	0.208576033086469	1.6042015175880582	-0.9267682286535942	1.6389672896387188	-1.0542615578947845	-2.3004399428139832
+0.655674008293916	1.223716079090179	-2.12004482812638	-0.8191115663082313	-1.4028841464371198	1.2510564900281622	4.57721766523312	0.012402574402732128	0.4619505914805479	-0.6329087355562556	2.2868822772900046	-0.94952472239176	-0.7167153751948611	1.425172792671914	-0.832594747991814	0.7924676835068942	-0.13279272458063554	1.3149997616182405	0.7978117298368185	-3.409854908102925
+0.4592115613268244	0.7240288196960938	-1.828256127198916	0.4809573095501151	-1.2463886190756297	1.551998982976051	2.501207317816517	-0.7847202558655209	-1.089999222233334	-1.1286507646857775	1.1582787163852484	0.11347448375396033	-0.3877200528968748	0.4373507445947763	-0.03722840927228575	-0.654219453976486	-0.18371326359539306	0.5150563082901165	0.3369930870347399	-2.207429512319027
+-0.3018803714475903	1.3890853610598006	-1.105624908636632	0.7270388644810397	0.4859496023264988	1.931855564572985	4.142317152849513	0.021003865390925885	-0.3454559685286904	0.29259919159818165	2.6902438005553884	0.3927128124907365	-0.851362886519374	0.15903064362812874	-0.6786672080015265	-0.9655248707790342	-0.2950754418408149	-0.5924404384564174	1.4259526879792237	-2.7503146981782183
+-0.22544885082470295	0.06386315231614688	1.5726172010695427	-0.0669182447638599	0.4369949314485657	2.5178682850555103	3.0565508749907764	0.3170541729217119	0.08634170038787475	-0.3889954217711503	2.4796185349702475	-0.3103469002728477	-0.031686589679618925	0.85334775187858	0.7333284575899439	0.17063463003981266	-1.1068647111475776	0.619127855804522	-1.8731730602341048	-1.8980942590639056
+0.9235600949640698	0.2986232657555735	0.5322199996616623	0.3389293463024017	-1.3852961734480995	0.9626116124068198	3.276503049643706	-0.454729193822025	-0.547884054380435	0.07769994220575448	1.1551260323151642	-0.2698007950589949	-1.01226903476833	0.21241027297304169	0.5624219847527029	2.729019914081559	0.3950222942564221	1.242129719537659	-0.14829723517622698	-2.9070176291489176
+-2.3263924200074992	0.6618815843492617	-2.8168673787266005	0.5494524830407636	1.6200277329099324	2.198321517108784	3.512632847257228	0.10145562597488927	0.938775932109528	0.0016662521375067968	2.4877399319431994	0.5751335423916256	-1.0427021320830168	-0.6571458810244947	-0.3250457627445853	0.6122704383089896	1.1530144809879257	-0.4808616606112207	0.9005746034124628	-2.308525415962972
+1.0352041477382083	0.4866202212755925	0.25218559742000235	-1.2072428289531367	0.2665805411393044	2.096910350129999	4.025574508871846	1.4339121911626258	0.8016462643831409	-1.7764819870403543	2.774522019574765	0.949809602424095	-0.12055548445542577	-1.0512696649798727	-0.9843791860048412	0.022245591584285032	0.20869250133529446	0.3928843536616625	2.0600171472993614	-2.5901980402633136
+-1.2083336519997607	-0.14960168315438274	-0.9555123430312856	0.920296328015024	-1.1271154912206716	2.1244580937951976	3.2953248963628647	-0.22740182243884866	-0.5121450432132189	-0.5822989033133434	2.5264010601511435	0.569102521172551	0.6974482996707256	-1.8588017248266209	0.17532089056970676	-1.0799375844345027	0.9907107627481808	1.0201680903159986	2.191206845027504	-2.0060164890712024
+-0.2617103818857828	0.2282369348447793	1.320646882926118	0.1725344138716544	-1.266316245260346	1.2548769029480151	2.614122001979816	0.8706950708780713	0.3772912506213664	2.5335721792921904	1.137945568392357	-1.4411727654320634	0.1331809445759401	1.8026208672066093	-2.781864533801321	0.8014644974789901	-1.2311322413058532	1.7678982187656445	1.1416652357708936	-2.2645694233619214
+-0.9412798203804342	0.056817754501647125	0.6091599884623712	-1.0078833945991499	1.556637531469471	2.920648237584563	3.352058861342	-0.4427205370603986	0.8106968873453949	0.6047332820021087	2.989102523256598	0.35117738249311903	0.6523185197261707	-0.5099362684176568	1.0755604521030155	-0.5677350187558565	0.2415415379120536	-2.7509340216483897	-0.8380896197608263	-1.8795082179868132
+0.3017451509721976	-0.3854512241086313	2.4650464461328	1.270375384094122	-0.3972497650115369	2.8981753526906604	4.5793189725524535	-0.9350646544759874	1.981923305892649	-1.8549594743104107	4.0287118896029845	-0.5087420706410128	1.2849715850410155	0.3082381560545429	-1.5498378996389055	-0.0628960695240709	1.9595028345467131	0.6944966895552023	-0.600165722278339	-2.29202981528538
+-1.0132232484623769	-0.08499134162164261	-1.2193365928969633	-1.7929306007082364	0.03762678471284656	2.4127195536816344	2.6304704765080187	0.8018290767275901	1.4736556077234522	-0.4123899461040924	2.2600301676672374	1.2231501240753408	0.04108399616592593	-0.1898015029264512	-1.3056688325445598	1.2796748763819943	0.7449856909919363	0.4607394653812044	-0.599727056834385	-1.5902708642476735
+-0.945234431859024	-0.5711749768013421	2.457910220908288	0.7344068884570706	-1.5982347385225988	2.1545053802969303	2.808838504505999	1.6291752270280604	-0.3967646052246698	-0.2810339894264712	2.1084985104422453	1.068382031480582	1.0117574198784698	-1.1399317029600418	-0.8084218695047787	0.5231193564724979	0.7723116095201579	0.805627408984487	0.8932039801288841	-1.854180792665301
+-1.536335632666978	-2.457190493982286	2.0199125148975985	0.2413791775568545	-1.093322356966688	1.2073256887503967	2.850273501454844	0.9212325519679488	0.4679756325955092	-1.7124991350075855	1.2830785435112602	-0.7664717793728832	1.6779327041988998	-0.6363054993802528	0.4394675854469987	0.8300883283518439	0.20852925469846265	0.27468747337763755	1.3560628600715563	-2.3818606044462194
+1.2771423279283738	-1.884488431429772	0.14554095424762598	0.17315822836884684	-1.0923224777024985	2.4895120466384917	2.4638485144208957	-0.07667451732962248	1.3858467296008836	-2.8484337243604387	2.232905555248565	-0.7077241601503655	1.9550100970345	0.2906712976260231	-1.22722997808751	1.9420751701271208	1.0013801886228249	0.6312481047008845	-0.011389607439268262	-1.4507506212447088
+1.4356733158747097	-1.043269062288849	0.6279365757730198	-0.7767415885286685	0.8375696019439606	1.6447108891698643	2.3802036352247447	-0.3224697749185229	-0.6412291608588162	0.7221780144126404	1.219521185398173	-0.142085011817173	-0.11967907717861676	-0.2121041049265648	1.5201894734778592	-0.9108042257711886	0.5912413369559799	2.0850729934685	-0.6101056020005583	-2.042219495701178
+-0.7343078922591039	-0.4707016044721805	0.4484339104048259	2.2283843715491938	0.2559204370466031	2.7515830862360278	2.2884144306614407	0.7121845130226766	-0.48578243964454904	1.7329464228675593	2.30324590529122	-0.2395067027883179	-0.026550961272568733	-1.522577746120794	-0.2733842144866441	0.9698579258971556	0.002798429495224543	-0.7151293526095346	0.08880054741269958	-1.266457854007815
+1.0581118092143664	0.5759575994217737	-0.6689379182798246	1.7145039497752148	0.5380409066295426	1.1167680026178621	5.060367927568384	-0.6381903047547545	-0.6379513924634043	0.2475909918707084	2.550651687777153	0.0760709161643171	0.2276288074642023	-0.90923400808083	1.2126378568795682	-1.0855236974687408	0.8748648191236938	2.130224017854934	1.051349525392755	-3.669466115884852
+0.8372517880133713	-0.7318602307926549	-0.3891563527334572	-0.17347926489577234	1.7782887910933356	2.9390071030084	2.2249787394885727	-0.8894310315746558	-0.31352160368863785	-0.0649562333690296	2.8226768243190103	-1.6040621396920096	-0.7171132141503751	1.6016832589057706	0.1396414956352572	-0.19266709409540847	-0.8941375707999107	-2.3109991564071803	1.0436082347527456	-0.7702041647629256
+0.4979239549121508	0.9111201160745992	0.18796740377418653	-1.5281542057943858	-0.6109910823067333	1.7693046634463152	2.6835357478319306	-0.4512222342493453	-0.5496572044911421	0.9291285260111506	1.6176377090268963	0.07854046873120378	-0.6217420628594426	-1.6936645098523484	0.9232365670070746	0.6964749368777509	-0.8957817611843993	1.7175112702873918	-0.3908270035394269	-2.052396207368937
+0.07715354809298791	0.5335424273034374	-2.272153778153076	0.17348612225495794	-1.353576247242797	1.339621948959842	2.5013589906766494	1.1669889552610266	0.19138524454639014	1.4591360447651602	1.0781476757752086	-2.4881527944396966	-0.12712578757229231	0.13286937844207694	-1.3942975506810478	-0.4775474003337136	-0.03225223052590657	-0.7192967506316269	0.35540632802186234	-2.2183066227950223
+0.3659773801794877	-0.21693829241216425	-1.3812727911020657	1.7422041134703947	0.8792874065362272	1.6561382157986893	-0.9084199273782014	0.11764605791414008	0.860099089561453	0.2444894902289615	-2.7385223868905726	-1.7275731212411969	0.7289985763422766	-1.7225616345414976	-0.32136258887557945	-0.7351742035799104	0.7037981279415298	-1.4378658320391613	0.7741920549031613	-2.0074219912305344
+0.8210058137367048	-0.5695735757899306	0.21108601613049385	0.018173593601366042	1.645078917136506	0.8838870867388757	-0.5813431833524116	-0.6935146932401834	-0.7693377286538218	1.6744403059980797	-1.8216248793671304	1.0149103653541278	-0.37149098444266176	1.1181155300063608	0.1933358487303914	-0.3555430098009989	1.1485886406192976	0.2411181999624409	0.5167478097157013	-1.2960358208814524
+0.024143919555762682	0.21901166033221814	-0.3838524797283765	-1.5376504407372589	0.21855949766842125	1.8218929630060992	4.03461309177624	-0.589581472049806	2.07731400942772	1.709590643846186	2.5317714684535613	-0.91659040215124	-1.0567892837102086	-0.926040692735434	1.2906171439064438	1.3051868113162035	-0.9523593793119092	0.3258083767510731	-0.30857107864535577	-2.742900692592289
+3.301048797547584	-0.2052359912349352	-0.1029519723134556	-0.16171391126490922	0.7881647636612786	2.1237774858386738	2.9456422166135035	0.1767054316592208	0.3973237305691883	1.6951690188463358	1.8946319251371544	0.7416898648458943	-1.4097258805124733	1.3790574478842756	0.9742756102432664	1.222892749868543	-3.175378398793107	0.08129003807653015	0.8712343683603716	-2.1969927570083136
+-0.7135348694554712	-1.1163342577050426	2.7372617170752473	-0.9146211332262572	-0.9596317526409676	0.9239419033853808	-0.7061992056079271	-0.9058350936754672	0.12446127289237692	0.6140120793911038	-2.1226318814730902	0.6804435232885413	0.2295036105257039	0.16713345445616412	-0.3071682156145226	0.7962454601107771	-0.4195900728623653	0.5749757625495912	-0.2166852164638678	-1.4460973027191597
+1.4386816001202691	-0.2487021670472857	-1.3657779368186798	-0.10277788770286428	-0.2277757923077169	3.2453737496728623	0.12992864645166602	-0.17483715413715126	0.23663515513552405	0.5403042121027316	-1.5826521256552046	1.481172479034853	1.0872054124215704	0.19678842782978406	-0.043403339532877366	-0.16544216058899186	1.1630659587085383	-0.6342909579111724	0.3137604232620841	-2.5813367805866743
+1.6681575295682762	-0.9171985153049196	-1.4730335325170243	1.3579807246532978	-0.9579318859673521	1.4399143542151855	2.1391712286918363	-0.8875517293739079	-0.4502523925505127	1.3775817571883877	0.983892432661009	1.2502157783132806	0.7964233813969241	0.6798937824683904	-0.5382867575851753	-1.780811302495567	-1.6807026254574289	0.3642601460202257	0.8079595570669129	-1.9277886371298507
+1.7117307907578518	-0.7812378825997724	-0.6151308173460539	-0.5957282208120518	0.6957156336214385	2.0323240834674348	3.120068402082416	-1.255552608914288	0.026554513313315924	0.7338824046677725	2.2706666836949085	-0.8131592038613639	0.2275608158292373	-0.2326579605567199	0.4537881215437723	0.7318355607783815	0.9003078687218798	1.3635879302521012	0.7801647539734483	-2.0179196764384466
+0.012630809965772791	0.4112382078037832	-0.32524197522894777	1.849599407627749	-1.3340753339338642	1.7934635857219308	3.083348366679176	-0.9948631153876136	-0.17292017680479674	0.1967721397610736	2.055802766112675	-0.09003963631381225	2.3155333921048067	-0.16141623576025102	1.32581202629688	0.5018275786888001	-1.9479525780361304	-2.159461841555125	0.3133983248911552	-2.1040984030684777
+2.143383003192476	0.7095559834235028	1.8374350217457118	0.9898989705738324	1.8567686922856528	1.601231494804641	3.364652586213726	0.8107846831659141	-2.184304385549611	-0.5631361065070082	1.7009791329162958	-0.8119327841012436	-2.2267244317111623	-0.3303493984891823	1.9779403911648084	0.047746315088926634	-0.6788148114503653	-1.0249388890609767	0.5200143166577145	-2.691807193407008
+-1.1346058159141366	0.3288860432359281	-0.19834853474304354	-1.3760890817649651	0.26235776751061696	1.8601635367314144	5.256745314115816	-0.06431814997829806	0.15659307921661267	0.2487508291441885	3.5057406086179217	-0.540833128349284	-1.1716921537210738	1.6734130762339685	0.021710342057198996	-0.2726440550059912	-0.5813415369437045	-0.5803093721565593	0.8936749574874223	-3.228569181259858
+-0.23644132310175134	0.4646165493517338	-0.13823395933558338	0.7675171054189917	0.274321592814178	0.6395414632682268	5.063025623935326	0.07176217024959806	-0.6392767788726983	-2.093151516395216	1.8220634402374616	0.07383731958983193	0.7892570112242479	1.1125411778360879	0.02898930035557655	1.944129805962376	-0.1869933502822191	0.2505142613716322	0.9999008808845814	-4.204306372844759
+-1.588330249778116	-1.445754733055498	-0.4610272723704422	0.16940212161645096	-0.2457294337931608	0.983633534253444	6.320072655002396	0.2080699705805132	-0.5072467767750766	-0.4989878819628594	3.1508833401085585	-2.1816876956290705	1.2258615362229937	-0.9260226337758178	0.7625639245960493	0.8054208254496843	-1.1053477989261986	0.43663309265821004	0.4295268054486165	-4.492186209186075
+0.9801982382336586	0.8449621394672215	0.6036679199971402	-1.9670960386863567	-0.3960886003261935	-0.24219746215022564	-0.9920132175056962	0.09796268392729507	0.5577797283283508	0.39707357088072415	-2.823382494197471	-0.3946430777039263	0.3306095781125267	1.1229825436731722	-0.5959602726036303	-0.3455188765230153	0.04821562582804141	-0.5581061989133528	0.7785819049490936	-1.4245116913933895
+-0.4307201238296001	2.952763275915484	0.8555883502289018	-1.9864311620725104	-0.33386868563050703	1.6617337977746989	2.4566411890300976	1.0310332573871603	0.20760572733039898	1.11512311899617	1.2572588397062372	0.8714873125657657	1.331296517652578	0.747926376073887	-0.2595108359099074	-0.4793757351328446	0.21575304625034855	0.9513269487970988	1.0847906778909489	-2.098424902477398
+0.4415645367384963	0.13365786524994966	-0.7597806461171807	-1.0615898230606031	-0.24887276066536845	2.1010330851259966	3.3815080368359665	0.5373777393450657	-0.8617396374852958	0.18509371265017813	2.661146722925439	-0.5922549890188895	-0.2772895277383481	0.2640895187564063	-0.5097878091732172	0.15146122573578968	1.2962873825971029	0.6022917232237935	1.0657576220531717	-1.971301157510775
+0.5224388039995446	-0.2348792573001989	1.4006347684758764	-1.6957381343423548	-0.1916640792286552	2.2497666551639703	4.452414333239426	0.5269065219971465	-1.549526412929304	0.5344477411065229	3.444103789624666	1.859888187175636	-0.006001484109576579	1.411883351743066	1.261656114713378	0.7040906211122693	-0.6504979741929314	-0.7228625349832777	-2.0143337429554222	-2.4965612681451956
+-2.561841563015152	-1.1429379187313131	-0.6109026259761219	1.0470392091794285	0.6590753856991097	1.3063985166803644	4.181082459593609	-1.0599883793818587	1.3576235726011596	0.9788148416207924	2.10717922956006	1.0512969900654132	-1.3700541400055817	-0.4362991525070591	-2.5947215539640744	-0.13043045738868658	0.8880055493797212	-0.6088186487594294	0.3941354408497687	-3.146786604264186
+1.1322191489300495	0.02432439264714545	1.0348722588853223	-1.3480072533558047	-1.2671232508983543	2.2403042585719333	4.698088854710754	0.8938908813180994	0.7101673977081394	2.8701093730997145	3.6516067288259935	-0.2884419377142751	-0.8777442029238529	-0.20672004952460554	-1.1389771615035478	0.6225234379792134	-1.0023036676839594	1.2250146735552747	1.344806631901882	-2.578219153707277
+0.3850943195625088	0.517885956249044	-1.5852224280624532	0.1614906477284908	-0.8689098950676082	1.6296388049492063	5.038981935748236	1.1004994927055702	-1.817034568337276	-0.5850983457234109	2.8990716591020935	-0.3222955530897831	0.6243621621346612	-0.3031641932627873	-0.7684375967667509	-0.6987293059187806	0.7937472337702038	-1.703794570821298	0.4170152398311586	-3.476128969498
+-0.06484486298879133	-1.5864734760487462	-0.511520346292638	1.1064029476089237	-0.3511349722987396	2.2501346426021964	4.188547637892629	-0.5098243827267152	0.30607315761138226	-1.010670596566993	2.9518597344888327	-0.5037623840103496	0.9652636990529554	0.4302477439080776	0.19531270812485169	0.2328940457270608	0.7434433203778102	-0.1217734997934114	1.0156580834208304	-2.655298877526027
+0.9135060016454908	0.8255984849729782	0.6332123062631536	-1.9372430851348428	1.0632651751451203	2.166251923094173	3.211624342860726	-0.4416682348761625	-0.11533026355791028	-1.1030652920171642	2.1188594539404324	-2.000570297634022	0.5881327376547375	-0.7583314619943677	0.3791256397537473	-1.251909482858564	1.1183694704803964	0.7568334408289964	0.07996433038328896	-2.301552732108119
+0.6665924815807147	-0.6479629394082403	1.0037225285088018	1.6039136196863328	0.9383116666110736	1.7809587735442176	4.167742874861627	1.5507048139221506	2.0839529333979767	0.8379936190456393	2.971234108519268	-0.7775484504235145	-1.4292901142265981	-0.1150219164290007	0.16978637140712394	0.4150249322556472	-0.4263898502923038	-0.2475990182014496	1.0795761633479228	-2.473718012803636
+0.9357074402488385	0.19813168886333915	0.03263910117447028	0.08209358373234144	-0.30120675847429673	2.034853693606826	3.688008102145192	1.1976312550372143	0.3864451493178606	0.3723387105287613	2.4383346062140667	-0.3887062121410723	1.4920316105723508	0.6604796141091595	1.2673029024775844	0.4737511676638028	-1.032814951391616	1.297583580502495	-2.718590764206737	-2.502841465051203
+-0.06795478709540641	-0.4838580703148541	-0.3897712833848346	-0.01942537480772853	-0.3753906493573731	2.3037396360889	0.02729811911007296	-0.09885092682668717	-0.2949672325552082	0.5390517760282372	0.27878524147728023	0.09681393055809896	0.5106724081215311	0.19856234359782504	0.3347627531099712	2.0047792348382067	1.3739270614824624	0.4383128533777317	1.5446147152085052	-0.4611747891897071
+-0.11591016092361606	-0.21531373841085946	-0.4797837145322148	0.01633601145706258	0.4076203455448018	1.6830113487255889	3.0626159956028234	-0.5040492463496218	1.1272782242378394	-0.5108065501000415	1.5355798549035995	-0.7718032287195337	-0.7136469182327017	-0.030571436300690664	-0.2339577357160197	0.9237859894186424	0.52603368969594	-1.0613762618674252	-0.14579389168100118	-2.5293343289823986
+-1.2189795410468156	-1.3192779463783035	-0.5290452885143646	0.9421092691330588	1.4951464724115529	2.323923678009435	2.7279122003822738	0.15722842318772529	0.34766255977457633	-0.970658127368562	2.146172222612241	-1.565380087117482	-1.3049821789843392	0.07520895848515992	0.0008349673734161867	-0.15161222734688598	-0.4406364814368853	-0.7789137127238094	-1.135481098685554	-1.778833294622792
+-0.5315733436710258	0.17594215608481872	1.2298334768758457	0.7546368161074778	1.844664812208666	2.4788000222186968	1.5708276279849636	-0.6327549070924466	0.51854524506885	-0.6299390010129273	1.6344820510152878	0.9782431999910881	-1.690295591480108	-0.3918480320603985	-0.7707870186561917	0.7240382354754367	-0.7910504579061032	-0.21305764435722047	-0.6923174779360497	-0.9961743529682424
+0.03427446227292818	-2.518386057979418	-0.6013366190717151	-0.3895512508514719	-0.4937857336070719	2.7301959159606244	-0.5852256563712983	0.052351105744016455	1.3098650336132425	-0.3463620253282443	-2.3771936013213835	-0.6174194383966142	-1.267624577413704	1.012933329281405	0.6493741757991011	-0.2846464116047011	0.4775741624686528	-1.2490782250622363	0.40745379759924205	-2.357783192061962
+-2.3942666531269423	-1.074519383379707	0.563222900181786	-0.2443667760310913	-1.0478929267643209	3.2038042138506126	4.2833070852538215	-0.3940264752663064	0.4202814141773793	0.4261708293724773	4.193201354440446	-1.9185759592713567	-1.5172303560505709	1.3831235678901035	0.6299274616896646	-0.1151260814332256	1.2383729057238584	1.1882449525993608	0.5816086510118497	-1.8978529435291047
+0.4861307927850941	0.11437576593328767	0.09073899290676084	-0.4112896609040916	0.9345426788243266	2.714175279344765	0.6945506509376038	-1.1083639581427998	0.3109056160978049	-0.5403200781907156	1.2275730784349748	1.1194187691981603	0.2610247487063873	-0.06313561728034926	-0.7353194337697869	0.2054695641662287	1.0006964808844536	0.5186472301169204	-0.06918184869329998	-0.4567055868285865
+1.042814935613461	0.0289247521551297	1.5713092096328487	-0.6493091725068001	0.3925914776369048	1.612456207295006	1.907061094413817	-0.21373117736094724	-0.8474649172291967	0.2511978358110944	1.1951884478298114	1.845711787495496	-0.7561295679391455	0.7306793054321578	0.3871482061965072	-0.8376689102369139	0.8060997609659178	0.9180793753123786	-0.05694698676597588	-1.522445446823938
+-1.2366202930402157	0.6438478848350571	-1.3584702727362294	-1.1540851572022714	0.3236682878165681	1.6788835477310724	-0.051670509706995486	-0.5039098269480742	-1.47205514841979	-0.17894410540739125	-0.4369721589249331	-1.4959600908507622	2.011551964626398	-0.6559099171314278	-0.06773878996324438	1.700348644940961	-0.44302389635619627	2.6341920947988338	-0.4065488156873285	-0.8481205788472577
+1.833106131074649	-0.925302353772284	-0.9781308749638684	0.5362198078988519	-0.0064030362543774505	2.4610962765225928	4.925262901286306	1.1298678675599785	-1.3486810924146508	0.3637532936152425	3.7230547930926736	-0.29633555021715857	-0.991764085370986	-0.57376394500975	0.11267455042269198	-1.204435887081993	-0.8186046485955064	1.201628457649477	-0.25649430071190715	-2.833816420560174
+-0.1278222022156613	2.230712068914909	-1.358356412779543	-1.6339625868922063	-0.13077015108317633	1.5064916213024713	5.233747405735313	2.9482767857201893	1.0531102113435264	-1.5884720300446156	3.0109849353761984	-0.22036644526777546	0.9874356171718296	-0.741406408910022	1.318610610265878	-0.4339741541514181	0.9193486281481402	2.2272312712454623	-0.31704464263506604	-3.5549871657830354
+-0.5101195185460192	-0.3463834813464618	0.7103315220434744	-0.07253655400439625	-0.47687648992336296	1.6878862787974451	3.6680725597985706	-0.12995717420316935	-0.4684128531375998	0.6818431445792099	2.196380689166824	-0.6546065175614443	-1.0684150409844582	-0.507264184864691	-0.6244792424031724	1.6858061429417073	-0.3511531700768734	0.3065693729444771	0.8096844193831295	-2.6006839835201734
+0.5671010865686062	0.1790440762043691	1.4538656111342825	0.7839254259532238	-0.7311355108274872	2.064835501767575	1.9710283474696888	0.9296948988368412	0.2641436738236375	-1.065766402000203	1.4962747965592094	-0.20821142708529947	-0.6648362721586298	0.021730185123573102	-0.1546301122574695	0.17482785535538847	0.392375537697466	-0.2643903765808739	1.930514383207372	-1.4509372771874918
+-0.3462053932070919	-1.7678894211716918	0.5258793370846125	0.09972001668415348	-1.23434969339843	1.9828828354039243	-0.9881498473192838	0.3244923737743645	0.18645105594896275	-0.9788611040684896	-0.5399204589904061	-1.3596700422995305	-1.145651936602564	0.04264815687689102	-1.6263248630092706	-0.00438320597157671	-0.7059570129742992	1.0826894438457562	-0.3181915122155877	0.019999977414706827
+0.4544322281773917	-0.6116110952062188	-0.7995366427094472	0.3657854019375214	0.40636229127712337	2.0974530294049507	2.5856197222475963	-1.3728121092062175	-0.1332257460281506	0.1259835599994923	2.1172809819688303	-0.0027910118389909352	-0.16159022750726001	1.0111145745381995	-0.11183025811931327	2.410219294779123	0.6429742236500019	0.4791662942855109	-0.06628187320362527	-1.5777015124531126
+-1.2478591777833217	-5.529383677620593e-05	-0.4474189793203394	0.12489093975560525	-1.5512330526708145	1.568566197355096	2.353466023017712	-0.0117533048019952	-0.3033449993207853	-0.6535642471237213	1.4975745462525434	-0.2676069340876861	0.3059538601544876	0.02457008774248004	1.2940424195105291	0.60425630627991	0.06715866470075975	-0.2796629524483194	-0.08689175775262101	-1.7319579374858676
+-0.5537533052462159	-0.8884777651225628	-0.006032737205650106	0.08564188237710685	-1.5017293642965752	3.715157272877544	4.9896201431441165	-2.4295449796432576	0.10042679104304736	-0.6176889318176607	5.198758326119293	1.0085993988548778	0.2826059795053951	0.7511039022261455	0.046183389454740695	-0.03089858921294389	0.30749093958732976	-2.02540368636174	-0.5733567577206761	-1.914966086309804
+-0.03387852907763855	-0.4551064923146727	-1.1007488715438116	-0.7146236502966561	1.1877963845424029	2.4664664775397487	0.4609366755732424	0.6504164740132102	0.5937413370718345	-0.2756609480102653	0.7556350816756754	0.9996157126443436	0.7910402012655223	-0.3306919251158895	0.24120473697547584	0.13448512042806127	-0.5555963001900867	0.7929239695404163	-1.7688663262240547	-0.5565602353687391
+-0.3266343368456259	-1.4902083075506325	1.011104462398968	-0.248109084235318	-1.9182612470566456	0.044579086914527055	5.454818940319757	0.5929397493493039	0.3758048117614718	-2.3734238132343477	1.667711667868944	-0.4705671056383047	-1.0984164595916883	0.3459127179536385	1.6341848087135655	-0.9315362239332781	-2.0128213765256744	1.86420121254675	0.3073211567073809	-4.610454623218688
+1.0893485864824592	-1.0709236209038284	-0.774618542482868	1.595156857900378	-0.21661276674313815	1.6936102996179758	3.074528551697606	-0.567443303095085	1.175761479474292	1.9046095702502728	1.8564853386976576	0.8551446803489657	-0.3482006388587625	-0.21791044571852491	-0.7244694281840262	0.1987946545718582	2.5354641203241317	-0.4039329208588596	-0.985743168266433	-2.248840426183836
+-1.4303335510365782	0.2074411387414052	0.1476970112972654	0.2977115272407631	0.3160302473979344	0.8317959395041321	5.731284473573253	0.013354387847291784	-0.5729133791654973	-0.946476228134254	2.5492838529212367	0.6356750440287433	-0.5071509780898575	1.867262668811518	1.010731581870915	3.0272364145359916	-0.8099165957675708	2.0514668800504	-0.8567524580981096	-4.340874016839904
+0.14773286578580727	-0.2495485943525236	-0.15598564319115193	-0.7257228646979315	-1.0990161119266766	0.5833500661722533	4.1544814471679405	1.3819397477148108	0.06011278742246269	-0.4426713636922739	1.2754673868294677	-2.127155250988364	-0.410278769896985	-0.12244684490161435	1.9026860122785336	-0.7237533910988616	0.5426062102369387	1.497476254023585	-1.1661624675587914	-3.670683246456388
+1.6263349720322593	-0.1108093659203904	-0.4312777285345387	-1.04210178423783	0.6739443016965623	3.0958442997992788	2.1814137719547144	-0.030309730562406656	-0.4763766244035938	-1.3349642335058616	2.7701885007832865	-0.5018340585555352	0.29233474998994285	-1.6378259766483918	0.36230592008887424	-0.8660889588183064	-1.9948653056154155	1.17968430697662	1.1465112254913643	-0.8166235250342249
+-0.7371808668857988	-0.7139450636834596	0.36243554333215205	0.038928265442332285	0.8225615918743481	2.1949552158202663	3.835567161476496	-0.7085187432592663	-0.6727226862352099	-0.8334585281902699	2.8611580080897	0.8263339738991534	0.2586724388219437	0.5861177369089355	0.7968980032802729	-0.7316060648466113	-0.6147982807809158	-1.7914998131707922	-1.544589431456156	-2.325390578414674
+-1.7451189501711932	-1.087662513199082	-1.3067543261621826	1.2981550171630716	1.6338763682313204	1.4529294748638155	2.8288268436405937	0.3375931721627693	0.8192252949901223	-0.9410378334386259	1.3909314478999395	-1.338735927521906	-0.06494662189967791	0.05504301312346662	-1.2855021524939134	1.3095986866314528	-0.9212999199778512	-1.6146834549611304	-0.04596675454010251	-2.331277304195394
+0.5145664487800886	0.7611798032579198	-0.6402261146767843	-0.7801887140321859	-0.2141019749703305	1.86799537595011	-0.16041646071290086	0.07270878677580454	-0.9477239840486684	0.5835318597856649	-1.3042705090554398	2.217549247712526	1.6593096900381052	-1.4018111908812587	1.3811469497640756	0.1126361817544261	1.2906048216492376	1.989545859511608	0.08183967232703662	-1.585101997666272
+-0.7201222146320414	-0.9957176369836592	-1.1934244801445837	-1.082580440060111	0.3722519820848698	2.713389670258845	3.0659806472872875	-0.3249171259935644	-1.0212484704502331	0.1252493627215652	2.8488167360371826	1.2634373588320378	0.7531035814434479	-1.3285649086918665	-0.5183673220314433	0.2445834063408545	-0.643383284886937	-1.0029838443382966	0.5417016131717819	-1.6253672644607224
+1.3938993939433983	2.0510986373979505	0.03803516857695638	-0.6655450120632206	-0.23265547938315095	3.240794223872642	1.7364076482588184	-0.9833501339653252	0.39490023262167817	0.9268380772373078	2.633372285433938	-1.3937374216980214	0.26259103262907485	-0.061042955180047334	-0.15146935389638788	1.05739806869583	0.5488419438992468	0.6705518106586442	0.12274619415784052	-0.4856163354386696
+2.056671113249999	-0.8112368070272404	0.9524635415411408	-0.8923048033698343	-0.4157260727694277	1.5162192664399674	5.280701100561421	-1.150268220169979	-0.3783959327118854	-0.11501156195916305	2.9153397676504267	0.6512108436475489	-0.7339118617253378	-0.21050156628437305	-0.4532917919855919	-2.3529717280118927	-0.5619790797505642	0.6364669674083044	-0.3963248967320606	-3.69929639027988
+0.007262956946141744	-0.3171039945418159	-0.8250598601513569	-1.6449338281068886	0.9408945141354476	1.8687162052370607	5.794941179210055	0.6716429388849334	-1.2685652969339472	-0.8684107352987511	3.4061597829583836	-0.4579025074948399	-0.35430461394282875	0.010940948100142678	0.38042474850265856	-1.5089300193019692	-0.5188909845970797	-0.18131438596641167	1.0804378026227195	-3.9292066410077258
+2.1656369019558825	-0.5708668198830998	-0.4362927096162727	-0.3380922700933299	2.9805626081932837	1.3797152093217666	4.007451198534214	0.5807035829969875	0.3855228381043112	0.3133282030967193	2.4860346423184447	0.4755412016694498	-1.271315101336625	-0.12848736739377786	-0.5138464460076319	-1.3671675824888867	0.7617416429235564	-0.4102402863858122	0.3640667522852021	-2.6225075734544907
+1.0447694184772804	-0.3972929175876652	0.4042937030613593	-0.11714229216725272	0.9477809295086383	1.6384406259093924	1.8849296445580497	0.7359361517241836	-1.3690020274056451	0.7432765001412242	0.9686625717976204	0.1294196108545363	2.4951627954942195	1.4594884104853665	0.06243926390732023	-2.274085074904432	-1.2298522583888996	-0.9255218062988984	-1.0472700053555266	-1.7149984736847017
+0.2349812826317073	1.3369326334102751	0.074088206120772	1.844031024342008	-1.6299344515481504	2.3509659697527425	1.891952464287512	0.3412215803943566	-0.28994086244585754	-1.0428657038705251	1.73739198093703	-0.9855814663497	-1.3820229281819436	-0.4076629161251588	-0.30451504313481553	0.6414968117369593	-0.3487705083842328	1.2693806497881583	-0.21773246973530155	-1.224220709713287
+0.04097089298222627	-1.375126605956231	-1.3330876289325848	-1.0460449212459342	1.3401456783285108	1.5505628443271189	-0.6397631157906171	-0.44240942491148144	0.3198194259372756	0.1082083128397572	-2.8028557600627084	-0.11068769449138946	0.04580828469043632	0.23422092161202246	-0.7244134603794363	-0.2024637835983589	-0.9745508743597724	-1.7643846368119496	1.3520128420797881	-2.3378753986655925
+0.032676457194706	0.9195003005495186	-0.6004106895174112	-0.5181239866080637	-1.4880783527757413	1.7585987597374255	3.616714671936687	-0.9267453093643391	-0.3921938365425091	0.1945830780883252	2.016403873316207	-0.14655597584953794	-0.6275784962123578	-1.9389816548790604	0.6385171780897303	0.8923649414899649	-1.7041866288604277	-0.4100670975168497	-0.8280861328188959	-2.730610131758933
+1.849117659932412	1.3799806382690765	-0.7772314667354596	0.23021874760403302	-0.22125126065623274	1.7627949944214696	3.3613380733999323	-1.4108049107128753	0.8739688367945391	0.3125016721495089	2.1045330058555085	0.005086084638206952	0.6186688815566134	-0.5557246668119449	-1.7118491361004633	0.08425743601739193	0.3284925645669055	-0.41655655807164493	-0.5422686350828362	-2.36277956658778
+0.3824752347638102	0.5416779107477381	1.8113819648905858	0.4810061799173542	0.8207761736169595	2.6914452475778994	2.350842436083438	0.2403628976881776	-1.78730487746063	1.6081822162050905	2.789900745741944	-0.283940803195158	1.605205722292626	-0.8104423597475212	1.746809694841071	-1.1769442350386627	1.85001297545439	-1.1585200370504454	0.3407205822578732	-0.8682529514680002
+0.8155347515034014	1.5359676922020389	-0.0065811566389810255	0.08014674169330586	0.09221280771786952	1.9612217901420423	0.7936598399194466	0.2761683310422501	1.327350373643392	0.7529154139294673	0.5350082101484221	1.5059663373854055	-0.9440580723960716	-1.0834306241994516	-2.0929134532440283	0.3417290670236543	0.7261175522109186	-0.6887006406301462	1.4889444915856738	-0.9843749708609136
+-1.0117272215058968	0.6860718716122916	0.9836843278364428	1.8475899959663904	-0.4825027649311631	2.4462848864822253	2.8806371254272083	-1.2133339222701702	-1.4555044828186583	0.9207314458156892	2.317003853013272	-0.7347110365979591	0.036369961659607625	-1.0704815176958498	-0.4534585995504072	-0.3963677388588047	0.02893354494409462	0.853805133360757	-1.360774769066178	-1.8291955769662052
+0.5091726327988926	-0.5920795937469221	-2.3798979883132856	-0.2778838638495704	-0.802803408341894	2.5105733179354988	2.470272003573001	-1.8293264557805164	0.400725567063532	0.5223894390061974	2.456427652354856	0.4190241655216926	-1.2707079669016157	0.9388576720283249	-0.3909333043164063	2.30831204382867	-0.016990397075924202	-0.8503349367036842	0.6131573634382521	-1.2573550513470888
+-0.8183623037200263	-0.3816044317557025	1.6116400960146442	0.5161168831751798	1.6368909585510047	1.7262865130495988	3.3051012370765704	-0.2920607481658292	1.7122621585114	0.7547368216310786	1.9424506076967605	0.00034659062978225984	-1.0238014924630117	-2.617176316584769	-0.8748839584659627	-1.714272296329601	1.0036414351066136	-0.5369087938773401	0.8193786481836407	-2.438602241893204
+0.5471835895730474	1.4673935056336118	0.40761148102433625	0.5231062816933278	-0.29739961316291297	1.2976086941739782	3.5647696906438435	-1.183206601679044	0.7584373490931445	-0.22166773656677446	1.8369212565278892	-0.9971711646467378	-0.35983626752463005	-1.0510416852359428	-0.4995611870867763	0.4154249496327559	-0.5428512502504282	1.0091520922830182	0.3349941159782329	-2.700506804074597
+-0.3359554057930846	0.2969612490166948	0.5913904462012748	-0.5183701454685298	-0.736115176923292	2.17362767696926	3.0473022357540054	-0.7954458651204916	1.2562093074282037	-0.25771147202622363	2.4710248167563105	0.3189331506126856	-1.2810806340831864	0.4569574829632043	0.7964419468551363	0.3763425236725861	-0.06502501430159913	-1.0949412040028141	1.2765819477006335	-1.792753809772114
+-0.7520295625982659	-2.412787278946253	1.1149691531308703	0.12738367326432087	0.3924486997737678	2.3803977827482967	2.2426666407394387	0.38787999689721	-1.8349081843779018	-1.6437872826290705	1.8302348156919288	0.8091220471284494	0.0336680557514177	0.26544891510314256	0.12717461984072792	0.9545111140594092	-1.2377270032696797	-0.4633054753285572	-0.2315748722833484	-1.5419002923580991
+-1.7811769853217232	-0.2603816557902029	1.0209660099524362	1.5600392562386918	1.3535634893411437	2.7540551856007305	0.8058800433005437	-0.16373480386489808	1.0025465117298913	-1.5163274396248123	1.6231317321344658	-2.7901332462666537	1.5495020544851672	-1.5081588688730605	0.4959268096328949	0.6726752826467978	0.13859014946152112	0.14157496571126474	-0.3933375546307854	-0.2277766510254875
+-0.3586644053820109	1.7218781610419989	1.6910515649223332	-0.239542966415703	-0.781157493940582	1.95003938041544	3.1461928354246607	1.2923803142992754	1.2071024694421433	-1.2284915906345242	1.9333043932897005	-0.6848908518602893	1.038824586015287	0.2928240766797187	-0.052870794171049715	-1.649654584868248	1.735561519226025	-1.1836350581826365	-0.8371977265229896	-2.33504501600456
+-0.1518240729756151	-0.800024619693461	1.0713700685976009	-0.11732981556143947	1.087228315763075	2.9613669501759783	2.266396440487712	-0.06720863650983012	-0.8101890159248938	1.670820430875018	2.7267479308197013	0.13223493616678697	-0.986003221022422	0.9348304229361148	-0.4351185636914903	-0.6157149235505767	-1.199479199837047	0.4061731689546856	-0.4561665702151032	-0.9123190834367434
+-0.08139741602298939	2.299234424009778	1.4948382841925754	0.759742216034274	0.6824008965864415	1.4755438784156545	5.342343634769699	-0.2196681066908892	-1.14839035144971	1.3510415370849929	2.9909710239760363	0.039054489504306886	-0.8683618140030777	-1.8724663580563687	0.3225442488814973	-1.7794101337081674	-0.17301614606297372	-0.9271071512469928	0.14854695040529742	-3.686521943346972
+0.06413630665138154	-1.4278004694931028	0.6347793128853777	-0.945641596461925	1.3243362715653977	2.1177308276592104	2.4825215463381527	-1.1678076009072154	-2.0954674150809245	3.1725313818348857	1.6167738638121285	-0.4619780157571544	-1.317052480566408	-1.5090333653653465	0.012108425165214315	0.31369727693242344	-0.5607717963157698	-0.4975242528948365	0.4549488512961213	-1.9310307545804697
+-0.27309199604549345	0.5882607859181938	-1.605779073492695	1.0207846012500097	0.9199081530993948	0.8695009173489399	5.695893266382583	1.3380885715275816	0.6753639896793793	-0.33896233124550745	2.5966399337061548	-1.8023935490689356	1.6977118427580102	-0.21274424590661656	-1.2368684488617832	0.20670101653660752	0.7313661977920073	0.15480683307248136	0.1288079811634011	-4.268460807238357
+-1.2057198042638038	-0.08717686180465045	-0.9129821720189268	0.10003478062877798	0.3148260275626049	1.6909726874119646	2.350295495753308	-0.5769535406594208	-0.7088255133779552	-0.15471507927864686	1.5425786547963876	-1.0065350569491496	-1.9857963177031828	0.4191309285126197	0.2543903128682686	-0.6284879708428699	0.011764533437835371	1.0020185565018973	-0.002449720772369124	-1.7233106936808642
+1.6878123267347658	1.6668976183379678	0.4267689016572672	-0.05156300202885702	-1.0934898392871306	2.287923842040098	2.054279938353224	0.7675841811958921	0.3584773401817916	0.3316302998985912	1.7980877997785614	0.13840799521993208	0.5962754808317323	-0.5171306005194638	0.1397899188734722	0.3141225967600222	0.7367871274186139	1.216540137019813	0.912622773498716	-1.3319378948523155
+-0.44320358152144623	0.44667213730489225	1.8069463310868081	0.5579242214757757	-0.6131405976994195	2.6523587986500536	2.055592501329946	1.4371866580772343	0.3983326222368557	1.1339455077461444	2.2015061598612906	2.0122141484888694	-1.6561258303259785	0.6573816459416328	0.9097760165881768	-0.8607766473804721	0.5516903607798257	1.0008733800889709	1.1082235217077103	-1.0688774473892677
+-0.16402283061520115	1.2563959254258408	-0.19491180742448752	1.6717724915647318	-1.5272226254157186	1.7148850149393478	2.5797659882469044	-0.4823599808227573	0.4103265077927442	0.8014151268129972	1.5774536317568668	-0.6864931180312619	0.2772314638903883	0.41742851522574304	0.2274133538032882	-0.4667538421780059	-0.3263884396717612	1.5725792547179882	0.14224559602853115	-1.9565083410215776
+2.280425565501355	1.0343768692289177	0.1620071935170021	0.12130518896340688	-0.4603235970422216	2.0567801973394717	2.521477232195843	0.17093430050034142	1.5131938124379305	0.29293152397993105	1.792085265643939	0.5150950559757106	-0.8611253516074897	-0.2352284921252821	-0.2479045810853413	1.3963441703808752	-0.6957292452509374	0.1687029617797189	-0.586181580808946	-1.794378788851455
+-1.0482307659656924	0.09894737019297582	-0.6248965910962573	0.5981306037685081	-0.4906083787867726	2.510411612957971	3.0543554966991797	-0.6268065094916256	-2.037590761234336	-0.7494000595470637	2.5434660719871074	0.034333050132518535	-1.0100464034669954	0.7622882298396031	0.6211449363476899	0.5840835525933973	-1.6413148415584158	0.09015260566836723	0.7591749581214287	-1.8342883816284092
+1.4047803843453852	-1.0485243676680134	-0.3607747770870837	-0.09011223228675083	0.7897776126741215	1.614118142559645	-0.2838904980309337	0.3655652793521345	-0.2509089995055197	-0.4138267679274389	-1.0844305338162998	-1.206008237551912	-2.6392724208546507	1.4535888239108192	0.398915499187571	1.871291384974512	-0.8738233077444731	0.5964988718385081	-0.3031629835205105	-1.16670617902186
+-0.6347348303079425	-0.9560945090068284	1.6863650538988215	-1.5033590625324131	0.6456180403148323	0.3151584766159612	-0.3431448541020957	0.0741498233035726	-0.30725362657311034	0.17143871918212664	-0.8802323730461277	-0.17553886611449096	0.45157371673191793	0.2948862687016533	-0.7016491034774969	0.7588129606737859	0.5923591830372874	0.032445812664244345	-0.32016923814039705	-0.5227425015514169
+0.8295294987051712	1.144789567244623	0.5990799685167143	-1.5554810028367756	0.5102419695063936	1.7071129187735217	1.96425556010484	-0.5891912035575554	-1.2405624359377372	-1.1743051837397969	1.1968253165587197	1.0945798436859713	-0.19612163706689925	-1.2731416511134828	0.5182400868094292	0.6507908768416131	0.25613972817824043	-0.034059786424151015	0.6955652302400193	-1.613609407589318
+1.4013166666283152	0.1651229085038521	-0.16607337620482204	0.6739716812343363	0.8859513014852549	2.7289385696343498	2.0101882389902124	1.5857974308905642	-0.2120491868833335	-1.1274411007211014	2.1526796374410666	-0.7973672699914216	0.7147857263013271	0.6396034023837571	-0.06591071742657474	0.8210724408473871	0.5985550529926329	-0.014533266792183247	-2.245594076000848	-1.0858495950584024
+0.6506067755906946	1.3415302554218027	2.368334439750456	0.4580119095867352	-0.21957818166400656	1.108954186990041	5.43980547541718	0.3817090257556697	0.2861184902938498	0.3840164553497353	3.0811480596194865	-0.06322676767086638	0.5286415269251237	0.11703840692229225	0.4665368405106546	-0.5743658787868358	1.5424255640970015	-1.6385531109458402	-0.7534488751797914	-3.603200368944491
+-0.4041079480943597	1.0356611048468418	-0.8331260832292957	0.8528773993534664	-0.3272103663889842	2.7368401798990023	3.726176969287812	-1.0693019848208754	0.6222825036743728	1.4257042852378328	3.3121633884029293	0.7507020589452051	1.8377749105888	-1.6871409492093068	-0.0018264447342495782	-0.21973519750086684	-0.7886718332646895	-0.4008292417503086	0.26363283237325336	-1.9466839517466328
+0.23541620748136466	-1.226148311890965	0.9844332567590609	-0.7383992009376846	-0.05499176171510542	1.6886976783706165	5.122864212352437	-0.07503986940931022	0.15544365715087308	0.3913773625585149	3.091366563262726	-1.9235667932515992	1.0556898320510475	0.2126059286142414	0.3767426325515367	-0.5815578386607549	-0.8562251919749084	0.3936115602091175	-0.25266049836105425	-3.41020026232756
+1.5907125919468659	0.0458448137767023	1.4612516252752747	0.08355835172063117	-0.1951637835050012	1.984508768078872	3.3300008809189015	-0.9704577257549258	-0.4373212456894066	1.0795815100388717	2.057915018995637	0.0012722768796864694	0.1658599786665992	-0.5404389554514174	0.8631598397814113	-1.3705737798300004	0.2996685790225976	0.2894984716839168	-0.1886474090535927	-2.436920280363811
+-1.1152539352060962	0.17596438840572615	-0.6383879410048531	-0.3559718629675508	-0.5191276056268652	2.044839483228192	2.3982401505628586	0.4430071442603455	-0.23884426839780734	0.800186557837165	1.7376203765749263	1.5527633483707477	-0.2612761658389151	-2.655695545647964	-1.1232976644314556	1.7260179607524389	-0.2300747473741485	0.7079109847952255	0.3367770016936063	-1.7024907659666242
+0.2916560736930917	-0.24405996510594866	-0.6099697926725911	0.3046336937174227	-0.3331927874201807	3.2884050669515723	1.5403236934623248	0.2386628662931368	-0.16575163641879828	0.3064474246375252	2.7252350765712574	-0.27273143763241564	0.5042528853317289	0.7944701046672388	0.3813112767309157	0.8043610230061424	-1.1132858597724125	0.7205961230648443	-0.0919384872335302	-0.1940559413712899
+-1.6821910477852704	-1.8746943903369533	-0.7082099807192962	0.6424770253357462	-1.4930241252692575	1.5323561572500215	5.1579246258184055	-1.1329502348192315	-0.398017648527865	0.1466380851540313	3.1986456481432564	1.3274725467912365	0.8227256173171731	-0.6804253510184366	1.2103390308757045	-1.6278090016869489	-1.478598643579263	-0.6161000134689709	1.4331569777605964	-3.3036330984815137
+-0.7964354751140823	0.4394721732543886	0.005669890613303868	0.4223434131323828	1.4273256838770327	2.025985823495318	4.042010593229301	1.7589757465780294	-1.6062363536164108	-1.915997396112488	2.9466330324627346	-0.4807758349395159	-1.7691767811180303	1.3228878485957916	1.2939017124220975	0.4691515438956077	-0.9552520365004188	-0.2390385497533749	-0.08908134144514264	-2.4281754944273564
+0.9940111419081584	0.16391385106194653	-0.0182087937175438	0.480556733665078	-0.9196549854678644	2.6281979898266448	2.903475566833309	-0.0816274489005151	-0.8051939524742046	1.609201788562581	2.5712991920280026	0.953280376494138	-0.67735433924049	-1.810300583285141	0.4583806142511954	1.0493469537216866	-0.2861092475729453	1.7387812369618667	-0.5186064481313725	-1.6738661370493633
+0.4095967703442993	0.7802125572698011	0.804253110903669	0.7158871403926644	0.5845139751134156	1.952347373973627	3.9908460041566394	1.6250611431527022	-0.4018329918213579	0.008274377765044137	2.5087982826023043	0.4226262383626891	-2.070109775648066	2.025451254259329	0.5149738287458937	2.1938771990589565	-2.632124115283511	0.9043680903067354	-1.5518112188980098	-2.753884303890593
+-1.3326643379405825	1.1218052050792209	-1.5800457372709114	0.9688022292990324	1.4009044672169189	2.723107757940112	1.5606184167715498	0.21084858460986414	0.6004159678665261	-0.7150970164650569	1.8937971305872392	-0.2323878417098384	-0.26912995051298744	0.6626324542768527	1.359907866727453	-1.7571277517318735	-0.24929745586845414	-0.5615449405120571	-0.5133139254238597	-0.8176412362845125
+0.7544122878283511	-0.1691013469395801	0.7344696007878655	0.9897648552887652	-0.33030169671373805	0.8500887325118431	-0.8462212864291112	0.0662688806987377	-0.16664517282256974	0.17323478848691068	-2.4706628516976754	1.1486684966170213	-0.1801410237874884	-0.4257337634351765	-0.9196746687225288	-0.4327272525356103	-0.130229869668544	-1.1314936343906057	-0.4051744055679146	-1.5885726791519432
+1.1358760061730109	0.1923543381440709	-1.607579364022416	1.621571095227103	-1.2053459044754442	1.168238558196638	4.407311234402713	0.7999472744658443	1.099538430444266	0.4142104989007787	2.220516866647822	0.8555391907523587	0.7496406478278134	1.0353471241233458	-0.3247191643341877	2.1689987441809766	-0.08172758472755108	-0.6883394180860428	-1.345248437196805	-3.255260431105744
+-0.2329746649292677	0.9377814467818264	-1.6311573678090807	1.6293317568797765	1.0218977000872382	1.4309921410370583	2.2588686378782707	2.730447619984893	-0.902036064512268	0.5824295446110755	1.1432204146977984	-1.3340219506772373	1.2619448702197418	0.06726988588345106	-1.206936842506001	-0.18143459396618425	0.43803985061317535	1.1625343281847742	1.0778512856619726	-1.9123811940936783
+-0.6661638451410906	-0.14037608353230868	0.24222590360715585	0.2931329400099097	-0.9193030880086062	3.0504372330156646	2.871194684717912	0.9333933392714832	-0.7672050140874112	-0.6226873608630835	3.2249567937730745	-0.5607524697685358	0.7320656929587089	-1.3504268771691397	0.6948643438045686	-0.7067821959118112	-0.7098132705881919	-1.9991659948741936	-0.1870206183354	-1.1586079412725672
+0.588516771689807	0.404448404538389	1.7383805902269218	1.5227166018909717	1.8453131469609585	1.8617203833052358	-1.2975868162741306	-0.2018305337179511	1.6375026351976119	-0.6006900511567116	-3.9478678240524463	-0.6857082021082149	-1.3841025292613038	-0.8084796651305344	0.3930492119575427	-0.10934919694693476	-1.2776525731836228	-3.0943596312227117	-0.6570281254865423	-2.750274708057692
+-0.7017903871575037	0.019161879657899332	-0.4512893000997698	0.26667230378885104	-0.9789745817693848	0.9955229246133491	4.645409147026858	0.9306054484983528	-0.28347952662167714	-0.1609008387594034	2.250447092693458	0.7092113483451136	-0.8629218482233806	-0.2006347368624842	1.5522043189358998	0.5996055658055484	-0.9227231196328588	-1.4767603527578237	-0.31130653731360325	-3.4439816643840344
+-1.5328615176870268	1.2169605437157904	-0.490833341512301	0.6121638161433741	-0.4652353221961043	1.4921871013903178	3.0619523313451937	0.9394477044289671	0.7110329454551249	-1.2129265075543445	1.5306786813755893	0.3982659446391265	2.2850233704457383	0.09219919458273827	1.4885994216526002	-1.725395724527928	0.5466117301709021	-0.6734976446827496	-1.3498065892886761	-2.476092322203253
+0.2267754677977257	-1.1527418334559574	1.190830136016009	0.4756836594821447	1.872467274965164	2.2188802810993558	4.958009044230999	0.3674857751005354	-0.6810596162506216	0.4834201438410288	3.8147113676241418	0.27144466607803314	-0.033489553943802056	1.4673437420712192	-0.9762450249374168	0.06593301217805793	1.286161654042079	-0.66431275203583	-0.5446599889774335	-2.71344065849568
+-0.016211703694806602	-0.4113303029186624	-1.6715693523465391	-0.18915649186620745	-0.12516669589115811	1.749296542006935	1.7165082952772783	-0.20265774486509308	-1.2525951471825465	-0.0871074276505943	1.1617352806479366	0.28043233377440113	-0.2737535903031048	-1.9886451773481255	-1.6572245227298503	0.96776005188753	-1.1120676817774742	0.9503150119068268	-0.17049292618503842	-1.3797892536635417
+-1.0179531333820946	-1.7094624516795638	-1.0724868522213002	0.9112561647512404	0.20180528847931475	1.1312115206576938	-0.3363147689029984	-0.9705339014755476	0.6895320838144706	0.462938616380188	-1.7020195325869742	-0.8658039083464577	0.6235916750383783	-1.3535437651753222	-0.0027485380650846447	0.7351902114416059	-1.6297132103667766	0.15739774282589752	-0.17095052788127546	-1.53508240451921
+0.39706482444104413	-0.3451573457227371	1.4592026694493558	0.8924665179234359	-0.2565571021409757	2.3811153927438578	3.3815001493031387	0.3276308415492263	-0.5377305388712493	0.07771717696749629	2.6836102021384316	0.03354032711926864	-0.056296661886921215	-0.2101768886055498	0.3428459470297217	0.3322920285385224	-1.0670579260449828	0.4555501778564959	-1.8853458600325856	-2.034205877934994
+1.6166338495294434	-2.786023061289485	0.11547874231254812	-1.602772977613175	1.7928019583953605	2.1526770413506338	3.5721510752648684	1.7055312301422638	-0.16320122604525394	1.017354803451667	2.7816384354957457	0.5900409059134919	-0.22104890516651096	-1.1292444768918668	0.4303017966886464	0.6540405984932541	-0.4663180512955738	0.4611633105085176	-0.9460048482294816	-2.0898172067319334
+0.3517604148353554	-0.3148659499977329	-0.7541609554400083	-0.21213541113457013	0.8205872002929867	2.158833995157358	3.8044186062208976	1.7156043669620968	-0.12922879643451055	-0.6330400990396358	2.9328489097441066	0.8496986049147159	0.3506259025472577	0.6432607506761506	1.127843423698783	-0.9174021433475772	0.7235770205940822	-0.3167616546755173	-0.3649655212891615	-2.213161582292857
+1.6967104291864272	-0.23778674739668715	-1.89442962139392	-0.8400667098274369	0.8965212512813948	1.2583658696675637	2.2007063879613944	0.4560531453655883	1.6013708327273155	0.2697418509455814	0.7329268780515044	0.8572777120272382	0.9820663357042936	0.4638971951049698	2.0044074363423707	0.8612885591106244	-0.21685926475231404	2.6859827905209634	1.9808022386826625	-2.1751316053184726
+-0.8110577218750892	-0.4746687730562064	1.19808996735177	-2.0468373333517755	0.16474100744601206	2.1266307782886966	2.96457943837038	-0.4936217222620454	0.8989277648694434	-0.91283185110221	2.3310919587917938	-2.0275828773599858	-0.216537234870562	-0.522189765735394	0.3749112393331848	0.8055943878900366	-1.135688473906993	-0.8440574828562551	-0.1237999019855925	-1.8151195800188569
+0.9801154912493996	-0.9714317575011946	-1.9891239422836229	-0.14596251975132246	0.04791528301209128	2.026250349326431	1.983271849768137	0.4327132176957921	-0.4458492651340762	0.4755785460584622	1.4412048694220818	0.31261192070774513	-1.4362423894158378	0.33409276022332857	-0.25557845357682685	0.2171784047295099	0.0912077469135061	-1.0977521755217994	0.045777761498227515	-1.5041689077094285
+-0.03459560863715025	-1.6561102276657325	0.32158310852011146	-0.5452414313501147	-1.427563896265157	1.9419794887041613	2.10935291960301	-0.6763011150906199	-0.17897203711977766	0.7439773773076427	1.6540438737996361	-0.27081872919288197	-0.5682513706472916	-0.5025506509498933	0.8054818063737333	-1.360276242793959	0.6016158335761412	-0.4743055199258454	-1.0150732734455448	-1.4238916270035613
+0.5701704086825334	-0.8866110406065197	-0.7464583143501455	0.024339926860335103	1.1399044408307688	1.5605798484099842	3.0549847075169927	1.5937106182677057	-0.08223229745931011	0.9946529546874292	1.7448270480541272	-0.5755216549763184	1.0344539835294924	0.4596011939947586	-2.104772730965564	0.698786150303828	0.5519423157957013	0.6803046940990861	0.2156384758714583	-2.2904447811281603
+1.6654220071933743	0.817688692389958	-1.299473027568981	-0.3733374956678201	0.7584215983201794	2.142716135521989	0.6521315139854148	-0.6736107762434734	-0.6401188234598191	0.004008836726435172	0.6709974707990287	-2.0457847565672984	-1.0759008911158443	1.5079435325817219	0.5365944058986352	-0.08998036497877596	-1.0966087470450476	1.2276905420463649	-0.4668990642848968	-0.7533975399712134
+0.3516480295461576	-0.9888727397486394	-1.4919044220010675	-0.1619823159644411	0.2561548324019505	2.0607449163223417	2.775402665969984	-0.14367892560736392	1.3489728990590768	-1.1718400216537423	2.0170808035093186	0.23578551240271906	-0.20198194643359715	1.7155070989957573	-0.05107660230652687	-0.1075881373133828	-0.9405723798215636	2.439992156531273	-0.4092556769503201	-1.8731449976638923
+0.9243334432783404	1.4610979166022533	1.7736792042422231	-0.1552620256388119	0.9353773724512281	1.3798494371394494	2.059036800781072	-0.9206759278314556	0.8368323314181815	-0.2619545681332953	0.7815256423631713	0.8240621395897222	-0.09979457623523101	0.061752627014491135	0.6671007422406494	-0.03170375687381392	-0.1343835732279168	0.3627107482876979	-0.16540914989864827	-2.0069598342418224
+-1.068645549079327	1.9149512556388264	-1.1293104949857005	-1.2280726231436507	1.2283459235847909	1.502240549693307	1.350282914267573	1.3936315359749651	-0.7457898940069261	-1.1569734329973986	0.6784915116451262	1.4673571942006949	-2.089909985866281	1.3219406767705404	0.6479505569100142	2.028103855359584	-0.7939960118961674	-0.20922220422233254	0.1651040066460767	-1.341012398295954
+0.5209197588538454	0.1061412651807575	0.9032755325611442	0.14494591735966494	-0.6296194751036227	1.4179181291242051	1.4111752528779835	1.3173339774653408	-1.3677005808648324	-0.01265786658049492	0.3613477919598367	0.32021858016938953	-0.28159528284044205	-0.9294621921870077	1.2785580499078102	-1.1095221833469713	0.6484763502836619	0.17704589049496575	0.7885865907193124	-1.6779531264792538
+-2.1015735042130967	-0.42800055162206185	1.181790285105666	0.5980789451588301	-1.638367432538462	0.428060277771104	-0.8060723584132028	0.07817371554237104	0.2866006313372742	1.363811537975804	-2.5316528858340592	0.2763810043578396	-1.031493852033636	-1.2775401168041998	-0.20361833436990695	-1.28754356114213	0.9128243064391962	1.581858236860909	0.13006972010663756	-1.56409993482754
+-0.8009113601676929	0.5103282704853902	0.10413604670873956	-0.8485025571563098	-0.752605143371338	2.5818137800871943	4.134040753760026	-0.4625068991193822	0.7624850042998333	-1.0673264327212233	3.219362505609745	0.8167730202906973	-0.13113494350854615	-1.498368716126688	-0.882374908242486	0.6179148949620464	0.5108538519252145	-0.30737289180100114	0.6894464238820848	-2.4454290948344743
+0.06544588793674147	0.8672022959284329	3.484338032973535	-0.02374518393946098	1.065364288936287	2.0899048603554378	-0.5495298537580076	-0.5724135933882305	0.8503645076852892	0.727383152199246	-2.6405290046468286	0.40925903305395933	1.2197368434857745	-0.5524776414543108	-0.18263543110247368	0.22780551928008505	1.5174384374256191	1.217136131015033	2.416549460749879	-2.450382279635916
+-0.1280242373611725	-1.0418824251685377	-0.3889335590399536	1.537286047687501	-0.9757752467887462	1.2946446892236971	3.993556806437151	-1.3067318281347982	-1.8178451933036672	0.3395107547169122	2.2022065152807206	-0.18254677033909847	1.8268083826145347	0.2582102561454397	0.014436154408331531	0.2204099998046111	0.7739675276488129	1.382394806323061	1.4413132580042287	-2.8441891522470355
+-0.005339056983054231	-1.1375884307236868	0.6508767443085741	-1.0654915481287859	0.6680562352305943	2.4445706307940336	3.827937213631227	-0.8737731599994799	-0.27347861922214783	-1.3109146545607313	2.7671930687963218	0.2097925009629158	-0.8258164858624178	0.6074667895281118	1.1334992246049072	-1.2862482258162984	1.8989419520957225	0.16784121654159567	-0.4900972428493494	-2.4783903363671342
+0.07151403320157032	0.3387126056012105	1.3810544225724302	0.0030394511772994515	-0.9046209944047392	1.964316021434389	3.0198841304500372	-0.7528684775182631	-0.33365303661728624	-0.8230372698120682	1.9220036581788051	0.5902497780089356	-0.2825962521759089	0.6231459378271512	-0.8877878417744975	-0.699097783863332	-0.5295160095052561	0.9165634324963352	0.2247984331519509	-2.2075761556181406
+1.1608029701501763	1.0793013183923594	-0.10917057298490164	-0.2777148871472186	-0.5531229878145961	2.6222096121401437	1.8145098546790976	-1.0713142333102097	0.4451638694576139	1.10157387968243	2.088384076464559	0.6293028510604814	0.3247647538570569	0.1207669042410038	-0.3908108044105029	1.0757434445088958	-0.3913471598720806	-2.5849438227161654	-1.7432615574905008	-0.8931788187442695
+-0.03220628793257311	0.17809720342292326	-0.5829384927124037	-1.2060562342479442	-0.536223778907454	1.8463118370689344	2.812780463598311	-2.0279476559471217	0.9850976306533571	-0.9098450805849998	1.8452483982736492	-1.264351992914448	-1.9681250781196065	0.3144227167289538	-0.3702940082890437	0.3974878988473624	0.010513226614627223	-0.5823911482397598	-0.6561746151498116	-2.0102073982973514
+-1.4254316071365545	-1.4668916162782402	-0.6107770216120793	-0.5085226541777201	0.07412064265633588	1.994867934712344	1.8963353488367671	-1.3332826570067284	-0.21364584172339768	-0.26986629781470056	1.3545504943558462	-1.107821363381043	-0.04420706714912589	-0.12922400021134886	0.9614038373444088	-0.3315960238660213	-1.0320265682818657	-0.7638005088687775	-0.7382624865012651	-1.4771360303995889
+0.6789739501996778	1.1416273762784184	1.924159291878566	-0.5242014936055541	0.5633755766457473	2.609619819353753	4.469923745854042	-1.2324062314165811	0.2842180660922226	1.0146072445109209	3.5190676990245184	1.4677494914177995	0.2663714585981554	-0.10324822913979724	-0.4971527782041585	0.4503082979527529	0.32837319792321473	-1.6757757328714171	0.08822485747532638	-2.554426726342216
+-0.2047873118645398	0.17915223896506705	1.0957191499284027	-1.1193970695882791	-2.940429772327555	0.3109753499826913	2.7096298961738494	-1.3818102209801293	0.6766889843499145	0.4705756619560857	0.012869569878024569	-1.5422796761524222	-0.7367038597464584	1.0562278720229887	-0.1641200150122284	1.3774765863065932	-0.6173174247078833	0.20532912313681795	0.6244888145826984	-3.1315051331012684
+1.140173450566895	0.6841224636944839	-0.07226410461713982	0.27403311842726663	1.8554316540622444	1.971779533694179	3.408536641976061	0.6748392343037308	-0.6704062201756863	2.2550328682798098	2.571189538676105	1.498131458376992	0.7462488874584381	-0.14869525065031114	0.7921981065543583	0.4438862055277262	0.3816042382444239	0.4069247916044735	-1.4234816784566633	-2.0463757460262917
+0.6223167865228901	0.4134304072391352	-0.6236287757024717	0.0464588149208277	2.0173966151409717	1.955166017741132	3.5571883116510565	0.025484191135798143	0.7716710181774667	-0.4353234494839432	2.6680943592251047	-0.056132662467930416	-0.3259170360070014	1.5583323258184485	-0.13138390815426226	-2.037154038357071	-1.1934941839160278	0.4553061433434306	0.019154260096606115	-2.1190531929862457
+-1.6672891166583368	0.34678073340799576	2.2557660389963847	1.0251702848383841	0.6992054835758251	1.5138539684246437	2.46118842929586	1.6568963824080365	-0.4397862937534642	-0.020197255813868782	1.1359942760175263	1.1770962649708263	0.2382063568227431	0.06340915839088791	0.7606261861502275	-0.7568529270996089	0.5489551731509454	0.2439338786403983	1.9710809351254248	-2.171605560858147
+1.7490345945862271	-0.5980349798547323	-0.35392937792046364	0.3384857948548837	0.6185706358891989	2.588101681164304	0.5264720169617274	-0.8234675466610604	0.18448261988073625	-0.7457794659949291	1.3394810502836414	1.074207764084097	-1.5378330981787252	-0.4792823567768169	0.25289993079234546	0.11216533084818772	0.935559070249158	-0.4200029379365508	-1.1630016174018964	-0.12620742730551315
+-0.20176608898423165	0.2667081140555863	0.027690075972072386	-0.7420472081730041	-1.143273869899562	1.5691948258478312	3.3705088540054504	0.531152854344601	1.0253033335353072	-0.2866684542294545	1.7816847285245496	2.0763863561779705	2.141173843530342	-0.6499414900358631	-2.08989464034931	-1.563522160620226	0.02689339203347275	0.7077331746302371	0.4610968549872626	-2.6141134575814884
+-1.1171253890383843	-1.4026128329582377	-0.1766660460571182	0.7757438382564726	1.4214203519104798	2.518963153231587	2.7293503484351764	0.2005509975063086	-0.5797321215489133	-0.5286385447022207	2.700507971121228	1.6494171021416126	-0.5691199254948018	-0.6013668201743996	-2.066930579060513	-1.1098001857780673	0.25330762920885586	0.7088152269095654	-0.6280290035899165	-1.3255775002542964
+-0.7041218907979637	2.322232303093016	-0.7356228861545495	0.9916413054540044	0.5857174638013178	1.0043771593155608	4.958662784521667	1.0572048520673567	-1.6122251446971705	-0.3385940189608655	2.2321241614473655	-0.5027576258530536	0.31146435042819426	0.6623749717011661	-0.4063403044006872	-0.34874608220593983	-1.4130081974969264	0.32660695877275003	0.30848298006453445	-3.8162482230500823
+-0.23370851624997985	0.2968961024109857	0.25548743163705523	2.1005175852157394	1.4981548259323012	2.0585605577708233	4.671888126831979	-0.6395657266475534	-1.1319618954574446	0.1153114503688856	3.470178747964527	-0.6457439215417715	0.4412769501672186	0.8948591676947911	-0.07286067747245703	-0.8443817552159301	-0.5197572283189132	1.3308669428037068	1.5492971589498874	-2.6623582991729
+0.5024432722662603	-0.3170695459005996	-1.0507511003560002	-0.595819030675119	0.6106401208660948	2.7029014785822465	2.6384527262016637	0.5457169957844721	-0.4375253430354121	-0.43945928004309415	2.5648588999517994	-0.4126248045679567	-1.325105418848696	-0.5541094379560182	0.5616157741490085	0.0033106255017113727	-1.242792433898125	2.3789672622442457	-0.15376765613398435	-1.4037945706692845
+-0.6477070170291487	2.0059481739390685	1.0079907431867807	0.6897504015264714	-2.418973253238728	2.325704782772243	3.032711062811384	0.3583894871892179	0.4836685747699333	1.4355915331809486	2.3944127277523943	0.18419630290628225	-0.5950372283001567	-0.8851698992044699	-0.7426000302380541	0.9482352165962002	0.16316053363727268	-0.23940017447998385	0.10066556921242044	-1.8927011075131737
+1.9751485306545744	-0.2757597240375354	-0.07156942485636436	0.4729242331981307	0.6639390620202248	2.0713283965935902	3.1515113128666337	-1.0840892031254028	0.17307322524924565	-0.4197404182183632	2.1001637108582645	1.7711353399433187	0.5285343366409724	-1.3385628898445872	-0.5727657741291045	-0.21515702434279035	0.18225808122203294	-1.5748559516224223	-1.170381528202446	-2.2228152910947143
+-1.2253999879465634	-0.21255556808360251	-0.6426725761169916	-1.196072883128891	1.266922746784227	2.2256888487009903	3.005476207412212	0.13990086989650774	1.3039648168375455	-0.5952644743053549	2.182944202202095	0.8015328128947369	1.1283724168682476	1.3503051252630929	-1.0955795777766877	0.7109722757632584	1.0636052867267145	-0.8840342072804078	-1.5759278459319386	-2.0279117003180893
+0.3022314195112761	-0.3304119825424811	0.3980057954105003	-0.06493369552136159	-0.9132408837792654	1.4138584424849283	3.906213957425568	1.2401111992091418	-0.09232601748391878	-0.8867937521389617	2.085490930208571	0.3213553504022837	-1.055215023193802	-0.7602271318997256	0.3456209115053741	-1.4590260591862216	0.9881027340213738	-0.008818661669593048	-0.5615798755025082	-2.8895364422014764
+-0.39596118242910666	-0.3215792807378486	-0.5700443523025025	0.5921330954533696	-0.4282933540189782	2.5717064719541742	2.010477959966852	0.3861123870277676	-0.15847228729945742	-0.6643612805880219	1.8238261825114768	0.5077949645887693	0.4660275169345634	0.6790817057981919	-0.8125582564709328	1.474285272602649	-0.7798269166206359	-0.09286369725007794	-0.96063493718172	-1.3436138578477386
+0.06290835883439318	0.12173385812977368	0.41292418105979495	1.6106133274342145	1.2478726439947452	2.5984665647507645	5.0722217066215665	-0.10205461453385213	0.3600092418229811	1.0146186712456	3.9643341842454896	-1.6770453937112857	-1.227359589872202	-0.8533478927675883	-0.5287898592040687	-0.6149884433068177	0.38852535141317895	0.3295868873379104	0.1449787027956597	-2.816957259715146
+0.9954134961212436	0.4532120882348419	0.25180958965329164	-1.2057662493886574	0.5320514948973439	1.6961994199194057	1.6888146078446469	0.4918773477569636	1.2043898272903486	0.4123716456076373	0.7059714084350248	-0.08486788784448994	0.8177930260595054	-0.18255762373250226	0.17119462842741948	-0.28084256477084	0.6053894492755059	0.35553769214852704	-0.19144159008536898	-1.754658196678248
+0.0	1.0	2.0	3.0	4.0	5.0	6.0	7.0	8.0	9.0	10.0	11.0	12.0	13.0	14.0	15.0	16.0	17.0	18.0	19.0
+0.6261509174393423	-1.100125188778994	0.7198702569863887	-1.5205485212771768	-0.5752175028622667	2.121887004249293	1.3573910171903991	0.002864406648034484	1.312557199950938	-1.066628742012773	1.303457260479562	0.9611446256704156	-0.20841382237640227	-0.7037341301681777	-1.526434631786378	0.7739325531451205	0.3885182581893732	1.8359397664430213	-0.4706162976295127	-0.9556584538342204
+0.2536411543894025	-1.4563873415342614	-0.5225979569522042	-1.200569610146384	-0.5955528693207531	3.4985932614713264	0.4473543934217947	0.7526786936590912	-0.43342196111582254	1.5525428863494506	2.169113462445944	-0.7532432311768639	0.6556246969801681	0.6124285450253644	-1.1902855719466887	0.1977380945472285	1.0019115951772508	1.6940934585086331	-0.2496990498375397	0.4587597974536202
+-0.6160295468308551	0.040379484431003726	0.3340016847407607	-0.5125290815878366	-0.8009739074576929	2.6057273029665633	2.3075474233295616	-0.13536532324377665	-1.0133895766942842	1.034038650893345	2.392822917051808	0.034222764147231764	2.271006285006937	-0.4303126949849931	1.6338076097518863	0.21290712289928934	0.10521657617234904	-0.6731719795272194	-1.3168503944216037	-1.1614810234929251
+0.39770762609356985	0.5268334091977741	1.2091735467767932	-0.8649665234285591	-0.15446691322601233	2.7423918794710653	3.9208396652224837	-1.6374662065096848	0.3134246881164397	3.2474655929926635	3.3790641193210447	0.8316709588752277	1.3140873287315114	-0.23113510007819274	-1.1021609826515155	-0.5186121491894758	-1.3270513344762935	-0.4581464670370039	0.5347596604071564	-2.105560528859708
+0.03066182760641518	-0.480753645343969	-0.21708013055300726	0.7365206622202892	-0.9733138013767816	2.78143688701742	0.0814281223482991	-1.8536313075349184	0.8365034898469558	-0.3780092101528741	1.1488253255970005	0.7584329587691614	-0.16966689756820955	-0.538104424489849	-0.6476891994926868	0.11925069613399565	-1.482243962539504	0.6736294194286171	0.6847974062585389	0.1405402842878276
+1.0376003264438238	-0.16909518304230692	-1.338149184088708	0.6219591169019744	-0.6802787546467993	3.4667005694981627	-0.8745159724438328	0.43894097698101936	-1.9546702326224747	-0.06978914936037399	1.042797743807072	-0.4494780128891692	-1.1552487951788095	1.1042948647674429	-0.8475749604637852	-1.504469380909372	-0.034641863875820585	-0.9683081752992456	-0.2762397692033256	0.9137742233056828
+-1.0947203063568234	1.895134374626005	-0.020055744208396068	-1.1752518338921158	-1.1856612334324652	2.3837672850258764	3.827274966908349	-0.06761636349193369	0.9318379543424359	0.6123837907083084	2.710884877395296	1.4465727547188	0.3962050278344553	0.5909612756369654	0.1505723178088155	-0.7615412919712771	0.1770953588571095	0.1159609236621499	-0.14890977453076015	-2.511598694669812
+0.028946323196051508	0.22047168662932992	-1.4616476676022487	0.6406926295172415	1.898167615122827	2.1223739624792826	0.13419069262950886	0.519036590394594	1.6256522631270836	-1.50503031284814	0.35349136904598555	0.12034330460655672	0.8907714409091958	0.9308280623695458	0.4120802840710209	-0.8189482524568741	0.2213310938940966	-0.4750167654058908	-0.8994738244069899	-0.4581504577368225
+-1.2406370676679632	0.4667999321941941	1.6815793230506344	0.7520342827405718	-0.5073124181311593	2.3838374940379436	3.1051613222603285	-0.6421042905954321	-0.3104541642047652	-0.5346690548341032	2.501887862827563	0.4766831684538046	-0.1787852199727948	-1.015133725643361	-0.28346304700806824	-0.6254321968746334	-0.36105570263925657	0.8991718176384871	0.26556826202951445	-1.8921459629344863
+-1.2286956670125235	0.4263918325088047	0.055445542769283984	0.5920863377272435	-0.7587220746296055	2.3400331961743923	3.920070231009017	-0.12167758274437712	0.012501016321337714	-0.4899108612401542	2.7718866511245803	1.4417663782675654	-0.8054884372887359	-0.2587358599857022	0.6814799948712266	0.0228089431320953	0.0055586915298098975	0.0823255781307819	-0.16623604771256384	-2.546524541448889
+-0.4918206409856688	0.21217258396471694	0.30662294545688995	-0.6062117305084304	1.5444761348108496	1.5135823907760482	5.159406559273228	1.36431116628279	-2.4357197022790302	-0.8329529341747502	3.286164266189587	-0.3305190735972248	0.3091421496872711	1.064880539820166	-0.6249056929883043	1.2003745330323885	0.019850891510347052	0.5988953285694542	-1.0199629945889084	-3.2186716499397248
+0.6532966022716153	0.13476692488816933	1.3032947412655265	0.050083337052521326	0.06133885807155647	1.492838009091984	3.5047539415863653	0.09239614969161386	0.4768187322887299	0.8248140826706194	1.7003889637904055	-0.0489620587069034	-0.2534936612953185	0.7148536271151185	-1.7859686379028632	-0.5041954314709504	-0.1348857550245394	-0.4585285128430802	-0.8043316818173476	-2.817682599089971
+-0.1294858723574768	0.6023390452998979	1.1355405737598732	-1.573305039040278	1.3180182305617458	3.5292515615180564	-0.4927097178597104	0.5032925682199433	-0.9160213389095851	1.4696434480695553	-2.7299452549470424	0.9389163502432044	0.1212849790251718	1.7556514653001507	-1.334097912738056	1.2490960516412406	0.28286780266302786	-0.8113853739111042	-1.2277429139519462	-3.0273059347139277
+-0.6757835464651004	-1.291005149147996	0.4693921641707266	-0.5248003028056651	-0.13716978233970892	1.7424917412740586	4.523252594159674	0.8968640197553067	0.023701713535299058	1.1307823633147116	2.667460757312112	1.349303529145823	-1.4300389240869045	1.1059939106659238	-0.5936676516401298	1.4452559679287151	-0.18968201335702245	-0.2860520246418381	-1.955475628639316	-3.1436638574663656
+-1.5098085621550432	0.2556414293958333	-0.7849813202251626	-0.6159397256356952	0.1115648807404373	2.8284215941681623	0.8084888128298885	0.4068897115231125	1.710747080609225	-0.4531456894199228	1.6246348351051183	-0.05161986082083387	0.7691973950015508	0.5119615949416946	-0.5598398990033213	0.1746219475487289	-1.568438414178324	0.06314896617018513	0.4957660572388983	-0.2515481506078645
+-0.9004672368776512	2.7833434656936795	0.32973805758224706	0.884038730723335	-0.026483186301724398	1.5864687841368759	-0.8784018037605543	0.4670593783186675	0.2200462967072668	-0.6054105014839533	-2.8870211486292483	-0.13533875259554518	1.644262173107958	2.446053804373326	1.2848961114865212	0.6163752058727686	-0.3611754248489945	0.4566953384878888	0.8504395048443091	-2.1578640307973567
+-1.3261027550294568	-1.2116729915398818	-0.9815086437685252	1.4887197888447816	-1.876659764268069	0.6550291995125828	3.098253641952458	0.5781976013439597	0.5705680259306741	-0.05844918084263093	0.7998209564611682	-1.2804384290881408	1.4004180546031646	0.11892347709085195	1.2032715188984056	0.9951810082909728	-1.097792883991487	-0.7989543947464705	2.2706937453628018	-2.9433357604172965
+1.172331932624726	-1.348002333268632	1.102255569352498	0.21048987795263766	0.7552190298568585	2.322163933285033	2.282099733927104	0.6850546894988618	0.12259215642916667	0.8037865999399166	1.7420352057981248	-0.4390720041686612	0.6919692888632403	0.0205674402152309	-0.1039782187203247	0.30502318811479256	-0.09942667624830666	-0.2297847849155441	0.11296857183827334	-1.6505385030748871
+0.8718376397421419	0.6775229227681394	0.3295413094937147	1.5257614168437887	-1.3568739609658649	1.7007501238723313	3.3955248126001263	0.16622779435235685	-0.3041952141299466	0.13646525130838574	2.3316536697239636	0.9751851967972088	1.06618589388962	0.73790820391218	0.09289036956604113	0.9704000891940904	0.5421091095293874	0.42441476628649066	0.8185435767864992	-2.1724702004505785
+0.4110893671626403	0.5992355160406941	-0.0606097543828832	-1.2693166397429436	-0.8627383169482953	1.5450131866529602	3.4885438347437177	0.1177027391048445	1.1321238441230388	0.2985421359083772	1.7368720891529617	-0.13533232999935227	-0.6816242556084541	0.35149325047611824	-0.2171885784686674	0.9307112486307416	0.4615743292601944	-0.7916437576424072	0.4214211224409776	-2.781253488647632
+0.5301810810881368	-0.6934578392308087	1.007651883954439	0.5491111064273388	0.3513624596184423	2.4402637978741244	3.032707122931437	0.37572610862588623	0.10240523132443756	-0.24867515742445506	2.3110331566727185	-1.1977569311647005	-1.1691220888841871	1.1874715130678046	-0.040441206209282564	0.9315164034486012	0.4280758789588995	0.381272337314699	-0.26694694635201943	-2.0041223516332947
+0.5303189319554741	1.3359877779446372	-0.1262806381621546	-0.9388951088088412	-1.1496000366748502	1.9840807571718584	1.2403307754090132	-1.3847526790009284	1.069372746013873	-1.7103797889182184	0.8898311124568845	-1.137193490819456	0.16865644518497025	-0.8917544142573286	0.1954441902534015	-0.35098371348462903	0.5739862627493796	-1.4701125468661869	0.34828884002008864	-1.1655938728043451
+-0.9374365814328206	-0.506383645599598	-0.1338700248152022	-0.5050900749333179	-0.4743665666936268	2.9929158681822465	-0.3608801305928655	0.7565124248610798	-1.5194480328027122	-0.2920200105340011	-2.352998346837342	0.06308178366029714	0.1174704090544915	1.0961928755919512	1.317342812051062	-0.20552341164503649	-0.7339381216839418	-0.3233511797150055	0.6896857990087171	-2.6664706921504866
+-1.018851012179135	-0.93439721935028	0.9654815936222504	-0.19838080455638696	0.6857634270277421	1.6224942977837893	4.249769193656595	1.2901505004904958	-0.09025869011375127	0.775775384236071	2.514548503423484	0.045126947154637935	0.607172251891146	-0.43519600948236975	0.2314351656909589	2.1716754960391893	0.5812111291243358	1.3412096378387637	0.3930201053709436	-2.9414706764264817
+-1.0631777135736102	-0.8109798412831066	-0.14765881578913842	-1.1444464592667418	-0.12220544188905705	1.6858933617987868	5.024181454702164	0.7107940392633827	2.2917711281442807	1.3027522769367363	2.6292843303009064	0.680521545069209	-0.2748088516326828	1.005708343912043	0.3607822306032442	-0.23707938303886406	0.4341890601890511	0.6895791146625565	-0.4070831270812116	-3.7260305730149663
+-1.0436949621028722	0.4276470267661813	-0.3833013460633559	-0.22422440129615465	0.14573984552133568	2.3607756245173848	4.407807414864508	0.3529945017232335	-1.5048124615984926	-1.7541833758558636	3.3276454182934305	-0.6456027283085127	2.3398179932427574	0.2149473414654958	-0.2211243019362347	0.30110196243662035	-0.4925787730990739	0.14043498246014202	0.08402793497475923	-2.5873299942618204
+-3.0748343490724865	0.3206076428576184	0.28432515057364804	-1.1956642046500865	-0.4541225287234208	2.0589870382963777	2.6889512310202326	1.4695712565049082	0.3829862414730334	-0.6326637626871782	2.010863466190902	-0.4409897848508284	-2.782512529427625	0.3862688849492869	-0.9045869271668956	-0.8117962485335594	-0.18332196543271007	0.785178520889509	1.5823887631448088	-1.7810489579127662
+0.3692992324895649	-0.6056510474362691	0.30286229539128245	-2.4949975072171253	-0.1751153855365943	0.7685657540910389	-0.3010120192307761	-0.7891102261737206	0.2060832118189292	0.21842393973781055	-1.5524261096350394	1.329638361440231	2.0310935556754317	1.442646473077441	-1.8615069290650397	0.9636870184373172	0.617228580938192	-1.7719313077267922	-0.9158632993732267	-1.3279577217839
+1.2284357861128286	-1.370353244789153	0.5109278598273853	-0.8440666543340386	-1.2447192138675578	1.4767178479460823	5.741646654683228	-1.6316625926351616	-0.09528956523883686	1.2241398905408076	3.2692326963882543	0.16256064696869366	-0.9798513305087118	-0.2018646907176312	-0.14189660124190315	1.160978484335658	0.8053027455846591	-1.808440161439459	0.6056205005558484	-3.8788086600723695
+0.9543426448921856	1.2649566527957905	-1.6009653878086696	0.7528750978572278	1.3557627177533	1.9492208681160408	4.155313966867934	-2.127772864221915	2.0004578715222783	0.010993573370189604	3.0851969472577716	0.07223555878829373	0.5221954828387224	-0.7979652557347361	-0.9073876378668132	-0.2632743322037203	0.4000138820361586	0.3297449522687978	0.1824212441050433	-2.404515378212356
+-0.3065469075777773	-0.3095213138442422	-0.6567623724997316	-1.0930391080023245	-0.9812932442344944	1.3325872554493483	3.3948256780541914	0.1204520815416409	0.6627952715247392	-2.0149565652407158	1.515963064836196	-0.4871449306761091	0.4924773673198628	0.1877074900017391	0.05814267735595665	1.308840424889258	1.1544800912390332	0.6229574425654543	0.8898201274964631	-2.8167609467768533
+-0.05323174714238143	0.4952468941074082	-1.0808463332884597	-0.17727562550307044	-0.1530747905859675	0.8180922527228179	-0.8376450671474183	-0.43274958122130097	1.7942577186192583	-0.2165680017888113	-2.5853558407073294	0.20574120712259175	1.484120668085701	1.7730767055886736	1.0919223829130356	0.32203386283945185	-0.4951889860749091	0.5835407933655548	-0.5125660139705128	-1.69483990018446
+1.320252733875551	-0.8266768121127619	0.8859871995998847	0.7848687331050375	-0.9246809189058508	1.6301766330920144	-0.5041976097824967	0.486746815761788	0.4755825432107834	-0.38009822536873744	-2.257343405127948	-0.5231503396058581	-1.1832769856333776	-0.1164189994632212	0.23037379211403056	-0.1592363784077054	1.7602394438237519	0.22607096714942604	-1.1484266036176196	-2.009289573506787
+-1.304967589018845	-0.1681574612682337	-1.7201100627503998	1.0220421779587123	-1.9287476113013016	1.055604563227349	0.8637016737521978	-1.119928506225051	1.0918088810822657	-0.15716473257788632	-0.2477199483722652	-0.21338986242804092	-0.23489644120020184	0.4741391180951388	0.01431920687056363	1.235548210279463	-1.9970592044958635	-0.5464305085548254	0.6357106298272877	-1.5171607621371903
+-2.7003500580171926	-0.621062023841848	0.7847645251260773	2.334329741851786	0.28169885652520577	2.338357726954878	-0.33492028318348777	-0.9153835746686148	0.3843287647141447	0.1641490350863294	-1.4061884068421748	-0.928264604648088	0.8245727122430407	-1.5960832162348244	-0.8866405020669896	-0.20621055497567184	-0.3518799135474275	0.3773195514661185	-1.2602231979606917	-1.6235740467509618
+-0.17563575840889348	0.6584446923721584	-1.870437866164478	-0.9975534249945348	1.4782350337374022	3.339834183427113	1.5742377095356357	0.238205443398017	-0.5770432936586664	0.6822205102977827	2.797055448995223	-0.18814049391171686	-0.5134348066541328	-0.9734964693829804	0.6822600120854664	-2.2118928487689002	-1.2531854058501268	0.1683818756776064	-1.327688116497309	-0.1811202996413888
+-0.6890274800354274	0.3390077054521436	-0.710248400302451	-0.5324707744986014	-0.3254409135051557	2.613125241610317	0.7308589497586373	-1.852227464614402	-0.2141427549498096	-0.39513784235653626	1.2667105033366806	-1.6558732433378869	1.632006825664826	0.02214630504578873	-0.011714039476818504	1.4823287523549964	-0.13878842562141558	0.03192287636752151	0.96475715075093	-0.4311493197320697
+0.5473617041184043	1.9751924750566296	-0.25968976293157103	-1.067859258078319	0.0949307595750899	1.8407825767820107	6.603841477027292	0.3683226023090216	-1.2888342402085198	1.6575523463917865	4.267973294239981	0.5932970826520194	-0.4061792277965817	-1.029047934387739	-0.3545003906371853	1.4678642399827753	-0.6438683305448487	1.2406778567246992	-1.4511502907361102	-4.033701870418852
+-1.1786330418354218	0.8900630392804567	0.3936584197093503	2.217092876032775	1.1917016399056493	2.4425670304002844	0.4293250202835737	1.6149633249882065	-0.2960733827253297	-0.20794328301687146	1.1664227420150053	-1.1913835019223875	-0.8391336914817413	1.2669339489859186	-0.22560160010425706	1.5145340816435	-0.22610951259185055	-1.0585547748955777	-0.0448038317090998	-0.13354969294632424
+-0.2591798346564017	0.7762873046906557	1.6347945472621304	-0.7187123290984577	0.26093698105771296	2.0590331753630093	0.3371361983486265	1.749471175127569	0.3893513474227773	-1.2357727407469972	0.4872784336531442	1.3718238581239808	0.7823767889933477	0.2337356257106217	0.6590677804792671	-0.7537640425739309	-0.4772899329809797	0.021669907406565082	1.1569242667553794	-0.5438428459905889
+0.24781367000273474	0.6076768285782402	-0.4706146392365812	0.29461788785868914	1.0265857026021186	2.9141075017347764	3.2031950854421383	-0.20763656097465014	0.7306140689463829	-0.2351360677576701	3.1691384198501167	0.7607250622492812	-1.1063133013904605	0.9434699683375672	1.0617599327153964	0.46944594533969797	-1.1030822806449634	0.4233178311600399	4.50865960073775e-05	-1.5432987624472552
+-0.9344439926213498	0.3193964457354997	0.7144570035385144	-0.37282918024716205	-0.2253851930767917	2.782470013647194	2.930865876773449	0.03345694810662562	-1.4489856143861566	-0.8162050817941112	2.5480981246591767	-1.2527357021051826	1.2240866086467264	-1.2590650362252525	-0.8154339969231028	1.1360982441516567	0.19924819992440052	0.591812848565074	-1.1037266955108158	-1.772287485631072
+1.1410980373908597	0.4336103376673371	-0.6830686559274884	1.1146030428135452	0.13886480153094632	1.5452625864768086	2.8425021819538068	-0.7585181047073901	0.10664192893469994	0.10481305896989987	1.6095914309674892	1.3299182926980695	-0.0867499488142989	2.043628901365718	-1.272606680207718	-0.1646652630612466	0.7964919525957804	0.5276045724148632	-0.4000084924279473	-2.1718479805339053
+-1.4675542529280077	-0.984804159067358	-0.11939854902765815	1.1071295731187265	-0.6529803455309847	2.1673557144476643	1.5851269907482948	-0.1746975060187288	0.8521613244890587	1.6964457408806553	1.2695670676403998	-1.4844906135405058	-0.3236030586071452	1.5343149397518807	1.802170263439629	-1.4537567316424964	-0.12452454175962765	0.8859841898328035	0.4623837590121874	-1.2570041582452474
+2.4638018845454432	-1.503131899916984	-0.13826124563037884	-1.2759388365380824	0.5561014452489658	1.6700684303733806	2.3557247346824086	-0.9922459795097479	-1.1558153519537906	-0.027164518805471848	1.628466212779366	-0.08394597709915448	-0.24341381031082335	2.090138817816032	-0.303987039676864	0.5935884068560501	-0.052143607541871514	-0.3845360597430828	0.3962636908235	-1.6436662677336509
+-0.3726650828140673	-0.04503565925277626	0.6127406616078375	-1.217368793921042	-0.2423351728324677	2.383568346942005	1.5824838835164128	2.179146541708721	-0.1640173777049469	0.058117252540860115	1.1825193247755281	0.20910788566344227	-0.4212942552154688	-1.4977082739969785	0.4228922493415636	-0.20430634954276444	-0.7045551143966531	0.7611724718106969	-0.7701380173451436	-1.3992314237623777
+-1.1053454612184992	0.734631497770831	-0.6102768499875317	0.7481936436767541	-1.6795750912691534	1.8765620303213049	3.249111054012613	-1.3761139938077216	-0.672163960199235	-0.71299679329763	2.132225996965744	-0.9480755183770656	-0.981526714575313	-0.009079399216074657	0.8975731924939098	0.2413058156435132	0.5609559720155725	0.3475876517991958	-0.7985455485971579	-2.2448008756765794
+-0.03406020343858024	0.47421920669511497	2.5428070915605177	-1.7332584772151296	-0.342129224589719	2.7179125299577147	3.546691010748737	1.119077409288329	-0.1959932024883101	-0.4586810644035703	3.4000646430946673	-3.1181266772713703	-1.529818307878693	0.4588704451593044	-0.7844620750164549	0.4023961396664023	-0.16246426902267352	-0.4778178352403623	-0.9911610669190728	-1.6575902603748252
+-0.989060903109482	-0.06516910532336198	-0.6258833762555659	1.5604758476310752	2.2637681084268517	2.5795629573858694	0.2383859836074023	0.3723962979721378	-1.962390186055286	1.802898831562065	0.7080660642294119	-0.7393920545866864	-0.9168899662040688	-0.6572810280207528	2.452822768061269	0.8506445865298526	-2.0772249057488548	0.5803391673674048	1.4293397351647976	-0.3838522296046349
+0.7025789970392468	0.3694973257969447	1.1426595527155228	0.6610783245084025	-1.209834953703469	1.0797457449953949	5.174634326253376	1.0949860461381462	-0.6942328363283464	0.18734228784823706	2.3230389576662898	-1.8259102431365453	0.3257847934368073	-0.7474961198989433	1.2047917410944915	-1.3385971657404387	1.2525738843340042	1.0926258053174454	0.3626283591671365	-3.9977498203078223
+0.8626958305294844	0.4831110411296067	-0.9840769389511186	1.5100452944209781	-0.7170034262355306	2.5363365444645627	1.4856227939487532	-0.06216768455980445	-1.0252725332922668	-0.22430628871035435	1.6936749712009551	2.5736007114290183	-0.01696907411878943	0.8806903776696203	-0.1400104925957732	0.7119565002973883	0.8454549035637418	-2.6676543796730083	1.6450487879929332	-0.8626507542594433
+0.8464348134293538	-0.8937607716718787	-0.13288636354516942	-0.44302529523055295	-1.5831576871631323	2.5605323570341127	4.741260918208624	-1.4160021124640918	-0.4264983172262856	1.027904285296488	3.5659651271878845	0.7680406702093567	1.1155545033856322	-1.2323669601882548	0.2421153871721375	0.5652587523993122	-1.0642215963662085	-0.7280379019799155	-1.2761030623858152	-2.8018103338415705
+0.08189926332812304	-0.6417450130133527	-0.8357127168776991	0.7895121723250481	-0.3882786062859455	2.659218398465796	2.026993406458776	-0.6194199208237673	0.007518572394552163	-0.2586704111626608	2.0649175109808287	-0.5808527237786589	-0.28470419558665505	-1.9948341135575356	-0.7840312124723862	-1.930048365770909	-0.4621558369050141	0.8550611223030656	-0.2849295925493774	-1.1651755563261088
+-1.0619428163120723	-1.5368485179027247	-1.5220044099943824	-0.0381266514261158	-0.05988741256485351	2.1899350041972023	1.8758445787466191	0.5359248394845503	-0.5670690389576558	1.2769396201688308	1.5431727873415793	-0.010681923592355357	1.1397048109539871	-1.304895696961426	1.5025684232826648	-0.2663844317517222	1.7582045978263972	0.1324118176510371	-0.8945570152564526	-1.3377539877256623
+0.4005334962235669	1.0076395576859003	0.13194212424791651	-1.863671678111632	-0.7632781249814675	2.406564137369484	3.4197951355043124	-0.32199595023779043	2.653869561459364	0.8357513850157008	2.95306285808778	2.0423897887016915	0.9298410038393872	1.6689367525979475	-0.7261754538122338	1.509139650626587	0.524929519785083	-1.4785204815731514	-1.6415311772933054	-1.835482829489572
+0.8724104768754056	0.3781555881288779	0.4385993876844641	1.7126939362373603	1.3835964323054866	2.111659456569229	1.008414495535137	0.19777448425854552	-1.4878457871081665	-0.3278760141172251	0.8019115507238654	-0.2456214718719778	1.4884926194059045	1.3987996384527603	-1.1986194309715903	-1.1478802531147383	0.6923496957104975	-0.5345270461449924	-0.14175301702282198	-1.024024318890741
+-0.8931897161492571	0.6726555697267748	0.12188589195485865	-0.6509869139749054	-0.4350029966799684	2.0118835466806897	3.1765891036550897	-1.0812875887184834	-1.3558192591333915	-0.5847969034567607	1.905987216006641	0.278135849499465	0.3486220410513912	2.1172711734431715	-0.4924555679246331	1.527943019293791	0.7618864468756401	-0.5171357273386028	-0.5411924384705569	-2.413036758667902
+-0.845677581038838	0.6324979033755312	-0.37830841990290814	-1.3820092158435435	-0.7332803336926421	1.9748712461728304	2.4952769436403166	-0.13505499923892406	1.4131580266996857	2.899503951709652	1.7376615399708744	-1.6961701410520915	-0.04710329228132002	-0.060051332980470384	2.2665283454134766	-1.4893585328995702	1.1977133739437809	0.009851697031027968	1.0969937668372025	-1.7907842611711229
+0.30467735063757617	0.4950748285222781	1.1745071158428404	0.3034433400242362	-0.5972450368627183	3.2449046437909392	-0.21970542892113665	-0.586305341913781	-1.6443597839687418	0.7130489813267271	-1.8014041559353062	-0.03636943288201469	-1.0006977212756551	-0.25017832294922354	-0.644531892325814	-0.3118254379981234	0.07622142678869961	0.6395553710681844	-0.2894877288032404	-2.3900875624935933
+-0.7223899558343578	0.8492285195542429	-0.5922647165100071	0.4480384132388975	1.5033741889196623	2.3276799684458336	4.660946689625867	0.29289110206286983	-0.44367426063545096	-1.7557607987422432	3.5706795071255	-0.36096491179956347	0.02659782363104836	-1.242219657615387	-1.2525892373324707	1.5996716020855342	-2.438268029833184	1.0708501591052173	-2.0142080916701195	-2.6374359661906768
+0.517955748151366	0.6318272084355643	-0.3107747636931994	-0.365457321692025	-0.8274374115464448	2.4194174604912053	2.30327024768378	0.2132356890216537	-0.3474958603932309	-1.2336943161240128	1.9333180474483584	-0.11120924443438872	0.2281973052272561	0.8592514118273419	0.3180321931163383	0.3055331558344616	0.6925973076728771	0.3073300158215887	-0.3368309093127725	-1.5263616690610993
+1.07322414538178	0.501954015280214	-1.009018431519179	0.8129738864694972	-1.076514925486148	2.1064501645446403	4.098121259955776	-0.9948239460319688	-3.2837668885808586	-0.8812335790001056	2.9480632471448702	-0.18904805511721426	-0.6885221641355367	-0.2738970669670362	-1.4924363465055082	1.3975076951879404	-1.1670470396414214	-0.3045580816369728	-1.2120633706358999	-2.5140689274402805
+-0.29874434526655697	-1.4814434332669864	-0.3405176552373323	-1.5472128948094663	1.460141833448219	2.7503298497261937	1.4919435584703815	-0.5014938556215274	1.389851180904761	2.1536872532393594	1.825215523767408	-0.05597624211556965	-1.024054711552412	0.9786166674778746	-0.930534193318163	-1.0692142888694698	1.1760360066245013	-0.1777204619951954	-0.13834763375383666	-0.8119518506990913
+-1.1336098433285582	-1.3885132396808428	0.19343965425329893	1.682779669518624	-0.2696707432856892	1.5292907071351531	0.8720375153883999	-0.6212566540305139	0.35074846417167804	-0.031713347840588456	0.0804037215335065	0.5909928654947588	0.009806449499266163	-1.1767020186636343	0.13240869046561005	-1.2775069646063268	-1.180299533347833	0.1451404457082739	1.1452286506095457	-1.3643619388887798
+0.6848924399152204	-1.1801849525721115	0.04928688291716511	0.5067605554725978	1.195494179756907	1.7270137103237482	3.5220960403086186	-0.06553145621715739	-0.12630378748088314	0.08842728946248231	1.8915111158684983	-1.4884237888244427	0.2462104645174005	-1.5275295811999368	2.568368583099628	0.3581347981231358	2.3009304345252417	0.4501082971744904	-0.4508955435054717	-2.7302667374607656
+0.12875202163284372	-0.4275406876857337	0.6246416080066166	-0.9048996919923964	1.730143080975311	2.4785864283336845	2.7908537788942347	0.12775942344608682	-0.2116388003443376	0.16587414857263422	2.7172489662447328	-1.3820208557750682	-0.4747342209030136	0.6360049674097757	-1.1861930198828563	0.8927270146909101	-0.5564095703270809	0.17926140562605036	1.8194513832416888	-1.3672523508499128
+-0.3156511149738039	1.4735826606388318	0.13396306518652382	1.4358415007923635	-0.8659447335937774	2.1016165915331766	6.3108659613418325	-1.3815084314691686	0.3154165647736827	1.5256756591495022	4.33386534087067	0.8737132598892909	1.1159109653739772	-0.7451165124657585	0.344492015887092	-0.010584046414279326	-0.8566380846602463	1.864032409362421	0.2852898108444793	-3.72083023929173
+1.557734002064037	0.2946393481039001	-1.0055498557068867	0.23052931956335684	-0.11930516852373928	1.9991415603534324	1.4917044529186605	-1.4289054993690142	0.04420818812918748	-0.8180649392995241	1.1190487142628176	-1.2395709939523072	0.767074962870864	-0.7995439437594899	-1.013434199869592	0.8578706964554137	-1.6589355290412875	-0.1441349191683705	2.091210168400335	-1.2408951443895744
+1.419544108567752	-0.5302913898878276	-0.8989222004178926	-0.8302441069991687	-1.556346769018039	1.5885165106438133	-0.6821226994931056	1.9896951949569888	0.4863010768794348	-1.3355949538149057	-1.9008622599469749	-0.5153011619334648	0.27344202492411396	0.457694899076411	-1.4129679085304958	-0.3589131145495385	-0.9839779220366992	0.5816739281602021	2.376818975949754	-1.4665258212046102
+2.6288336361621143	0.15472815665474812	1.1908272951676862	0.3033404066097632	0.6463515851967158	1.2301565035355655	2.6082300614121308	0.5520066530980764	-0.435648258071034	1.86806918911704	1.1720152560994697	0.3926061273242116	0.01886097556940586	-0.20631542116781207	-0.9584275740316941	-0.7225454433980324	-0.4495276966147726	0.028230408314054357	0.7277295023523509	-2.2190086706611805
+1.6155658325809097	0.1749087416499398	0.9896888265176418	-2.504906090816109	1.2224459502342022	1.4167313009951907	3.3259519120447014	-0.4593516290653921	0.25754215751679005	-0.4830707217677706	1.7656488968139543	-0.4882724167439496	-0.5485300390904639	0.9813148270236494	0.8873636063532481	0.007630859397540299	-0.12848236860938253	0.3522269089272165	-0.10248539229866437	-2.5332294565549254
+1.550567110768566	-1.8344435707552005	0.11383751982810765	-0.8896462754339419	1.3254683535280698	2.12999959366592	2.7768734528132897	-1.510215539128906	1.876584693964673	1.5321267428056962	1.8450066238602645	0.4764287952363954	-0.02018974103327047	1.8798552087704956	-0.17940727097062648	0.11891198777736516	0.5000856851192513	0.09886548629679977	1.189609787826178	-2.054793769702011
+0.04740702323760463	1.4367221367470482	-0.1778250078406814	-1.0126176773718838	-0.6202457305057594	1.5674373517601214	2.513301122484336	-0.2742159688861192	-0.2615039407655619	0.4346271861856285	1.7248087248955728	0.19269514911856106	-0.6864684528177579	0.7694168316715742	-0.5605262041718009	-0.28850180066954545	0.053049405295672064	1.9099626378946009	0.11132111224094964	-1.701203383589052
+1.4987905264540586	0.4245231234163192	1.523189900454302	1.008695261156639	-1.387896982684632	2.0775722453516132	-0.2467029833102683	2.441961501889492	-0.26190891687834955	-0.7512624729354835	-1.510506381801984	-1.9253520174088248	-0.8745017707516978	-0.17608064367933365	-0.19240605647073555	-0.7561444860204843	0.3795253482260279	-1.3943825386940707	-1.6638022957397571	-1.7415173536923374
+0.8406209984625372	-0.0025725489422344545	-0.601438867947689	-0.919427125487488	0.7042315519384602	1.9350422922446275	3.1532961591949613	1.3182372013258132	0.21231796110187093	0.10876063856162237	1.9563000401172657	1.5306495313829316	-1.6185633673532231	1.6063146980584382	-1.4754994977674285	-0.7098457831757273	0.16910866287009158	1.873555651960636	0.4955557201916599	-2.3172718427176067
+-0.1025925689597331	-1.2997734661479277	-1.1849820194238179	-0.5601309268090418	1.0018538736689278	0.9414280333663756	3.4610998248161424	0.7007494273303311	0.6967462891186887	1.4779466490911244	0.874451581157244	-0.0032189129168000274	0.9228415640914734	-0.9169598162382864	0.4715620467973054	-1.797726722886981	-0.3228825894138212	-0.09314448492420647	-0.9128449921529916	-3.3683333473898056
+1.1636193176993483	-0.2598850823382007	-0.6963172808590951	-1.2590786740802555	-0.31426441258288074	2.1852996466226777	4.599500847586467	0.5908499864872871	-1.173293960853366	-0.3098773830570862	3.352141560768984	0.3985308579593636	-0.6306317758164298	0.0056613092315098675	0.18176374952023364	-1.478236079319358	-0.6195560564019568	1.0785393065969529	-1.002232702364883	-2.728014998409381
+-0.9405114954779404	-0.9971254352578652	-0.9350920736404552	0.07318934248541918	0.572722857802563	3.0731452699427337	0.9147186930111172	-0.9755244381257676	-0.9197590733401324	-1.1638962725834845	1.8717579371572024	-1.9990727361452332	0.433540078586542	-0.34352251517528004	1.346932279687583	-1.1846884251152656	0.5168500979666247	1.9386635984958025	-1.0304781071143367	-0.2155119446801661
+0.6931908319664971	0.20690379966268407	-0.7655228216231859	-0.9918537930707056	-0.9764535437463796	2.359678580900127	4.21497418783311	0.04166481675042462	-1.400772648032113	-0.241783309613067	3.1293162072563314	-0.5715371663218816	-0.15110620549094336	0.27845721574254256	0.4686769062555868	-0.27854703915873485	1.1282382395106132	1.0187442686436796	-0.6755050988491007	-2.553512023479208
+0.6303525361768799	0.6504224794810018	1.478545394395583	-1.3755169237348692	-0.2087590461694845	2.023112055453804	1.5148566741753804	-1.237130361665112	-0.32835851221186085	-0.36545833968870906	0.98690943098252	-0.8616453027371711	0.9352814891651529	1.462675697563884	0.4699164134396534	-0.1331088034049216	1.02500126916999	-0.7489234810747207	-0.3563003937738485	-1.3964494670922991
+-0.3423703732619261	-0.5588939904956731	0.4884455234564182	-1.6738944009991592	-0.2607207358827085	1.5376929620536899	1.115947774385517	-1.9337740838148696	0.0380353061990707	-0.4890899958698262	0.2638600421414856	1.4269595097764889	1.0820662021375038	-0.40502868638801626	-1.1437766520898542	0.6043828165115109	-0.8050872636735924	1.2020743397704103	-0.6194616174750139	-1.471633618563594
+-2.8459405432481875	-0.7126664951062109	1.4777467330581202	1.0203002307017368	-0.28394881755296664	3.103310873866005	-1.2404239422592986	-1.1779818209532142	-1.6368527367331	-1.0787257316290046	0.2320710943379265	-0.3479372537639945	-1.1976982502416391	0.0263324943577406	0.13117555335457115	-2.0862353069827244	-1.6407044730620082	-0.2827942747743312	0.4299515438777371	0.6838010406478654
+1.521281862758885	-0.2721628488030696	0.6653262289631977	-1.09040643439315	-2.221059583625352	1.990988745213429	2.662276304383417	1.259420023598005	-1.1841270607065244	1.5192943789048878	1.7697170048550297	-1.181175378412508	-0.14910215125196682	0.5493634954426062	-0.6321766258572109	-1.4694962371000255	0.6232610864107102	-1.2185498341579513	-1.3424355868327775	-1.953932925779964
+0.4121318850126526	0.7273131941394907	0.6757307090653472	-1.2893484888856317	0.3742960681313531	0.6775073402594287	3.016269847940673	-0.06742008042905287	0.44966836209742894	-0.6015456945261861	1.039994734720887	-0.13771566099365234	-1.6942259528449988	0.9778031476539129	-0.7533906208489303	0.15627992088809195	1.354915266392422	0.07827788960319336	-1.0838230193319345	-2.63542052074178
+0.313186609368111	-1.0584422320506943	-0.3871611581647091	0.9336036362476541	2.276463292630465	2.1765625432936164	2.914496625932917	1.2414986826973946	-0.45010353680108256	1.4332609660687659	2.325490470177032	-0.4541145113378837	-0.1290718471108637	0.9602318281610469	0.5899050485293155	-0.6879902657174161	1.2146671337903454	-0.6492064116521465	-0.9217649736027732	-1.7788454886146892
+-0.36416018504443615	0.6846238889884587	0.8285533149352446	-1.4219371167424546	0.7667449009598584	2.1001338699979875	1.6332915637097678	-0.10851253354426298	1.3893198102952535	-0.14558076837010026	1.606239096767883	-0.3420958468317655	-0.19414035012720274	-0.8252392095899685	-0.1229218571441904	-0.8101449180465671	-1.3405287551612752	0.13899136445844829	0.0741785657885044	-0.9794683842876826
+-1.768024568483499	-0.3069263880683961	1.592417191565314	0.254591614076966	0.7637805370176667	3.518304475388335	0.95794067593885	0.7347112679343165	0.35880364635557305	0.6704629590966805	2.2850867741292924	0.2874481326172637	0.3617467563789585	0.6146648256055965	-0.4415682867829035	1.6448615437912582	-0.813208255544509	-0.4386329937194859	-2.7333691720457085	-0.014584517410007882
+0.8861309231637331	0.2741292320680255	0.03461002085282739	-1.215534134248338	-0.8401898198652198	2.126014111551141	1.2931103919416922	-0.5529312791172744	-0.4114866209455649	0.3892707097314798	1.0032557042225334	0.9306506404386684	-0.37019755558534256	0.2554217774908457	-1.2025037075594571	0.5361389380308048	-0.3307117911444544	0.22947498740461975	0.6569022429931914	-1.1624317591265387
+-2.0010302086867213	-2.479471962399053	0.9849917564235248	0.12653019797592746	-1.3119853774174173	2.1269490619177653	2.035409519170356	-0.17283083215631348	2.526417485792979	0.8333682578142222	1.7911925014333576	-0.2509173143838219	1.052543196470219	-0.029439187889094363	1.1725684861381225	1.2502881829385344	0.7842847979674329	0.7741171372153783	-1.3136742574250926	-1.2689660846161424
+0.2585739721669588	-0.8226380528779011	0.25184236303769386	1.0043828423123942	0.02089930233282342	3.0622580296475634	1.842347137572501	-0.1115696939621998	-0.18946072934318048	-0.5665875886734555	2.266903099417969	-1.256294516796166	0.28513116059255245	-1.050999064843393	-1.302937112967481	-0.7815108169950001	-0.9121190583657786	-0.9136595104272532	1.0077636471651703	-0.8907750722516858
+0.6391470750630938	-1.5775820786944088	1.3439579175529768	0.1547383603427986	0.28071593776693504	1.8627205136906728	0.16974963162619774	-0.9402688934924028	-1.0364728039313091	-0.4777234600116845	0.11056994730080016	-0.4655730994583234	-0.08140393032701232	-0.33635986625208625	-0.30679826332827764	0.8712688530102753	0.554635107787884	1.2265231446340064	2.208724567176668	-0.6454595218574328
+-0.3605847196537884	0.7836460941316795	1.393317543692402	0.17264509328214722	-0.5521552778675939	1.856998832999648	1.5112979256669563	-1.0732795402912196	0.4952241380233786	0.2924069971110701	1.086918350190028	-0.8898392747439593	-1.4749510875989895	-0.7619255787949534	0.15003282129090706	0.9633328876138221	-0.8149205435390461	-0.13882053254434765	0.5344003717921374	-1.250214937742314
+-1.7663802958686683	1.1946468364054967	0.6657650558847974	-1.3915766063385142	-0.2465536114580664	2.471428674550567	3.5046936840714102	0.4903138499325772	0.22311293416519715	-0.6603627946269242	2.438149888585052	0.1359673274491074	1.1560811232018504	-0.7061826844849702	1.4444707095505225	-2.3722626600735164	0.9616784931259306	0.07972655683393715	0.5245349427380844	-2.4271187977603463
+0.7217756611744316	-0.3897934608800315	0.8614458646586446	0.6545973301313297	0.0625326751447304	2.0440430683165367	3.873950240982577	-1.5459345731473604	0.8030357654988135	0.4008007168908795	2.673665877253553	0.2376744196834489	-2.1538069090126006	1.1714807676851848	-1.3834530942813652	-1.0257862323321925	0.24429590933400036	-0.6596326611319782	0.7908167086144274	-2.497066067273225
+1.5520684858783471	-0.4842660107164966	-0.8425352485553168	-0.2874361705381057	0.09412780581966246	1.3256608697758143	2.6351182883378903	0.2910072509634572	-1.1787266342806275	-0.35851997823292153	1.5698466573184315	0.3874219406289059	-0.5091389770719648	0.17858117751755365	-0.6804576669073298	-0.02627121097297176	0.3929430590374208	-1.0569336723342102	-0.7684431903438547	-1.9095372673829225
+-0.07324738812940257	-0.7707735086872708	0.7973283078305399	-0.18792532751917398	-0.4808980710246973	1.2708752580290823	4.84466508988643	-1.6695427018666538	-1.3552507458429897	0.645626283321427	2.5111683078733082	-0.7456399505614479	0.06613242743512937	-0.6047228846227559	0.23306694022316776	-1.3991630115223999	0.6444157533649799	-0.44853021402279264	-1.0241025206577696	-3.5092391994854037
+-1.3861644102816748	0.8916724457539306	1.3792594419068076	-1.5564387538898712	1.4272232901517468	2.8936382665619558	0.905449048386573	1.2100898706780467	-1.5062527942084865	0.7443869640277698	1.5627965463596438	-0.8766597340375942	-1.0880394772793425	0.3889759428285416	-0.945440841852021	-0.4161238279720469	0.2658527518802181	-1.9100500671588525	-0.4798977227676064	-0.43744227921315737
+-1.3526980541116047	-2.542313547992685	0.1809826712750604	0.5786042707338463	0.21265362594459392	1.4368494121624695	3.7281618860234262	-1.4433793927489575	-0.4337990463708231	0.8984130058813806	1.9362977630144689	0.11939437931787665	-0.024300924266039317	-0.12707888955316649	0.4091928033405042	-0.5494570769083005	0.21899236924812554	-0.7968814722327079	-0.1662037512205038	-2.8340713584060606
+-0.14488635960496193	0.6429845276855499	1.9422318139095935	-0.2382952171970902	-0.4204250772278854	1.8883530000643127	2.145009988682244	1.155866822594032	0.7651952112321644	-0.7728202788040799	1.5931503530851239	-2.1788766927469814	0.7631801362002689	-0.4043310046871375	2.3324275830723207	1.8381645890873155	0.8248854488665719	-0.8927904794974475	-0.6191309111283828	-1.5043776968759737
+0.6585291602933541	-0.4341045390492301	-0.33845852206337496	0.6859692521826731	-0.037496577032735685	0.7440419920955434	7.639137439046158	0.6562621281468585	0.08859781118211603	1.2300541513475132	3.8551681432662894	1.844110118298908	2.3064439700702817	0.5259427065567346	1.5158548509002343	-1.2559031577031372	0.48070181965168496	0.6624489043654656	-1.2603453806648006	-5.253590879253101
+-1.2157670680274526	-0.4049695550937962	0.9346877261546676	-0.4629962072624288	0.2613324701509642	2.1375215727528483	5.157503491020052	0.6862828143315671	-0.12701721028968824	-0.95508822404978	3.7576202973757935	0.2490249974503447	0.0652821179107545	0.2931266017654128	0.4649751061594085	0.4110875223497787	1.2327600557189324	0.9648907499859872	0.5130940176494724	-2.966564942782377
+-0.5500510601200493	0.5284765375580582	-0.04667646776560313	0.4588230481815167	-0.3997276051326297	1.314561911851028	3.86859463610416	-0.6400246629512608	-1.269417995600029	-0.0159664264061026	1.9329699764458657	-0.6762506025982987	-0.2873256184704967	1.5344117957193681	0.10044962545885514	0.8304616343673373	-0.08848777205738577	0.29037006483676153	-0.5926980498319211	-2.9587016143577194
+-0.19323996129550547	0.7670341301454383	-1.1596583150810829	-0.8569905870554486	-1.8294632597515947	1.9210584216561364	-0.5635343450057149	2.8240520266819678	-0.3158417258744203	0.5658179524697096	-2.473088731650108	-2.5589743194423864	1.3130888433742984	-0.2431916674666804	-1.6781327129236883	0.3241812573517197	0.4973347675593978	1.3139331598175434	2.5100837026689997	-2.229147739244597
+-1.1475788924160997	-1.2243134131793458	-0.28106382911866185	1.5438003443667572	-0.5061083537570078	1.7553418818582902	1.4063901268814076	-0.020687626237173625	0.4798051069103366	0.6613706454347527	0.8944374158149913	-1.289233009828207	-0.0835005107341455	0.5328818540440895	-0.3061523183682434	-1.0962708285470242	0.26470911515648193	-0.012605657201504757	-0.4306436369504617	-1.279914139354739
+-0.5694519107756933	2.755789896944	-0.28307323041725263	0.4015977394565916	0.32362526831651595	0.8868265415606529	1.382426901483134	-0.6497759957900952	-0.9754408546071859	0.3796678880403917	-0.15247446518730756	1.777767730347284	-0.17267395193178492	1.2885079747828678	0.2437765774068693	1.0714273069626374	-0.019722172575620957	-0.8528930368567831	-0.6721609884469364	-1.9625220900578664
+-0.8315837274650301	-0.5158886908950561	1.2439548584361089	-3.6294837161612117	2.0586227897904616	2.19215438188954	1.7201266615207358	-0.4620261030087557	0.4957426397064051	0.9826165086537504	1.3471228958008492	-0.6293780806823064	-1.1359871314753092	0.3995426007611163	-1.2881768141322625	0.2528987058682697	0.2920031521187877	0.4409548042518607	0.12223669156907754	-1.3446012455347258
+1.5612244777978719	-0.16968135353615518	1.0359334285476796	-0.7248502736700285	0.9473974962179548	1.9840472602593653	4.29967210117305	0.24731059539367284	-0.03771757060065049	2.157906882628136	2.8956659891738337	-0.5250955942950344	-0.604266999898711	0.9797253679868629	0.9580232073230116	-0.7954454990405102	-0.4084950233118538	1.0976386808517602	0.04116396353864031	-2.752896103530498
+0.4494760709832154	-0.6807905746126468	-0.7440904679660015	0.6292431055013774	0.2150911927929456	1.1754424975368671	4.734657874995576	-0.8044737111270779	1.4825469337227302	0.28620934349886235	2.193448330505323	2.2684970138954847	-0.9828087807157814	0.08651097654344529	-1.1456017800892806	0.8000253399509405	0.3895469161762817	0.9038358959399284	1.687712002983316	-3.65099563122002
+-1.1651655425087375	1.671772635890422	0.12178621410424605	-0.4600143484929173	1.6629045393441455	2.6024629705568283	1.429167510707008	0.965219599729606	-0.8517142348539128	0.39437792446899494	1.9618277595714984	-0.26963915432314745	0.8300363998693987	0.3028291480534201	1.7371509739808133	-0.21036327201154628	-1.1277029132640044	0.9778027505682624	0.13073581917387953	-0.5706194533145836
+-0.6535683423618488	-2.1376335091867555	0.7762788491710003	0.09894181504307524	1.1037055994522662	3.1214844627573206	4.223939126104493	2.0742751756176334	-0.2602980557533139	-1.0373036506740347	3.7207768620987087	-0.620133397184403	-0.9986487068706014	-0.31442969712612845	2.0213922997963985	-1.5417065656263356	1.124176301640526	-0.26920766154740233	1.1352703677369325	-2.2437527277143823
+-1.3016068728845471	1.3822620350859811	1.760170144679466	1.920859045586603	-2.369481978795261	2.765984122277945	1.6744154960727615	1.964786664956208	-0.5698615302056752	1.3839406111253092	1.7719281527963424	-0.8265978552448533	1.0398087251236905	-0.453818905180141	-0.9981831816857836	0.8498838311065051	1.0215487139773107	0.029213138321989605	-0.02448426705785115	-1.071385607414117
+-0.9831304246100676	-2.109359219401448	-0.011612415022483523	-0.4146087274208725	-0.22253949217958646	2.5484589993220768	2.2328521631725593	-0.8131642593932751	-1.0871043663488726	-0.8860826509664107	2.5327430804979967	-0.07456416354353278	-0.2846414582237887	-0.2010602009175456	-0.32489659338762417	-0.2522783712227327	-1.069197609742372	-0.012922519765378022	0.6363905733729942	-0.9307452098046052
+1.2660162950232072	-0.04675921551020302	1.1329960683018219	-0.4010550289905282	1.099060739344578	2.4027248480404766	4.13799949972868	-0.14134951320393116	-0.6501526250891857	-0.3659024178240195	3.2863099467890966	1.4098334630474565	1.2069399858183845	-1.3007580136634234	0.9837699599571016	0.20457699052469625	1.3086796627828277	0.4879712679472181	1.0723840528336852	-2.3343857058676805
+-0.5096464601918664	-0.5244499633667159	0.9314229115739509	0.6435471646014752	1.13043081185631	1.7260037424185333	5.2584299270269685	-1.073525386847741	-1.609403192066443	-0.40635024964158	3.5651968016767515	-0.7762654203647265	-0.964731612816648	-2.2212880840933	1.3042628819466189	1.3726915625137155	-0.4685567826758029	-0.11662901744499582	-1.5326686844713395	-3.1353285505266744
+0.2513656297783223	-0.21757979911578496	0.2574659265246205	1.2069187924484093	-0.157167788760453	2.8468792772782616	3.4152836448730803	-0.1136007429799484	-1.5920460857721896	1.0221429088705754	3.2782239618240645	0.6817282280106748	1.080768934280712	-0.5213766374488378	0.4922805347992663	0.8499889773512121	-0.6410228697575856	-0.8751800098824529	0.15662476941774986	-1.6609894781463572
+0.4518351094232392	1.4283314373571223	-0.8093765799705744	-1.7447059359092438	2.0618722786957577	1.4551996796090798	2.802379728762748	0.27645183269366697	1.5486051282876774	-0.6906369483985451	1.5090176693243451	-1.296768408912027	-2.080180701435173	0.3012143539931288	-0.695179577086202	0.5944908517809671	0.5424074535525948	0.9342115821628356	-1.4668998795602932	-2.1928656098820607
+0.7651001419536637	0.20260586576911516	1.4643569095725533	2.4385816942423233	1.581071718424406	3.4376873470270524	3.0063623875950305	-1.7124281847649407	1.2953662958810517	0.9079117357163484	3.6360000810328312	0.21812549484505936	-0.5955898903037145	-0.14354928916389767	1.390491587381899	0.4016783984398542	-0.015326750296948926	-0.10056212393907417	0.7984987249435672	-1.0460005806403767
+-1.4602503916149732	0.5811313424100519	-1.293093987263315	-0.5449601775118129	-0.2229744791169114	1.8882793055135525	1.4224317331246774	0.25756238656420644	0.5358050556042735	-0.16731427552808442	0.8767555217047103	-0.3740366560319499	0.7368404772937359	0.8075782844720164	-0.4703690306036901	2.143308284766961	-0.2397493053253576	0.7648777916928304	1.6633556159651546	-1.3540736242016649
+-2.8435572425020377	-0.6866113847272521	0.3422070456857353	-0.9380032669784114	-1.4399973674938338	2.196536106447263	3.4596683624783284	0.15693838578947214	-0.7557317209481557	-0.5698662127845279	2.6125666510962824	-0.9523816080388632	0.7376994087886264	0.6599333405212997	-1.4197096118787165	2.297620523634832	1.0678811675071964	-1.3750405600595572	0.3460542266771992	-2.1328086951791256
+2.542215706473608	-0.29343216120293475	-0.7733243270161364	1.003908593487794	-0.5338628503093397	2.550876291370348	3.9716288467531937	-0.9291489740999028	1.2659309465128878	0.7842772699837448	3.454505574218921	-1.1768131031943452	0.21585284540627306	-1.027218546736927	-1.5094137850986418	0.17879823435321449	0.2813120980770261	0.8175347329639697	-1.6632975276321524	-2.0356612587844314
+-0.8319965765339029	0.6929578927338854	0.4144762558250952	-0.11667853464932172	1.3707536694645288	2.0250227886155003	3.8863073698025943	-0.5191300745977011	-0.9822822125326486	-0.18878276600271796	2.8584981824569784	0.1852479584510871	-0.4325457142503484	-1.6155051624495724	0.1632130127802628	0.33911737601392944	0.1984466911339302	0.6733026634800894	-0.02491362787253714	-2.334187683435375
+-0.1867459811744208	0.058102864938496375	2.0832638983721865	1.5706991694342205	1.9590517991678091	1.6717018606409413	2.912645306672176	-0.4799053013658024	0.2407036900923863	1.1719704670777331	1.1759851434701103	-1.244764830843674	2.265525538395898	1.7453365279804074	-0.4687999973332469	0.4710880558238378	0.9475162511463308	2.4560814814879404	0.7899789440490115	-2.6900071435204187
+-0.8739925560333729	-0.562288279332348	-0.4376511940071948	0.7151427399035187	0.2350852425354625	2.1476905713643646	3.906651665894664	-0.027743959862412664	-0.4873234843216744	0.9440890503396124	2.8696280889696033	0.10954331779955462	0.6279167857310799	-0.2453865118022686	-0.39489256320208665	-2.109361042168002	-0.8623702919189337	-0.7047274104864089	-1.4486029730547345	-2.3834497648767017
+0.8154945938187875	-1.3942602322147186	1.3918151037180722	0.3020271850353283	0.6534446312816079	1.44528708749863	3.806182787316741	-1.127734626327643	-0.22425124977321367	2.2090491331008986	1.7562433930226553	0.5570092974580497	-0.5401661645837045	1.3119452613127471	1.7224918758723826	-1.5521406849496893	0.8659915301504891	0.4448835159980526	0.2696306769788708	-3.091110583794352
+-0.014144038170879903	0.12379419793980735	-0.5768645265983704	-0.11109046485880204	2.743623144221837	2.6826507568593185	2.8836596126636063	-0.12126430560198675	-0.09628683951985376	-1.098651001919086	2.9331781907712995	-0.37568032655587547	0.6250576355218406	-0.333617867271015	-0.23428753567892704	0.5973246412490503	0.5806964756523063	1.3286963765113442	0.19373408759835908	-1.3328287215606378
+1.4134385549095425	0.2432495178978582	-0.9459277847844301	-0.09060590272719947	0.6699384897320224	1.3780625328823517	2.0043829480027453	1.826103834413419	0.9149416714213668	1.8395143907074116	0.5597333709539756	0.772716133137024	-0.3949894039215424	-1.096851440758609	-0.20512631901695003	1.3732459379052369	0.32729661220131995	-0.07235478475191008	-0.9484604496623324	-2.1502173063606764
+0.4707372912504136	-0.3798012126302687	0.3300315322494881	-0.31268442440249505	-0.8498909623686253	1.144137908953102	-0.463037805967285	-0.06329191334899084	-1.3304736422470391	1.0677398898258696	-1.874021582973028	0.7557135570049732	1.5337458197587863	1.1038389873748462	-0.5619404655581176	0.9808653749770848	1.0749676685991851	0.32350072384040146	-0.7897313912761142	-1.5555099934794647
+0.262741473224176	-0.486425479172793	-0.2487181083140464	1.8784632443123628	0.42660900921289	2.646839229274104	3.4159712232529014	0.2990321043972744	0.6521694865081346	-0.7959373193508864	3.1445944500987184	-0.6973040799790121	1.5008042559889716	1.0007598400212232	-0.4607609058248696	2.6612219785693414	-1.8310644061575811	-0.952100454928734	1.3427774843770939	-1.7256823678021926
+1.315861190759734	1.2453073788196478	-1.1958143852608247	-1.5104697277021288	0.10406857959434848	3.4588485801218987	4.115114650896857	-0.7584240940327722	0.19200083518059388	0.2562234054875514	4.095447401477248	-0.12666846695637818	-1.957261118239877	0.14241866089637167	-0.19372688774998487	-0.2914782847793498	1.319542388190902	-0.5540726169123796	0.4979952025557634	-1.8752230676022077
+1.4344974274755478	-0.08172393524892987	0.2922140069549707	0.22831410851049894	0.46079453742398796	1.9558651527541449	3.2512855324105225	0.3899963212488138	-0.05597983647818918	0.4122810165804312	2.2060907120025925	1.9914973363315702	0.35535537395976474	2.015641813918009	-1.406539783010405	-0.1606372806776499	1.0463324056207841	0.08210196863489966	-1.1289823517594135	-2.202571393557174
+-0.6329896379869749	-0.8916302568590228	-1.4855748497405912	0.6552494344189193	-0.8604714263757747	1.6471960108098525	2.4283650197105304	1.2874781922579497	1.6956259111486183	-0.5776827262115979	1.13062297570485	-0.18929037823128805	-0.11526192493702846	-0.9928446034112264	-0.5006247128792445	2.423439637288752	0.6026951229548356	-2.322810044166204	-0.3504460875030854	-2.1794778591869157
+-0.8939683188862566	-0.9092269682971552	0.8615336149664808	1.1288495293550842	-1.2544686658409057	0.6796361239495909	2.963838386733986	-1.443471762292071	1.681442880653426	0.2702867422023563	0.4359958510804658	-0.027366877690523997	0.3289722453872716	1.5545355493064603	-2.1949114507972096	-0.20658072472461309	1.0340831104710433	0.28690681414526	-0.07513088737388694	-3.1361713688801034
+0.5355765955194189	-0.2276982282125964	-0.6403452192539892	0.7392956464173716	0.34499670458368	1.473716067933001	-0.5638558434384038	-1.1931070901173368	-0.9350884522843936	-2.180928872849771	-0.9297165575841412	-0.07356231818186161	-1.9131638739828056	-0.7647947336649623	-0.23094261108610944	-1.2943321213312269	0.29611064042094903	1.7279864695311318	-1.112028290242424	-0.6663376648912336
+-1.2108910259791543	0.3614560421503432	1.4642446258266335	0.6064091348308837	-0.8729819687408725	1.7303168850162711	1.7233062169038231	-0.4962114898782566	1.833172807087163	-0.7235446064036303	0.5587032773484362	1.0419619704358791	0.8790165618457536	-1.0630935179467669	0.3353196132137893	-0.06159024723282065	0.2179701569972808	2.3518046127896137	0.09395018646620816	-1.9400162147230984
+-0.07825285991194487	-1.2812204010821655	-1.0651126947154763	-0.2576409893527904	-0.3488968803196757	2.571675554474297	3.2147293379908533	1.9777103382099963	-0.546888650005135	-0.4577925821667861	2.8010272371354485	1.8378268089448957	0.06980193521155034	-0.1746942868388891	0.7719515057163573	1.0235848573311583	-0.5159632622019437	-1.1317609888716944	0.5303723403631673	-1.7947131178363716
+-1.2010699994595064	-1.8698603176049984	-0.6812404649329873	-0.3142404431267331	0.841067143981216	1.845874129698908	3.9712937354344673	-0.7989045351042543	-0.9463825744461308	0.578543653560004	2.3544540676819703	-0.7100444568673048	-0.9795043786700394	-0.26014968313349635	-0.043481368048318224	-0.7991429751643763	0.8385456232546127	1.1526387837458452	0.6156800055440547	-2.8429321352466603
+-2.8461213443715847	-0.710622700007919	-0.7726211119518581	0.3816956413678941	-2.748641469834301	2.2051413066554573	1.3950059139382822	-0.46123193117524997	-0.40484638216299584	0.5520194953325661	1.1578741181610583	-0.21660610725116308	0.5191559058949301	3.2788734950819434	0.9437627888684624	1.8842328461077824	-1.842336856767952	0.15618203942462902	0.004132767683725325	-1.1576584198513709
+1.0377986243050017	1.4186710263167046	0.2400757086880295	0.5389520686186521	1.8888030361793755	1.0625333792587075	5.033955812765061	-0.2604425067703008	-0.9899047019142956	-2.2022166581619884	2.3475403942500424	1.7212262428713727	0.5356411438101671	0.2723737215663877	1.6064238412141272	0.9425749419430592	-0.2330222773766373	-0.30922052311597537	-0.5715640799461522	-3.8115491348111967
+0.7222246787319202	0.5569315255739874	0.3529077044674478	-0.437583410261709	0.49324267666685	2.252933226897361	3.6898561424304313	-2.18879600620993	-0.672482632961127	0.2969639979425472	2.8415837051973303	-0.1354279699434274	-0.17419252174479333	0.5651610752117977	-0.1397904854202576	0.4843051215780049	-0.706468453972353	-0.06614469368693078	0.008661179663330198	-2.1967989968641315
+0.18074679551531514	-0.164929434987439	0.22852265842294014	-2.6178237780318407	-0.1601714117571726	1.97851018771006	1.8164641915720234	1.36938447017814	0.2478218118303549	-1.9619093630812403	1.0608617003136307	-0.5063804754175388	-0.4536753532541346	0.14116565432454467	-1.6486557745910415	2.3932658439972223	-0.6461666527028066	0.2947888601935649	-0.7050961482207003	-1.6542062271875633
+0.838589181932876	-0.27079831798614273	0.860075294290476	-0.6804028499198701	-2.0673218266201463	1.6346046990917509	2.272323802029761	-0.3321222280602771	0.2327121950853755	-1.4213927154568395	1.0631039485819196	-1.6549092199604076	0.07300786390352497	1.0741325246008722	0.5395990804630169	1.0160758606118159	1.913315837075736	0.7916213761051947	0.028396403029722364	-2.0625494300123286
+-0.5561248283535234	0.3677576311342095	-0.5921706241157424	-1.985440660559521	0.3031659398360932	2.1249652130427994	2.2011881331580083	-1.0711666175617691	-0.6578964948258654	-1.0845024625155688	1.5304842531835636	-0.2464452420823121	-0.7157777958249367	-0.2436821172945691	-0.278653861016117	0.8236150583226394	0.22561373298934845	0.6307421608843048	-0.9034699459480304	-1.6963513826099512
+1.2198108579700322	-0.7327130265740028	0.7379204110751999	-1.1801894541198878	-0.4321937981484643	2.4597445359290155	2.5020473299345767	0.6929929086979875	0.9881186284203118	0.9373827299664916	2.5009440199957247	-1.3524798901657713	-1.6518555167974005	0.5194743124033047	-0.6891432407923574	-0.3146452254297556	-0.3395329008758737	-0.8775844058880249	0.004755391072035025	-1.2367258717037242
+0.3096806582698511	-0.9328022244424516	-0.13630702306869846	-1.3257224111547126	-1.3782658793042202	2.6785173124946735	1.1868083221378476	0.7638583608962571	1.1421091902927134	-1.9453819182753231	1.5999692618437586	0.4648964103027187	1.0935645276411263	-0.046830229723929216	-1.6386342706736008	-0.8757802632723326	2.969763304117472	-0.16864678612709855	1.1314472602845485	-0.6554883910448484
+0.24300067646837814	-0.951118417784927	-0.02364346975110334	0.3942456417249603	-0.3178212389935688	2.3892399348573443	2.9615939743295376	0.3298621019801635	1.1950627336639317	1.3940651912654562	2.6258597915186246	1.187095253601585	-0.2681680049732609	0.010940093901326305	-0.7002625892230925	-0.30574620156844506	-0.7501697227967163	-1.1689865061094962	-0.6779584711678711	-1.6173689056299012
+1.1034050601870742	0.936825383299966	-0.022121816458808303	1.4375701963444183	-0.25845124223900684	2.6576537238066456	1.458594405881558	-0.9521695988858876	-0.9733761082831992	1.1502634763115058	1.8357950229154152	0.1757679428696348	2.2279171745871795	-0.8228961303071012	2.330566601201061	0.4637245739266576	-0.8956889435947641	0.17403784199914288	-0.9994450866169456	-0.7369155810228514
+-0.6508595695098619	1.1743594990755128	0.6989160922005314	-0.7467676567837521	-0.3690379147742644	2.088712338619903	2.859843974132576	-0.35016693725724424	-0.015581152020022528	-0.5587663443411471	1.8080988255484145	0.7368712871812693	0.9384183087369772	0.5533843039191851	0.010037985343830528	1.6541977072860712	0.7820676494354737	-0.1726259052724984	-0.6539333309444797	-2.170028386321037
+0.8454145497044547	-0.11559831096717205	-0.14965161795668327	-0.2300065349353955	0.008130074950937484	1.25435469418028	2.1067360669338484	0.7094023142379762	-0.04372142106466498	2.860765268216761	0.9455600138157064	-0.8988557079953692	0.0008453768187008857	-0.37152540418437613	0.5080020492184416	-0.7807151292087614	1.5328700794451393	1.1252314901915743	3.2321749215261457	-1.8713003961740664
+-1.0021959368357791	-0.006636002262405284	-0.8585005766763797	1.7617335899852968	-1.0188473211182143	1.0316434795601792	4.428339906068278	2.220039962898178	-1.050485954516336	-0.5930142208859176	2.026201789321326	-1.2201507171478372	-0.09283936391824177	0.10323138754810328	0.8454363552271102	-0.7610050613083237	-1.1624071904114637	-0.8600893159513574	0.6469193733857586	-3.417993679193002
+1.0039345713154022	-1.0077776707062254	-0.7957195677985618	-0.4511871341498749	0.5190533667407357	2.7669360614971974	2.620244574847379	-0.22144256902422327	0.4516373052396876	-0.15032472697281266	2.8244458516279165	0.4122952710286046	0.9197107034982924	1.4989117040520248	0.34689287134537816	-0.1822742921014648	-0.335452342112944	-0.0578891860507599	0.6716006902756062	-1.1621260294506892
+-0.18153304116602087	-1.6891302761640212	-1.7210618707130352	0.4035085336551342	-0.7903786528656707	2.0452119006560223	0.7095472630219429	0.2917699302066243	-1.0162746748574556	1.1993902902154263	0.7432819253515135	-0.9163995480320978	1.429444131209781	-0.044769407088584214	0.5140722964432515	-0.6931957970624721	1.2335532877723585	-0.1542339908338252	-0.7978523835863003	-0.7219783052976696
+-0.12930235954274086	0.5278994321877832	1.045590885203032	0.1648729038035791	0.2748074554816257	1.9034991929205896	3.411773141313991	1.096197631202967	-0.964402280304504	-0.2011561053774555	2.108971317457504	-0.9466146244076228	-0.3411038310703264	0.46603359591025395	-0.16587227141367186	-0.9330925236899162	1.8294485952020336	-0.6308914572174745	0.3866771281985029	-2.4575027780392595
+-0.24616937355123394	-1.4503203220545298	-1.3470991105933183	1.1946784639193542	0.7856624364727782	2.036422646970823	2.6771704642167147	0.7361015400401276	0.18353100845882075	3.0280268636320065	1.85554082561372	0.04603387617929432	0.002061404099080999	0.6254466643481201	-1.5875872671529332	1.0128933110465863	0.49514237606793204	0.4950767848477774	-0.04594598506859876	-1.904829648804033
+-0.7443620288140615	1.4622841981408692	-1.4161960838276697	-0.3543167674730993	-0.4478715186315624	3.353949786508661	-0.5950731928131989	-0.7977140257851069	0.8280673610821272	-0.4641026823306116	-2.981237739474107	-0.29940580402525924	-0.08909122976565516	-0.3341644283663953	1.4079265163710222	-1.0130109590621024	-1.1193009755101206	-0.7651488172213162	-0.4831064627066166	-3.0923029049503032
+-0.3578693294443385	0.09195240635690427	-0.5789515095211742	0.5816002322503839	1.5580245213926982	2.480490795431695	5.574418252349523	-1.3189212063248006	-1.3756443171910815	-1.0948911908947183	4.31546312464611	0.18237156151806785	0.3176984929462499	-0.9281018823298209	-0.052785168603081016	-0.2483040079434209	0.07056391495340388	0.4852170062247597	-1.1768521840707622	-3.022014449801328
+-3.0395112656532235	-0.13712718883112215	-0.21687517122375197	1.6764160162424464	-0.2186551164427304	1.4178864802644993	3.233296255832205	0.054327117051398886	1.7919718482207403	-1.076815646040332	1.6844840729623392	-0.4092790513990978	-1.1516351492267405	-0.7296137256694569	-1.0777835906932762	1.0883112572502724	-1.631197336631928	-0.14909578470710566	-0.5943995714798584	-2.5044007263866064
+-1.6892224589811542	0.0332824055826688	1.3477425794577726	0.1632948250896092	0.9546368364325069	3.142762531062504	0.6198675312189228	-1.0153052663492874	-0.15207932314590578	0.8163855692990174	1.4441218911846732	0.7401609466569805	-3.1775668003897293	0.3501161914846874	0.9824620928703371	0.7474590814012854	0.05620385736445019	0.5799043407422569	-1.4780503077304157	-0.30025444911698296
+1.082533145069397	-1.4367489160580589	1.4546476123883496	-0.5578840909144273	0.5080063848879889	1.8270387056605053	-0.09139923676846727	-0.38649582302392216	-1.0128975785028955	0.9522656525056784	-0.9380694256355592	0.09124594269873597	1.5558050847750369	1.5643918228976763	0.8787908985591121	-0.4994994832391746	1.3912521999436092	-0.8270697611986252	1.1463419563284136	-1.3115558686244628
+-1.493384534264421	0.6781278845695001	-0.8419023465459584	-1.1192049211904302	0.5060846932583312	3.246010009505132	4.088405167739175	-0.5269723090828854	0.5163237139658955	0.9961799786935556	3.908011778843544	0.2620809670970575	-0.5814096536107192	1.7798888427117572	0.2370752958366378	-0.8970980713494763	-0.7488928794791313	1.7524759170019562	1.8218121955835984	-1.9550575432480632
+0.2307511679589417	-0.7187437679715138	-0.18704720028981767	-0.5991512421223381	0.8000947623309765	2.173696536971141	3.87880455958881	-0.3594131102142352	0.8554668329202172	-0.4552060504475774	2.7423128233471012	-0.576583954957775	1.0365015352188964	-0.5178529263601983	0.08897010988651853	0.25966688237422697	-1.43968751878322	-0.750620363512298	-1.2701676840571474	-2.477732095980508
+0.35397408254180424	-0.42669467668697775	1.584068481844022	1.2234377130849166	-1.3509644651985688	2.41469839654194	-0.4941657224994662	-0.9356530935685766	-0.734883472508058	0.2287159230746963	-2.8742546149623514	2.116771899899608	-0.8746471436118773	0.31874916639464645	-0.7601210267860944	1.208445192471541	0.4458889067332761	-1.2794288806021046	-0.989835707386587	-2.8261498631593405
+0.9402790390363628	-0.2561795448112653	1.6578072856945023	-1.1643838879194148	0.2204460233050492	2.492041225824331	4.1832976660174905	1.744016792187879	-1.0341816112684543	1.3927608311560231	3.3633499894967294	1.1488481696037158	-1.8876011227963063	1.4198016132392033	-0.8398452411497905	0.050618825768881534	0.648018287586724	0.7062154903917679	-0.20154748819012852	-2.340757663146282
+0.8443999545108608	-0.9582609932131452	-1.2784867051471982	0.3503578061778224	0.3981332082168935	1.7973546036692891	4.694035613841033	-0.13656810995458668	0.12138392589876168	-1.27976252921773	3.2978323064146973	-1.165011145685445	2.5199394829250545	0.955282238164183	0.3180940242821031	2.0749834647867997	0.7244054683992351	-1.810771044851988	-0.015732563563592112	-2.768771307262976
+2.0942906022689938	1.6508802262273157	1.4299662960287496	0.29989199906014563	1.2685476950873131	1.1055337103824807	3.772155732802787	1.644986287287942	-1.1476226526620026	2.538496608228859	1.6269545588512817	-0.22261501948143173	1.3041653210474495	0.8279700982917738	0.11125630019948042	-0.8610055870974533	-0.6952070182238929	0.7359142625559206	1.2118310233981149	-3.07094733328822
+-1.5016929267512509	0.6996137834991529	0.8680104573629459	0.034836691229755044	0.2255023380850588	2.0538923980859325	3.2088604731124386	-0.481627157055154	-1.2867678242148852	0.3140757354413236	2.296657560429872	0.6795450066209905	0.6560102308670276	0.9938948329450138	-0.3649688948153308	0.11856819673444782	0.3665944368328634	-0.8178538076889665	-2.0048620186081663	-2.1002665583846114
+2.465979504831791	-0.11647472229306145	-1.3673978078088291	0.25792387327309524	2.02220177737093	0.05655668781269752	-0.8599660532852478	0.2030008126873168	-0.25092959743335835	0.24839919756489395	-2.555666173944962	-1.2043480430753424	-0.17953917839861058	1.7189292170192134	2.7852928968634107	0.008400346195698861	-0.6359320009596753	0.2357521308160045	1.2368008363755216	-1.4146247373944345
+-2.242341572184813	0.7433117665699458	0.7754964129747597	-1.1786709086198106	-0.4630171323043283	2.6116643267487674	2.5564086837521542	0.3761975639771349	-0.145412067896245	-0.9071037532917616	2.647852386232546	0.02204519197155668	-0.4335704770272613	-1.3031063978215367	0.22248628958021688	-0.07820302502894291	-0.3979396280451351	-1.4069082723376831	0.3919929648227402	-1.2073321074444958
+0.6309081374615825	-0.16417474911560834	0.5249882767709858	0.2079790906947834	-0.4692254758939625	2.9905658340106767	1.5796910701649385	0.4674280510886267	0.07623058400572041	1.1247669241924447	2.0636580924381764	0.21585950067294896	-0.5434900438932879	-2.099853985871644	-1.2965744834558766	0.7569687473855268	0.6434380713135899	-0.3761545539812786	1.0311969233899885	-0.7618029673715117
+-0.17266283981014527	0.4982036745719669	-0.4536313771388234	0.4059429185025612	0.3922893440912594	1.7124667659080717	4.278893227954132	-0.40918667144833576	-0.6205976587381308	0.1171090896773261	2.5902131721474944	-0.04046383609492369	-2.3357621128579167	0.16503357082318204	0.1252219884400177	0.615482592839309	-1.6620310192506431	-0.1595443834368173	-0.38167984662396814	-2.9311032564246027
+0.7015214717060867	0.11769128829579333	-0.4068668446652686	-0.7623629807038377	0.16276811570355204	2.3225852820807966	5.455122438870131	-0.3628842329241595	-0.35582574266927125	0.1221483534898358	4.181723697152897	0.12285877539701627	-0.2861504144746626	-1.8135837564724224	2.2426799701222198	0.15840403729156186	1.8703173717816193	-0.5407797742181927	1.6428972081697264	-2.964325699195712
+-0.7012548044466032	0.5321700028199301	-0.3296497029448247	0.06775540686204533	-1.4630039879016832	1.5538363072283676	3.7210510017389753	-2.5023901399336306	0.1120498212767861	-0.7291606489372675	2.2359479157754127	0.07194851605939293	-2.505341161730066	-0.030825773886334593	-0.3380672266912789	-0.6194093321898435	1.5799957928919637	-0.6703243392872298	-0.8058669818684211	-2.5836341745921603
+0.41433588675327004	-0.456826083912932	0.5369461461039864	-0.0522044899097013	-1.9109674965269443	1.8247813773733148	3.8882163861935823	2.4165947689603557	-0.3791217337501061	1.8689538704642032	2.4391562926114467	0.6860796238382735	-1.941881829947817	-1.3462347144440503	-0.08099186413636253	-0.7901576915579429	0.174088230414927	0.0692515796865845	0.04840756254691266	-2.664688750495952
+1.9459363988836988	0.5608888880903019	0.08403230308528851	-1.2522668205701326	-0.9219812293021952	2.420756998417122	4.112347116338651	1.121125729397136	-0.4881441102456957	2.4982753700282663	3.3940213662306027	-0.9505280683407228	0.20247958077395384	0.41314859882982297	-1.1137706871484352	0.05641259644345738	-0.3701624301776045	0.7053250962345277	0.24290509416171	-2.211183811173495
+1.308285362631472	-0.28690416494289456	0.5242384367631786	0.03954511947990829	1.1338589565211392	3.0624848298908685	5.075729985216571	-1.1174428442103792	1.1965681873661138	0.7561639976104059	4.337815560231325	0.7978089232730771	-0.13758369175816645	0.15616229949543906	-0.4279613477714056	1.3260772211513892	0.4859485967944397	-0.938277982100918	0.39240468041987503	-2.6138450412049887
+1.301282854914018	0.6195178515860085	-1.4126268197055285	1.5107000969447617	-0.4460077117108762	1.9614913143142263	1.1034518801107094	-0.16225392303761535	0.21275832971404765	1.606357854655996	0.383510466777897	1.10487000174145	-1.4096803250134005	0.8947143435160732	0.07629959037210224	0.9772601028253348	0.9064073883901641	-0.4676846262214273	1.6137031915757825	-1.4734630351338132
+-0.6564300642281564	-1.3932602455182723	-0.9975199820896689	0.6818125324779116	0.9666017900573544	2.540251477493582	3.1787780701224477	1.8652863935245596	0.9964346102200944	0.21680829221501347	2.9842650869738834	1.5052924843216524	0.3195008779565291	-1.1330993127320923	0.4540290279919938	-1.7487527483915788	-2.315235642348971	-0.8183399642918203	1.5409634553172042	-1.575218464578866
+0.2176334592198871	0.4807446186928013	0.673158979776759	0.636440749953568	0.7835755296549078	2.130369957145162	0.8113712750404862	0.06423855983077208	-2.0062963431972767	0.1831728686529516	1.3046409482829349	1.200194542796832	1.6375575940523748	0.3198067518814887	-0.6470967287268916	-0.6135523479432644	1.5172614952296342	-0.7534784242218241	-1.048942729646802	-0.3423938572290301
+-0.4084239822280485	-1.5439892379257587	1.3304687750826298	0.5827759735709516	-0.5271538741637666	1.9349641104310569	2.9113484115792803	-0.5608924955846963	0.6299555086315944	-0.9662916200766082	1.6401373367055234	0.43973684950331904	0.1525318003244222	-1.3258179467549849	-1.222480068539388	-0.9867214589755032	1.0731499216966771	0.8859334496278193	-1.286140155388538	-2.3375480043083883
+0.3369202277233524	0.9330817717683358	0.010079954383558472	-0.14154212161221438	0.4954143785029266	1.3564328967439412	2.114415373312024	-1.5490176570651006	-0.019021130004446808	0.6160222895771541	0.788230814257056	-1.0652210702984724	0.2926791087709725	1.343440185754374	-0.9776066379528354	-1.1168106582476165	2.1832063939538355	-0.6616193166544507	-0.4690918940095594	-2.056098789083056
+-0.4540272927524223	-0.5807623516516451	1.4084704387538023	0.16838761220803988	0.1033523135461557	1.8177887962411696	3.964263267769757	0.5950586898526579	-1.4542539986918803	0.8809775731674699	2.5298682021512944	-0.15402300219641926	-0.92353359029864	1.0872365191343392	-1.408868808588876	2.1941171856717223	0.5316560498926327	-0.004043752740358592	-0.7807136934548528	-2.664236785724284
+0.3941955631644271	-0.1851220201500736	-0.09010109211279577	0.09204928175413184	-0.3957508606532468	2.2280670166468064	1.2041662485478422	-0.20718597146390416	2.4046716402728343	-1.5354757708094928	1.0005974424414454	0.8239382161535445	0.8175289422863223	2.0216544829015066	-0.9124461660514009	-0.37481629129781663	-1.6265028765143563	-1.0428215650218522	-1.8475907619435508	-1.0952608406895796
+0.15973873784033266	0.3738124905904236	-1.4649284461434782	0.23017750559067046	0.16116284150718213	2.9186209395551157	1.8960027606593748	0.4809827374515892	0.31518004319926857	-0.5276802913174692	2.0769206658015333	0.7330483043105207	0.045503370759151215	-0.9500766420460972	1.5705524844268164	-0.2967939804196304	0.5048724405136928	1.7054354379336136	0.13093522258575785	-1.0841239198686308
+0.029335214814953683	-0.6478163153938175	-0.5868865425836157	-0.11443185265684686	1.6317539832455308	1.4152964077927148	4.032221799337792	0.7396210914637662	-1.0067364990220478	-1.0508179582600476	2.0637365459241384	1.4511774497546173	-1.8188470994112829	0.9451886188837216	-0.061673431518607186	1.2833298580785375	-0.7831065893227724	1.246795763220645	0.4478250092409135	-3.0519634534880216
+-0.7122710457144602	-0.1636053349589016	-1.423210832965341	0.6944670202271233	0.4661075118291882	2.050862482472958	3.980371402661503	0.5665031591034912	-1.4109184485306152	-0.9146221477411764	2.770029034844895	0.7018622801176573	-0.2096030282040265	0.10953797526017037	-0.04484863239510577	0.5368199214153357	-0.1817648347302158	0.02608135338964048	-0.1109334569052211	-2.5297056696988136
+1.1058026589755998	1.2368423975289389	0.6696010076746557	0.12161953553408734	0.35925070857182584	1.252769421328594	2.562838075012119	-0.4081874073476849	0.9696520239558198	0.4726425954613278	0.8390160918301359	0.2492415687896152	-1.3526083639087414	0.8259215190268875	-0.8768911265949811	1.2404928412161298	0.7603928379483684	-0.0645486574072109	-0.09138611058883117	-2.482933345054119
+0.9756526443400012	0.708530513460404	-1.4790086707417076	-1.0825146674879234	1.4883645279130986	3.569663800699597	0.2715979418314507	0.4850860718531146	-1.2136999135079118	-0.8740785810376731	-1.039797790118364	0.6851508207583848	-0.4911622718183391	0.04795997351403434	0.8606793409068718	-1.0329576837869014	-0.443255669957517	0.566925412896605	-0.6924839825143905	-2.3352100606131154
+1.6003098364220656	-0.8358221545767685	-0.9167190483512092	-1.5796267562002548	0.8143732815159563	1.3402610426874153	-0.5619632762819495	-0.3662409928397573	0.2912514867237432	-0.1952923095226779	-1.7801376672139757	1.1361790901704596	0.3367870093761341	-1.4051730340648487	-0.3652266746637834	0.5617560816591358	-0.22166033245514574	1.1358041611893224	1.5972439699575307	-1.4158449042779426
+0.5149085796828722	-0.36801234456530413	-0.05811481164892274	0.044895567513864434	0.4261653227611838	2.040859324122451	1.2303475167383602	-1.5049944986709811	-0.4371971543576366	0.45364368926088505	0.8942157815395451	1.225164428151974	-0.5917103754273912	-1.1808660642462807	0.6111196867255198	1.725862849865052	0.2201986393479825	-1.0380229974289965	0.1560345365244636	-1.1672653055435291
+1.2881302841214402	-0.5763350019561376	-1.1861410487943167	0.7294238020219375	-0.9415667112696202	1.6782481265220852	1.6851332029345591	-0.4458255783532343	0.818221737336772	-0.4306557615851402	0.5471695868360373	0.9482582773202116	-0.6870581844785748	-0.44523293905089373	0.8321667114814559	0.7715567433222629	-0.4440033509320901	-1.3875348789421822	-1.56539549166987	-1.8921565941804563
+0.2308545104192153	-1.1705778393780524	2.6963202333153355	-0.9726928269766584	-0.7483510750289244	2.4095810394562487	-0.28042376165958505	-0.062091315638404525	-0.5290700540882435	-2.751133475462669	-1.63581801668147	1.1054639855159425	0.5919111497728006	0.6376742709164823	2.1376505679510287	0.2902185834325203	0.2934181623763208	-1.5738193918778998	0.4437771025475935	-1.9187880266363877
+-0.9879138949788192	-0.8088777723022877	0.5061258665195821	0.7270303261075443	-0.011566314805266814	3.698548782481328	-0.13465714718117594	-0.2030633515341338	0.9016389422871502	-0.20450037171334048	-1.9474390869452605	0.7536275946966006	1.938174757193536	-0.4423177847010924	-0.5532174745069939	0.21453215361347294	-1.0973562659105685	1.038266098558028	-1.110208180030837	-2.756605017321156
+0.4824277297547891	-0.22585823283242096	1.043741638967233	0.6048087443690295	-1.2752517268949817	1.9448828090698096	3.2156117098396537	0.013786519387294834	-2.452739925923316	-0.9850459973554946	1.6747679004322753	0.3876772034642387	-0.5387648812215301	-0.3133942379363572	1.3393860150619614	0.6097967587691464	-0.8746455760909123	-1.8290225805776408	0.2149273772375329	-2.650990679186941
+-0.8821118378049374	-0.03761148987097049	-0.6747700743974319	-0.4625633970088277	1.342686102812024	1.7539983200246092	2.606521819619384	1.379853510353109	-0.5508620529448396	-1.1108074462835014	1.3901704884521555	2.1430553955569644	1.401378154140862	-1.9584412414884191	0.6775980103727477	-0.9256069299883416	0.5045944464846636	-0.8290643503993977	0.10633352566579933	-2.171693809880532
+-1.1967755116549514	-2.4295176797023723	0.31670361397471986	0.3870371777892934	-1.1204523757761855	1.9561411100040451	2.6301374635679315	-0.6587389139629316	-0.5137599221947321	0.8251451483606995	1.6814543313665948	0.1105813596284015	-0.7571697277410918	-0.12252126757452375	1.0026543173996103	0.5421722087175268	-0.13615358422306575	0.11021930316488887	-2.0386453095751422	-1.989043960216353
+1.3462585674702083	0.7028115130073262	0.21985586497119547	-0.4010587009409473	-1.308887493487653	2.137206180720852	-0.32287679002490943	-1.224299090814576	0.4846826213875298	-1.2957997210626115	-2.0706868748289	-1.973892244773289	0.06631415407317484	1.9092409154841556	0.0023343240954024685	-0.027775980523847343	0.1020044668908686	0.7657621765312712	1.331022929503123	-2.192161850400663
+0.2733079367121358	0.5806339109169293	-0.2414338096436442	2.3272888474641213	-0.9131191448012164	1.0204290032253236	2.0575577641804306	-0.671102314125559	-0.6377452285843679	0.6204095493915641	0.3945857596887597	1.062822561568195	-1.7212066202768637	-0.6344046248491861	1.0012100576801506	-1.2784064644144941	-0.3615201043595865	-0.8443983162689906	0.5374245858818844	-2.2560769034526778
+-0.25807503567314705	0.33056883171572143	0.7337521310390331	0.4654298750714496	0.3939773145507225	1.4062477323920712	2.6250992124986783	-0.5573372373349689	-1.1405468562537375	1.9731766096411123	1.3204317147952158	0.7073287840761798	-0.4942297814860872	0.7205385135754632	-3.1364011559237985	1.6447721177048948	-0.8987227870727439	2.4372053123947963	0.5436320841036598	-2.1532345973840696
+0.3388705658708576	0.8912041180142616	1.9061335090187863	0.049393007394924686	1.1677311325626378	3.735975767513264	-0.16951727096010005	-0.6291472528718124	-0.08739730719992712	0.5745132260618939	1.8057198316187613	0.2055027967421793	-0.2466266904825908	1.2527805784715362	-0.3757162902131631	-0.2014815147698253	-0.4819185482928284	-0.6262047696181615	-0.8205517147876574	0.7458760474954391
+-0.4543896746509648	0.3761030226557032	0.7769269078867526	-1.078499226469951	1.2136752954039092	2.118760219697332	2.5561201548066745	2.2701416916282637	0.8922149110615465	-1.518486834789108	1.8634285919315072	0.2746884371143227	0.32230306177101264	0.053929476004727035	-0.7694167013543226	1.1018149235666441	-1.2053869962220407	0.6674605791491364	-0.014205074222655862	-1.7858587317271
+-0.18985511675506575	0.93987359671343	-1.1178853244626707	-1.5682494968950955	-1.1313714225032885	2.139093617501939	4.046293849878282	0.5095027202440225	-0.2434964751741027	-1.8723395651838537	2.802878383865754	-1.3835506260346888	-0.7450694201309102	1.4217902214748808	1.5862862087407976	0.1689787308767351	-0.05578484481024082	0.42414656213638	1.6919931121623029	-2.5998806767210354
+0.8223759211830909	-0.3108620835332929	-0.8096017042818294	1.1108217356093484	-0.7193364378339546	2.9553864892840043	2.0834106092019056	-0.4821032824791688	-0.3521017730447841	0.0687736155165156	2.3143199491661712	0.6211124780640016	-0.8790391521622747	1.3427141894807753	-0.36504077950918135	-0.3667527422474311	0.05292315167858844	-0.14416684051802753	-0.7532311097071968	-1.0863259266574767
+1.2594327124305165	-0.3531530173974468	1.87412454586664	-0.36529752362072415	-1.090603618829501	1.5961179276301338	2.1314863534910633	-0.6500848814955781	-0.923492597452189	-1.260040444511476	1.3877800887074752	1.3773897533920876	-0.10791166326784493	0.9087336112068329	0.7370645711623426	1.3770136048699788	-1.6124842374516668	-1.8837017446531552	0.26561963327402843	-1.5919299693726887
+0.058132510739954735	-0.4293659191730406	2.5722605642801835	-1.3396713047182542	0.6070628353930587	1.6044980841650365	3.1905491230796104	1.2934875344938386	-0.1425530979451835	1.3281086938411146	1.9490065026478016	-1.7242495240721114	-0.7138121512672422	-2.1668744712062376	1.430398112360383	-1.2641815787588329	0.6333998522189861	-0.007128422820397696	0.94285784332821	-2.2671723332905747
+0.0256483891356939	0.8358238093140804	1.6445220412243917	0.4508956186694866	-0.02291239072040815	1.5825977607291448	0.8054453809477686	-0.8676821670239666	-0.21908346166147852	1.0086935005977753	0.12995651109578388	1.5720674421574283	-1.0267572937190832	2.113499462643159	2.47339186711012	-0.7522994743593018	-0.6208440064400278	-0.9471395367556008	-1.8973849598181	-1.2594524643016638
+-0.3689198276392224	0.05869716126827765	-0.2753476742109978	0.3646484796023938	1.0273230229064807	1.7505662981459351	2.1156183962158632	-0.8833317833728973	0.4867371588606347	-0.4742936863293506	1.2852262817450666	-0.05821431022942091	0.6817689526143728	-0.14086216363210746	-0.09667612560416504	1.3040031467834308	0.3773189490568138	-0.005211158210332876	-0.7566556868347899	-1.7151636746758576
+0.7277841274075557	1.4636016377544936	-0.6311818995441049	-2.0495600384499117	-1.2076149919103354	2.1813737838993323	3.5945423328583037	-1.1859278063712977	0.8000125607067509	0.12983011291729898	2.521914153230433	0.6689689937382642	0.5338283128823416	-0.015064922819664569	0.4626071796756471	-1.689121878949801	-0.6296358825050974	-0.28498434257521393	-0.7168871413742963	-2.3640369851366017
+2.6012798384806133	-0.2229213503062404	-0.007380764269103167	-0.1398576407584887	0.9935127984372908	3.1254259788666423	2.368461932623504	-0.4536720756862298	-1.06548859354352	-1.1989898296273265	2.93576739663758	1.650568675318627	0.2340284624846673	-0.7619078375693511	-0.7655393783346462	0.7409562050810378	-0.35031567709955913	-1.1575552771952822	-0.4550136737668604	-0.8827600174522074
+0.30583812342800404	1.435984016959447	0.6841603131429532	0.046785548122364205	0.6617045481031051	2.328065146195231	2.8742156818279736	0.15407687123449412	2.662490475575853	0.30379519967994434	2.164184566967484	-0.5210393609149989	-0.5736756917784674	0.5852419194934416	-0.3400252886852069	-0.5389989326707573	-0.9477123987396944	2.174970682980338	0.7637808201264753	-1.9281035977550067
+-1.544663239392936	0.26890837849744803	1.6156078831758651	-1.7234864003597914	-0.9433201391261892	1.7488308524723568	3.7724378719343377	2.297754688956668	-0.4616986143300177	-1.3234494888413986	2.5424423539783136	0.4448165614905535	0.8541805556545812	0.17392723683797984	0.7002297942536231	0.35365042552655945	0.25724201070541336	1.1116735000984137	2.420499174151568	-2.4160315675051134
+1.112396143852991	0.5617073567125431	-0.4729565625995676	-0.5876368374763606	-0.7460280080022965	1.4454575590152274	2.741924555900169	0.3746968954187782	1.1785506063040083	1.7028796057713589	1.4603080399518698	-1.0404240899096784	0.9818347276623468	0.7617660748272413	-0.3803554330977925	0.17823232947110548	0.9179775837764292	-0.15892421534902454	-0.6187192049810583	-2.166986164036225
+0.10913300465098688	0.5003731594453635	-0.4564629532863303	-0.4808380770402665	0.903166574354384	1.914867222975076	3.6379707955451934	-0.2394063393216085	-0.9240936983262824	1.1686815701080808	2.2208394660689894	0.3679112488168951	-1.5046065317889468	-1.1553619236721338	-0.0969920713766839	-1.0786124425853505	-0.1008555113933318	0.8221279785332846	1.417454659719395	-2.6119916609745633
+1.4511282137834625	-1.12509668327752	-0.11164645066028987	0.4908221542808213	2.313440842159836	1.2258431046789608	4.635563193303908	0.7855199492933614	0.6189341681017415	0.13957248250837515	2.2151968606339163	1.4647093193316385	1.3540386142955232	-1.3178156156932554	-0.018911823814481747	-0.16650805610606045	0.6242465423505329	0.3287232094040833	-1.0711328087871903	-3.534365734986116
+-0.21983794544344734	-0.7520437379239234	-0.04700808672438046	-0.08416974516978322	0.31725686923980084	2.1795928847909622	3.486008562728773	-0.6919811990807309	-0.4873478804951929	-1.6818968837028605	2.6933983428228903	0.6027414547266869	-0.4689434462292954	-0.10287099289631592	-0.453111953178643	0.9593191853660176	1.4984416182126292	0.7847950591216296	0.5258250946138733	-2.0825698654581584
+-0.2965235432060221	-0.3240465909605783	-0.768109083038823	3.0529541706884147	-0.21962771732038286	2.3560035610120993	3.2406369190864632	-0.21299678759109766	-0.14195282453270752	1.243498628623908	2.6410941593792563	-0.8788438644669767	-0.2671174515174104	0.16414945439618386	-1.3025958437785632	0.10833885160708688	0.09492183678195013	0.8254364314730024	0.5224865906360728	-1.9074765786871468
+-1.0987915687060683	0.41805230374077706	2.0104765939379217	0.26263062906470835	0.8250615817794623	2.6699886257237417	1.702249649367344	0.06052399150609265	-0.16970487117419306	-1.1561902993057387	1.9436395757921443	0.7113338639576827	-0.062014160635183974	-1.016559536241508	-0.3653322175700214	-0.8216013850139123	-0.14138402983673476	-0.7806499948496226	0.04538623446625039	-0.9150718065011842
+0.27701360247846324	-0.6274469311718494	1.6960811745711697	-1.1862667353469951	-1.3206741131288062	1.707945037092267	3.001663185137864	-0.1949917654396313	0.1923613541754268	0.17138737773508586	1.7853024241884945	0.15866617439788475	0.5938138629096411	0.15435059002429252	-1.6691725067135434	-2.5283736487390827	0.2278934196495995	-0.7872510572919993	1.435494706289434	-2.2369898492485736
+-0.5126282664079215	-0.7471737588202465	-1.2642559277621541	0.06077515108242789	0.12011156495033358	2.161556852241373	2.903693794727297	0.8834527803925559	-0.09832375448529188	-0.3751598385431053	1.9605924522500904	-1.1849451255078969	0.9564626156954672	-1.407486985495923	1.1673920632384982	-0.9421835520754109	-0.09908944851975902	-1.4219739518574874	-0.6853751920306654	-2.0999969831949405
+0.30787010169619466	-0.5564479920108842	0.07230187783278454	-0.11269086285659215	-0.11053641516008084	2.9630041872547244	2.923628644035186	-1.424438170885555	-0.24269532380673176	-0.7528468289116288	2.808496753716321	0.6542901201877552	-0.2755976238876351	0.922932543784097	-0.7982973678213905	-0.18738333677555144	-1.610649944953213	-0.2931599508464389	0.5294752632671612	-1.5770369827088937
+0.4276542109461463	-0.6813856936644681	0.26053476153777866	0.14724687142950013	-0.21226508782160425	1.3165680338341728	-0.4488228241558927	-0.4569037792839071	1.6464782021605109	1.3662794383611565	-1.844815859266448	-0.21618808713354015	-0.6902087996106149	-0.8532624584583077	0.143872946670431	0.5569290628844467	1.0138508911572106	1.6028056906751955	1.1909533578632931	-1.5960109474342403
+0.9156118091260596	1.4653470442872218	0.7543920049429863	0.6761731119120915	0.16888144114738718	1.7119744676101676	2.6468281045385598	-0.6874789204077189	0.07243964010282551	1.2470434628304552	1.6675700543505387	-0.5351408790533557	-0.3905609474116137	0.9320658353880262	0.17373077161487166	-0.6688512750982486	0.8099337751726392	-0.7632906866661262	-0.4690729566985443	-1.9477126755122085
+-0.6772276774215172	-1.3153659324409854	0.5810346579773928	-0.1087555197216429	-1.6659749679228524	2.0173188406859928	0.5116866937613884	0.6135916889322635	-0.7450376414891102	-0.11566416634553026	0.7326178253327096	0.5593975081524576	-0.1530954455594333	-0.7065477623480457	0.9106329075040772	-0.4632088571895389	-1.6791319761828627	0.2145422235466455	0.8220479526083531	-0.5007642976128601
+-0.1035491871101012	1.7281594736206258	2.0020647837054413	-0.13984685642494113	-1.6662891057364777	1.0504030358920955	2.555165238853082	0.04334486673571123	0.5041084321970939	0.7417643192265909	0.8545366340152005	-0.6726273930851234	1.3609992023086297	-0.5348429418121006	0.5721882580707846	-1.0905176775634728	0.4618838974959317	2.5504476744083697	-1.0404624475929458	-2.3994458038467665
+-0.03644568270667234	-0.13535043567464705	0.9142750414975054	1.315586421647208	-0.8227854797246109	2.265553143006393	2.8471193758355136	-1.4020993858389192	-0.17182447463269826	-1.563575519816094	2.261910963889256	0.3813485275698677	0.6381067603338761	-0.7597165794070948	-0.7006088869724005	-1.5568714738449143	1.2765894072569306	-0.4718162394153236	0.9591370826093524	-1.7884472121573274
+0.3943946718182555	-0.4270731765752901	-0.3725066725368915	1.4962661812884763	1.1349855908355289	3.0454204335021715	5.211872691881414	1.1478783589728254	-1.2327157510284352	1.3973655565981609	4.73935174694369	1.3132254651151378	0.3163111766988003	-1.3980826073565942	-0.4241135433484165	-0.6590060978905518	0.8604342708859164	0.7777596259348746	1.796460234771437	-2.3902980539662595
+-0.3551250330788032	0.9911218366902425	0.8589398910444943	0.6411798596925127	0.3468351750307185	2.4326498779229158	2.6031073847436823	-0.2184699220570981	-0.9701023665510146	-0.31482420032951536	2.3586271041179225	0.8409650677808186	-1.3439104684209913	0.3396654517605355	-0.3035618427427024	-1.2195429166323182	-0.5332437775916161	-1.0217452843190125	-0.3570155250458031	-1.4741479549581809
+0.5337757926134236	0.9906054340172996	0.13295408829601132	-0.005405025400354299	0.2933801467563825	1.4298666720149282	3.3231627762902143	-0.1766468282998782	-0.2982615162561695	-0.899714332076419	1.499974055765506	-1.0507862713414076	0.450786964715828	-1.226340992737596	0.5442695624942787	-0.02843438652260113	-0.07258779329293691	-1.4260075824306142	0.13386604233803132	-2.7799591409914424
+-0.7404533565142921	-1.1302980993121208	0.7585721106028049	-1.4381362108773488	0.5580687356191484	1.3165703254447103	3.053557647896911	1.1562480910247732	-0.9251879210308656	-0.5362186986529506	1.3476230355469483	-1.2986815374939635	-1.6218008054313175	0.2178068426709808	0.10974624577478832	-0.7279652096751927	-0.8014186246580597	-0.3251353631195757	-0.5269152170010608	-2.583615302269392
+-0.3174738178008938	-1.8356259498501293	0.5988627963108684	-0.5019171791335749	0.22120963741280614	1.4241147618043644	2.7876473050403394	-0.8413666963455343	-0.2903808412758925	-0.137758962574124	1.3035986089946876	-0.4912788192009134	0.6167682878681838	0.6559573229501688	-0.2910984636767628	-0.5653394903479322	0.7794691093563144	0.11193575181368104	-2.156275033039426	-2.3571526956719837
+-0.7179057075240576	-0.12740975604843865	0.4725257050217392	0.01888564128714794	-0.4164122150844146	2.3596364849530658	1.705161236283918	0.4825139658558278	-0.19006039843950176	0.6052946395730551	1.6528867619617986	0.5396788951330505	0.2869027168474333	-0.7364663514800027	1.2556377119058602	-0.025639015983417737	0.6741496321693374	0.5462158383758914	-1.6437784646932987	-1.094753432603696
+-1.2628695216496104	0.11918065353143903	-1.2346278008576206	0.2531467787794355	1.5514334692033083	2.3537000928251253	3.664477336179039	-0.6331477268237771	-1.7695433837247796	-0.16479992734977722	2.8574163681600524	1.0802040441260066	-0.7659697128037619	-0.6336634851328513	-2.9615793717399166	1.4941732279481983	-2.712420873286752	-0.6176127736001279	-1.445948690954732	-2.1836873518837896
+-0.10861657840399973	-1.1113143899161724	-0.3279133081403911	1.233019450658727	0.12110654437697856	1.8721998829683408	-0.4549985193677535	1.5812439085428185	-0.3377141669910402	-0.7052349840605608	-2.2530794383766417	-1.050108501130314	-2.0828949891173947	-0.9650369080270697	0.9659310723796818	0.21141440268416584	0.9539162478560592	-0.6228822167376097	-0.8694400986582542	-2.1330641628444216
+-0.8742937048078996	0.02989596989758476	0.7750346905093748	0.6926013609552826	0.09550020423547456	1.7054994330667201	4.375759156019916	0.7872795410262118	1.810113769572112	-0.5833558611432724	2.5474989452762618	-0.004379563343783399	-0.3659731586332137	-0.5847168713670012	2.3498801161947585	0.6899863179510956	0.2776002538867465	-0.5931365213259131	0.6348241225918102	-3.0776136638166434
+-0.8244287936000035	1.737922185382448	0.12126798597227535	0.0697373741747854	0.2855311845084124	1.9303509721428582	3.905993872804313	0.2582478453052159	0.2248108010835532	0.4642100116253803	2.4736544424966085	-0.21472820980466176	-0.30407816401136306	-0.07653768602637191	-0.6520725579977719	0.11733469438226922	0.3442617402806874	0.6791599858679369	0.186693120962863	-2.6843182244255517
+0.434685186995866	-1.3395689876733106	-0.22840792010095626	-0.8365256636420914	0.11103271468539742	1.6356948173856511	2.7546540928913474	0.3579894057894599	-2.29299724811484	-0.02619837405424497	1.3942426752669512	-0.7926379786929826	1.288508669355623	-0.5644023829751291	1.5769668249685307	-1.2147156914906136	0.12458016660713506	-0.23342649945147825	-0.8178855582980756	-2.2993324287497137
+1.0586150289506076	-0.9451008128244744	0.9516458505549168	0.14540222063946884	0.4864117001030171	1.9622288783428008	3.1728857441619933	-0.35166528446611045	-0.8666392523368681	1.7469955381157765	2.097426991550094	-0.3394778258049207	-0.11703329207731815	0.4637339361350606	-1.0663091318548064	-1.8085557338701297	0.2872631215873517	-0.016040416144976574	0.173058737943344	-2.2168051071015733
+0.4611985919699174	-2.0360264319998507	0.5989295766298353	-0.27427087019674545	2.162018290316954	2.183929576236221	3.9791108539914015	1.6306899135775892	-0.7586249896366669	0.6165903555515992	2.826483554607049	-1.272754480574612	-0.02633061339451035	-0.7382435701574961	0.2720737072346237	0.40555545892244	-0.08143633325651811	1.050210256046025	0.1602861697049041	-2.515794799822788
+-1.977696884914768	0.5354277948894443	-1.0970851953409877	0.5975517611507678	-0.220121439960596	1.8104909696309364	3.112416187447602	-0.1905557971982957	0.4097068093675625	0.6398137838896993	2.0932373656634677	-0.9836797818531198	0.21119761843571666	0.4906294760267311	-0.5066215441461074	-2.006405087745728	-0.4904706631656061	0.24166769005829503	-0.7153629788010654	-2.10725727384205
+-0.008994561316548336	-1.15596659591558	0.31755444804299626	-1.5012416510678277	-1.0273679732394616	-0.008855205741543859	-1.2232501595716163	-0.23084519400306025	-0.30511571973985985	-0.5011053275966962	-3.258667051056196	-1.1181660901735453	-1.7852077321321767	-0.14912377315303835	0.406019800734294	1.1463945955132642	0.03382554732402111	0.4850706270276014	1.992753956339646	-1.636883817457564
+-0.5934161269477581	0.8622747085375272	-0.11734794604921026	0.07528124134078676	-0.31074996570210084	1.090331016557331	3.3002933449784333	-0.8074828906130451	0.4559998188842976	0.7093436362748776	1.3970285548927608	0.9758931421680309	-0.8939045193179023	-1.4528690382358516	1.3577611609936509	-0.8711906152509289	0.24823645123571056	-0.07068037746500938	0.5999625136731279	-2.748035230092017
+-0.7233149741382284	-0.7113614920876157	-2.2765668742322807	0.38787226240033	2.4441295800076013	1.6084535424423556	2.9040553171441266	0.03026245947361348	0.906593390671272	-2.203174392711844	1.5096915335843315	-0.16316116969523742	0.6915239000098979	0.8657685811416801	0.5015348851813863	0.9491320827746156	-0.7798588005707933	-0.6548985458746427	-0.8982826814427725	-2.3525105562044364
+1.241823541428592	0.8737583250055312	-0.1912724597172355	-0.03536847321154902	1.36513871271259	1.2940124370246349	3.5929812644521784	-0.3858262674500241	-1.2540222733631994	1.4189148099657742	1.7982943890522498	0.9003745620147101	0.8620190411209271	-0.4696172418875976	-0.7932459203176355	2.5928264362991285	-0.15744157290586885	-1.9671493098315544	-1.3986771191143237	-2.766950472599907
+0.6047497904207736	-1.3000057865886792	-0.3039890055774057	1.6967968864428324	0.4109317194801748	2.323639639465794	-0.6507001750121015	-0.04217025549201341	0.20065479534400707	-1.0780937505960195	-2.7114323239864206	0.14656801262213606	0.5572462556408848	-0.2578403261778948	0.4080447438526316	0.14432071871450494	0.12467571555672452	-1.6797399528794326	0.37562876676507795	-2.471979950148262
+1.5147601118599665	3.142416823319932	0.6289737596975862	0.31646675633358834	1.4621113315321983	2.324866058987269	4.033358892861964	-1.0955067851578209	-0.4556225167141566	-0.20036608141010387	3.289774979563968	-0.795079088508298	-0.04246846155834184	1.7756074364756211	0.5659406945130532	-0.5930939804035597	0.10393571919026703	1.1251526836437182	-0.8295979442916743	-2.190104737179638
+-0.7599401952072544	0.07135051781602167	-1.6977262628197387	1.8392175893317133	0.6258122007098087	2.1074776003015216	3.5267962234943835	0.06862600596709006	-0.6957191828631955	-1.292101461872755	2.527206707125077	0.4727876415870824	2.0323657459689373	0.7511789053185328	-2.048555001574089	-0.7973465176867899	0.3830361529570657	-1.0509221978580932	-1.0428275328555003	-2.2607840274197177
+0.6564548420557932	0.7539727718691329	0.5393315126677425	-0.9429833616846888	-0.2778807981111586	3.254337522521803	0.4246203861838087	0.6995735078859348	-0.7789715985556849	0.7829277183544725	1.7500885504652288	-0.2618056382035321	0.5756566899457787	-1.5951752198222084	-1.9484647934877672	0.7469531787568143	-0.22182142519187156	-1.2188163213213616	0.6021084233526719	0.1694497152337715
+0.6567188464850897	0.6423057017014039	-1.771257427660016	-2.5490094223910105	0.9553358745860416	1.5022761336199433	3.8263463890565834	0.3750175229499582	-0.2727689327059305	-0.5850958519596468	2.0077077307392903	-2.6593595840648208	0.6149657347953668	-0.8670313010730362	0.24540996842712046	1.9692506504070697	0.33431055563869466	0.4632056351419293	0.2401789152913461	-2.898054273372081
+0.8526061217676254	2.8905691045730766	0.12514544880355422	-1.7931549186334916	-0.04756591045668712	2.3703117249021544	4.2143869694939085	1.4615330017561632	-0.3207090168887341	0.5413689371839099	3.0633083970960677	0.9681115520245244	-2.2399277175229293	0.8451898746597469	0.3422078712887107	-1.2758651874547635	1.3034420511350835	0.5552768726067583	-0.5710326591973566	-2.617134472617341
+-2.1716858452075485	1.3304815462513384	-2.2942181151260983	-0.4172484068378473	-0.6469292140102966	2.1489343867206885	2.519135594743286	-1.317311726747053	0.4145717087020753	-1.101276117296898	2.164459313997252	1.521629641575028	1.5874445561453852	1.4303235247854795	0.6178478569231879	1.156192973055907	-2.0396522625814857	-1.457175983133854	1.4918725877685557	-1.474566094352015
+-0.3139065727141332	-2.7142692877545684	-0.4617890824485205	0.4514294794929381	0.29920888623517505	2.328047263908473	4.721085791340013	-1.460664744062648	-1.075702888661532	0.3037546381512859	3.8378027329578255	-0.8505759374119342	-2.4566574243609414	-0.5335097714369801	-1.4769442197132496	0.4305633670515188	-1.7354548844106463	-2.0028486121607005	1.215284108701237	-2.4579651124937256
+-0.12981404297097618	-1.4413142970957928	-1.5849344480357987	1.0158836024869566	-0.3320340386013005	1.956664514870042	-0.09461607468068807	-0.3618414915021873	-0.4516087866140714	-0.5034612938415959	0.05587979193794812	0.6494218187233087	0.16022474926932814	0.621106892753181	-0.97261915598389	2.3140782740687107	1.027558942868573	-0.8200606788616941	1.1881482462884951	-0.4265446765141827
+0.758665657732413	1.9399591801508391	-0.4595526885951058	-0.06317641868807652	-2.0592334784682835	2.3390807184674327	2.2287516965314516	-0.7736621084468629	0.2523245159746547	-2.678370255273849	2.0340982778496888	1.2532859412552797	0.8098471073582377	0.6545173326573774	0.2839925367315401	-0.4949981893267332	-0.7770964232823879	0.2660628039298116	-0.3618308314468298	-1.325163394807706
+1.0172463104945588	-1.4591199381749502	-0.5465354017286078	-0.5308372105800935	1.310541586970119	1.5561302511259834	1.1393793041484488	-0.340608532669134	1.0842796812525883	-1.3301852575102948	0.4482523280748538	-0.5581253320925358	-0.6524413087116522	0.015003785396091344	-0.3843726758937317	-0.9923655077267242	-1.2494073036200242	-1.3459276906900794	0.3481978653631176	-1.332825057060108
+-0.6133628018430881	-1.2031602798181755	0.565044203735202	-0.7741419769917164	-0.0524893605052024	3.001952047531486	2.3596628950696585	1.2424029822430147	0.322285234901783	0.2427539309683573	2.641075930106896	-1.3009488928491026	0.058801760549996	-1.012771961634015	-0.6276062869786635	-0.7464147448023825	0.5652064873499985	0.8019765678193236	1.2163869723305234	-1.1087567421372653
+0.6653208502146517	1.0839488608395755	1.0306954546399998	-1.1681076317135195	0.23655926666621035	2.187996362843351	4.528886252190512	1.649787570620876	1.0013188293201156	-0.7902564124604601	3.318535677903331	0.4735359105884258	2.3365292964774893	0.4391844928271769	0.6912148845695928	0.0940687870850784	-0.09704872659293494	-0.6875833660891899	1.2149180225299518	-2.680433755246701
+-0.6305928666507002	1.6871680134696958	1.016972751097436	0.3214240472525258	0.5019921584751164	1.681828664698514	1.2052584721362916	-0.40212211961940103	-1.151119297437061	-0.4984878295331264	0.058302150852554975	-0.5101066335224241	-0.20571771159923755	0.21599108285917165	2.188214622923357	-0.825654176514795	0.9834926506834332	-0.0010128690828829657	1.4982652646098236	-1.8055485868146568
+1.3040789669478816	1.0844625393602574	0.6737142721013296	0.17472203676555667	1.3046319275215903	2.277711801224474	0.4035870586477576	0.8263051003402323	1.9311962428851297	-0.6036150545713445	0.8181326614048836	0.3938386760810377	1.0270220540722756	-1.2338339349001504	-0.910112357847008	1.7133807524091935	-1.0601166494826415	0.9410610842846138	0.8711698351929127	-0.3777270016189138
+-1.2724368317972197	0.8403168331287921	-1.7537588474989196	1.1764629573485503	1.2982716870778908	2.2955109762955166	4.1553927664563535	-0.5832881378893574	-0.12455536428126394	0.26728930552797264	3.1444043147609517	-0.3925452102832424	-0.08689414540559873	1.124691587585965	1.2137008978706965	-0.4124830524661301	1.0658627814626058	-0.04154279442965808	2.2820150031710282	-2.4532903350748603
+-0.7000222184372452	0.39601353066670575	-0.7012707118709374	0.6996151731460488	1.3340451896089027	1.5859962843681392	3.6347811808391786	-0.9324936856873486	0.6693858092464632	0.01701735462937255	1.9228674678594209	-1.8766524615452929	-0.6605629398986551	0.8601897322860175	-0.5790904131664881	0.3599076514053512	-0.4598248277593877	0.07763406307470337	1.1901886777742632	-2.7859528923232286
+0.1925095355332428	-0.6731099373392948	-0.8741470848721418	-1.6624945141475038	2.1147447998418967	2.824875592270472	1.3514871484470607	-1.0651276417444708	0.6661362979715585	-1.3234646636439806	1.9518214866404244	0.8975270340747491	-1.1472842259469471	-0.5005646741982791	-0.6733123550199571	1.2751695004942918	-0.04549461676492151	1.1003965378136795	0.2727088422956263	-0.5589036489993326
+-1.0982441366636917	-0.9251417807215478	0.22098112006994164	-0.4745319436080365	0.5721353630693963	3.7720164050953775	1.1089706400916193	-0.5525942469986713	0.8940734059180592	1.0847946388169225	2.6977148989935205	0.5361128931933424	3.0192948421470778	-0.5375566121780513	1.1252896580341505	-1.4507576228240897	-1.2293680187801523	-1.4511966262965583	1.3784189789640655	0.12154321962479253
+0.06866603744714529	-0.26346364253159305	-0.13189749165518275	0.6531862599096141	-0.5020506768133698	2.1299282146645817	1.86176980786224	-0.22574254071723995	-0.5196381320454121	0.4630201498079319	1.5495319617611132	-1.290885892124248	1.0419113635496824	-1.1709573191924714	-0.2862416481535068	0.17206397475354887	-0.9112945963318956	0.2278046106804231	-0.9293990759304724	-1.2980874885817362
+1.1989600417808357	1.7899931265936888	0.39276543738052416	0.3659519755488715	-1.313604037781796	1.9471981971428571	2.291506527878326	-1.6837176651079804	1.1918154139601	-0.3193185374737519	1.7718823549209757	1.685793602498487	1.4099904176988087	1.2111890582458809	0.02617909659254257	1.2829159797794736	1.5026732752210827	-0.31456515361476906	1.1240031030958788	-1.5214313253255232
+-1.3680471638643743	0.8484754659061748	-0.29741778268482594	-0.8926214424600979	-0.07971091085805777	1.9880793753905304	2.7739294972129707	1.0434148429195516	-2.2013170851913713	-0.2278735425609815	1.8962873719310018	1.1857369264504989	1.5577432866913192	-0.30862407978154355	1.5168601409139189	0.548863260483619	0.4985507282023938	1.0141176235924896	0.4231612450373292	-1.9615912404031977
+-0.2847497018236397	0.2739332482372896	0.3794408057760184	1.3169805607190643	-1.3871773355912829	2.473727139595413	0.3012479981871441	1.5128218100911075	-1.1207116752222177	0.7039851760173653	0.730428680938942	0.6956400222664223	-2.636081532386276	-0.1961397689494153	0.01931979688988069	0.21659005444398774	0.26231684334182714	0.8203334468918724	-0.18769725804228687	-0.4022885495056232
+-0.29857962334717353	0.5187548131291775	-1.9906058462301048	-0.15810950392474332	0.1970499391469369	2.1642205832854096	2.2752686016181003	-2.2278056917219167	-0.2831103685595049	-0.3066669635420203	1.9149361018846185	0.4016653096825829	0.16045671697573374	1.160859221542065	-2.0185516654417777	-0.3217860243574659	-0.6035872238846478	-1.4495549655909947	-0.8291375657051266	-1.4355832174592233
+2.4754032628809197	0.040895428527612285	-0.17533685410025354	1.4092196233432566	-0.029751019617460836	2.428787754029732	1.8510989101608963	0.06744628523566347	0.93865026569665	0.5124545095876967	1.709015009841406	0.40202592762720507	1.3053412475411341	0.8212864248802166	0.8001645291610092	0.23742345100108414	0.19153053571391734	-0.985860063629514	-0.9698741918048366	-1.2277563897849395
+0.2081948772852404	1.7517437594780247	0.5607144546844195	-0.1898809235612777	-0.19274526118064692	1.7959318377768192	5.022998923953972	-0.3642808924412975	0.6282573053935844	1.183437735191513	3.3281846173689305	0.5180107873728971	-0.4629600229510797	-0.7899405925906323	-0.9259608246488849	-2.1163546304586336	0.764896692681848	-1.4140632763141217	-0.041294130534853216	-3.1105919056691183
+0.6911808044849639	-0.10082897672543123	1.9635459854417476	0.02466264902857429	-0.8799687753681982	1.843106942992197	2.3007785332547317	-0.8784937473257451	0.4497163998453078	-1.0782298671915926	1.2031620813225137	0.4461253037853616	-0.2779154584088849	1.1168377869820243	-1.1782191737343255	-1.0333941802666704	-0.5618641630813523	0.8723621902523534	0.9949168645302084	-2.0272426211078862
+-1.20158213446434	0.7670338349745901	0.43219167473619535	-0.56498290073848	1.5881264578157652	2.1998495504138464	2.8432732127125284	1.1789884377489663	-0.40528433269510383	0.9921642869972216	2.0261854952601084	-0.19098230789493328	0.4786344768371824	0.3834936757059923	0.6171703029692207	0.6253585062164515	0.7486363118767849	-0.05139015108150535	0.6334254238779335	-1.9826990294920228
+1.667989489602232	-2.037233186000025	1.7393483051398813	-1.118128148596682	0.04585157560681634	1.5587393267532723	1.2662764357060492	0.07591460966850364	-0.3128726349030342	-0.2520513558942058	0.3218048279321581	1.2084724426465732	-0.918061930171246	0.6627239850659097	0.18249630061493827	-0.101441872675403	0.4749966288250538	0.16834678381073054	-0.6407600035458557	-1.59352106979093
+-0.43772639062299895	1.2236723097184858	-0.2452545174667516	-0.45278395019792	-0.9771233474205648	0.4800775017011945	4.656325341351739	-1.2402497287253265	-0.03713789200525836	0.2955148173906045	1.5456775609724092	0.20055520960553996	-1.4919961569272242	-0.07424588141098107	1.1800088111770135	2.523557697148035	1.2051595907459638	-0.24870529914697045	1.2403641854703886	-3.9546469451613113
+1.056824356983944	1.3368660188978043	1.067539913269924	-0.008494050816702866	-1.2381892507067118	1.468762193794153	2.560730716091623	0.9311465552112524	-0.17775548194553673	-0.4533832099532533	1.4449592161658138	2.0000308381908916	0.7871711635862283	0.8377305802226487	-0.9910185120843179	-0.8453947621731971	0.8678450295707266	2.5368203510779863	-0.9093402715698496	-1.984173773306686
+-0.6760496258178532	1.0595501864684949	-0.4762863636246104	-0.3290717949103959	1.9397305586530176	2.1229833368046407	-0.6331947283393462	-0.3927842244417309	-0.8697261019738578	-0.056431171844924674	-2.41927419633186	0.7520815627962304	0.4785849266755445	0.8362940412965827	-0.17216114084773662	-0.3339656536209917	-0.14031057046991804	-0.7359282433099422	0.15177183879312806	-2.161256546746974
+1.2828536862744941	-0.0960379615941684	-0.04425599385140338	-0.378724766678688	-1.6210307120550138	2.3423175218441665	1.5280040970554158	-0.5571863078035735	1.6735853980253323	-1.6451193314557258	1.5743430164315044	2.211755383423876	-2.2050157879736294	-0.3607420915648295	0.2531503056097661	0.6085806248725811	0.039986677759823536	-1.0265454006017452	-0.05466763300585504	-0.9628458668710648
+1.0355505085273036	1.7432013142975802	0.07443366193157112	2.205648009738012	0.2562681577349588	3.0673086600914066	-0.6283350502319134	-0.23405956664636526	-0.8273900033487992	0.5301436405611516	-2.9247187492251063	1.1479528764105715	-0.7829967999878358	0.07653882598873135	1.0257458327152251	-0.4592327754813849	-1.5687186493019225	1.024760160439984	-0.3039778377639733	-2.916866505627278
+-0.8339521915296145	0.15916669596029082	-1.233374853100237	-0.10012273246170028	0.1434261591448769	1.4764903027920036	5.096510533809694	1.66975093938801	-0.27062144700928475	1.2170454876639618	2.5717687708798573	0.5119794604263994	1.2506431140952117	1.4877580945665367	-0.5671223468770306	0.5480026286101981	0.8793830714285132	1.3305160547979835	1.2637689744511913	-3.798117309886698
+-0.10470775098912832	-0.9192997520077136	-0.38105160830706397	0.8681112478129165	0.9675919545620508	1.1357564555866742	4.523612083117699	1.5259261980860144	-0.4302116288382892	0.6717999085816438	2.12819553393202	-1.1505806715819078	-0.6370844631051996	0.6405604522065041	0.5833603028087593	0.415900867459692	0.6772986613760955	-1.880178191549708	0.7515431003744296	-3.461947763585174
+0.4317335685362781	-0.8008405011627063	-0.2930692713453001	-0.7418737900438521	1.4195366945021224	3.1250469351425867	2.8387154478379464	0.8789021539175209	0.5985217203946354	0.15497166974869592	3.299313139808796	-0.5153276263524342	-0.5039987773720106	0.13226215767879493	-1.3698276113730112	-0.19709270946174653	0.9618041467756911	0.1951421859981675	0.4436378368916704	-1.0755077657805554
+1.9032977940007147	0.2569525368204035	-1.924038746724341	-0.056604434122767514	0.5477944548898329	2.9525770500558712	2.053731909323557	0.805139665283418	-0.8443164196778712	0.9349309881694172	2.317633545140509	0.6476103979814195	0.8069174998324885	-0.4419137492014805	-0.6037585430274496	1.060582064014989	1.5413680450770852	-1.8054475902676392	-1.2644700868032213	-1.049006745273816
+-0.26146301467813954	0.5035209144983425	-0.6257097131247876	0.12873370840777884	0.08799477257543599	1.5884397989041334	2.4454222263303773	-1.382720250932745	1.2454838439683764	-0.19294867009828595	1.5661735857242165	0.04726372127539392	-2.075096036426442	-0.6310514383798553	-0.2275501793467543	0.4040176875346362	-0.3938606501527133	-0.5469468409493091	-1.82667847753962	-1.7779167016789934
+1.2347070987709132	-0.3747470574350937	0.8091650423940262	0.617387841679817	-2.924629414989381	2.052015727185605	2.1373565175652747	-0.6121952611088145	0.8308450365656047	-0.060608169118273075	1.543854418117815	-1.544793937896965	0.2850494942701719	-1.1175449036596783	0.2544732954056604	-1.0337731202984721	0.3838439081968495	0.4956962202621653	-1.4028491429454335	-1.5903105602010963
+0.3929904400394487	-0.13232092980205803	-0.1293965629685568	-0.10888918374002557	0.7809435283393922	1.4426604629336284	5.333670775404629	-0.91251111167176	0.4136795834460464	-0.9928874820521508	2.6405392686621454	-0.9494566443610458	-1.3878857204541983	-1.193785701940845	0.4026994258170261	0.4402832222459208	1.2391682719919104	-1.4040073315959227	1.708826977944106	-3.9913362972876367
+1.3117189168508083	0.7923476290545615	-1.4586370926348016	-0.11732143530508812	0.6982874764793926	2.077817683378868	-0.6714583934157332	1.2295566357585064	-1.7914219970664336	0.4239452184626243	-2.6431219733887015	0.2208980179506335	-0.3780089701444213	-1.8717073145400482	-1.0330686870417145	0.9526434971476236	-0.07460374882364534	1.1847373564635066	-0.5718599122219185	-2.3119040979659515
+-0.3203876852115148	0.5222756467169214	-1.0924045379614735	-0.5471893152870252	-0.9405083419143954	1.2439112681500677	2.5951479707340948	0.8985571547671983	0.13957443127755215	-1.86845603815546	0.9763767337572122	-1.3127136210663353	-0.7918223994328715	-0.34068449133537193	1.7261898367751722	-0.253823207863229	0.2521997360564983	0.7432687650479612	0.015082278601737472	-2.3895008515584197
+-1.7708395446809917	-0.15554106105068152	0.7598426136038272	-0.8558850116186559	1.0147388394773549	1.4699705452441192	3.9860264733620303	-2.58388457584811	0.03404831656630255	-0.9346200570136576	2.0168162222859443	-2.014350889722257	0.08226649277998409	-0.6484082831904749	1.5425017180548217	0.10446086385316967	0.6590488018122427	0.4011249431567943	-0.8069269225136624	-3.0597334165495407
+1.0169548473240029	-0.8534933987228832	-0.8236427146821849	-0.31409595355560305	-0.0733107812450244	-0.7178684641606452	-0.4930931936234877	-0.7779280990283253	0.9591219026974328	0.21464641554564692	-1.4020935839594362	1.664381295938982	-0.4217138734114889	-2.3477576345142195	-0.5909250570674568	1.1228155604581922	0.817183254924087	-1.4701239568775182	0.7014022887502271	-0.5282930730212123
+1.3451933411963193	-0.1415725946876898	0.12839120502315846	-0.7026943396708188	-0.10985528041177778	1.913542850901252	2.3764548256944726	1.6818733117198843	-0.09058585300847086	-0.20246874849303492	1.945504627464392	0.3099968894693472	-0.3591036626281548	1.384530964217549	-0.2146881160163943	0.5374373612488387	-0.3673568057189194	0.7112499617945461	1.354156137507186	-1.4462789101406812
+-0.4189855894814891	1.8230049691824732	0.7335309328332469	-0.1351639564025401	-2.6397300209238908	1.6585379894232044	6.941501295533237	-0.6357090864892068	0.7948086845367235	-2.0358465494010733	4.304206631034277	2.2659312604701887	1.7898222068450624	-0.6780050512771322	-0.3842631113919376	0.9714088912530022	0.010445111517543564	0.5717594928824039	0.1762226371054182	-4.325826072279469
+1.5035498233873772	-1.1266340697652415	-1.1602090840795372	1.9904624474601016	-0.9594759542945116	1.2026127791595171	4.34086569470854	0.1072468063932464	0.4193268498017241	-0.9924893136280843	2.2330164642778048	0.4982858042599603	-1.4963251422503314	0.12349558443207988	0.4106360991289069	-0.1750662257979253	0.5176584821942305	2.2599417832406057	1.2277585413029208	-3.1791588462312967
+0.5758733698283545	-2.3559034027651924	0.07494827521817525	0.08217703912828125	-0.33466367892882953	1.150126101549397	4.080980244177028	-1.5203049972810572	0.24321168503965696	1.38360574359016	1.7830192353412029	-1.6927432055131633	0.2374841944647541	0.800377516472027	-0.07872569688857932	1.9800999358815223	0.07905463657497667	0.8769857098137989	1.4195769589653744	-3.2874724566396427
+2.1919155364976444	0.9770610894666886	1.9980248265111704	-1.014999403884577	-0.25581427835027004	2.1985895425250304	1.4699343814628425	1.751255328415539	-0.1824260908533994	1.3598997628922809	1.1528848519783823	-0.6358130901553876	1.114305865402065	0.714571571990682	-0.7725304112756132	-1.4962473008720458	2.3565460354476393	-0.0600028684781353	0.40525362159148137	-1.2446728048958091
+-0.7701345740416514	-0.1853571719508996	0.9293706675084348	-0.29348499356730245	-0.6782373538164788	1.6007027207258857	2.538068489149596	0.4124185923634923	-0.40794211042370176	0.06659794948756012	1.2361315596231046	-0.5992566302376658	1.0610655699620557	-0.4614801561999359	0.8301277462197238	-1.5866016107872152	-1.471526459444944	0.31022464090463225	1.5400647970862402	-2.19141275687635
+1.0857819228759835	0.4286016082624224	0.4602735315742538	-1.0147204085202293	0.9210388903133988	2.897680647847321	2.1955097892350937	0.19939609866910066	0.37505440690262176	1.7539954923384835	2.5123135924924167	0.7053606334142208	-0.3533739759135356	-0.6541597859314465	-1.8156398605906308	0.10654155744277263	0.49419386368591706	-1.7303156932142567	0.15355153018634893	-1.0119903369678482
+0.7223674355662362	0.7211769163768268	0.7907944105539868	0.053353337105481166	0.5215504044789233	1.3836847221099462	3.4480661154608416	-0.3855614689496805	-1.1356581143437137	1.3463831865321614	1.7257452924580856	0.8265243145744323	1.8606123242982255	0.1838171720959636	-0.5988614099729492	0.3783587477915804	0.4957844576487974	-0.9531572495513264	1.5558230175560817	-2.697767903230436
+0.9679896046445294	-1.473271090908861	0.3095124990134438	-0.6217728414560036	1.6016693819733792	3.0540275999995137	-0.3460289025765282	-0.5189664701037171	0.21562929714867987	-0.4791841776000365	-2.4172075128048176	0.41941256777179947	-0.8643923437020078	-1.7976215361285763	-0.08965554664699954	-1.7279303200931704	-0.11765634562759013	0.4382610238683399	0.12719799872768886	-2.7608951817986034
+-0.1521418475690867	1.8133234038956885	-0.6235485723380785	-0.06659409398328091	1.2731466151303683	1.135840269541848	3.1652862852104713	1.6958080903003487	0.5333967610173722	-0.3001414738492798	1.300322188791132	0.8771313767103998	0.964613594064718	0.7942085703489689	-0.2194471115035305	-0.4376761994279888	0.4842669652544189	-0.004969437986332793	0.0249054382504272	-2.6991711754507253
+-0.6768528147174994	1.6007834076844003	-1.7850403000398982	-0.3519228848999216	0.7035609218658003	2.7031226520487364	3.0150381641121933	-0.06957215415864514	-1.4285344105635516	-0.4771861957853329	2.6155697580534047	0.5325344220414974	-1.2308369874242666	0.10423768117531654	-0.2942121614140048	-1.3430571929433248	0.050222635905127634	-0.8882786693698044	1.4562333802352758	-1.7808724899238926
+-0.06219684523647995	-2.039380765814604	-1.9187498383786263	0.6809357333812978	1.5800309031284612	2.6612304351371567	-0.19086200209833049	0.9024014644495402	-1.0895165413682129	0.03609710288946688	-1.7356827670272648	1.427177490136624	0.6317958443905936	1.6544585543611376	0.7665407197203576	0.11941508616761495	1.092144051983638	-0.7092121351034691	-0.3780191139647925	-2.1872748860644675
+-0.9295416236093086	-0.514659247561649	1.079398022537517	1.6319973922454596	0.7351574753535745	1.9242374702092304	2.6641235267010206	-1.0056255002703378	0.1834933656690069	0.5270407426675319	1.8874381001723235	0.824252236752501	0.4726179262845776	0.0655698310730232	-1.6999438322204212	-0.09522945153712503	0.025012847641232717	-1.2295355596877846	-0.1689052292041983	-1.8270841602322132
+1.0297778662166022	0.5968631197886234	-1.9568731157664228	1.1893369592004637	-1.1064897768143696	0.8885014792359653	4.45916865004843	-0.33420624353365097	-0.33300380675738595	-1.5751380927695873	2.324171331992144	-0.1018374923920524	0.1995983441553254	-0.7232747312803105	-0.3446169662488144	-0.6344809937321313	-1.828195485706612	-0.6257061995869977	2.0089902906565578	-3.1340791259909766
+-1.1783073691443091	-0.7353473682378991	0.42196003048039743	0.40473069099800735	1.497187416736598	1.7065469446892714	1.878985488857048	-1.5536971318121526	1.886356009452544	-0.2717595481962002	1.3234686614674258	1.5242271931896567	-0.18533776810910066	-0.5276353360707262	0.9770316064498096	-0.4624608055040842	-0.6102904563297964	0.059437996996166864	-0.34489697872231617	-1.4002060926324282
+0.10001425465047144	-0.11248684681543017	-1.6124263649729564	2.0065266345648163	0.7056018539692961	2.0013354370364094	4.224106907598219	0.0820636738010749	0.2600974319572679	-0.722456984523736	2.983430454712789	0.2479400553741414	-1.250990807784816	-0.9560221837707406	0.4330320108730104	1.0189413792845377	1.7221517909945068	0.5386992842698618	-1.1389390519049107	-2.5917460075880427
+-0.5378651637628333	-0.5810228583627944	-0.6388281658399421	-0.23896571010344095	1.7220851585171923	2.2916794838099035	3.958560997892698	0.9962961932702168	1.0483291780400184	-0.6853929770358876	3.077423235974946	-0.4065130743042882	0.4052102941283125	-0.5359158081023793	1.6094503753318656	-0.09628017329562703	-1.3098280423821238	1.0585537408217718	-1.2180202886954103	-2.2925603379005994
+1.680559855906176	-1.7873310479327926	-0.23539595283235626	-1.545036673845409	0.07764675334964516	2.0812933061309957	4.139452902520169	0.02535178247159505	-0.724615065970376	0.6540311060195129	3.0213959338532077	0.9061672103520724	1.2219215111688664	0.06792719436275041	-0.4769500943680217	0.7176804222449209	-0.9309023940720034	-1.7122357535572896	-1.1490596620662132	-2.4851945764282988
+-0.8874360483296729	0.19849402726012447	0.8613282851329194	-2.011543253722156	1.8502268490554337	1.3335816167428869	1.5472341534167362	-1.5124374047638895	0.6904862198074659	-0.8999642116549436	0.590533721243814	0.02713407598446736	-1.92416704194715	1.881244934038946	1.1752931069347872	0.38860887994697213	1.5211394174202164	-0.027488248672624116	0.4129958736831169	-1.593756294727677
+-0.5636058204922485	1.2832265810344736	0.4221739796152919	-0.22666965496083805	-0.16316883968895335	2.046825819343632	4.8896704566621665	-0.6343118999741365	-0.3214045528644634	1.0184410472113357	3.6659874360135727	-0.7019834181988128	1.7180594748472755	-0.4910629497834292	-1.1460308295946742	0.05736421537985095	1.03813919278987	-0.7201558565015309	1.0843844852192437	-2.7227620157337435
+0.4980775274674905	-1.3337638601061106	-0.6504301707264595	0.7187459961417263	0.12589904975753738	2.270370382575876	2.744806627365385	0.8945886300271161	-0.5984570699719595	-2.2967002762538327	2.4505143938699603	0.3291021366063392	-1.8175507064734897	1.4503885262516467	-1.0179394793566443	-0.022213525781882484	-0.7079088559256078	0.6073543713907952	0.27138585409447713	-1.500107822575218
+1.194117898675278	1.3203361460291785	0.9330324989253636	0.9204467580230076	1.9139562206877043	2.0698727554068905	0.6658164494690632	1.1350197080630593	-1.5654922056525824	-0.5522329731917909	0.6628409499414403	-0.10904349197007504	-0.5042899345153676	-1.2833018812979011	-1.2773962771782734	0.34037339210135537	-1.0587406722483097	0.21920375248891655	0.3303470857952149	-0.7545838243561365
+-2.2183197097665257	1.1428038180473756	0.3476696442277431	1.0999547969577297	1.6022620535841692	0.9639325995114923	-0.8232907319560592	0.2253516818779527	-1.4223995603508417	-0.09198444509724796	-2.8498514297798816	-0.8096146211848197	-1.6668439340272987	0.2123223087029958	0.06313167904927706	1.7713936990171932	-0.5240968209643215	-0.5118180657211101	0.2785910808830476	-1.9994396880647536
+0.7779207036186429	0.7713352696334365	-0.09036673698881983	1.5191326504764902	-1.0149150552548432	2.240659236990416	1.6042588226751864	0.1211391987778111	0.5399596359888125	0.02401873454504451	1.5135346981235744	0.6171281716306359	0.09087375298925936	0.5859866223664421	-1.4492751006123588	0.27820282815120695	2.0953939187451294	-2.3497396880069283	0.4754568025064703	-1.0746021783877673
+-1.0882466148942516	-0.7329848370896312	1.1098239212161356	0.7117113559102838	0.3781866514894133	1.8135678387063072	2.239688626465948	-1.0031685166694686	0.5183814891205183	-1.930593596822645	1.1642819364051449	-0.06822044791894688	-1.2775670598474242	-0.034906496600743415	0.36382840030373176	-0.7446904022169872	-1.1117153671260604	-1.2833885947846857	1.7691564863595175	-1.9856323575658883
+0.755301486948179	0.051239820144989526	0.6056833687707719	0.2323548426918235	-0.3985845026570925	2.4695018638003208	3.3046082426877152	-1.5392214393660082	-1.2437671101209755	0.8292264893879323	2.7651426208798178	0.08356163615746949	-0.6649571261557049	0.2015014386760768	0.439973602500029	0.5489623599360979	-0.05906263893501978	-1.6872464554091442	1.534455444547992	-1.8985806831421161
+-0.7387801799857606	0.023686578069602737	-2.625874798862845	-1.9459687628385172	0.9914540780179208	1.4880198074051147	1.2035642348968054	0.43449700471004704	-0.4100558243529245	-1.089843435876354	0.4876682346468834	-0.18939197558576645	-0.5127839227854989	-1.113917727960026	0.3579501550116306	0.28539383465603285	-0.9194963639486	0.4703488730087941	1.523464505207929	-1.3482389772686028
+-2.0697261540528538	1.1181168872353895	-2.032344763581566	-0.3544243443317881	-0.05858508830198018	1.91326706277381	2.2981668494863445	0.64055790463222	0.2755906572218964	-0.024690206165114404	1.513480662620848	1.896753155004688	-1.683668423250224	0.09817292577735463	0.6443479245202423	-1.8977526103997429	-0.6438440463558295	-1.0090913361600102	1.8550577032172018	-1.7579992696068265
+0.13793569060269825	0.1764966407458776	-1.1429693034706114	-0.7815581493870771	-0.08733877037709555	1.5110062558373438	1.91354988834078	0.8530775986080076	-0.7965840921101351	-0.6461368548305794	1.0771058321980982	0.3085122445814064	-1.7483318600304123	-0.3148177747331888	0.4386606526200204	-1.8298364547056591	0.004103277249528298	0.4948933535257944	0.2320958669993361	-1.608742848974897
+0.9394363508641312	-0.8071016514985924	1.1256810738635628	0.7522414325353994	-0.9868449888129146	1.4056069041620336	6.201253242659822	-0.3261428526339685	0.5948965720180931	0.6298709459523409	3.4817468411940373	-0.23709916029214834	0.041957887591397985	1.8681379289739604	0.014485755804432175	-0.0556710464145379	1.6716673939481426	2.449707233714025	0.16883464235390228	-4.178245285324357
+-0.30938830804270195	1.2791140267292154	-0.28549694549898624	0.10822220686840996	0.7849739697330061	2.651998043068872	0.9819972177605052	0.9166727191470638	-0.7431500975929479	-1.1873500231620022	1.3305026471377264	0.6294892463998957	-0.5238062419846695	-0.05308052704787106	-0.6189343371852453	0.9603647064861782	-0.07208192302533208	-1.2893410115766268	-1.0441458574997742	-0.6664420570268517
+0.15188301918232064	0.3637492859947632	-1.4980483443964203	-0.1918441690819216	1.5886709865834137	0.491057603523481	-0.5928646505741548	1.6105654736065005	1.2529613295863375	-0.20231292000611886	-2.2104556150892414	-1.5478331679570747	0.03637818097194665	0.9401750146604404	-0.6305885835620778	0.8631881288030407	-2.0668934992343546	-0.7224676916596977	-1.6516461456203326	-1.5256126046514291
+0.21560338889808603	0.06769420851909846	0.5731534076418698	-0.25530174550236395	-2.5438809440773453	2.444500597475184	3.1197352424645164	-0.3908163895610442	-1.695926007476809	-1.2085406941480803	2.6026933513240524	-0.1930006151088124	0.37314890723175415	1.4665345207166116	0.9342300479992968	0.22037644701167788	0.6598516689309725	0.5924984215295475	0.4458589168795207	-1.8333647270354905
+-0.19735268424669397	1.201024838765764	0.08046750685343801	0.06760693086592535	0.4113153449991445	2.2670952622024543	3.600243486030845	0.11331236002730945	0.2406860096904552	0.2570849380301977	2.6301118636443324	-0.7360622766045185	1.4669618480001918	-0.3845944417198258	-0.25441117309466954	1.009643521053483	-0.8221197210069986	2.2423329228504665	1.303336365752378	-2.295912894539909
+0.3157096864203656	0.6434192233617501	0.3900712140736337	-0.44015500134177615	0.3932647241292976	1.5357843167622844	3.040333467237497	0.8265318592457218	0.3400004522580762	-0.1758459763792984	1.4665185958218825	0.07862486722735151	0.8542448095717428	0.05863689291284292	0.9663018063926588	-1.1632002035523632	-0.5216681405539279	0.4262205426251896	0.5039947066503373	-2.5241790738053944
+-0.7275237597699695	0.3276529214457577	-1.3224477471745333	-0.13532109383101715	-0.778698074284397	2.7213941961059303	4.073790774722647	-2.043660555930765	0.21419257936768224	0.3138626336946156	3.831613796760844	-0.014677231520858256	0.8853870999230647	0.4116420774420675	1.6280652061770338	0.18052923819843444	0.277030189641092	0.7769336725785939	-0.5364575947101988	-1.8525358877628717
+0.12203425557347633	-0.86967399211807	-0.18596051628084398	-0.008271446098764798	-0.23027682173061376	1.9869058602048772	2.463643164939625	-1.1250854827130463	2.0773283755819074	0.5009080117710527	1.717595534158861	-0.4835815427430094	0.8073328505883764	-1.7782002769429377	0.4632568199084137	0.4447002357947928	-0.883076941848554	0.2943735204090604	0.7422254652684329	-1.7773438029114286
+0.28674851985581823	0.6770190448971434	1.2917776455944836	1.762062623848641	0.24702915501307826	1.7435626997520794	1.278138022291112	0.3147734272928697	0.3409619791154886	-1.036456105820626	0.7246651979670073	-0.04650254662328408	1.9977404271439052	2.039763533752577	0.5130478237122792	-0.04945523066793977	-0.3504516531530212	0.6013918761901531	0.4199176289053375	-1.2891722843057587
+1.880507126943784	0.04403841600617511	-0.5575900715534121	1.283532027689582	-0.2240192914581777	1.8470955984882889	4.993367804504495	1.1909970460532608	0.44779062425763216	0.4710273310613658	3.3078460223618658	-0.6606917180056735	-0.5153598680864947	-0.7868000181916183	0.38999367759699183	-0.9825092814933194	-0.6610088402291131	1.715940886283959	-0.9023813510268888	-3.1113529766359105
+0.02792532500252613	-0.3544549213966414	-1.0327328916075296	-0.6827522418568164	-1.0657986358599754	2.8600884885141347	3.5617470739735735	0.21438972425824346	-1.0935706350060224	0.5987363716135893	3.1332370774917777	-0.5412899064841306	0.4538249599681634	-0.9275210338055404	-0.14597938327477444	-0.439280353380592	-0.6153073956614592	-0.0989260044400304	-0.6280319943025113	-1.964043650932116
+-0.3489246764552496	0.3493158584725233	0.1792727322714177	-0.6467414622988045	0.4954572593190936	2.8981300632229927	1.7087131841327312	-0.3635495970901646	0.5781474445419587	0.8082432804108768	2.1351563453065134	0.9555050136138216	-0.42699294578556907	2.138777022362779	0.2723184595715041	0.2972890172751824	0.8581412869497096	-0.4351550614166491	-1.0674536744227254	-0.8132401719206843
+-1.3152539737693658	0.04739388964208212	0.5667176906282858	0.16723645448034968	-1.3237156046414544	2.5576869458278955	2.970895813541885	0.3680057201153479	1.6753411364337387	-2.2351927495126658	3.0193747039169194	1.635306712078988	0.07453719247058023	-0.3316821738414471	0.12148384247015408	0.012671348866862102	-0.5792108700037811	0.6156470679976609	0.6011935845440075	-1.3138953376368692
+1.0967474642963038	1.0583106032892968	-0.2932247084610277	-0.4373569447154982	0.1902194368062005	1.7638450643948416	1.5260189902998962	-2.7150313641212867	1.6033908683122375	-0.4629741297634331	0.7141727170286223	0.4965528075339686	0.706164497010648	-0.4932992000995075	-1.1420927759266386	-0.32099693912817984	0.7550520287737073	-0.6201680673888945	0.04943057381404072	-1.5840095223816328
+-0.2043740290778944	-0.5848735507329891	-1.2660612660613249	-2.141210563574788	-0.11336095050619566	1.6114773802630682	1.3610427632017357	1.4208028048501966	-0.9734315640369142	0.6874744992871852	0.7288294907426232	-0.372323675164636	-0.38558613481907256	1.744771398698905	0.6676018956526676	1.206620705859154	-0.14832845395411473	-0.3852071337702664	0.03860727270390805	-1.3391740659130411
+0.8982644662234959	-1.0723723075047915	-0.05934873441462101	0.03947255117153827	0.7123627111010281	1.4722972114366517	2.023850790289881	0.2750205182395313	-0.013263410794948851	1.1520885276580854	0.7677638330743906	0.23669198116095674	-1.0068960105261195	-1.125991281704447	0.4537169562734025	-0.4137871852892801	0.3544820105776354	-0.5620569423503952	-0.6784990064495436	-2.0077175515587933
+-0.6464571677462706	0.6029902954974177	0.13741858064161386	-0.2006675802348722	0.101128340234901	3.7221378517165937	2.838217875244881	1.3426785310393314	0.4703405384984419	-0.040981367071828964	3.5879739511839395	-0.6399266751797357	-0.09314127104465544	1.4750018269383505	-0.7577918052069291	0.7179982428753898	1.283253926201004	0.10019484713392983	-0.9581785987149996	-0.9861786588532084
+-0.17921022820979493	-0.2430720691012419	-0.4432965436003182	1.729409033134315	-0.5693683288898782	2.670744095512513	1.1832111328873138	-0.33453367914965265	-0.7742733216539114	0.38250385390077946	1.8696181216137688	-0.19717762360131416	-0.9581313649195882	-0.5074841538888902	0.744775785405354	0.02723691346664615	2.0490508317014307	0.09065444786669627	-0.7612414363929269	-0.3994927582733083
+0.708502980183113	-0.5165422902979472	-0.455245494279516	1.1049919700486963	-0.06070616827136102	2.0346029329474487	-0.33978140546276303	0.8003141854541495	-0.17893943033255613	0.3152631395875264	0.07671722539548798	0.4521287803813346	1.3081877818163363	-0.04080755201272289	-0.7231496881104951	-1.0471140386713007	-0.27278295721824736	0.1960458124947975	0.33207139484656073	-0.15454346588976553
+-1.4668863318064955	-0.09094669903604342	-1.836558674830654	-0.8878677534469062	0.4612306405241286	1.294101904776212	-0.16930851094575594	-0.27802163106895034	0.4979552842782295	-0.09699546898840808	-1.400403805710454	2.36691539974069	2.096291049418673	0.5774142603356576	0.501349604167081	-0.5020349419645317	-1.2955041980422979	0.44416285856208204	-0.9438755315226056	-1.4925644143092915
+0.37149804123021296	-0.6463515871348835	-0.8637309103264056	0.33463812909723306	-0.23655632437165444	3.868523963317794	2.452898604423741	0.6606380511424897	-0.20051868582268306	-0.09925572238187336	3.3934038037101986	-0.07060300621821793	0.4313946390129925	-0.8615572139979175	-1.222135418828377	-0.5581068852300717	0.2601277990921944	0.21673251112864544	-0.07619333421846844	-0.776260330314088
+-0.996062263825902	-1.5196417447239177	0.3076885025976186	-0.05313485139309232	0.3836724432642004	1.8185197263980808	2.4837449172773023	0.19945807509646346	0.3307594171271862	0.3993298148369344	1.2707978066525203	-0.6343339609112488	0.46144180770614296	-1.2477946235895987	-1.1122674298876498	-0.6352110834695488	-0.9236285743799636	0.6701105940203763	-1.4391476664834393	-2.1632635067475805
+-1.0044321626117092	1.4605327954560388	-1.1205981014769009	1.1530168264477374	0.53609309193676	1.9695545102854912	3.3684008196253634	-1.4275442634696585	2.311152469250487	-0.02626012007841676	2.208646692776524	-1.3575716949698298	-0.246834600823776	0.4032415479540457	0.1987093863828843	-2.2610431495952805	-0.5069672149969131	1.3254711585622558	0.764296682120309	-2.3361439467042757
+-0.9517860098834552	-0.5287588518826288	-0.47194936101178997	2.0800651428816432	0.2709324771380545	1.489015853863488	3.150527493402535	-1.0843472004943342	-1.236435708514105	-0.6841091223361838	1.806545821796996	-0.4813102976305212	-2.052926264500722	-0.7281705495994516	-1.1210981564877451	1.2038723286177817	0.12225543551876665	-1.4784880270991805	-0.9819900574476268	-2.31948243177366
+-1.1401566940048464	-0.6500818094316879	0.3378379274432459	0.03409918298901171	-1.703449922485378	3.0744421279682386	2.3579363704637304	-0.023871380973315558	1.4666137260493723	-1.1801322694756045	2.870547021307185	-0.004999435412856038	3.4127574847431754	-0.2729303811081295	-1.5604466639516867	0.012017287034300444	0.6090767875603527	0.4039161992656392	0.2590068648377004	-0.9160494158189664
+-0.9592667382519148	-0.3572389263806731	-0.8984683262992555	0.012049115035773527	-0.16919462868622426	2.106414276464541	4.407253775229526	-0.4063463396035063	0.02045476781012454	0.13116602790746765	2.8954918828283147	-0.05265537358754887	0.9338273833922878	1.0384430044574802	0.7238932447702978	0.6617523925338565	-0.056577601252433676	0.3418870375315848	-1.469331774651078	-2.910743846816436
+0.31261080951803377	-0.6670553375461135	-0.8708007633108689	1.3865017767078402	-1.0672452863777229	1.1221370964419417	1.7007900038220265	1.8699489254520971	1.0484929293892733	0.2643359575460632	0.2679281288956969	-1.040719691130737	-0.6058844084668961	-1.3700776990926202	0.007304028783537237	1.1372898858718157	0.17603085314096165	0.9895466266934146	-0.3280730824721745	-2.002079764680017
+-2.0566470201273424	0.6522321673898922	-2.1916799060296563	-0.5007323083499854	-0.6406026908296573	1.4419548041140031	2.875519409752932	-0.6734775293759021	0.7626706255871379	0.5020124075873403	1.4597787068260375	0.8702490196297611	-1.0805392396122608	-0.3251934363380442	-0.9547692662974372	-0.8492106639324543	1.2531320577384726	1.2920687987635875	-0.11048465443849932	-2.316829199461857
+-0.6912590099100736	0.6609525791866946	-0.9189886755170029	0.6036688884208299	-1.1428652314988472	1.2262821809910056	2.0169245896909054	2.8022165992553543	-0.7381810651751289	-0.1139239307577012	0.5833692106099575	1.5556725387757264	-1.7509143810133536	0.7104016840200951	1.4807152863659043	-0.20912313556427706	1.1616873088629838	-2.3654615113387853	-0.7922804072524127	-2.0970931995292883
+-0.0163256591828519	-0.6183055444853768	-1.159263079089029	-1.4303550879907347	-0.2806919991474709	2.124388098632916	1.6951821208174769	-0.8716165521678049	-0.33251342254751937	-0.27386404780277435	1.4788860902136711	-0.20120809092983202	2.311548044859444	1.1017628776236508	1.4194572000947938	0.512700384954193	-1.8677276077563483	-0.031861613113337746	-0.3430761604533412	-1.174287965982148
+0.6295553037981443	1.684047938812376	0.6479211346917813	0.09705693391950954	-1.841591365123867	2.6791785586258627	2.2329367156884565	-0.5420374711874163	-0.7195766470426781	-1.3097920475738625	2.20134509757762	0.7071636688327757	1.0519079117909258	0.34370144850160994	-0.3771558165576189	-0.8865508060575107	-0.8040672721077246	-1.2663894308119192	-1.4247577765334103	-1.276694753204175
+-0.4587179019990953	-0.8679960709357589	-0.2938096266255055	0.15743454265415907	-0.45021363084212696	1.2563656752980072	1.9021812611559583	1.0716810713696516	-1.2472831587910842	-1.0912392866371223	0.13887379831440705	0.538083085518758	0.6774827761390336	-0.39936819468727053	-1.8857423948542476	0.505937721552417	-1.1143092264526715	-1.3709915040445322	-0.8752921492050035	-2.388391217123237
+0.7470096973925024	0.010687928537487129	-0.07225166653651788	0.1680501111005866	1.5693692501117946	2.5751650821575867	3.187520084987634	0.770365266507789	-0.9575914883683964	0.0654892022983044	2.8032124627359662	0.6486060547911995	-0.3926301405744864	-0.604233378251936	0.9408971475659552	-1.6816399227130647	-0.4123550037398672	-0.5299309135880819	1.0745494307800112	-1.7631011721335468
+-2.088966994676032	1.236457580964869	-1.8535216750467451	0.4391039403800304	0.3319118806763949	2.0856215247277783	1.620792701041209	-1.150451973087763	-1.3481767386626249	-0.2455063090430948	1.1967070860879958	1.3588785998822577	-2.614482225545444	-0.027797223240477814	-0.2633219027457806	-2.8752696123005053	-0.9747463208820838	-1.5841195865030742	0.4282378023863565	-1.340177093238084
+1.1818591909429563	0.010940207954605074	1.099174926817534	0.2646245623054325	-0.4370195820203343	0.9099563454566488	2.4880020534621274	-1.1845367532960118	-0.5740496722310894	-1.2828370363223902	0.5036475673589413	-0.12472847113954046	-0.9017786349599528	-0.3557530305362673	-0.7205754485859236	-0.3791907051284256	1.23892695413196	1.3956603010970294	0.7953793068492945	-2.606687963075196
+0.6001306800348731	-1.4276640182425961	-0.8128431040977644	0.1861963773309323	-0.4460717126757112	1.461537881340116	-0.20792618079810765	-0.12137371720639965	-0.06446772833491145	-1.3310164666152242	-1.6691939894626755	-0.13944961174285558	0.03095361319613225	-0.5179508164020254	-0.4296223516410623	-0.4500954165849111	2.303853291530469	-0.553023784461563	0.14876985407627286	-1.7479587701471315
+1.176491040175315	1.0502145183089455	2.577524932589958	-0.4510946919870676	0.14910395769783108	2.101825136671898	2.745517990527921	-0.10070412191014894	-0.5440656338091385	0.5085510615851614	2.187526509462752	0.10649343733211804	-0.9069001448659356	-1.5314980538286962	-2.3782007383438866	0.5565030740008334	-0.9631786175550384	1.096322824469115	-0.8409825448287971	-1.6939916736896246
+0.6350694574613921	0.3128929981655972	-0.5568676637150615	-2.26056021795419	-0.6132938090417401	2.1717225677537724	1.977539960383794	1.8822954818549693	0.02481343110052421	0.5082062247574778	1.908433368525764	0.6598564778966847	2.479188467776392	0.7143732778722958	-0.09023921834416347	1.581935058397792	-0.2437750398749264	0.06091484245426164	-1.00263990799171	-1.1086649055974505
+-0.8270619503704507	-0.018461347593061943	0.4136908720227689	1.1544754060446831	-0.6269164679919979	2.819129579900128	4.1324256288478365	1.2386449528748338	-0.6142436120375467	-1.1171355379789385	3.768284815684933	1.2707364272237742	-0.4554504104612259	-0.7866086586916367	1.5472642718247938	1.9691466016699344	-0.371646216058068	-0.4729585350871535	0.7039343015881926	-2.0063825619859594
+-0.5159570228728221	0.2887556147548096	-0.3065826694220183	0.5989159153889305	1.4170216945023586	2.512281154920717	1.923138303952604	-0.029874221574985795	-0.9661242650884946	-0.9008618433302809	2.1706770779010247	1.842885990948916	-0.7222177938272683	0.2053772219877162	1.8300168255272315	0.6047667068186492	1.052393933570417	0.7200223124055987	0.014410603785171831	-0.9064358918605036
+-1.2077128893617493	0.20007762451425187	0.4121537554887482	1.0502225859333991	0.9054045593918624	2.9212570001157667	2.9274894891252323	0.13056400833566706	1.954502336191536	1.097413171538843	3.1795054624586636	-0.8750894635390426	2.7810555256999456	0.09710431413855916	1.5517611243646354	-1.3233316327662432	0.24263542742837285	-0.9964155132962841	-0.16361091893670876	-1.2254515467673532
+-0.16342177602741334	0.912153345094371	1.2198820023292984	0.6186033578452148	1.3164287136826442	0.9255540929595194	4.695171457632756	-0.8208953877321415	0.6796424553142182	-0.2426927203156985	2.300244608173853	-0.7972155830080289	-0.15783298283537908	-0.07576160801582463	-0.05884832861847155	-0.25922969543126034	-1.1050925160656446	1.129060240214883	-1.0366879402160651	-3.432992713504732
+-0.05203215942393847	-0.3091953812872161	1.6703570366486318	0.7096571343332749	-1.9646364696902	2.104523865905882	1.579284067571627	-0.80205459621812	-0.6789389204053137	0.002173560770872007	1.325841038583107	0.4123497112908414	-1.365765991366901	-0.1891905590742081	0.3674606289257559	1.821262796309193	-0.5185148799346501	-0.7121301901741472	-0.4252572671256069	-1.179552911754898
+0.035295544516024166	-1.910432390199272	0.3772005541907945	-1.3930134424083709	1.1644203512186246	1.0378696470566018	1.77282545169593	-0.9298377997734296	0.7493575030801707	2.321638942371457	-0.08034307477028912	1.1550835295148456	-0.18941983068977647	-0.0975120810271489	-0.6634686579564337	0.4130437037845069	0.1161844883059334	-1.0124630224969529	0.5515825935118087	-2.3803974628822147
+-0.7382636490215473	-0.22369249369034547	1.6037533486347175	-1.8535911111814576	0.3433057229529467	2.623468345473931	2.2386229639607853	-0.3565338436766438	-0.2981032949084945	1.0832265486815231	2.2022644592030427	0.8230783035635492	-0.2704575070104037	-0.877785782447869	1.5635577470569406	-0.9206250746598924	0.18458094061494845	0.2312626005625568	0.5086324430299911	-1.2655949713688883
+2.4366892748151594	-0.5693156806025699	-1.7218141143792118	-0.7636370379358908	1.3812428414296332	0.8734261792585589	3.6993297964062575	-0.2510229748899681	-0.2572996499581653	1.0939573204735948	1.4250691293913331	-0.6234909491978371	0.8946129186610708	0.11348850342063865	-0.8171226347069339	0.4036243685718015	1.2492832667321032	-0.16559924725384395	0.05010698769682866	-3.1064820228464267
+-0.6496553421679686	-1.4224279723935236	2.3012734316107286	-1.6307384651011865	0.7899921830677415	1.5784780783388637	1.5937350935854364	0.2033287108801172	0.03485866731366751	0.6478279768265606	0.5072168351442272	-1.6486585166575147	-0.3823982996033502	2.3256408720316006	-0.9273509613624984	0.6528468905997087	0.8314107815153837	1.2344031799078437	-0.2712026087680339	-1.7964285078767936
+1.556971762459764	-1.2439952121813922	-0.42294148920420016	1.2509123545030678	-0.04525686050637002	1.8102334072756012	4.330921368106597	0.4369341397955197	1.7090276790490326	-1.3105903617385728	2.6507931144960315	0.9560232948982376	0.9264898048764156	1.27342213352265	-0.1775463778209161	-0.5020139494158932	1.0777715747655348	-1.5004727301982392	-0.8712982816000493	-2.9628149579187566
+0.9217291089973372	-1.3885863242255478	0.25423533911482016	0.1168834752581415	0.3075246148086876	2.583752655948304	1.868779214202141	-1.5598686552244263	-0.43742348357135097	-2.0674552381167857	2.1004247677315293	0.592164188729302	-0.4145039221243959	0.8609838368049071	-0.7423945821145248	1.546996722395656	0.4044604320792881	-1.3908367691435546	-0.19382679005878886	-0.9316346070105346
+-0.5219973387100996	0.9905632425118324	-1.2688367548190436	-1.3062113291308677	1.2638138110709067	1.8660691408757044	0.5445787221442651	1.4116584346018954	-0.5641770654580077	-0.3012039021140541	0.2268327388683611	-0.8279588610356573	-0.6522929057307618	-0.20603677850657687	-0.135516011514525	1.0275029807709108	-0.19718057119851085	-0.9413847947787156	0.19608217733319547	-0.9608113047816084
+0.4424052465929388	0.943928936525626	1.738397490506961	-0.12161122641383293	0.15475728725187682	1.8624246245418483	3.2762488723359144	-0.4270106111994435	0.1528975135659882	0.4771953229726215	2.3155774125395427	1.3689173890211586	0.7770702960925243	-1.4296307560984765	0.7923063752623205	0.2514409708101872	1.1840866916876511	0.8951950393049203	-0.5737280626680346	-2.1013927221698583
+0.7693680917931209	0.042252199267129815	0.920578733178434	1.2609933412881686	-0.9009957896033098	3.4649606386186127	-0.09641604038965236	-1.4408423082558597	-1.3370985919131873	-2.909342960508076	1.3996034179270973	1.1071348345938952	0.6373319894768134	-0.20576308333152926	0.5627232979887723	1.2446890017440848	0.14542476550535846	-0.27293462018189524	-0.08718378360133876	0.3686229650559225
+0.7427620511228765	-1.5580462215214408	1.4680352994852566	-0.7508175656670606	0.6363631862918148	3.1644775950816646	1.8594024439897647	-0.4499136700983101	0.6875433245937749	0.4124013786469116	2.179503463347244	0.8484523669327337	-0.546863836293962	0.17441446341147884	0.24045384074599194	-1.228725137426046	0.7554095521777582	-0.030134646614598738	-0.4835932968055189	-1.021435051734048
+2.0468935191072437	-0.7226970302245961	-0.4839561868483981	-2.222915078471478	0.3459880131172701	1.1324497189504088	1.4912587172048224	0.3411839598264167	0.6715382471375413	-0.3651029407087692	0.03233087935168455	-0.5081627405589572	0.002075317851864144	-0.07944497974608919	-0.13805622601618786	0.4878193412223996	-0.3974492638991908	0.3347669895977678	0.9512754223441522	-1.987373538202905
+-1.785494148707842	1.3285224891343512	-0.5279590208716799	2.675167568819385	1.5490279490427394	1.9850254692433156	-0.4538705494124088	0.2596309736678987	0.1769080847916054	0.2504311940060068	-0.03754622317067513	-2.2382627787119773	0.3799303209778132	1.027127616405047	-0.8246136050829563	0.4127647478763152	-0.34515534022029715	0.8158793586435744	-0.06121611794895705	-0.11706301505657656
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/train_test_split_train03.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/train_test_split_train03.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,209 @@
+year	month	day	temp_2	temp_1	average	forecast_noaa	forecast_acc	forecast_under	friend	week_Fri	week_Mon	week_Sat	week_Sun	week_Thurs	week_Tues	week_Wed
+2016	4	14	60	59	58.1	57	63	58	66	0	0	0	0	1	0	0
+2016	7	30	85	88	77.3	75	79	77	70	0	0	1	0	0	0	0
+2016	5	15	82	65	64.7	63	69	64	58	0	0	0	1	0	0	0
+2016	1	18	54	50	47.5	44	48	49	58	0	1	0	0	0	0	0
+2016	11	25	49	52	48.6	45	52	47	41	1	0	0	0	0	0	0
+2016	7	20	73	78	76.7	75	78	77	66	0	0	0	0	0	0	1
+2016	12	8	42	40	46.1	45	51	47	36	0	0	0	0	1	0	0
+2016	12	28	42	47	45.3	41	49	44	58	0	0	0	0	0	0	1
+2016	7	7	69	76	74.4	73	77	74	72	0	0	0	0	1	0	0
+2016	12	15	40	39	45.3	45	49	47	46	0	0	0	0	1	0	0
+2016	5	31	64	71	67.3	63	72	68	85	0	0	0	0	0	1	0
+2016	1	20	54	48	47.7	44	52	49	61	0	0	0	0	0	0	1
+2016	8	10	73	72	77.0	77	78	77	68	0	0	0	0	0	0	1
+2016	3	23	56	57	54.7	50	58	55	70	0	0	0	0	0	0	1
+2016	12	24	45	40	45.1	44	47	46	39	0	0	1	0	0	0	0
+2016	1	19	50	54	47.6	47	49	48	53	0	0	0	0	0	1	0
+2016	11	6	65	58	53.2	52	57	55	71	0	0	0	1	0	0	0
+2016	10	29	60	65	55.3	55	59	55	65	0	0	1	0	0	0	0
+2016	2	1	48	47	48.8	46	49	49	51	0	1	0	0	0	0	0
+2016	12	12	44	44	45.6	43	50	45	42	0	1	0	0	0	0	0
+2016	5	30	64	64	67.1	64	70	66	69	0	1	0	0	0	0	0
+2016	10	23	59	62	57.1	57	58	59	67	0	0	0	1	0	0	0
+2016	9	30	68	66	65.7	64	67	65	74	1	0	0	0	0	0	0
+2016	9	12	77	70	71.8	67	73	73	90	0	1	0	0	0	0	0
+2016	11	17	55	50	50.5	46	51	50	57	0	0	0	0	1	0	0
+2016	3	3	58	55	51.8	49	54	50	71	0	0	0	0	1	0	0
+2016	11	21	57	55	49.5	46	51	49	67	0	1	0	0	0	0	0
+2016	4	24	64	65	60.1	57	61	60	41	0	0	0	1	0	0	0
+2016	5	20	64	63	65.6	63	70	64	73	1	0	0	0	0	0	0
+2016	1	7	44	51	46.2	45	49	46	38	0	0	0	0	1	0	0
+2016	9	24	67	64	68.0	65	71	66	64	0	0	1	0	0	0	0
+2016	8	30	79	75	74.6	74	76	75	63	0	0	0	0	0	1	0
+2016	1	11	50	52	46.7	42	48	48	39	0	1	0	0	0	0	0
+2016	6	9	85	67	68.6	66	73	69	80	0	0	0	0	1	0	0
+2016	9	22	67	68	68.7	65	70	69	56	0	0	0	0	1	0	0
+2016	3	25	53	54	55.0	53	57	57	42	1	0	0	0	0	0	0
+2016	10	24	62	62	56.8	52	61	57	70	0	1	0	0	0	0	0
+2016	7	16	77	76	76.1	76	78	75	61	0	0	1	0	0	0	0
+2016	7	1	74	73	73.1	71	75	72	93	1	0	0	0	0	0	0
+2016	11	18	50	52	50.3	50	53	50	35	1	0	0	0	0	0	0
+2016	9	3	75	70	73.9	71	75	73	68	0	0	1	0	0	0	0
+2016	8	2	73	77	77.4	75	80	79	62	0	0	0	0	0	1	0
+2016	4	5	69	60	56.6	52	58	56	72	0	0	0	0	0	1	0
+2016	3	13	55	52	53.3	50	55	53	54	0	0	0	1	0	0	0
+2016	4	9	77	76	57.2	53	61	57	74	0	0	1	0	0	0	0
+2016	5	26	66	66	66.5	64	70	65	85	0	0	0	0	1	0	0
+2016	10	10	68	57	61.8	58	64	61	62	0	1	0	0	0	0	0
+2016	4	10	76	66	57.4	57	60	57	60	0	0	0	1	0	0	0
+2016	3	12	56	55	53.1	52	58	53	65	0	0	1	0	0	0	0
+2016	1	24	57	48	48.1	46	50	48	54	0	0	0	1	0	0	0
+2016	2	7	53	49	49.2	46	51	48	63	0	0	0	1	0	0	0
+2016	5	27	66	65	66.7	64	67	68	73	1	0	0	0	0	0	0
+2016	3	11	55	56	53.0	53	53	51	36	1	0	0	0	0	0	0
+2016	10	22	62	59	57.4	56	59	58	44	0	0	1	0	0	0	0
+2016	5	8	77	82	63.2	62	65	63	83	0	0	0	1	0	0	0
+2016	5	29	64	64	67.0	65	71	65	76	0	0	0	1	0	0	0
+2016	12	13	44	43	45.5	41	47	46	46	0	0	0	0	0	1	0
+2016	11	8	61	63	52.7	49	57	52	49	0	0	0	0	0	1	0
+2016	6	20	65	70	70.6	67	71	70	79	0	1	0	0	0	0	0
+2016	11	9	63	71	52.4	48	56	52	42	0	0	0	0	0	0	1
+2016	7	3	76	76	73.5	69	76	75	85	0	0	0	1	0	0	0
+2016	12	16	39	39	45.3	44	49	44	39	1	0	0	0	0	0	0
+2016	9	16	79	71	70.7	70	74	71	52	1	0	0	0	0	0	0
+2016	6	25	68	69	71.7	68	73	73	89	0	0	1	0	0	0	0
+2016	9	13	70	74	71.5	71	75	70	82	0	0	0	0	0	1	0
+2016	5	12	75	81	64.1	62	67	63	81	0	0	0	0	1	0	0
+2016	2	8	49	51	49.3	49	52	50	34	0	1	0	0	0	0	0
+2016	7	4	76	71	73.8	71	76	73	86	0	1	0	0	0	0	0
+2016	4	25	65	55	60.3	56	64	61	77	0	1	0	0	0	0	0
+2016	8	12	76	80	76.9	72	79	77	81	1	0	0	0	0	0	0
+2016	9	21	71	67	69.0	65	70	70	76	0	0	0	0	0	0	1
+2016	4	30	64	61	61.4	60	65	62	78	0	0	1	0	0	0	0
+2016	12	5	49	46	46.6	43	50	45	65	0	1	0	0	0	0	0
+2016	12	19	35	39	45.1	42	46	45	51	0	1	0	0	0	0	0
+2016	11	29	48	52	47.8	43	48	47	50	0	0	0	0	0	1	0
+2016	9	14	74	75	71.2	67	75	73	77	0	0	0	0	0	0	1
+2016	9	6	68	68	73.3	73	76	75	79	0	0	0	0	0	1	0
+2016	6	6	81	92	68.2	65	70	67	71	0	1	0	0	0	0	0
+2016	1	3	45	44	45.8	43	46	47	56	0	0	0	1	0	0	0
+2016	4	28	60	61	61.0	56	65	62	73	0	0	0	0	1	0	0
+2016	11	5	65	65	53.4	49	58	52	41	0	0	1	0	0	0	0
+2016	9	7	68	68	73.0	72	78	71	70	0	0	0	0	0	0	1
+2016	5	3	77	87	62.1	62	66	64	69	0	0	0	0	0	1	0
+2016	10	31	65	117	54.8	51	59	56	62	0	1	0	0	0	0	0
+2016	7	18	72	80	76.4	75	77	75	66	0	1	0	0	0	0	0
+2016	11	15	55	57	51.0	47	54	51	46	0	0	0	0	0	1	0
+2016	5	10	63	67	63.6	61	66	64	68	0	0	0	0	0	1	0
+2016	3	18	53	58	54.0	51	57	54	56	1	0	0	0	0	0	0
+2016	10	26	61	65	56.2	53	57	57	41	0	0	0	0	0	0	1
+2016	1	30	56	52	48.6	45	51	48	47	0	0	1	0	0	0	0
+2016	3	27	57	59	55.3	52	58	55	39	0	0	0	1	0	0	0
+2016	11	3	57	57	53.9	53	54	54	35	0	0	0	0	1	0	0
+2016	4	20	89	81	59.2	56	63	61	66	0	0	0	0	0	0	1
+2016	7	24	71	75	77.1	76	78	78	75	0	0	0	1	0	0	0
+2016	7	31	88	76	77.4	76	78	79	95	0	0	0	1	0	0	0
+2016	5	16	65	57	64.8	61	65	65	53	0	1	0	0	0	0	0
+2016	7	6	68	69	74.2	72	76	75	86	0	0	0	0	0	0	1
+2016	9	27	76	77	66.8	66	67	68	64	0	0	0	0	0	1	0
+2016	2	16	58	55	49.9	47	54	51	55	0	0	0	0	0	1	0
+2016	3	9	53	54	52.7	48	56	54	57	0	0	0	0	0	0	1
+2016	11	14	59	55	51.2	49	53	53	42	0	1	0	0	0	0	0
+2016	3	29	51	56	55.6	53	59	54	45	0	0	0	0	0	1	0
+2016	7	8	76	68	74.6	72	79	75	77	1	0	0	0	0	0	0
+2016	3	14	52	54	53.4	49	58	55	44	0	1	0	0	0	0	0
+2016	6	11	65	67	69.0	69	72	71	87	0	0	1	0	0	0	0
+2016	1	29	57	56	48.5	48	52	47	49	1	0	0	0	0	0	0
+2016	9	28	77	69	66.5	66	68	66	62	0	0	0	0	0	0	1
+2016	5	14	77	82	64.5	64	66	66	65	0	0	1	0	0	0	0
+2016	8	14	87	90	76.7	75	78	78	65	0	0	0	1	0	0	0
+2016	2	23	51	51	50.7	49	53	51	43	0	0	0	0	0	1	0
+2016	6	30	79	74	72.8	71	76	72	87	0	0	0	0	1	0	0
+2016	7	26	80	85	77.2	73	79	76	74	0	0	0	0	0	1	0
+2016	5	6	60	68	62.8	61	64	61	64	1	0	0	0	0	0	0
+2016	2	11	62	56	49.5	46	53	50	37	0	0	0	0	1	0	0
+2016	4	2	73	71	56.2	55	58	58	45	0	0	1	0	0	0	0
+2016	10	16	60	62	59.5	57	60	59	40	0	0	0	1	0	0	0
+2016	7	28	79	83	77.3	76	80	78	76	0	0	0	0	1	0	0
+2016	5	19	71	64	65.4	62	68	67	56	0	0	0	0	1	0	0
+2016	1	27	54	56	48.4	45	51	49	54	0	0	0	0	0	0	1
+2016	12	25	40	41	45.1	42	49	44	31	0	0	0	1	0	0	0
+2016	5	24	66	65	66.2	66	71	66	67	0	0	0	0	0	1	0
+2016	1	5	41	40	46.0	46	46	46	41	0	0	0	0	0	1	0
+2016	1	1	45	45	45.6	43	50	44	29	1	0	0	0	0	0	0
+2016	11	26	52	52	48.4	48	50	47	58	0	0	1	0	0	0	0
+2016	11	12	64	63	51.7	50	52	52	63	0	0	1	0	0	0	0
+2016	4	13	58	60	57.9	55	62	56	77	0	0	0	0	0	0	1
+2016	8	23	84	81	75.7	73	78	77	89	0	0	0	0	0	1	0
+2016	7	14	77	75	75.8	74	76	77	77	0	0	0	0	1	0	0
+2016	11	13	63	59	51.4	48	56	50	64	0	0	0	1	0	0	0
+2016	8	9	72	73	77.1	77	80	79	94	0	0	0	0	0	1	0
+2016	4	16	59	60	58.5	56	60	59	59	0	0	1	0	0	0	0
+2016	6	23	73	75	71.3	68	72	71	56	0	0	0	0	1	0	0
+2016	4	11	66	59	57.6	56	60	58	40	0	1	0	0	0	0	0
+2016	2	6	49	53	49.1	47	53	49	56	0	0	1	0	0	0	0
+2016	8	6	80	79	77.2	76	81	79	60	0	0	1	0	0	0	0
+2016	3	5	59	57	52.1	49	53	51	46	0	0	1	0	0	0	0
+2016	6	2	79	75	67.6	64	71	67	77	0	0	0	0	1	0	0
+2016	2	2	47	46	48.8	48	50	50	56	0	0	0	0	0	1	0
+2016	7	22	82	81	76.9	72	77	76	70	1	0	0	0	0	0	0
+2016	11	24	54	49	48.9	47	53	48	29	0	0	0	0	1	0	0
+2016	1	28	56	57	48.4	44	52	48	34	0	0	0	0	1	0	0
+2016	10	18	60	60	58.8	54	60	57	53	0	0	0	0	0	1	0
+2016	6	14	70	66	69.5	66	71	69	85	0	0	0	0	0	1	0
+2016	11	11	65	64	51.9	50	53	52	55	1	0	0	0	0	0	0
+2016	3	6	57	64	52.2	52	53	51	49	0	0	0	1	0	0	0
+2016	5	18	60	71	65.2	61	68	65	56	0	0	0	0	0	0	1
+2016	5	11	67	75	63.8	62	68	63	60	0	0	0	0	0	0	1
+2016	3	8	60	53	52.5	48	56	51	70	0	0	0	0	0	1	0
+2016	1	15	55	49	47.1	46	51	46	65	1	0	0	0	0	0	0
+2016	6	8	86	85	68.5	67	70	69	81	0	0	0	0	0	0	1
+2016	2	10	57	62	49.4	48	50	49	30	0	0	0	0	0	0	1
+2016	12	3	46	50	47.0	42	52	47	58	0	0	1	0	0	0	0
+2016	10	27	65	58	55.9	51	60	55	39	0	0	0	0	1	0	0
+2016	8	7	79	72	77.2	74	78	77	95	0	0	0	1	0	0	0
+2016	11	16	57	55	50.7	50	51	49	34	0	0	0	0	0	0	1
+2016	9	10	72	74	72.3	70	77	74	91	0	0	1	0	0	0	0
+2016	7	29	83	85	77.3	77	80	79	77	1	0	0	0	0	0	0
+2016	12	1	52	52	47.4	44	48	49	39	0	0	0	0	1	0	0
+2016	9	25	64	67	67.6	64	72	67	62	0	0	0	1	0	0	0
+2016	12	23	49	45	45.1	45	49	44	35	1	0	0	0	0	0	0
+2016	12	2	52	46	47.2	46	51	49	41	1	0	0	0	0	0	0
+2016	10	13	62	66	60.6	60	62	60	57	0	0	0	0	1	0	0
+2016	7	23	81	71	77.0	75	81	76	86	0	0	1	0	0	0	0
+2016	6	13	65	70	69.3	66	72	69	79	0	1	0	0	0	0	0
+2016	2	15	55	58	49.9	46	52	49	53	0	1	0	0	0	0	0
+2016	8	8	72	72	77.1	76	78	77	65	0	1	0	0	0	0	0
+2016	7	12	74	74	75.4	74	77	77	71	0	0	0	0	0	1	0
+2016	10	3	63	65	64.5	63	68	65	49	0	1	0	0	0	0	0
+2016	4	18	68	77	58.8	55	59	57	39	0	1	0	0	0	0	0
+2016	2	25	60	59	50.9	49	51	49	35	0	0	0	0	1	0	0
+2016	1	2	44	45	45.7	41	50	44	61	0	0	1	0	0	0	0
+2016	2	21	51	53	50.5	49	54	52	46	0	0	0	1	0	0	0
+2016	3	24	57	53	54.9	54	56	56	72	0	0	0	0	1	0	0
+2016	7	27	85	79	77.3	73	78	79	79	0	0	0	0	0	0	1
+2016	2	4	51	49	49.0	44	54	51	44	0	0	0	0	1	0	0
+2016	4	4	63	69	56.5	54	59	56	45	0	1	0	0	0	0	0
+2016	2	24	51	60	50.8	47	53	50	46	0	0	0	0	0	0	1
+2016	10	8	63	64	62.5	60	65	61	73	0	0	1	0	0	0	0
+2016	9	15	75	79	71.0	66	76	69	64	0	0	0	0	1	0	0
+2016	1	14	49	55	47.0	43	47	46	58	0	0	0	0	1	0	0
+2016	4	1	68	73	56.0	54	59	55	41	1	0	0	0	0	0	0
+2016	5	17	57	60	65.0	62	65	65	55	0	0	0	0	0	1	0
+2016	12	18	35	35	45.2	44	46	46	36	0	0	0	1	0	0	0
+2016	9	17	71	75	70.3	66	73	70	84	0	0	1	0	0	0	0
+2016	2	26	59	61	51.1	48	56	53	65	1	0	0	0	0	0	0
+2016	12	30	48	48	45.4	44	46	44	42	1	0	0	0	0	0	0
+2016	7	9	68	74	74.9	70	79	76	60	0	0	1	0	0	0	0
+2016	2	20	53	51	50.4	48	55	51	43	0	0	1	0	0	0	0
+2016	9	9	67	72	72.6	68	77	71	78	1	0	0	0	0	0	0
+2016	9	26	67	76	67.2	64	69	69	74	0	1	0	0	0	0	0
+2016	1	22	52	52	47.9	47	48	48	60	1	0	0	0	0	0	0
+2016	11	27	52	53	48.2	48	49	49	53	0	0	0	1	0	0	0
+2016	10	20	61	58	58.1	58	59	58	43	0	0	0	0	1	0	0
+2016	7	13	74	77	75.6	74	78	76	56	0	0	0	0	0	0	1
+2016	11	7	58	61	52.9	51	56	51	35	0	1	0	0	0	0	0
+2016	10	1	66	67	65.3	64	70	64	54	0	0	1	0	0	0	0
+2016	11	22	55	54	49.3	46	54	49	58	0	0	0	0	0	1	0
+2016	6	1	71	79	67.4	65	69	66	58	0	0	0	0	0	0	1
+2016	6	3	75	71	67.7	64	71	66	55	1	0	0	0	0	0	0
+2016	3	31	64	68	55.9	55	59	56	56	0	0	0	0	1	0	0
+2016	12	14	43	40	45.4	45	48	45	49	0	0	0	0	0	0	1
+2016	8	5	75	80	77.3	75	81	78	71	1	0	0	0	0	0	0
+2016	5	4	87	74	62.3	59	65	64	61	0	0	0	0	0	0	1
+2016	12	31	48	57	45.5	42	48	47	57	0	0	1	0	0	0	0
+2016	1	21	48	52	47.8	43	51	46	57	0	0	0	0	1	0	0
+2016	7	10	74	71	75.1	71	77	76	95	0	0	0	1	0	0	0
+2016	3	15	54	49	53.6	49	58	52	70	0	0	0	0	0	1	0
+2016	4	19	77	89	59.0	59	63	59	61	0	0	0	0	0	1	0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/true_header.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/true_header.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,35 @@
+cancer
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+1
+1
+1
+1
+1
+0
+0
+1
+1
+0
+1
+1
+1
+1
+1
+1
+1
+0
+0
+0
+0
+0
+0
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/vectorizer_result01.mtx
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/vectorizer_result01.mtx	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,3788 @@
+%%MatrixMarket matrix coordinate real general
+%
+2 1048577 3785
+1 1450 0.01431896616372403
+1 1565 0.01370375121911989
+1 1889 0.02282816271614068
+1 1961 0.01205944593190492
+1 2759 0.01929331884718118
+1 2860 0.01370375121911989
+1 4053 0.01894755120823075
+1 4119 0.01370375121911989
+1 4727 0.01205944593190492
+1 6201 0.02791992442867134
+1 6714 0.02282816271614068
+1 7170 0.0127117721548238
+1 8116 0.02282816271614068
+1 9508 0.01370375121911989
+1 9758 0.01431896616372403
+1 9870 0.01431896616372403
+1 10078 0.05787995654154355
+1 10492 0.02791992442867134
+1 10495 0.02852128038707927
+1 12091 0.05210576582263455
+1 13013 0.01431896616372403
+1 13234 0.009507093462359758
+1 13829 0.0127117721548238
+1 14120 0.01861328295244756
+1 14517 0.02282816271614068
+1 15083 0.01431896616372403
+1 16177 0.01205944593190492
+1 16761 0.02282816271614068
+1 17410 0.01370375121911989
+1 17436 0.01431896616372403
+1 18255 0.02282816271614068
+1 18283 0.01205944593190492
+1 19133 0.02863793232744806
+1 19449 0.02282816271614068
+1 19510 0.01431896616372403
+1 20975 0.07579020483292298
+1 21531 0.01370375121911989
+1 22178 0.004736887802057686
+1 22283 0.01663440851737127
+1 22706 0.02740750243823978
+1 22715 0.01370375121911989
+1 23698 0.01205944593190492
+1 24190 0.01861328295244756
+1 24309 0.02282816271614068
+1 24541 0.01370375121911989
+1 25019 0.01205944593190492
+1 25500 0.01861328295244756
+1 26513 0.0127117721548238
+1 26569 0.01929331884718118
+1 27192 0.01431896616372403
+1 27389 0.02791992442867134
+1 27912 0.0127117721548238
+1 28011 0.02282816271614068
+1 29313 0.02495161277605691
+1 29735 0.03858663769436237
+1 30453 0.03326881703474255
+1 31110 0.02863793232744806
+1 31588 0.02740750243823978
+1 31963 0.01370375121911989
+1 31975 0.01929331884718118
+1 32413 0.01370375121911989
+1 33140 0.02791992442867134
+1 33433 0.01929331884718118
+1 33979 0.02495161277605691
+1 34275 0.01431896616372403
+1 35828 0.0127117721548238
+1 35928 0.01663440851737127
+1 36463 0.01929331884718118
+1 37218 0.01431896616372403
+1 37731 0.01929331884718118
+1 38358 0.01370375121911989
+1 39516 0.02147844924558604
+1 39526 0.01370375121911989
+1 39653 0.02282816271614068
+1 39705 0.01205944593190492
+1 39762 0.02542354430964759
+1 40007 0.006403636341921261
+1 40920 0.004736887802057686
+1 40975 0.0127117721548238
+1 41381 0.01370375121911989
+1 41399 0.01861328295244756
+1 41645 0.01929331884718118
+1 41800 0.02191386749905983
+1 42763 0.01370375121911989
+1 42946 0.01370375121911989
+1 43077 0.02282816271614068
+1 43474 0.01431896616372403
+1 43781 0.01901418692471952
+1 43937 0.02282816271614068
+1 44721 0.02282816271614068
+1 45315 0.01431896616372403
+1 45359 0.02282816271614068
+1 45447 0.02495161277605691
+1 45548 0.01929331884718118
+1 46264 0.01205944593190492
+1 46627 0.006403636341921261
+1 47125 0.01861328295244756
+1 48545 0.0127117721548238
+1 49094 0.01861328295244756
+1 49619 0.01370375121911989
+1 50271 0.01431896616372403
+1 50742 0.04026354631749034
+1 51430 0.01370375121911989
+1 52454 0.03177943038705949
+1 52548 0.02282816271614068
+1 52666 0.01370375121911989
+1 52833 0.003201818170960631
+1 54362 0.01431896616372403
+1 54371 0.01861328295244756
+1 56154 0.02411889186380985
+1 57027 0.01431896616372403
+1 57543 0.02282816271614068
+1 57633 0.02542354430964759
+1 58575 0.02863793232744806
+1 58806 0.02282816271614068
+1 58964 0.009473775604115373
+1 59388 0.02282816271614068
+1 59411 0.01370375121911989
+1 59679 0.0127117721548238
+1 60697 0.01205944593190492
+1 61808 0.01861328295244756
+1 63572 0.02740750243823978
+1 64006 0.01426064019353964
+1 64561 0.01205944593190492
+1 65197 0.01861328295244756
+1 65817 0.05720297469670708
+1 66479 0.02740750243823978
+1 66876 0.01861328295244756
+1 67128 0.03425937804779972
+1 68440 0.004736887802057686
+1 68573 0.004753546731179879
+1 70299 0.01370375121911989
+1 70576 0.02791992442867134
+1 71207 0.01929331884718118
+1 71899 0.01861328295244756
+1 72251 0.01370375121911989
+1 72260 0.01431896616372403
+1 72351 0.02282816271614068
+1 73005 0.02411889186380985
+1 73634 0.01370375121911989
+1 75365 0.01929331884718118
+1 75637 0.01861328295244756
+1 75685 0.01663440851737127
+1 76187 0.0127117721548238
+1 76858 0.01370375121911989
+1 77048 0.01370375121911989
+1 78590 0.01861328295244756
+1 79120 0.02282816271614068
+1 79358 0.01205944593190492
+1 79429 0.01929331884718118
+1 79445 0.01901418692471952
+1 80087 0.01894755120823075
+1 80673 0.02282816271614068
+1 80855 0.0127117721548238
+1 80857 0.02282816271614068
+1 80905 0.004753546731179879
+1 81722 0.03014861482976231
+1 82201 0.02282816271614068
+1 82271 0.01370375121911989
+1 83753 0.01431896616372403
+1 84117 0.01861328295244756
+1 84237 0.0127117721548238
+1 84693 0.02147844924558604
+1 84759 0.01929331884718118
+1 84903 0.02282816271614068
+1 85626 0.01431896616372403
+1 86660 0.02282816271614068
+1 86726 0.01861328295244756
+1 88211 0.02863793232744806
+1 88664 0.01861328295244756
+1 89756 0.02282816271614068
+1 90021 0.02282816271614068
+1 90120 0.01370375121911989
+1 90183 0.01431896616372403
+1 91282 0.02740750243823978
+1 91661 0.01861328295244756
+1 92150 0.00930664147622378
+1 92647 0.0127117721548238
+1 92669 0.01370375121911989
+1 92910 0.02740750243823978
+1 93065 0.01205944593190492
+1 93406 0.01205944593190492
+1 93417 0.01861328295244756
+1 93712 0.02740750243823978
+1 93832 0.02542354430964759
+1 94188 0.01370375121911989
+1 96472 0.03425937804779972
+1 96716 0.01370375121911989
+1 97297 0.007159483081862014
+1 97508 0.0127117721548238
+1 98059 0.02055562682867983
+1 98487 0.02282816271614068
+1 98899 0.01205944593190492
+1 101157 0.01663440851737127
+1 101208 0.01861328295244756
+1 103424 0.01431896616372403
+1 104706 0.02282816271614068
+1 104938 0.01861328295244756
+1 105358 0.02147844924558604
+1 105948 0.02863793232744806
+1 106156 0.00930664147622378
+1 106509 0.02282816271614068
+1 106882 0.01431896616372403
+1 109504 0.01431896616372403
+1 110789 0.02791992442867134
+1 111143 0.01929331884718118
+1 111163 0.01861328295244756
+1 111601 0.01370375121911989
+1 111967 0.02791992442867134
+1 113849 0.1248709086674646
+1 114678 0.02791992442867134
+1 117854 0.07843352106446801
+1 118102 0.02147844924558604
+1 119005 0.01663440851737127
+1 119191 0.02863793232744806
+1 119278 0.01861328295244756
+1 120259 0.01370375121911989
+1 121062 0.02282816271614068
+1 121115 0.02791992442867134
+1 121543 0.05426750669357217
+1 121613 0.02147844924558604
+1 122073 0.02282816271614068
+1 122233 0.02282816271614068
+1 122281 0.01431896616372403
+1 123115 0.02282816271614068
+1 124374 0.02282816271614068
+1 125247 0.01808916889785739
+1 126866 0.02791992442867134
+1 126952 0.01663440851737127
+1 127479 0.01370375121911989
+1 127498 0.0127117721548238
+1 127834 0.02791992442867134
+1 129069 0.01205944593190492
+1 129403 0.02282816271614068
+1 129468 0.01370375121911989
+1 129759 0.02863793232744806
+1 129911 0.1022647149956125
+1 131871 0.01663440851737127
+1 132030 0.01431896616372403
+1 132381 0.0127117721548238
+1 133677 0.02411889186380985
+1 134266 0.01370375121911989
+1 134487 0.01861328295244756
+1 134551 0.02495161277605691
+1 135077 0.02740750243823978
+1 135267 0.02191386749905983
+1 136117 0.01861328295244756
+1 136650 0.02791992442867134
+1 136976 0.01431896616372403
+1 137854 0.01929331884718118
+1 138050 0.01663440851737127
+1 138618 0.02055562682867983
+1 138850 0.02282816271614068
+1 139565 0.02791992442867134
+1 140648 0.01663440851737127
+1 141120 0.02282816271614068
+1 141330 0.02791992442867134
+1 141425 0.02411889186380985
+1 141435 0.02147844924558604
+1 141605 0.03802837384943903
+1 142118 0.02791992442867134
+1 142205 0.01431896616372403
+1 142647 0.01370375121911989
+1 142893 0.02791992442867134
+1 143936 0.01861328295244756
+1 146647 0.01663440851737127
+1 146708 0.01370375121911989
+1 146754 0.02282816271614068
+1 147558 0.02740750243823978
+1 147957 0.02147844924558604
+1 148655 0.01431896616372403
+1 150075 0.02282816271614068
+1 151395 0.01861328295244756
+1 151579 0.0482377837276197
+1 153795 0.01663440851737127
+1 154004 0.01370375121911989
+1 154338 0.01431896616372403
+1 154412 0.02863793232744806
+1 154728 0.02411889186380985
+1 155261 0.01370375121911989
+1 155628 0.01861328295244756
+1 156173 0.02921848999874644
+1 156548 0.02282816271614068
+1 156833 0.02561454536768504
+1 158180 0.01431896616372403
+1 158242 0.02282816271614068
+1 158855 0.01929331884718118
+1 160925 0.01929331884718118
+1 160978 0.01370375121911989
+1 161313 0.02542354430964759
+1 162025 0.02495161277605691
+1 162274 0.01370375121911989
+1 163115 0.02282816271614068
+1 163623 0.01861328295244756
+1 164325 0.01370375121911989
+1 165135 0.01370375121911989
+1 165446 0.03425937804779972
+1 166529 0.01370375121911989
+1 166972 0.03425937804779972
+1 167743 0.01370375121911989
+1 168709 0.01861328295244756
+1 169192 0.02282816271614068
+1 169561 0.01861328295244756
+1 169919 0.02411889186380985
+1 170836 0.02282816271614068
+1 171841 0.0127117721548238
+1 172016 0.004753546731179879
+1 172064 0.04220806076166723
+1 172213 0.01370375121911989
+1 173141 0.02495161277605691
+1 173803 0.0482377837276197
+1 173845 0.004736887802057686
+1 174166 0.01370375121911989
+1 174805 0.02282816271614068
+1 174954 0.01431896616372403
+1 175014 0.01431896616372403
+1 175877 0.01431896616372403
+1 176466 0.01370375121911989
+1 176979 0.01861328295244756
+1 177175 0.0127117721548238
+1 177416 0.01861328295244756
+1 178349 0.01370375121911989
+1 178977 0.01431896616372403
+1 179452 0.01431896616372403
+1 180178 0.01370375121911989
+1 180885 0.03858663769436237
+1 181003 0.0127117721548238
+1 183304 0.01861328295244756
+1 183582 0.01861328295244756
+1 183796 0.01431896616372403
+1 183859 0.01431896616372403
+1 184153 0.02282816271614068
+1 184797 0.01370375121911989
+1 184838 0.02282816271614068
+1 184846 0.02863793232744806
+1 185507 0.01861328295244756
+1 185842 0.01431896616372403
+1 186516 0.01370375121911989
+1 186765 0.02561454536768504
+1 187533 0.01205944593190492
+1 188146 0.01431896616372403
+1 188359 0.01861328295244756
+1 188578 0.02791992442867134
+1 189199 0.02561454536768504
+1 189809 0.01431896616372403
+1 190016 0.01370375121911989
+1 190250 0.006851875609559945
+1 191326 0.01370375121911989
+1 191804 0.01929331884718118
+1 192199 0.01370375121911989
+1 192236 0.01431896616372403
+1 193578 0.01370375121911989
+1 194755 0.02495161277605691
+1 195301 0.01861328295244756
+1 195697 0.01370375121911989
+1 195792 0.03425937804779972
+1 196492 0.01929331884718118
+1 196781 0.01205944593190492
+1 197227 0.01861328295244756
+1 197230 0.01431896616372403
+1 197773 0.01861328295244756
+1 200634 0.01370375121911989
+1 202134 0.01205944593190492
+1 202228 0.004753546731179879
+1 202617 0.02740750243823978
+1 204426 0.02282816271614068
+1 205133 0.01861328295244756
+1 206024 0.04278192058061891
+1 206369 0.01431896616372403
+1 206674 0.01370375121911989
+1 206811 0.01929331884718118
+1 209165 0.01929331884718118
+1 209641 0.01431896616372403
+1 209936 0.01663440851737127
+1 210274 0.01861328295244756
+1 211061 0.02791992442867134
+1 211750 0.01370375121911989
+1 212405 0.01205944593190492
+1 212754 0.02863793232744806
+1 213207 0.02740750243823978
+1 213263 0.006029722965952462
+1 214254 0.0127117721548238
+1 214398 0.02740750243823978
+1 214615 0.01663440851737127
+1 215486 0.04111125365735967
+1 216417 0.01205944593190492
+1 216761 0.02282816271614068
+1 217358 0.01205944593190492
+1 217645 0.01663440851737127
+1 218184 0.01431896616372403
+1 218203 0.0127117721548238
+1 218789 0.02282816271614068
+1 218991 0.02282816271614068
+1 219534 0.01861328295244756
+1 220068 0.01431896616372403
+1 222567 0.01663440851737127
+1 223125 0.01929331884718118
+1 223505 0.01861328295244756
+1 224839 0.01370375121911989
+1 224863 0.02561454536768504
+1 228624 0.01861328295244756
+1 229418 0.0127117721548238
+1 229615 0.01861328295244756
+1 230931 0.02863793232744806
+1 233751 0.02282816271614068
+1 233975 0.01370375121911989
+1 234783 0.01205944593190492
+1 235071 0.01431896616372403
+1 235833 0.01370375121911989
+1 236223 0.01431896616372403
+1 239147 0.02282816271614068
+1 239163 0.01431896616372403
+1 239660 0.01861328295244756
+1 240985 0.01370375121911989
+1 241053 0.03579741540931007
+1 241364 0.009473775604115373
+1 241990 0.02740750243823978
+1 242321 0.02282816271614068
+1 242926 0.01663440851737127
+1 243024 0.07485483832817073
+1 243701 0.02542354430964759
+1 244205 0.006403636341921261
+1 244218 0.01861328295244756
+1 245636 0.05704256077415855
+1 247463 0.02791992442867134
+1 248595 0.01861328295244756
+1 248983 0.01431896616372403
+1 249229 0.01663440851737127
+1 249275 0.01929331884718118
+1 249707 0.02791992442867134
+1 250435 0.01205944593190492
+1 250901 0.01370375121911989
+1 251201 0.03425937804779972
+1 251886 0.01431896616372403
+1 252079 0.02740750243823978
+1 253233 0.02282816271614068
+1 255652 0.02863793232744806
+1 256843 0.0127117721548238
+1 257136 0.02282816271614068
+1 257218 0.01370375121911989
+1 258709 0.01205944593190492
+1 259377 0.01431896616372403
+1 259515 0.02495161277605691
+1 259741 0.002376773365589939
+1 260335 0.02282816271614068
+1 261723 0.01205944593190492
+1 262259 0.01929331884718118
+1 262609 0.02282816271614068
+1 263399 0.03858663769436237
+1 264056 0.02740750243823978
+1 264921 0.03014861482976231
+1 266206 0.01431896616372403
+1 266379 0.01663440851737127
+1 266693 0.02282816271614068
+1 266830 0.01205944593190492
+1 268386 0.01370375121911989
+1 269409 0.03014861482976231
+1 271641 0.01370375121911989
+1 272472 0.01431896616372403
+1 272708 0.02411889186380985
+1 273445 0.01431896616372403
+1 273555 0.08965090878689766
+1 273846 0.01431896616372403
+1 274215 0.02282816271614068
+1 274591 0.02495161277605691
+1 274746 0.02842132681234612
+1 275061 0.01929331884718118
+1 275802 0.0127117721548238
+1 276174 0.02282816271614068
+1 276924 0.01431896616372403
+1 278393 0.02542354430964759
+1 279328 0.006403636341921261
+1 280153 0.02282816271614068
+1 281403 0.01431896616372403
+1 281680 0.01431896616372403
+1 282367 0.01663440851737127
+1 283688 0.03089805375266921
+1 285400 0.03014861482976231
+1 285779 0.007304622499686609
+1 285781 0.01861328295244756
+1 285819 0.01431896616372403
+1 286625 0.02282816271614068
+1 288997 0.01929331884718118
+1 289100 0.02542354430964759
+1 289751 0.02282816271614068
+1 290579 0.02411889186380985
+1 291271 0.01861328295244756
+1 291521 0.02791992442867134
+1 291752 0.01861328295244756
+1 292280 0.01205944593190492
+1 292489 0.0127117721548238
+1 292587 0.02842132681234612
+1 293311 0.02411889186380985
+1 294223 0.02282816271614068
+1 294716 0.01861328295244756
+1 294754 0.02147844924558604
+1 295159 0.01370375121911989
+1 298735 0.02282816271614068
+1 298763 0.0663269526254771
+1 299085 0.01205944593190492
+1 299425 0.02282816271614068
+1 300074 0.02282816271614068
+1 301537 0.01205944593190492
+1 301591 0.004736887802057686
+1 303240 0.01663440851737127
+1 303522 0.02863793232744806
+1 303857 0.01370375121911989
+1 304775 0.01205944593190492
+1 305297 0.02055562682867983
+1 305722 0.01370375121911989
+1 307182 0.0127117721548238
+1 308311 0.01663440851737127
+1 309324 0.01370375121911989
+1 309827 0.01370375121911989
+1 310126 0.02282816271614068
+1 310491 0.01663440851737127
+1 311309 0.01663440851737127
+1 311536 0.02282816271614068
+1 312066 0.02740750243823978
+1 312563 0.01861328295244756
+1 312627 0.01205944593190492
+1 312927 0.01370375121911989
+1 314036 0.01370375121911989
+1 314668 0.02542354430964759
+1 315147 0.00930664147622378
+1 317063 0.02282816271614068
+1 317639 0.02740750243823978
+1 318547 0.01861328295244756
+1 320265 0.01663440851737127
+1 320967 0.01929331884718118
+1 321099 0.01663440851737127
+1 321610 0.007159483081862014
+1 321902 0.02191386749905983
+1 322760 0.01861328295244756
+1 322837 0.03326881703474255
+1 322967 0.02791992442867134
+1 324228 0.02863793232744806
+1 324395 0.02282816271614068
+1 325096 0.02282816271614068
+1 325856 0.02863793232744806
+1 326118 0.01861328295244756
+1 326597 0.01431896616372403
+1 326658 0.02282816271614068
+1 326778 0.02495161277605691
+1 328046 0.01370375121911989
+1 328620 0.01370375121911989
+1 329418 0.02282816271614068
+1 329458 0.01431896616372403
+1 330243 0.006851875609559945
+1 331433 0.02740750243823978
+1 332057 0.01861328295244756
+1 332667 0.01921090902576379
+1 332985 0.01370375121911989
+1 333604 0.01431896616372403
+1 334154 0.02863793232744806
+1 334941 0.01861328295244756
+1 335067 0.0127117721548238
+1 335280 0.01663440851737127
+1 336177 0.01431896616372403
+1 337652 0.01861328295244756
+1 338304 0.02055562682867983
+1 339294 0.03617833779571478
+1 339455 0.02791992442867134
+1 341066 0.01431896616372403
+1 341681 0.01663440851737127
+1 342229 0.02740750243823978
+1 342890 0.01861328295244756
+1 342993 0.01861328295244756
+1 343731 0.01370375121911989
+1 343735 0.02282816271614068
+1 344042 0.01861328295244756
+1 344248 0.01431896616372403
+1 344641 0.01431896616372403
+1 344913 0.02147844924558604
+1 345542 0.02791992442867134
+1 345589 0.02740750243823978
+1 346795 0.09496009249592592
+1 347370 0.01431896616372403
+1 347624 0.02282816271614068
+1 347635 0.01370375121911989
+1 348217 0.02282816271614068
+1 348585 0.01861328295244756
+1 348871 0.01431896616372403
+1 349801 0.01205944593190492
+1 350484 0.01370375121911989
+1 350500 0.01431896616372403
+1 350799 0.02282816271614068
+1 350800 0.09947464384321142
+1 350832 0.01370375121911989
+1 351048 0.02055562682867983
+1 352137 0.02791992442867134
+1 352576 0.01205944593190492
+1 354008 0.02791992442867134
+1 354157 0.01929331884718118
+1 354451 0.0127117721548238
+1 354489 0.03858663769436237
+1 354559 0.02740750243823978
+1 355227 0.01370375121911989
+1 356922 0.01861328295244756
+1 357237 0.01929331884718118
+1 357320 0.02791992442867134
+1 357854 0.02740750243823978
+1 358193 0.01929331884718118
+1 358919 0.01370375121911989
+1 359374 0.01663440851737127
+1 359812 0.02282816271614068
+1 360019 0.0127117721548238
+1 360230 0.02863793232744806
+1 360737 0.02282816271614068
+1 360780 0.02282816271614068
+1 361829 0.03652311249843305
+1 362225 0.01370375121911989
+1 362356 0.0127117721548238
+1 362705 0.02791992442867134
+1 362857 0.1231590828534998
+1 364103 0.01205944593190492
+1 364616 0.0127117721548238
+1 366261 0.01205944593190492
+1 366504 0.0127117721548238
+1 367130 0.01205944593190492
+1 367497 0.02542354430964759
+1 368023 0.02863793232744806
+1 368458 0.01370375121911989
+1 369596 0.02282816271614068
+1 370800 0.02495161277605691
+1 371564 0.02863793232744806
+1 371796 0.01861328295244756
+1 372021 0.01906765823223569
+1 372511 0.02282816271614068
+1 373594 0.01906765823223569
+1 373799 0.02282816271614068
+1 374066 0.03425937804779972
+1 374276 0.02282816271614068
+1 374371 0.03177943038705949
+1 374535 0.01929331884718118
+1 374551 0.03789510241646149
+1 375064 0.02282816271614068
+1 375223 0.01861328295244756
+1 375487 0.004753546731179879
+1 375839 0.02282816271614068
+1 378562 0.0127117721548238
+1 378816 0.01431896616372403
+1 379593 0.01906765823223569
+1 379700 0.01861328295244756
+1 380001 0.01205944593190492
+1 380504 0.01431896616372403
+1 380903 0.01370375121911989
+1 381027 0.01929331884718118
+1 381251 0.0127117721548238
+1 381326 0.02282816271614068
+1 381767 0.02282816271614068
+1 382003 0.01431896616372403
+1 382219 0.01431896616372403
+1 382878 0.02863793232744806
+1 383251 0.01370375121911989
+1 383717 0.02542354430964759
+1 383809 0.01861328295244756
+1 384538 0.01205944593190492
+1 384555 0.02282816271614068
+1 384751 0.02282816271614068
+1 385715 0.01205944593190492
+1 386440 0.01370375121911989
+1 386694 0.01431896616372403
+1 386837 0.01431896616372403
+1 387163 0.0127117721548238
+1 387674 0.01929331884718118
+1 388461 0.01929331884718118
+1 388810 0.01370375121911989
+1 389254 0.01861328295244756
+1 389583 0.02282816271614068
+1 389911 0.02282816271614068
+1 391054 0.01921090902576379
+1 391188 0.01861328295244756
+1 391640 0.009473775604115373
+1 391729 0.02282816271614068
+1 392104 0.01431896616372403
+1 393865 0.01370375121911989
+1 393871 0.008317204258685637
+1 394259 0.02411889186380985
+1 394535 0.02282816271614068
+1 394971 0.01929331884718118
+1 395163 0.01663440851737127
+1 395220 0.02147844924558604
+1 395286 0.02411889186380985
+1 396304 0.01431896616372403
+1 396376 0.01861328295244756
+1 397417 0.01370375121911989
+1 397511 0.01370375121911989
+1 397741 0.01205944593190492
+1 398081 0.02282816271614068
+1 398392 0.03579741540931007
+1 400689 0.02282816271614068
+1 401145 0.02282816271614068
+1 401833 0.01861328295244756
+1 402051 0.03327482711825915
+1 402138 0.03425937804779972
+1 402286 0.01370375121911989
+1 402865 0.01929331884718118
+1 404291 0.01663440851737127
+1 405010 0.03858663769436237
+1 406087 0.01929331884718118
+1 407591 0.02282816271614068
+1 407751 0.02791992442867134
+1 407865 0.02282816271614068
+1 408537 0.02282816271614068
+1 409126 0.02740750243823978
+1 409413 0.01894755120823075
+1 409777 0.01431896616372403
+1 410955 0.01370375121911989
+1 411904 0.01861328295244756
+1 412880 0.01663440851737127
+1 413310 0.02282816271614068
+1 413831 0.04990322555211382
+1 413833 0.01205944593190492
+1 414796 0.01861328295244756
+1 414949 0.01370375121911989
+1 417099 0.01861328295244756
+1 417784 0.01861328295244756
+1 417792 0.02740750243823978
+1 419302 0.0127117721548238
+1 419434 0.01431896616372403
+1 419563 0.01929331884718118
+1 420276 0.01370375121911989
+1 421305 0.02147844924558604
+1 421524 0.02282816271614068
+1 421637 0.02147844924558604
+1 423196 0.007159483081862014
+1 423226 0.01861328295244756
+1 423855 0.01431896616372403
+1 424081 0.01663440851737127
+1 424853 0.01663440851737127
+1 424926 0.01370375121911989
+1 425145 0.02282816271614068
+1 426273 0.01861328295244756
+1 427482 0.01431896616372403
+1 428738 0.02282816271614068
+1 430433 0.01663440851737127
+1 430588 0.01370375121911989
+1 430719 0.02282816271614068
+1 432009 0.0127117721548238
+1 432900 0.01370375121911989
+1 433579 0.01431896616372403
+1 433580 0.01431896616372403
+1 433703 0.03858663769436237
+1 433799 0.01431896616372403
+1 434787 0.01861328295244756
+1 435563 0.02863793232744806
+1 435799 0.02282816271614068
+1 436398 0.02740750243823978
+1 436960 0.01861328295244756
+1 437372 0.02791992442867134
+1 437949 0.02791992442867134
+1 438783 0.01431896616372403
+1 438918 0.004753546731179879
+1 439437 0.01663440851737127
+1 439494 0.02740750243823978
+1 440630 0.01861328295244756
+1 441779 0.02368443901028843
+1 442049 0.0127117721548238
+1 442111 0.02495161277605691
+1 442639 0.01431896616372403
+1 443531 0.01370375121911989
+1 444007 0.02282816271614068
+1 444607 0.01861328295244756
+1 445400 0.004736887802057686
+1 445700 0.02055562682867983
+1 446103 0.02282816271614068
+1 446153 0.02282816271614068
+1 446209 0.01929331884718118
+1 447344 0.02863793232744806
+1 447797 0.02282816271614068
+1 447983 0.0127117721548238
+1 448432 0.02863793232744806
+1 449363 0.0127117721548238
+1 450291 0.01861328295244756
+1 451049 0.01370375121911989
+1 451111 0.01929331884718118
+1 451937 0.02740750243823978
+1 453250 0.01205944593190492
+1 454179 0.01370375121911989
+1 455513 0.01906765823223569
+1 455686 0.02791992442867134
+1 455894 0.007159483081862014
+1 456071 0.02495161277605691
+1 456657 0.0127117721548238
+1 456962 0.01426064019353964
+1 458947 0.01663440851737127
+1 459205 0.01663440851737127
+1 459212 0.01370375121911989
+1 459526 0.01431896616372403
+1 460259 0.01929331884718118
+1 461570 0.02147844924558604
+1 462159 0.02282816271614068
+1 462364 0.02495161277605691
+1 462561 0.02147844924558604
+1 462608 0.01205944593190492
+1 463352 0.0127117721548238
+1 464481 0.01370375121911989
+1 466438 0.01426064019353964
+1 466571 0.004736887802057686
+1 467139 0.01431896616372403
+1 468324 0.0127117721548238
+1 469367 0.01861328295244756
+1 469551 0.02282816271614068
+1 470008 0.01370375121911989
+1 470853 0.02863793232744806
+1 471169 0.02542354430964759
+1 472578 0.01205944593190492
+1 472853 0.02740750243823978
+1 473999 0.02740750243823978
+1 474473 0.01663440851737127
+1 474767 0.01431896616372403
+1 474936 0.01431896616372403
+1 475970 0.07627063292894277
+1 475998 0.01861328295244756
+1 476119 0.02282816271614068
+1 476647 0.02411889186380985
+1 477443 0.0331582146144038
+1 478461 0.01431896616372403
+1 479141 0.01370375121911989
+1 480409 0.02863793232744806
+1 480551 0.01861328295244756
+1 482638 0.02542354430964759
+1 482932 0.0127117721548238
+1 484147 0.03579741540931007
+1 484832 0.01370375121911989
+1 485025 0.02282816271614068
+1 485083 0.02282816271614068
+1 485190 0.01431896616372403
+1 486298 0.01861328295244756
+1 488279 0.01861328295244756
+1 488347 0.01431896616372403
+1 489714 0.01205944593190492
+1 489840 0.01861328295244756
+1 490082 0.03425937804779972
+1 491068 0.01431896616372403
+1 491173 0.01861328295244756
+1 491655 0.0127117721548238
+1 491943 0.02282816271614068
+1 492687 0.002368443901028843
+1 493137 0.01431896616372403
+1 493281 0.02740750243823978
+1 493657 0.01663440851737127
+1 494584 0.01861328295244756
+1 495929 0.01861328295244756
+1 495981 0.01431896616372403
+1 496345 0.03617833779571478
+1 497002 0.02282816271614068
+1 497483 0.01861328295244756
+1 497867 0.01906765823223569
+1 498160 0.01861328295244756
+1 498489 0.01370375121911989
+1 498936 0.01370375121911989
+1 499200 0.0127117721548238
+1 499262 0.01205944593190492
+1 499283 0.01431896616372403
+1 500160 0.01370375121911989
+1 500206 0.01431896616372403
+1 500985 0.02282816271614068
+1 501317 0.03858663769436237
+1 502355 0.01906765823223569
+1 504150 0.02791992442867134
+1 505418 0.01861328295244756
+1 505474 0.0127117721548238
+1 506286 0.02740750243823978
+1 507082 0.01431896616372403
+1 507537 0.02542354430964759
+1 507692 0.02139096029030945
+1 508811 0.01205944593190492
+1 508960 0.01370375121911989
+1 509120 0.02791992442867134
+1 511339 0.02411889186380985
+1 513975 0.01370375121911989
+1 514175 0.0127117721548238
+1 515429 0.01370375121911989
+1 515661 0.01929331884718118
+1 515907 0.01431896616372403
+1 516634 0.02561454536768504
+1 516710 0.02282816271614068
+1 516962 0.01431896616372403
+1 517217 0.02282816271614068
+1 517550 0.01370375121911989
+1 518346 0.01929331884718118
+1 519384 0.01431896616372403
+1 520574 0.02740750243823978
+1 520742 0.01663440851737127
+1 521295 0.02282816271614068
+1 521815 0.02282816271614068
+1 521977 0.02282816271614068
+1 523541 0.03858663769436237
+1 524129 0.01370375121911989
+1 524467 0.02282816271614068
+1 524698 0.02863793232744806
+1 525068 0.01431896616372403
+1 525114 0.01663440851737127
+1 525242 0.01205944593190492
+1 526405 0.02282816271614068
+1 526631 0.01929331884718118
+1 526946 0.01663440851737127
+1 527398 0.01663440851737127
+1 527459 0.01929331884718118
+1 527700 0.02740750243823978
+1 527924 0.01431896616372403
+1 529053 0.0127117721548238
+1 529667 0.01861328295244756
+1 531603 0.01431896616372403
+1 531908 0.009473775604115373
+1 532371 0.02791992442867134
+1 532864 0.01861328295244756
+1 533020 0.02791992442867134
+1 534950 0.01370375121911989
+1 536468 0.02740750243823978
+1 538243 0.02863793232744806
+1 538530 0.01861328295244756
+1 538777 0.01370375121911989
+1 540474 0.0127117721548238
+1 540946 0.01370375121911989
+1 541257 0.01906765823223569
+1 541542 0.006029722965952462
+1 542303 0.01663440851737127
+1 542717 0.01205944593190492
+1 543072 0.01861328295244756
+1 543759 0.01370375121911989
+1 544378 0.01431896616372403
+1 544482 0.01370375121911989
+1 544493 0.02542354430964759
+1 545007 0.02282816271614068
+1 545012 0.02863793232744806
+1 546151 0.01370375121911989
+1 546230 0.01205944593190492
+1 547267 0.01370375121911989
+1 548529 0.01205944593190492
+1 548733 0.01663440851737127
+1 548907 0.0127117721548238
+1 549041 0.02282816271614068
+1 549908 0.01663440851737127
+1 550009 0.02055562682867983
+1 550139 0.0127117721548238
+1 550585 0.02282816271614068
+1 552304 0.01370375121911989
+1 552330 0.01663440851737127
+1 552480 0.01431896616372403
+1 552680 0.01370375121911989
+1 553493 0.01205944593190492
+1 553810 0.01431896616372403
+1 554119 0.01929331884718118
+1 554556 0.006851875609559945
+1 554632 0.01861328295244756
+1 554848 0.01921090902576379
+1 555212 0.01205944593190492
+1 555913 0.02863793232744806
+1 556466 0.01861328295244756
+1 556469 0.01426064019353964
+1 557352 0.0127117721548238
+1 557409 0.02282816271614068
+1 557524 0.01370375121911989
+1 558042 0.02055562682867983
+1 558802 0.02791992442867134
+1 559064 0.02282816271614068
+1 559604 0.02791992442867134
+1 559683 0.01370375121911989
+1 559724 0.01929331884718118
+1 559781 0.01431896616372403
+1 561463 0.01861328295244756
+1 561899 0.0127117721548238
+1 562364 0.01861328295244756
+1 563641 0.02282816271614068
+1 564379 0.02863793232744806
+1 564626 0.01370375121911989
+1 566905 0.0127117721548238
+1 567100 0.02740750243823978
+1 567941 0.01663440851737127
+1 567997 0.01205944593190492
+1 569596 0.01431896616372403
+1 569635 0.01370375121911989
+1 571250 0.02282816271614068
+1 571843 0.004753546731179879
+1 572240 0.02542354430964759
+1 572401 0.02863793232744806
+1 573277 0.0127117721548238
+1 574219 0.01431896616372403
+1 575175 0.02863793232744806
+1 576019 0.0127117721548238
+1 576146 0.01370375121911989
+1 576353 0.0127117721548238
+1 576681 0.02740750243823978
+1 576861 0.01431896616372403
+1 577413 0.01861328295244756
+1 577813 0.01861328295244756
+1 577859 0.02055562682867983
+1 578488 0.02282816271614068
+1 578535 0.02863793232744806
+1 578849 0.02282816271614068
+1 580570 0.02740750243823978
+1 580669 0.02791992442867134
+1 582828 0.01861328295244756
+1 583732 0.01861328295244756
+1 583746 0.08765546999623931
+1 583994 0.02282816271614068
+1 584763 0.08765546999623931
+1 585083 0.02282816271614068
+1 585127 0.02282816271614068
+1 586390 0.01370375121911989
+1 586911 0.01370375121911989
+1 586954 0.02863793232744806
+1 587435 0.04990322555211382
+1 587505 0.02282816271614068
+1 587593 0.01370375121911989
+1 588426 0.01205944593190492
+1 588885 0.02740750243823978
+1 589398 0.02147844924558604
+1 590266 0.02863793232744806
+1 590800 0.02863793232744806
+1 590865 0.007304622499686609
+1 591139 0.02495161277605691
+1 591289 0.01431896616372403
+1 592437 0.01205944593190492
+1 593176 0.03425937804779972
+1 593505 0.01431896616372403
+1 594441 0.01205944593190492
+1 594557 0.01370375121911989
+1 594775 0.04802727256440946
+1 594779 0.0127117721548238
+1 595651 0.02282816271614068
+1 595803 0.1330993084730366
+1 596491 0.01431896616372403
+1 596952 0.02542354430964759
+1 596957 0.01861328295244756
+1 597259 0.01370375121911989
+1 597645 0.01205944593190492
+1 597708 0.01431896616372403
+1 597738 0.01431896616372403
+1 598129 0.01370375121911989
+1 598195 0.01431896616372403
+1 598774 0.01894755120823075
+1 598908 0.0127117721548238
+1 599367 0.0127117721548238
+1 599445 0.02863793232744806
+1 600226 0.01421066340617306
+1 600443 0.01808916889785739
+1 600969 0.02791992442867134
+1 602065 0.01861328295244756
+1 603686 0.01431896616372403
+1 603746 0.02542354430964759
+1 604022 0.04263199021851918
+1 604967 0.01808916889785739
+1 605156 0.01663440851737127
+1 605225 0.02368443901028843
+1 605390 0.02791992442867134
+1 605457 0.02740750243823978
+1 606540 0.02411889186380985
+1 606704 0.0127117721548238
+1 607012 0.02147844924558604
+1 607497 0.02921848999874644
+1 608010 0.02740750243823978
+1 608107 0.01431896616372403
+1 608257 0.01431896616372403
+1 608545 0.01663440851737127
+1 608553 0.01431896616372403
+1 608561 0.01370375121911989
+1 608785 0.03425937804779972
+1 609253 0.02542354430964759
+1 610421 0.01431896616372403
+1 610824 0.0127117721548238
+1 611811 0.03858663769436237
+1 611941 0.01205944593190492
+1 611997 0.02411889186380985
+1 612539 0.01205944593190492
+1 613051 0.01861328295244756
+1 613450 0.01861328295244756
+1 613849 0.02282816271614068
+1 614180 0.01370375121911989
+1 614272 0.02791992442867134
+1 615824 0.03425937804779972
+1 616117 0.01906765823223569
+1 616154 0.01861328295244756
+1 616663 0.02411889186380985
+1 616727 0.01929331884718118
+1 617771 0.01370375121911989
+1 618071 0.01929331884718118
+1 618867 0.01861328295244756
+1 618906 0.01205944593190492
+1 620620 0.02495161277605691
+1 621180 0.01205944593190492
+1 622200 0.02282816271614068
+1 622446 0.01929331884718118
+1 623732 0.01861328295244756
+1 624069 0.01370375121911989
+1 624263 0.02282816271614068
+1 626083 0.01861328295244756
+1 626638 0.01861328295244756
+1 626817 0.0127117721548238
+1 627349 0.01431896616372403
+1 627927 0.01929331884718118
+1 628067 0.02921848999874644
+1 628141 0.01431896616372403
+1 628232 0.02542354430964759
+1 628856 0.01431896616372403
+1 630009 0.02282816271614068
+1 631027 0.01861328295244756
+1 631338 0.02791992442867134
+1 631574 0.01205944593190492
+1 632018 0.01370375121911989
+1 632193 0.01431896616372403
+1 633635 0.02791992442867134
+1 635084 0.02863793232744806
+1 635129 0.02282816271614068
+1 635232 0.01431896616372403
+1 635458 0.01861328295244756
+1 635517 0.007105331703086529
+1 635661 0.01205944593190492
+1 635811 0.02495161277605691
+1 637512 0.01431896616372403
+1 637956 0.04990322555211382
+1 638838 0.01663440851737127
+1 639033 0.02411889186380985
+1 639362 0.01426064019353964
+1 640296 0.01370375121911989
+1 640317 0.01929331884718118
+1 640423 0.05787995654154355
+1 640697 0.02863793232744806
+1 641924 0.01370375121911989
+1 642072 0.02863793232744806
+1 642203 0.02191386749905983
+1 643634 0.04736887802057686
+1 644220 0.006403636341921261
+1 646256 0.02791992442867134
+1 646777 0.05084708861929518
+1 646893 0.01370375121911989
+1 648022 0.01431896616372403
+1 648281 0.01370375121911989
+1 648501 0.05787995654154355
+1 648505 0.01431896616372403
+1 649427 0.01861328295244756
+1 649815 0.02282816271614068
+1 650713 0.01861328295244756
+1 650730 0.02147844924558604
+1 650738 0.02282816271614068
+1 650741 0.01929331884718118
+1 651126 0.01861328295244756
+1 651505 0.01431896616372403
+1 652641 0.01431896616372403
+1 654251 0.02740750243823978
+1 654583 0.02740750243823978
+1 656049 0.01861328295244756
+1 657473 0.01861328295244756
+1 658091 0.01861328295244756
+1 658533 0.01663440851737127
+1 659336 0.01370375121911989
+1 660628 0.01663440851737127
+1 660651 0.01861328295244756
+1 661073 0.009473775604115373
+1 661111 0.01663440851737127
+1 661271 0.01929331884718118
+1 661431 0.01431896616372403
+1 661684 0.01861328295244756
+1 661703 0.01929331884718118
+1 663128 0.01431896616372403
+1 663665 0.03425937804779972
+1 663717 0.01205944593190492
+1 663812 0.0331582146144038
+1 664005 0.01861328295244756
+1 664406 0.01663440851737127
+1 664848 0.01370375121911989
+1 664885 0.01431896616372403
+1 666691 0.01370375121911989
+1 667328 0.0127117721548238
+1 668677 0.01370375121911989
+1 669344 0.02863793232744806
+1 670895 0.02282816271614068
+1 671553 0.07130320096769818
+1 672440 0.02863793232744806
+1 672756 0.009507093462359758
+1 673966 0.02791992442867134
+1 674737 0.01431896616372403
+1 675057 0.02542354430964759
+1 675682 0.01205944593190492
+1 676173 0.01861328295244756
+1 676294 0.01370375121911989
+1 676661 0.01205944593190492
+1 676953 0.02740750243823978
+1 677611 0.02282816271614068
+1 677975 0.02282816271614068
+1 678873 0.02282816271614068
+1 679099 0.02791992442867134
+1 679155 0.01663440851737127
+1 679981 0.02282816271614068
+1 680225 0.01431896616372403
+1 680290 0.02791992442867134
+1 680613 0.01431896616372403
+1 680743 0.02791992442867134
+1 681055 0.01370375121911989
+1 681378 0.01861328295244756
+1 681863 0.02282816271614068
+1 682186 0.01861328295244756
+1 684883 0.02863793232744806
+1 686103 0.02282816271614068
+1 686506 0.0127117721548238
+1 687390 0.02147844924558604
+1 687695 0.02282816271614068
+1 688068 0.01370375121911989
+1 688459 0.02411889186380985
+1 688586 0.01861328295244756
+1 688632 0.02282816271614068
+1 688840 0.006851875609559945
+1 689017 0.03177943038705949
+1 689583 0.01431896616372403
+1 690415 0.02282816271614068
+1 692163 0.01861328295244756
+1 693970 0.01861328295244756
+1 694516 0.02055562682867983
+1 695507 0.02740750243823978
+1 695532 0.01370375121911989
+1 695732 0.01861328295244756
+1 695976 0.01861328295244756
+1 696153 0.02282816271614068
+1 696533 0.1184221950514422
+1 697205 0.03652311249843305
+1 698282 0.01370375121911989
+1 699833 0.0127117721548238
+1 700246 0.01370375121911989
+1 700543 0.01663440851737127
+1 700664 0.01431896616372403
+1 700954 0.01431896616372403
+1 701326 0.01205944593190492
+1 701887 0.02561454536768504
+1 702273 0.01861328295244756
+1 703177 0.01205944593190492
+1 703557 0.0127117721548238
+1 703799 0.02740750243823978
+1 704060 0.01205944593190492
+1 704965 0.02282816271614068
+1 705359 0.01861328295244756
+1 705799 0.02863793232744806
+1 706945 0.02282816271614068
+1 707882 0.01861328295244756
+1 708916 0.07838639855738201
+1 709550 0.03425937804779972
+1 709593 0.01929331884718118
+1 710518 0.02740750243823978
+1 710603 0.0127117721548238
+1 712087 0.02863793232744806
+1 713111 0.0127117721548238
+1 713355 0.01370375121911989
+1 713527 0.01861328295244756
+1 714293 0.02282816271614068
+1 714584 0.009473775604115373
+1 715413 0.01431896616372403
+1 715864 0.0127117721548238
+1 716562 0.0127117721548238
+1 716575 0.01663440851737127
+1 717363 0.01205944593190492
+1 717778 0.02282816271614068
+1 717971 0.02791992442867134
+1 719334 0.03425937804779972
+1 719604 0.0127117721548238
+1 719739 0.01663440851737127
+1 721302 0.02791992442867134
+1 721313 0.01861328295244756
+1 721534 0.02147844924558604
+1 723028 0.02863793232744806
+1 724014 0.02740750243823978
+1 724109 0.02495161277605691
+1 724119 0.02282816271614068
+1 724601 0.01663440851737127
+1 725633 0.007304622499686609
+1 726090 0.0127117721548238
+1 726227 0.02863793232744806
+1 727122 0.01370375121911989
+1 727180 0.01431896616372403
+1 728410 0.01205944593190492
+1 728728 0.01431896616372403
+1 729291 0.02542354430964759
+1 729438 0.02147844924558604
+1 729809 0.02282816271614068
+1 729948 0.02791992442867134
+1 730055 0.03858663769436237
+1 730665 0.009507093462359758
+1 730903 0.01929331884718118
+1 731483 0.006403636341921261
+1 732091 0.01861328295244756
+1 732196 0.01370375121911989
+1 732987 0.01861328295244756
+1 733111 0.01431896616372403
+1 734120 0.01431896616372403
+1 734263 0.03326881703474255
+1 735889 0.02282816271614068
+1 736468 0.01370375121911989
+1 736997 0.01205944593190492
+1 737030 0.01861328295244756
+1 737096 0.02282816271614068
+1 738105 0.004736887802057686
+1 738364 0.02282816271614068
+1 738574 0.01205944593190492
+1 739232 0.03579741540931007
+1 740483 0.02411889186380985
+1 740911 0.02282816271614068
+1 740926 0.02147844924558604
+1 742066 0.02863793232744806
+1 742179 0.01205944593190492
+1 742356 0.0127117721548238
+1 742551 0.01431896616372403
+1 743984 0.0127117721548238
+1 743997 0.01929331884718118
+1 744306 0.01861328295244756
+1 744709 0.01808916889785739
+1 744958 0.01861328295244756
+1 746645 0.01663440851737127
+1 747297 0.02282816271614068
+1 748091 0.02282816271614068
+1 748256 0.01431896616372403
+1 748413 0.01861328295244756
+1 749580 0.02921848999874644
+1 749656 0.02791992442867134
+1 749749 0.01929331884718118
+1 751292 0.02495161277605691
+1 753133 0.03858663769436237
+1 753459 0.01370375121911989
+1 753520 0.02863793232744806
+1 753528 0.01205944593190492
+1 753639 0.0127117721548238
+1 756177 0.01431896616372403
+1 756211 0.01431896616372403
+1 756487 0.04990322555211382
+1 756584 0.01861328295244756
+1 757644 0.04111125365735967
+1 759215 0.0127117721548238
+1 759513 0.01370375121911989
+1 760289 0.02282816271614068
+1 761135 0.02282816271614068
+1 761273 0.02282816271614068
+1 761433 0.01861328295244756
+1 762784 0.01431896616372403
+1 763063 0.01861328295244756
+1 763195 0.01431896616372403
+1 764181 0.0127117721548238
+1 765520 0.0127117721548238
+1 766423 0.01370375121911989
+1 766837 0.02147844924558604
+1 767385 0.01431896616372403
+1 767558 0.01370375121911989
+1 767976 0.01861328295244756
+1 768559 0.0127117721548238
+1 768797 0.01663440851737127
+1 770929 0.01861328295244756
+1 771052 0.01431896616372403
+1 771262 0.02055562682867983
+1 772934 0.00930664147622378
+1 773001 0.01370375121911989
+1 774203 0.03014861482976231
+1 774488 0.006355886077411898
+1 776018 0.02147844924558604
+1 777177 0.01370375121911989
+1 777428 0.01431896616372403
+1 777439 0.02411889186380985
+1 777576 0.01370375121911989
+1 777675 0.01431896616372403
+1 777779 0.01431896616372403
+1 778895 0.01663440851737127
+1 779160 0.01370375121911989
+1 779176 0.02542354430964759
+1 780300 0.01370375121911989
+1 780503 0.01370375121911989
+1 781409 0.0127117721548238
+1 782062 0.01370375121911989
+1 782955 0.02147844924558604
+1 783132 0.01370375121911989
+1 783318 0.01861328295244756
+1 783531 0.01861328295244756
+1 783959 0.01929331884718118
+1 783989 0.01663440851737127
+1 784349 0.01861328295244756
+1 785301 0.02791992442867134
+1 785845 0.01280727268384252
+1 786501 0.02282816271614068
+1 786541 0.007304622499686609
+1 787008 0.01370375121911989
+1 787110 0.02863793232744806
+1 787463 0.01431896616372403
+1 787639 0.01431896616372403
+1 787794 0.01663741355912957
+1 788859 0.02740750243823978
+1 789478 0.01205944593190492
+1 789638 0.02376773365589939
+1 790231 0.02282816271614068
+1 790673 0.02282816271614068
+1 790981 0.01663440851737127
+1 790988 0.01431896616372403
+1 791373 0.01205944593190492
+1 791748 0.02282816271614068
+1 792010 0.02740750243823978
+1 792961 0.01663440851737127
+1 793151 0.01370375121911989
+1 793326 0.01370375121911989
+1 794941 0.01663440851737127
+1 795438 0.02282816271614068
+1 799101 0.01663440851737127
+1 800049 0.0320181817096063
+1 800887 0.01929331884718118
+1 801330 0.01431896616372403
+1 802416 0.01861328295244756
+1 803130 0.01205944593190492
+1 803287 0.01205944593190492
+1 803307 0.01663440851737127
+1 803628 0.01861328295244756
+1 804196 0.01861328295244756
+1 805186 0.01663440851737127
+1 805347 0.02740750243823978
+1 807045 0.01205944593190492
+1 807411 0.03327482711825915
+1 808121 0.02791992442867134
+1 808640 0.01663440851737127
+1 809627 0.02863793232744806
+1 810681 0.02282816271614068
+1 811434 0.02740750243823978
+1 811481 0.02791992442867134
+1 812102 0.02542354430964759
+1 812696 0.01205944593190492
+1 813496 0.01205944593190492
+1 813516 0.02863793232744806
+1 813615 0.02282816271614068
+1 816692 0.07684363610305514
+1 816940 0.01861328295244756
+1 817953 0.02282816271614068
+1 817968 0.01205944593190492
+1 818176 0.01861328295244756
+1 819900 0.02055562682867983
+1 820145 0.01663440851737127
+1 820379 0.01431896616372403
+1 820451 0.01861328295244756
+1 821831 0.03579741540931007
+1 822344 0.03425937804779972
+1 822594 0.006403636341921261
+1 822803 0.01205944593190492
+1 823212 0.02740750243823978
+1 823746 0.01861328295244756
+1 824078 0.01431896616372403
+1 824152 0.01205944593190492
+1 824489 0.01431896616372403
+1 824781 0.01431896616372403
+1 825613 0.01861328295244756
+1 826122 0.02282816271614068
+1 826512 0.01370375121911989
+1 826610 0.01370375121911989
+1 827313 0.02282816271614068
+1 827721 0.04991224067738873
+1 827795 0.01861328295244756
+1 827855 0.01431896616372403
+1 828355 0.01205944593190492
+1 828889 0.02282816271614068
+1 828895 0.01431896616372403
+1 829626 0.01431896616372403
+1 829813 0.01861328295244756
+1 832391 0.02740750243823978
+1 832683 0.0127117721548238
+1 832960 0.01663440851737127
+1 833320 0.01663440851737127
+1 833703 0.02282816271614068
+1 833885 0.02791992442867134
+1 833915 0.02282816271614068
+1 836051 0.01861328295244756
+1 836080 0.01370375121911989
+1 836692 0.01808916889785739
+1 836963 0.01861328295244756
+1 837643 0.01861328295244756
+1 837913 0.01929331884718118
+1 838336 0.02282816271614068
+1 838374 0.01663440851737127
+1 838403 0.02863793232744806
+1 839777 0.09496009249592592
+1 840443 0.03842181805152757
+1 840956 0.02863793232744806
+1 841403 0.01205944593190492
+1 841731 0.02863793232744806
+1 842199 0.02411889186380985
+1 842623 0.004736887802057686
+1 842805 0.02282816271614068
+1 843731 0.0127117721548238
+1 844547 0.01929331884718118
+1 844943 0.02542354430964759
+1 845433 0.01431896616372403
+1 845725 0.01861328295244756
+1 846396 0.02282816271614068
+1 846795 0.01861328295244756
+1 847021 0.01663440851737127
+1 847218 0.02863793232744806
+1 847605 0.01663440851737127
+1 848770 0.02282816271614068
+1 848856 0.01431896616372403
+1 849063 0.01808916889785739
+1 849210 0.01431896616372403
+1 849609 0.01929331884718118
+1 852093 0.01663440851737127
+1 853256 0.01861328295244756
+1 854017 0.01370375121911989
+1 854129 0.01431896616372403
+1 854273 0.01370375121911989
+1 854960 0.006403636341921261
+1 855146 0.03425937804779972
+1 855392 0.02495161277605691
+1 856237 0.01431896616372403
+1 856602 0.04482545439344883
+1 857430 0.01921090902576379
+1 857805 0.02561454536768504
+1 857953 0.02282816271614068
+1 859340 0.01370375121911989
+1 859763 0.01808916889785739
+1 860790 0.01370375121911989
+1 861077 0.01929331884718118
+1 861177 0.01663440851737127
+1 861178 0.02495161277605691
+1 861227 0.02282816271614068
+1 862915 0.01431896616372403
+1 862919 0.01205944593190492
+1 863285 0.01431896616372403
+1 863413 0.05787995654154355
+1 863755 0.0127117721548238
+1 863945 0.01431896616372403
+1 864284 0.02282816271614068
+1 864371 0.01431896616372403
+1 865684 0.01370375121911989
+1 867503 0.02282816271614068
+1 868103 0.01370375121911989
+1 868178 0.01861328295244756
+1 868463 0.004753546731179879
+1 868608 0.0127117721548238
+1 869445 0.01370375121911989
+1 870926 0.01370375121911989
+1 871784 0.01929331884718118
+1 871979 0.03177943038705949
+1 872123 0.02282816271614068
+1 873263 0.02495161277605691
+1 873643 0.01370375121911989
+1 874205 0.02055562682867983
+1 875018 0.02791992442867134
+1 875391 0.01370375121911989
+1 875441 0.1022647149956125
+1 877438 0.02282816271614068
+1 877795 0.0127117721548238
+1 879202 0.02863793232744806
+1 879723 0.0482377837276197
+1 880016 0.01431896616372403
+1 880117 0.01929331884718118
+1 881003 0.01861328295244756
+1 881447 0.04990322555211382
+1 882109 0.02863793232744806
+1 882364 0.01370375121911989
+1 882758 0.03579741540931007
+1 883676 0.02740750243823978
+1 883684 0.02791992442867134
+1 884867 0.01431896616372403
+1 885025 0.01205944593190492
+1 885966 0.0127117721548238
+1 886206 0.02282816271614068
+1 886896 0.01205944593190492
+1 887024 0.0127117721548238
+1 887529 0.02282816271614068
+1 887981 0.02791992442867134
+1 889009 0.01663440851737127
+1 891100 0.01370375121911989
+1 891870 0.01431896616372403
+1 892387 0.01370375121911989
+1 893851 0.01431896616372403
+1 894294 0.01861328295244756
+1 894750 0.02791992442867134
+1 894826 0.01370375121911989
+1 895372 0.01205944593190492
+1 895593 0.01205944593190492
+1 896611 0.02147844924558604
+1 897352 0.01929331884718118
+1 897831 0.02055562682867983
+1 897835 0.02282816271614068
+1 899308 0.01205944593190492
+1 901375 0.01370375121911989
+1 902290 0.02791992442867134
+1 902593 0.01861328295244756
+1 903755 0.0127117721548238
+1 903841 0.02740750243823978
+1 904294 0.02282816271614068
+1 904985 0.01370375121911989
+1 905386 0.02791992442867134
+1 906042 0.01663440851737127
+1 906375 0.03858663769436237
+1 906912 0.02282816271614068
+1 906917 0.02282816271614068
+1 907311 0.01370375121911989
+1 908003 0.03014861482976231
+1 909225 0.01861328295244756
+1 909342 0.03579741540931007
+1 909462 0.01205944593190492
+1 909622 0.01370375121911989
+1 909655 0.01929331884718118
+1 909899 0.02863793232744806
+1 910166 0.01431896616372403
+1 910744 0.01370375121911989
+1 911588 0.01205944593190492
+1 911875 0.01663440851737127
+1 912102 0.02863793232744806
+1 912927 0.01861328295244756
+1 913173 0.01370375121911989
+1 913236 0.02282816271614068
+1 913653 0.02561454536768504
+1 913689 0.02863793232744806
+1 914117 0.02791992442867134
+1 914324 0.02282816271614068
+1 914486 0.01370375121911989
+1 914802 0.0127117721548238
+1 916308 0.01861328295244756
+1 916838 0.02282816271614068
+1 916985 0.01431896616372403
+1 917583 0.02282816271614068
+1 919735 0.01370375121911989
+1 919751 0.01370375121911989
+1 920336 0.02740750243823978
+1 921026 0.01370375121911989
+1 921120 0.01370375121911989
+1 921187 0.01370375121911989
+1 921193 0.01431896616372403
+1 921388 0.01205944593190492
+1 921574 0.01205944593190492
+1 921578 0.02740750243823978
+1 921786 0.02282816271614068
+1 921963 0.03014861482976231
+1 922151 0.01929331884718118
+1 922208 0.01431896616372403
+1 922887 0.01431896616372403
+1 924696 0.0127117721548238
+1 925065 0.01663440851737127
+1 925190 0.03326881703474255
+1 925396 0.01861328295244756
+1 925980 0.01431896616372403
+1 927128 0.0127117721548238
+1 927471 0.01861328295244756
+1 927597 0.02282816271614068
+1 928309 0.01431896616372403
+1 928388 0.009473775604115373
+1 929046 0.0127117721548238
+1 929063 0.0127117721548238
+1 929466 0.01370375121911989
+1 929479 0.1283457617418567
+1 929751 0.02282816271614068
+1 929906 0.004753546731179879
+1 930912 0.01663440851737127
+1 931194 0.004736887802057686
+1 931263 0.004753546731179879
+1 933077 0.01370375121911989
+1 934821 0.02740750243823978
+1 936373 0.01929331884718118
+1 936539 0.01431896616372403
+1 936737 0.01861328295244756
+1 936745 0.02282816271614068
+1 937173 0.05084708861929518
+1 937911 0.01861328295244756
+1 938551 0.01431896616372403
+1 938687 0.01205944593190492
+1 938745 0.02791992442867134
+1 939423 0.01370375121911989
+1 939508 0.0127117721548238
+1 939891 0.02791992442867134
+1 940828 0.02282816271614068
+1 940877 0.02542354430964759
+1 941377 0.01431896616372403
+1 942002 0.01861328295244756
+1 942152 0.01205944593190492
+1 942332 0.0127117721548238
+1 942399 0.01370375121911989
+1 942496 0.02863793232744806
+1 942539 0.02495161277605691
+1 943077 0.0127117721548238
+1 943165 0.01426064019353964
+1 943337 0.01370375121911989
+1 943464 0.02863793232744806
+1 943854 0.01431896616372403
+1 944529 0.02282816271614068
+1 945033 0.02791992442867134
+1 945364 0.01663440851737127
+1 945389 0.02055562682867983
+1 945541 0.1344763631803465
+1 945987 0.0127117721548238
+1 947190 0.01431896616372403
+1 947300 0.01370375121911989
+1 947774 0.01370375121911989
+1 948059 0.01431896616372403
+1 950109 0.01370375121911989
+1 950181 0.01929331884718118
+1 950724 0.01861328295244756
+1 950748 0.01370375121911989
+1 950983 0.01370375121911989
+1 951580 0.01370375121911989
+1 952280 0.03579741540931007
+1 952856 0.01431896616372403
+1 952884 0.0127117721548238
+1 953277 0.01370375121911989
+1 954248 0.02282816271614068
+1 954480 0.01370375121911989
+1 954637 0.01929331884718118
+1 955560 0.01370375121911989
+1 956278 0.01929331884718118
+1 956750 0.01861328295244756
+1 956830 0.01431896616372403
+1 956960 0.02863793232744806
+1 957055 0.01929331884718118
+1 957065 0.03425937804779972
+1 957083 0.01431896616372403
+1 957547 0.01929331884718118
+1 957971 0.01370375121911989
+1 958579 0.003201818170960631
+1 959399 0.01370375121911989
+1 960264 0.0127117721548238
+1 960310 0.01370375121911989
+1 962277 0.01929331884718118
+1 962384 0.03425937804779972
+1 963855 0.01205944593190492
+1 965462 0.01205944593190492
+1 965802 0.01370375121911989
+1 967164 0.01280727268384252
+1 967209 0.03813531646447139
+1 967240 0.01431896616372403
+1 969645 0.01431896616372403
+1 969841 0.006403636341921261
+1 970042 0.02740750243823978
+1 970140 0.01370375121911989
+1 970358 0.02542354430964759
+1 971297 0.01370375121911989
+1 972178 0.02791992442867134
+1 972384 0.01431896616372403
+1 973533 0.01861328295244756
+1 973872 0.03425937804779972
+1 974201 0.02282816271614068
+1 975012 0.02055562682867983
+1 975956 0.01861328295244756
+1 976828 0.01370375121911989
+1 976943 0.02495161277605691
+1 977655 0.01906765823223569
+1 977904 0.02282816271614068
+1 977964 0.01370375121911989
+1 978419 0.01431896616372403
+1 979148 0.01861328295244756
+1 980765 0.01431896616372403
+1 981153 0.02282816271614068
+1 982391 0.0127117721548238
+1 982602 0.02863793232744806
+1 982761 0.009473775604115373
+1 983373 0.02863793232744806
+1 984468 0.01431896616372403
+1 984596 0.01205944593190492
+1 984822 0.02791992442867134
+1 985549 0.02542354430964759
+1 986466 0.02791992442867134
+1 987694 0.05084708861929518
+1 987911 0.01370375121911989
+1 988239 0.02282816271614068
+1 988446 0.01431896616372403
+1 989433 0.05084708861929518
+1 990513 0.01431896616372403
+1 990560 0.01370375121911989
+1 991854 0.01370375121911989
+1 992123 0.01431896616372403
+1 992175 0.02282816271614068
+1 992181 0.01205944593190492
+1 994950 0.01205944593190492
+1 995867 0.02282816271614068
+1 999783 0.01370375121911989
+1 1000360 0.01431896616372403
+1 1002097 0.01205944593190492
+1 1003187 0.01431896616372403
+1 1003223 0.01901418692471952
+1 1003989 0.02282816271614068
+1 1004208 0.02147844924558604
+1 1004282 0.01431896616372403
+1 1005685 0.02282816271614068
+1 1005880 0.02282816271614068
+1 1007170 0.01861328295244756
+1 1007323 0.01431896616372403
+1 1007434 0.008317204258685637
+1 1007829 0.01431896616372403
+1 1008663 0.01663440851737127
+1 1008831 0.01205944593190492
+1 1008964 0.02740750243823978
+1 1009599 0.01370375121911989
+1 1009869 0.01861328295244756
+1 1010385 0.01929331884718118
+1 1010597 0.01205944593190492
+1 1011422 0.02147844924558604
+1 1011931 0.0127117721548238
+1 1012122 0.02495161277605691
+1 1013479 0.01861328295244756
+1 1014606 0.01431896616372403
+1 1015017 0.01431896616372403
+1 1015541 0.01663440851737127
+1 1016264 0.02282816271614068
+1 1016268 0.01370375121911989
+1 1017023 0.01861328295244756
+1 1017127 0.01370375121911989
+1 1017826 0.01431896616372403
+1 1018247 0.02282816271614068
+1 1018379 0.01861328295244756
+1 1018986 0.01431896616372403
+1 1019025 0.01663440851737127
+1 1019595 0.01370375121911989
+1 1020056 0.02740750243823978
+1 1020555 0.01370375121911989
+1 1020573 0.01861328295244756
+1 1020740 0.0165791073072019
+1 1021380 0.01370375121911989
+1 1022772 0.01861328295244756
+1 1023393 0.02282816271614068
+1 1023727 0.02282816271614068
+1 1024956 0.02147844924558604
+1 1027053 0.01431896616372403
+1 1027200 0.01431896616372403
+1 1027631 0.02282816271614068
+1 1027688 0.01370375121911989
+1 1028384 0.02791992442867134
+1 1028837 0.02863793232744806
+1 1028893 0.006355886077411898
+1 1029466 0.01370375121911989
+1 1029655 0.01205944593190492
+1 1030226 0.0127117721548238
+1 1032047 0.01929331884718118
+1 1032403 0.01205944593190492
+1 1032791 0.01929331884718118
+1 1033079 0.01431896616372403
+1 1033676 0.01861328295244756
+1 1033833 0.01205944593190492
+1 1034263 0.02282816271614068
+1 1034621 0.02791992442867134
+1 1035609 0.02282816271614068
+1 1037251 0.01929331884718118
+1 1037360 0.02561454536768504
+1 1037775 0.02282816271614068
+1 1038132 0.01929331884718118
+1 1038197 0.01929331884718118
+1 1038215 0.02282816271614068
+1 1039896 0.01861328295244756
+1 1040121 0.02282816271614068
+1 1040201 0.004736887802057686
+1 1040325 0.02282816271614068
+1 1040960 0.01861328295244756
+1 1041067 0.02282816271614068
+1 1041719 0.0127117721548238
+1 1043926 0.01431896616372403
+1 1044254 0.02282816271614068
+1 1044380 0.02863793232744806
+1 1044427 0.02282816271614068
+1 1044630 0.01431896616372403
+1 1045048 0.02411889186380985
+1 1045245 0.02282816271614068
+1 1045704 0.01861328295244756
+1 1046509 0.01929331884718118
+1 1046561 0.02740750243823978
+1 1046656 0.01431896616372403
+1 1046868 0.01431896616372403
+1 1047289 0.02282816271614068
+1 1047335 0.01370375121911989
+1 1047422 0.01431896616372403
+2 344 0.02900021003919988
+2 711 0.01755361681674637
+2 1081 0.01846275890181026
+2 1556 0.01450010501959994
+2 1936 0.01367466109027461
+2 3214 0.01288938340939221
+2 3994 0.01450010501959994
+2 4053 0.02497262330741874
+2 4399 0.01360367608904809
+2 4671 0.01846275890181026
+2 4959 0.01498357398445124
+2 5205 0.01450010501959994
+2 6392 0.01367466109027461
+2 7884 0.01360367608904809
+2 8116 0.0224596916827213
+2 10078 0.04168342365040183
+2 10108 0.01846275890181026
+2 10267 0.0224596916827213
+2 10483 0.01846275890181026
+2 10495 0.02098566221169584
+2 11483 0.02084171182520092
+2 11573 0.0224596916827213
+2 12091 0.04495072195335373
+2 12420 0.01450010501959994
+2 13181 0.01450010501959994
+2 13234 0.005246415552923961
+2 13829 0.01367466109027461
+2 13965 0.01360367608904809
+2 14202 0.02900021003919988
+2 15211 0.02084171182520092
+2 15221 0.0224596916827213
+2 15283 0.01846275890181026
+2 17308 0.01367466109027461
+2 17430 0.01360367608904809
+2 18327 0.01450010501959994
+2 19280 0.01846275890181026
+2 20539 0.02084171182520092
+2 20975 0.05493977127632123
+2 22178 0.01997809864593499
+2 22628 0.0224596916827213
+2 22706 0.02720735217809617
+2 23832 0.02900021003919988
+2 26089 0.0276941383527154
+2 26785 0.02720735217809617
+2 26845 0.01367466109027461
+2 27551 0.01360367608904809
+2 28570 0.01288938340939221
+2 28921 0.01367466109027461
+2 29352 0.01755361681674637
+2 29735 0.02084171182520092
+2 30387 0.0224596916827213
+2 30453 0.01755361681674637
+2 31409 0.01846275890181026
+2 31664 0.0224596916827213
+2 31994 0.0224596916827213
+2 32280 0.01360367608904809
+2 33433 0.04168342365040183
+2 33439 0.01846275890181026
+2 33979 0.02633042522511955
+2 34041 0.0224596916827213
+2 34869 0.01846275890181026
+2 35441 0.05469864436109843
+2 35758 0.01450010501959994
+2 35828 0.01367466109027461
+2 35928 0.01755361681674637
+2 36192 0.01450010501959994
+2 36391 0.0224596916827213
+2 36463 0.02084171182520092
+2 36949 0.01360367608904809
+2 37006 0.02040551413357213
+2 37199 0.01755361681674637
+2 37278 0.01360367608904809
+2 37731 0.02084171182520092
+2 38236 0.02900021003919988
+2 38746 0.01846275890181026
+2 39111 0.0224596916827213
+2 39263 0.01367466109027461
+2 39303 0.01360367608904809
+2 39762 0.02734932218054922
+2 40007 0.006632310262892014
+2 40706 0.01360367608904809
+2 41204 0.02900021003919988
+2 41385 0.01846275890181026
+2 41559 0.02720735217809617
+2 41645 0.02084171182520092
+2 41800 0.06836636684875112
+2 42437 0.0224596916827213
+2 42644 0.0224596916827213
+2 43077 0.0224596916827213
+2 43781 0.03147849331754377
+2 44401 0.01846275890181026
+2 44951 0.01755361681674637
+2 45548 0.02084171182520092
+2 46197 0.01360367608904809
+2 46264 0.01288938340939221
+2 46627 0.006632310262892014
+2 47318 0.01288938340939221
+2 47689 0.01846275890181026
+2 47846 0.01360367608904809
+2 50211 0.01367466109027461
+2 50742 0.05493977127632123
+2 51435 0.01360367608904809
+2 52454 0.02734932218054922
+2 53247 0.01933407511408831
+2 54376 0.02900021003919988
+2 56154 0.02577876681878442
+2 57034 0.01450010501959994
+2 57633 0.02734932218054922
+2 57762 0.01288938340939221
+2 58055 0.02084171182520092
+2 58421 0.0224596916827213
+2 58964 0.03995619729186999
+2 59189 0.01450010501959994
+2 59378 0.02900021003919988
+2 59513 0.0224596916827213
+2 59587 0.01288938340939221
+2 60471 0.03400919022262022
+2 60978 0.02720735217809617
+2 61155 0.0276941383527154
+2 61252 0.0224596916827213
+2 61875 0.01360367608904809
+2 62239 0.01450010501959994
+2 62295 0.01360367608904809
+2 64006 0.0262320777646198
+2 64473 0.01450010501959994
+2 66017 0.0224596916827213
+2 66314 0.01450010501959994
+2 67408 0.01450010501959994
+2 68440 0.004994524661483748
+2 68543 0.01288938340939221
+2 68673 0.02720735217809617
+2 68823 0.0276941383527154
+2 68974 0.01846275890181026
+2 69047 0.02051199163541191
+2 69894 0.0276941383527154
+2 69901 0.02720735217809617
+2 70435 0.01367466109027461
+2 70576 0.0276941383527154
+2 71207 0.02084171182520092
+2 71595 0.01288938340939221
+2 71748 0.01360367608904809
+2 71813 0.02720735217809617
+2 71957 0.0224596916827213
+2 72260 0.01450010501959994
+2 72652 0.01450010501959994
+2 73397 0.01755361681674637
+2 74573 0.0224596916827213
+2 74947 0.0224596916827213
+2 75685 0.01755361681674637
+2 76855 0.0276941383527154
+2 77686 0.01360367608904809
+2 79075 0.02175015752939991
+2 79429 0.02084171182520092
+2 79445 0.0262320777646198
+2 79567 0.0224596916827213
+2 80087 0.01997809864593499
+2 81293 0.01755361681674637
+2 81531 0.01360367608904809
+2 81722 0.03222345852348052
+2 82183 0.01360367608904809
+2 82516 0.01755361681674637
+2 83437 0.02175015752939991
+2 83804 0.01450010501959994
+2 84607 0.01846275890181026
+2 84693 0.02175015752939991
+2 84759 0.02084171182520092
+2 86213 0.0224596916827213
+2 87353 0.02720735217809617
+2 87631 0.0224596916827213
+2 88009 0.0224596916827213
+2 88145 0.02633042522511955
+2 89687 0.01360367608904809
+2 90183 0.01450010501959994
+2 90517 0.01846275890181026
+2 91662 0.02175015752939991
+2 91883 0.01755361681674637
+2 92411 0.01846275890181026
+2 92986 0.0276941383527154
+2 93712 0.02720735217809617
+2 95407 0.01755361681674637
+2 96068 0.03400919022262022
+2 96310 0.01288938340939221
+2 96745 0.0276941383527154
+2 97508 0.01367466109027461
+2 97545 0.01360367608904809
+2 97832 0.01288938340939221
+2 98152 0.01846275890181026
+2 99007 0.01450010501959994
+2 99253 0.02720735217809617
+2 99445 0.0224596916827213
+2 99549 0.01288938340939221
+2 100804 0.01360367608904809
+2 101157 0.01755361681674637
+2 101208 0.01846275890181026
+2 101312 0.01360367608904809
+2 101671 0.02577876681878442
+2 102726 0.01360367608904809
+2 104467 0.01846275890181026
+2 106814 0.01450010501959994
+2 107076 0.02175015752939991
+2 108889 0.0224596916827213
+2 109504 0.01450010501959994
+2 109609 0.01450010501959994
+2 110259 0.01997809864593499
+2 110789 0.0276941383527154
+2 110959 0.01288938340939221
+2 111321 0.0224596916827213
+2 111645 0.01846275890181026
+2 112020 0.01360367608904809
+2 112485 0.01360367608904809
+2 113232 0.01367466109027461
+2 113322 0.01367466109027461
+2 113849 0.1293300501263943
+2 115607 0.01755361681674637
+2 115674 0.0224596916827213
+2 115801 0.01450010501959994
+2 117089 0.02577876681878442
+2 117794 0.01360367608904809
+2 117854 0.0550873633057016
+2 119191 0.02900021003919988
+2 121543 0.03222345852348052
+2 122181 0.0224596916827213
+2 122494 0.01360367608904809
+2 123532 0.0224596916827213
+2 123653 0.02900021003919988
+2 124033 0.01450010501959994
+2 124044 0.01846275890181026
+2 124217 0.01450010501959994
+2 125380 0.02900021003919988
+2 125878 0.02040551413357213
+2 125974 0.04168342365040183
+2 126559 0.01450010501959994
+2 126866 0.0276941383527154
+2 127025 0.01846275890181026
+2 127491 0.01846275890181026
+2 127498 0.01367466109027461
+2 127623 0.02084171182520092
+2 128103 0.02084171182520092
+2 128137 0.02720735217809617
+2 128191 0.01450010501959994
+2 128892 0.01846275890181026
+2 129394 0.01846275890181026
+2 129911 0.08355889281514026
+2 130011 0.02084171182520092
+2 130837 0.01846275890181026
+2 131383 0.0224596916827213
+2 132099 0.02084171182520092
+2 132381 0.01367466109027461
+2 134266 0.01360367608904809
+2 134915 0.02084171182520092
+2 135242 0.01360367608904809
+2 135267 0.04557757789916742
+2 135813 0.01367466109027461
+2 136064 0.0276941383527154
+2 136117 0.01846275890181026
+2 137101 0.02633042522511955
+2 137587 0.01288938340939221
+2 139056 0.01360367608904809
+2 139139 0.01450010501959994
+2 139178 0.0224596916827213
+2 139565 0.0276941383527154
+2 140648 0.01755361681674637
+2 140681 0.01450010501959994
+2 141425 0.02577876681878442
+2 141468 0.02720735217809617
+2 141605 0.04721773997631565
+2 141807 0.01450010501959994
+2 141989 0.01360367608904809
+2 142583 0.01288938340939221
+2 142641 0.0224596916827213
+2 143936 0.01846275890181026
+2 144142 0.02577876681878442
+2 144163 0.02633042522511955
+2 145071 0.01846275890181026
+2 147641 0.01450010501959994
+2 148113 0.02720735217809617
+2 148368 0.03400919022262022
+2 148952 0.0224596916827213
+2 149510 0.0224596916827213
+2 149681 0.01450010501959994
+2 150024 0.01450010501959994
+2 150935 0.0224596916827213
+2 151395 0.01846275890181026
+2 151436 0.01288938340939221
+2 151579 0.03222345852348052
+2 151642 0.01450010501959994
+2 151957 0.01755361681674637
+2 154058 0.01450010501959994
+2 155814 0.02720735217809617
+2 156173 0.03798131491597284
+2 156467 0.01367466109027461
+2 156548 0.0224596916827213
+2 156833 0.03979386157735209
+2 156855 0.02084171182520092
+2 157191 0.01288938340939221
+2 158098 0.01846275890181026
+2 158166 0.0276941383527154
+2 158180 0.01450010501959994
+2 158235 0.01360367608904809
+2 158517 0.01288938340939221
+2 158855 0.04168342365040183
+2 159003 0.02084171182520092
+2 159854 0.01360367608904809
+2 160592 0.01367466109027461
+2 161570 0.02900021003919988
+2 161928 0.01755361681674637
+2 162563 0.02084171182520092
+2 162627 0.05155753363756883
+2 162657 0.01846275890181026
+2 163143 0.02900021003919988
+2 163816 0.01755361681674637
+2 163848 0.01846275890181026
+2 163861 0.01450010501959994
+2 164274 0.02084171182520092
+2 164973 0.01450010501959994
+2 166534 0.01367466109027461
+2 167285 0.01755361681674637
+2 167333 0.04168342365040183
+2 168043 0.01367466109027461
+2 169919 0.01933407511408831
+2 171204 0.01360367608904809
+2 172249 0.0224596916827213
+2 173141 0.02633042522511955
+2 173803 0.02577876681878442
+2 173818 0.01367466109027461
+2 173845 0.01498357398445124
+2 174369 0.0224596916827213
+2 175014 0.01450010501959994
+2 175082 0.01846275890181026
+2 176213 0.01755361681674637
+2 176757 0.02900021003919988
+2 177200 0.01450010501959994
+2 177423 0.02900021003919988
+2 177446 0.009989049322967496
+2 177880 0.0276941383527154
+2 177979 0.01360367608904809
+2 178021 0.01288938340939221
+2 178476 0.02900021003919988
+2 178778 0.01755361681674637
+2 178977 0.01450010501959994
+2 179455 0.02040551413357213
+2 180023 0.01755361681674637
+2 180057 0.01288938340939221
+2 180885 0.02084171182520092
+2 181786 0.01360367608904809
+2 182583 0.01288938340939221
+2 183719 0.01846275890181026
+2 184386 0.02084171182520092
+2 184596 0.01450010501959994
+2 184704 0.01360367608904809
+2 184705 0.01846275890181026
+2 184767 0.01367466109027461
+2 184959 0.01450010501959994
+2 185100 0.01360367608904809
+2 186765 0.006632310262892014
+2 187037 0.01450010501959994
+2 187483 0.0276941383527154
+2 187602 0.0224596916827213
+2 189199 0.01326462052578403
+2 190181 0.02084171182520092
+2 190647 0.01360367608904809
+2 191025 0.0224596916827213
+2 191171 0.01288938340939221
+2 192234 0.01360367608904809
+2 192578 0.01360367608904809
+2 193165 0.02633042522511955
+2 195139 0.01846275890181026
+2 196385 0.0224596916827213
+2 196906 0.01360367608904809
+2 197419 0.01755361681674637
+2 197738 0.01288938340939221
+2 197861 0.01360367608904809
+2 197975 0.02084171182520092
+2 198405 0.01846275890181026
+2 198423 0.01846275890181026
+2 198453 0.0224596916827213
+2 198539 0.01288938340939221
+2 199593 0.01755361681674637
+2 200659 0.0224596916827213
+2 200776 0.005246415552923961
+2 201027 0.01450010501959994
+2 202228 0.005246415552923961
+2 202405 0.01846275890181026
+2 203362 0.01450010501959994
+2 203596 0.01450010501959994
+2 204131 0.01846275890181026
+2 204376 0.01846275890181026
+2 205230 0.01846275890181026
+2 206024 0.02098566221169584
+2 207517 0.01360367608904809
+2 207651 0.01288938340939221
+2 207845 0.01360367608904809
+2 207923 0.01360367608904809
+2 209871 0.0224596916827213
+2 212074 0.01450010501959994
+2 212119 0.02900021003919988
+2 212823 0.0224596916827213
+2 215831 0.04168342365040183
+2 215851 0.02084171182520092
+2 216737 0.0276941383527154
+2 217316 0.01846275890181026
+2 217437 0.02040551413357213
+2 217574 0.0224596916827213
+2 217645 0.01755361681674637
+2 218203 0.01367466109027461
+2 218720 0.02175015752939991
+2 218789 0.0224596916827213
+2 219547 0.02084171182520092
+2 220495 0.01367466109027461
+2 221696 0.0224596916827213
+2 222693 0.0224596916827213
+2 224533 0.02577876681878442
+2 224643 0.02720735217809617
+2 224849 0.01755361681674637
+2 224863 0.01326462052578403
+2 224869 0.02633042522511955
+2 225283 0.02040551413357213
+2 227743 0.01450010501959994
+2 228582 0.02720735217809617
+2 229418 0.01367466109027461
+2 230931 0.02900021003919988
+2 232554 0.01450010501959994
+2 232712 0.01450010501959994
+2 232784 0.01450010501959994
+2 233197 0.02900021003919988
+2 233263 0.01360367608904809
+2 233290 0.0276941383527154
+2 234286 0.01360367608904809
+2 237980 0.01450010501959994
+2 238364 0.01450010501959994
+2 240295 0.0224596916827213
+2 240526 0.01326462052578403
+2 241053 0.03625026254899985
+2 241364 0.02497262330741874
+2 241741 0.02040551413357213
+2 241838 0.02633042522511955
+2 242321 0.0224596916827213
+2 242926 0.01755361681674637
+2 243024 0.05266085045023909
+2 243854 0.01360367608904809
+2 244199 0.01360367608904809
+2 244205 0.01326462052578403
+2 244368 0.01450010501959994
+2 244707 0.02084171182520092
+2 244825 0.01450010501959994
+2 245190 0.01360367608904809
+2 245474 0.01360367608904809
+2 245636 0.04197132442339169
+2 245761 0.01360367608904809
+2 246127 0.01360367608904809
+2 247111 0.01846275890181026
+2 247148 0.03400919022262022
+2 247342 0.0224596916827213
+2 248167 0.01846275890181026
+2 248232 0.01450010501959994
+2 249333 0.0224596916827213
+2 249621 0.01288938340939221
+2 249686 0.02633042522511955
+2 251484 0.01846275890181026
+2 251700 0.01367466109027461
+2 253590 0.01360367608904809
+2 255555 0.01755361681674637
+2 255621 0.02900021003919988
+2 255652 0.02900021003919988
+2 256309 0.0224596916827213
+2 256778 0.0276941383527154
+2 256843 0.01367466109027461
+2 257115 0.01846275890181026
+2 257127 0.01846275890181026
+2 257185 0.01450010501959994
+2 257273 0.0224596916827213
+2 257539 0.01326462052578403
+2 259035 0.0224596916827213
+2 259731 0.02175015752939991
+2 261492 0.01450010501959994
+2 261723 0.01360367608904809
+2 262609 0.0224596916827213
+2 262715 0.0224596916827213
+2 263325 0.01450010501959994
+2 263399 0.02084171182520092
+2 263783 0.01450010501959994
+2 263880 0.01360367608904809
+2 264321 0.01367466109027461
+2 264610 0.02040551413357213
+2 264940 0.0276941383527154
+2 266379 0.03510723363349273
+2 266788 0.01755361681674637
+2 266824 0.01360367608904809
+2 266983 0.01450010501959994
+2 267390 0.01360367608904809
+2 268387 0.05155753363756883
+2 269138 0.01846275890181026
+2 269325 0.0224596916827213
+2 269409 0.02577876681878442
+2 269551 0.0224596916827213
+2 269645 0.02175015752939991
+2 269895 0.01450010501959994
+2 269952 0.02175015752939991
+2 270190 0.01846275890181026
+2 270299 0.02734932218054922
+2 271773 0.01846275890181026
+2 272372 0.01360367608904809
+2 272708 0.02577876681878442
+2 272841 0.01450010501959994
+2 273067 0.01288938340939221
+2 273531 0.01367466109027461
+2 273555 0.1061169642062722
+2 274012 0.01288938340939221
+2 274215 0.0224596916827213
+2 274243 0.02084171182520092
+2 274331 0.0224596916827213
+2 274505 0.0224596916827213
+2 274591 0.02633042522511955
+2 274746 0.06992334526077246
+2 275005 0.01367466109027461
+2 275114 0.01450010501959994
+2 276774 0.01450010501959994
+2 276973 0.01360367608904809
+2 277291 0.0224596916827213
+2 277810 0.005246415552923961
+2 277917 0.01360367608904809
+2 278494 0.01367466109027461
+2 279328 0.006632310262892014
+2 279992 0.01846275890181026
+2 280567 0.01360367608904809
+2 280782 0.01367466109027461
+2 282367 0.01755361681674637
+2 283341 0.01755361681674637
+2 283688 0.04459453219985367
+2 285203 0.01288938340939221
+2 285400 0.02577876681878442
+2 285569 0.01450010501959994
+2 285819 0.01450010501959994
+2 285862 0.02900021003919988
+2 286193 0.02084171182520092
+2 286939 0.01450010501959994
+2 287322 0.0276941383527154
+2 287486 0.02720735217809617
+2 287742 0.01846275890181026
+2 288375 0.01450010501959994
+2 288457 0.01360367608904809
+2 288997 0.02084171182520092
+2 289100 0.02734932218054922
+2 289751 0.0224596916827213
+2 289845 0.0224596916827213
+2 290325 0.02084171182520092
+2 290579 0.02577876681878442
+2 290753 0.02652924105156806
+2 291001 0.01288938340939221
+2 291722 0.01450010501959994
+2 292324 0.02720735217809617
+2 292489 0.01367466109027461
+2 292587 0.03995619729186999
+2 292637 0.0276941383527154
+2 293417 0.0224596916827213
+2 293500 0.006632310262892014
+2 293924 0.02900021003919988
+2 294219 0.01755361681674637
+2 294756 0.01367466109027461
+2 296163 0.01360367608904809
+2 296190 0.01288938340939221
+2 296869 0.01450010501959994
+2 297150 0.01846275890181026
+2 298361 0.01755361681674637
+2 299574 0.01450010501959994
+2 300086 0.01360367608904809
+2 300543 0.01360367608904809
+2 300674 0.01846275890181026
+2 301537 0.01288938340939221
+2 301591 0.004994524661483748
+2 301619 0.02175015752939991
+2 301769 0.02900021003919988
+2 301920 0.0224596916827213
+2 301993 0.02633042522511955
+2 302035 0.01450010501959994
+2 302840 0.0224596916827213
+2 302847 0.02175015752939991
+2 303522 0.02900021003919988
+2 304165 0.01360367608904809
+2 304325 0.01360367608904809
+2 304565 0.01933407511408831
+2 304759 0.02175015752939991
+2 304903 0.01846275890181026
+2 306537 0.01846275890181026
+2 306727 0.01755361681674637
+2 307519 0.0276941383527154
+2 307729 0.01360367608904809
+2 308371 0.01450010501959994
+2 309491 0.01367466109027461
+2 309801 0.02900021003919988
+2 310148 0.01288938340939221
+2 310675 0.01360367608904809
+2 310753 0.01755361681674637
+2 313069 0.01846275890181026
+2 313432 0.01367466109027461
+2 313643 0.0224596916827213
+2 314066 0.01450010501959994
+2 314668 0.02734932218054922
+2 315113 0.01288938340939221
+2 315214 0.02900021003919988
+2 315479 0.0224596916827213
+2 315639 0.01450010501959994
+2 315785 0.01360367608904809
+2 315950 0.02577876681878442
+2 316383 0.02040551413357213
+2 317553 0.01450010501959994
+2 317639 0.03400919022262022
+2 318709 0.01360367608904809
+2 319954 0.01846275890181026
+2 320035 0.01846275890181026
+2 320045 0.02720735217809617
+2 320299 0.02175015752939991
+2 320330 0.01360367608904809
+2 320750 0.02720735217809617
+2 320955 0.01846275890181026
+2 321063 0.0224596916827213
+2 321091 0.02084171182520092
+2 321631 0.01367466109027461
+2 321902 0.04557757789916742
+2 322633 0.0224596916827213
+2 322837 0.01755361681674637
+2 324030 0.01450010501959994
+2 324594 0.01288938340939221
+2 324608 0.02040551413357213
+2 325713 0.01755361681674637
+2 325932 0.0224596916827213
+2 326378 0.01450010501959994
+2 326658 0.0224596916827213
+2 328437 0.01846275890181026
+2 328536 0.01360367608904809
+2 328931 0.01450010501959994
+2 329691 0.0224596916827213
+2 331953 0.01846275890181026
+2 332110 0.01360367608904809
+2 332199 0.02900021003919988
+2 332667 0.01326462052578403
+2 332935 0.01755361681674637
+2 334148 0.01367466109027461
+2 334154 0.02900021003919988
+2 334293 0.01367466109027461
+2 334617 0.02084171182520092
+2 335788 0.01755361681674637
+2 337185 0.0224596916827213
+2 337735 0.01360367608904809
+2 338206 0.02084171182520092
+2 339078 0.0276941383527154
+2 339294 0.03222345852348052
+2 340304 0.01450010501959994
+2 340316 0.01450010501959994
+2 341878 0.01288938340939221
+2 342440 0.01367466109027461
+2 343007 0.01360367608904809
+2 343735 0.0224596916827213
+2 344658 0.01360367608904809
+2 344687 0.01450010501959994
+2 344775 0.01360367608904809
+2 345093 0.02720735217809617
+2 345199 0.01450010501959994
+2 345633 0.0224596916827213
+2 346017 0.01846275890181026
+2 346325 0.01288938340939221
+2 346795 0.09875141878152939
+2 347341 0.01450010501959994
+2 347767 0.01450010501959994
+2 348217 0.0224596916827213
+2 348620 0.0276941383527154
+2 349276 0.01360367608904809
+2 349281 0.01367466109027461
+2 349538 0.01450010501959994
+2 350035 0.02051199163541191
+2 350289 0.0224596916827213
+2 350535 0.01450010501959994
+2 350800 0.06492882059928871
+2 351070 0.01755361681674637
+2 351615 0.01755361681674637
+2 352137 0.0276941383527154
+2 352772 0.01450010501959994
+2 354428 0.01360367608904809
+2 354489 0.02084171182520092
+2 354881 0.01755361681674637
+2 354925 0.01360367608904809
+2 354990 0.01360367608904809
+2 356599 0.02720735217809617
+2 356922 0.01846275890181026
+2 357007 0.01360367608904809
+2 357485 0.01846275890181026
+2 357854 0.02720735217809617
+2 358824 0.02175015752939991
+2 358920 0.03510723363349273
+2 359248 0.01360367608904809
+2 359812 0.0224596916827213
+2 359846 0.02900021003919988
+2 360005 0.01360367608904809
+2 360982 0.01288938340939221
+2 361049 0.02577876681878442
+2 361083 0.02900021003919988
+2 361267 0.01360367608904809
+2 361458 0.01755361681674637
+2 361555 0.01360367608904809
+2 361829 0.03798131491597284
+2 362042 0.01450010501959994
+2 362043 0.01846275890181026
+2 362225 0.01360367608904809
+2 362857 0.1098795425526425
+2 363605 0.01450010501959994
+2 363864 0.01360367608904809
+2 364329 0.03400919022262022
+2 364616 0.01367466109027461
+2 364949 0.01288938340939221
+2 365021 0.01450010501959994
+2 365207 0.01360367608904809
+2 365764 0.01450010501959994
+2 366889 0.01755361681674637
+2 367130 0.01288938340939221
+2 367907 0.01450010501959994
+2 369010 0.02900021003919988
+2 369338 0.01367466109027461
+2 369506 0.01288938340939221
+2 369621 0.01846275890181026
+2 370047 0.02084171182520092
+2 370681 0.01360367608904809
+2 371306 0.01367466109027461
+2 371886 0.01450010501959994
+2 372124 0.0276941383527154
+2 372366 0.02720735217809617
+2 372511 0.0224596916827213
+2 372649 0.01846275890181026
+2 373096 0.01846275890181026
+2 373230 0.01450010501959994
+2 373594 0.02051199163541191
+2 374313 0.01846275890181026
+2 374371 0.03418665272568652
+2 374545 0.01846275890181026
+2 374551 0.04495072195335373
+2 374753 0.01846275890181026
+2 375487 0.01049283110584792
+2 376529 0.01846275890181026
+2 376735 0.01360367608904809
+2 377088 0.02734932218054922
+2 378740 0.01846275890181026
+2 380125 0.02720735217809617
+2 381027 0.02084171182520092
+2 381059 0.02900021003919988
+2 381314 0.0224596916827213
+2 381898 0.02720735217809617
+2 381910 0.01360367608904809
+2 382456 0.01846275890181026
+2 383220 0.01450010501959994
+2 383717 0.02734932218054922
+2 383881 0.02720735217809617
+2 383931 0.0224596916827213
+2 384855 0.0224596916827213
+2 384857 0.0224596916827213
+2 385144 0.01450010501959994
+2 385715 0.01288938340939221
+2 385781 0.0224596916827213
+2 386245 0.01360367608904809
+2 387974 0.0276941383527154
+2 388373 0.01360367608904809
+2 388461 0.02084171182520092
+2 388760 0.01450010501959994
+2 389623 0.005246415552923961
+2 389801 0.01933407511408831
+2 390942 0.0276941383527154
+2 391054 0.01326462052578403
+2 391112 0.0224596916827213
+2 391640 0.01498357398445124
+2 391750 0.01846275890181026
+2 392382 0.02040551413357213
+2 393569 0.01367466109027461
+2 394308 0.01755361681674637
+2 394516 0.02720735217809617
+2 395286 0.02577876681878442
+2 395603 0.0224596916827213
+2 396089 0.0276941383527154
+2 396734 0.01367466109027461
+2 396762 0.02734932218054922
+2 396794 0.01450010501959994
+2 397220 0.02633042522511955
+2 397506 0.01755361681674637
+2 398135 0.01450010501959994
+2 399231 0.01360367608904809
+2 399959 0.01367466109027461
+2 400231 0.02084171182520092
+2 402051 0.03147849331754377
+2 402346 0.01360367608904809
+2 402865 0.02084171182520092
+2 402965 0.01450010501959994
+2 403661 0.01360367608904809
+2 404390 0.01288938340939221
+2 404544 0.01450010501959994
+2 405769 0.01360367608904809
+2 405988 0.01360367608904809
+2 406087 0.02084171182520092
+2 406325 0.0224596916827213
+2 409413 0.01997809864593499
+2 409703 0.02720735217809617
+2 410369 0.0276941383527154
+2 410826 0.02900021003919988
+2 410893 0.02900021003919988
+2 410990 0.03400919022262022
+2 412205 0.01288938340939221
+2 412401 0.0224596916827213
+2 412969 0.01367466109027461
+2 413673 0.01450010501959994
+2 413831 0.02633042522511955
+2 416968 0.01360367608904809
+2 417332 0.01755361681674637
+2 417415 0.01360367608904809
+2 417651 0.0224596916827213
+2 418213 0.01367466109027461
+2 420548 0.01846275890181026
+2 421087 0.01360367608904809
+2 422853 0.01755361681674637
+2 423978 0.01846275890181026
+2 424081 0.01755361681674637
+2 424685 0.02720735217809617
+2 424843 0.01288938340939221
+2 425184 0.01288938340939221
+2 425561 0.01360367608904809
+2 425737 0.01288938340939221
+2 426111 0.02084171182520092
+2 426215 0.01367466109027461
+2 426273 0.01846275890181026
+2 428185 0.01450010501959994
+2 428813 0.0276941383527154
+2 429857 0.0224596916827213
+2 430417 0.0224596916827213
+2 433703 0.02084171182520092
+2 434199 0.01360367608904809
+2 435351 0.0224596916827213
+2 436785 0.0224596916827213
+2 437322 0.01450010501959994
+2 438095 0.0224596916827213
+2 438918 0.005246415552923961
+2 440291 0.02084171182520092
+2 441779 0.02497262330741874
+2 442812 0.01450010501959994
+2 445065 0.0276941383527154
+2 445546 0.01360367608904809
+2 445733 0.01288938340939221
+2 445806 0.0224596916827213
+2 446231 0.01450010501959994
+2 447055 0.0224596916827213
+2 447414 0.01846275890181026
+2 447983 0.01367466109027461
+2 449029 0.01288938340939221
+2 449067 0.0224596916827213
+2 449121 0.01846275890181026
+2 449683 0.0224596916827213
+2 450383 0.01450010501959994
+2 450520 0.0276941383527154
+2 451666 0.01846275890181026
+2 452294 0.01846275890181026
+2 454642 0.02720735217809617
+2 455552 0.01846275890181026
+2 455623 0.01450010501959994
+2 455639 0.0276941383527154
+2 456135 0.02084171182520092
+2 456814 0.01846275890181026
+2 456962 0.01049283110584792
+2 457315 0.02084171182520092
+2 457479 0.02734932218054922
+2 457795 0.02084171182520092
+2 457797 0.0224596916827213
+2 457815 0.02084171182520092
+2 458576 0.01360367608904809
+2 459153 0.01288938340939221
+2 459205 0.01755361681674637
+2 459526 0.01450010501959994
+2 461015 0.0224596916827213
+2 461528 0.02900021003919988
+2 461794 0.01450010501959994
+2 461876 0.01288938340939221
+2 462364 0.02633042522511955
+2 462975 0.01360367608904809
+2 463449 0.0224596916827213
+2 464765 0.01846275890181026
+2 465610 0.01360367608904809
+2 465683 0.01360367608904809
+2 465697 0.0224596916827213
+2 466143 0.02720735217809617
+2 466236 0.0224596916827213
+2 467564 0.01288938340939221
+2 468741 0.01846275890181026
+2 470837 0.01360367608904809
+2 471169 0.02734932218054922
+2 471521 0.01360367608904809
+2 471572 0.01288938340939221
+2 473270 0.02720735217809617
+2 473420 0.01846275890181026
+2 473999 0.02720735217809617
+2 474687 0.02175015752939991
+2 474784 0.02084171182520092
+2 475117 0.01846275890181026
+2 475118 0.0276941383527154
+2 475970 0.05469864436109843
+2 476213 0.01360367608904809
+2 477218 0.01288938340939221
+2 477443 0.02497262330741874
+2 479073 0.0224596916827213
+2 479139 0.01288938340939221
+2 480288 0.01846275890181026
+2 481113 0.02175015752939991
+2 482345 0.01450010501959994
+2 482567 0.01367466109027461
+2 482632 0.02084171182520092
+2 483701 0.01360367608904809
+2 484341 0.0224596916827213
+2 485083 0.0224596916827213
+2 487611 0.01450010501959994
+2 487653 0.0224596916827213
+2 488567 0.02720735217809617
+2 489724 0.0224596916827213
+2 491013 0.01755361681674637
+2 491206 0.0224596916827213
+2 491641 0.01846275890181026
+2 493106 0.009989049322967496
+2 493212 0.01360367608904809
+2 493657 0.01755361681674637
+2 493901 0.02734932218054922
+2 494637 0.01450010501959994
+2 494937 0.0224596916827213
+2 496345 0.01288938340939221
+2 497556 0.02175015752939991
+2 498175 0.01450010501959994
+2 499200 0.01367466109027461
+2 499358 0.01846275890181026
+2 500950 0.01360367608904809
+2 501317 0.02084171182520092
+2 502084 0.0224596916827213
+2 502271 0.01846275890181026
+2 502355 0.02051199163541191
+2 502591 0.02040551413357213
+2 502841 0.01846275890181026
+2 502898 0.01846275890181026
+2 502907 0.01360367608904809
+2 503136 0.0224596916827213
+2 503867 0.01755361681674637
+2 505453 0.01846275890181026
+2 506135 0.0224596916827213
+2 506286 0.02720735217809617
+2 506479 0.01755361681674637
+2 507451 0.01846275890181026
+2 507537 0.02734932218054922
+2 507692 0.06033377885862555
+2 508736 0.01846275890181026
+2 508787 0.01360367608904809
+2 508811 0.01288938340939221
+2 509541 0.01360367608904809
+2 509919 0.01450010501959994
+2 512365 0.04168342365040183
+2 512453 0.0224596916827213
+2 514175 0.01367466109027461
+2 515491 0.01450010501959994
+2 515661 0.02084171182520092
+2 515907 0.01450010501959994
+2 516634 0.03979386157735209
+2 517202 0.01360367608904809
+2 517337 0.0224596916827213
+2 517781 0.01755361681674637
+2 517874 0.01450010501959994
+2 518346 0.02084171182520092
+2 518705 0.0224596916827213
+2 518808 0.02720735217809617
+2 519139 0.01755361681674637
+2 520268 0.0224596916827213
+2 520432 0.02900021003919988
+2 523271 0.02633042522511955
+2 523541 0.02084171182520092
+2 523947 0.01367466109027461
+2 525583 0.0224596916827213
+2 525851 0.01360367608904809
+2 526363 0.01846275890181026
+2 526946 0.01755361681674637
+2 527398 0.01755361681674637
+2 527639 0.0224596916827213
+2 528214 0.0276941383527154
+2 528519 0.02084171182520092
+2 528573 0.01450010501959994
+2 528624 0.01450010501959994
+2 528864 0.01450010501959994
+2 529053 0.01367466109027461
+2 531643 0.01450010501959994
+2 531908 0.02497262330741874
+2 531983 0.01360367608904809
+2 532980 0.01367466109027461
+2 533265 0.009989049322967496
+2 534715 0.02720735217809617
+2 534866 0.02720735217809617
+2 534939 0.02084171182520092
+2 535273 0.01846275890181026
+2 535303 0.01360367608904809
+2 535786 0.02720735217809617
+2 535793 0.01846275890181026
+2 536468 0.02720735217809617
+2 537221 0.02900021003919988
+2 537511 0.02051199163541191
+2 537663 0.01450010501959994
+2 537705 0.01846275890181026
+2 537849 0.02175015752939991
+2 539527 0.01360367608904809
+2 540465 0.02900021003919988
+2 540474 0.01367466109027461
+2 541994 0.01450010501959994
+2 542747 0.02720735217809617
+2 543333 0.009989049322967496
+2 544109 0.02084171182520092
+2 544753 0.01288938340939221
+2 544877 0.01450010501959994
+2 545099 0.01367466109027461
+2 545201 0.01288938340939221
+2 546035 0.01450010501959994
+2 546555 0.01360367608904809
+2 547157 0.02051199163541191
+2 547969 0.01450010501959994
+2 548140 0.01846275890181026
+2 548160 0.02040551413357213
+2 548733 0.01755361681674637
+2 548896 0.02734932218054922
+2 549216 0.01360367608904809
+2 549329 0.0224596916827213
+2 550139 0.01367466109027461
+2 550397 0.02040551413357213
+2 550499 0.02720735217809617
+2 550585 0.0224596916827213
+2 550646 0.01846275890181026
+2 551165 0.01450010501959994
+2 551619 0.01846275890181026
+2 551867 0.01288938340939221
+2 552035 0.02084171182520092
+2 552208 0.01450010501959994
+2 552224 0.01846275890181026
+2 552314 0.01367466109027461
+2 552644 0.01846275890181026
+2 552991 0.02900021003919988
+2 553290 0.01288938340939221
+2 553378 0.01288938340939221
+2 553696 0.02900021003919988
+2 554171 0.006632310262892014
+2 554273 0.01367466109027461
+2 554848 0.03979386157735209
+2 555579 0.01846275890181026
+2 555640 0.01450010501959994
+2 555843 0.01450010501959994
+2 555941 0.01846275890181026
+2 556299 0.01367466109027461
+2 556469 0.02098566221169584
+2 556689 0.0224596916827213
+2 556895 0.01846275890181026
+2 557554 0.0224596916827213
+2 559219 0.01846275890181026
+2 559604 0.0276941383527154
+2 560147 0.01450010501959994
+2 560395 0.01288938340939221
+2 561463 0.01846275890181026
+2 563349 0.01360367608904809
+2 564899 0.0224596916827213
+2 565145 0.0276941383527154
+2 567100 0.02720735217809617
+2 567563 0.01755361681674637
+2 567941 0.01755361681674637
+2 568123 0.01846275890181026
+2 569285 0.02577876681878442
+2 569519 0.01360367608904809
+2 570063 0.01755361681674637
+2 570304 0.01846275890181026
+2 571152 0.02633042522511955
+2 571843 0.01049283110584792
+2 572024 0.0224596916827213
+2 572240 0.02734932218054922
+2 574381 0.0224596916827213
+2 575021 0.0224596916827213
+2 575732 0.01450010501959994
+2 576681 0.02720735217809617
+2 576853 0.01288938340939221
+2 576861 0.01450010501959994
+2 577069 0.01450010501959994
+2 578039 0.02175015752939991
+2 578166 0.01360367608904809
+2 578474 0.01846275890181026
+2 579597 0.01360367608904809
+2 579620 0.01360367608904809
+2 580669 0.0276941383527154
+2 580838 0.01450010501959994
+2 582560 0.01288938340939221
+2 582730 0.01755361681674637
+2 582828 0.01846275890181026
+2 583217 0.01450010501959994
+2 583463 0.01846275890181026
+2 583732 0.01846275890181026
+2 583746 0.05317384088236198
+2 584579 0.01360367608904809
+2 584763 0.05317384088236198
+2 585083 0.0224596916827213
+2 585191 0.01360367608904809
+2 587435 0.02633042522511955
+2 587884 0.01360367608904809
+2 588449 0.01367466109027461
+2 589339 0.01360367608904809
+2 589453 0.01360367608904809
+2 589545 0.0224596916827213
+2 590800 0.02900021003919988
+2 591770 0.0276941383527154
+2 591866 0.04102398327082382
+2 592222 0.01360367608904809
+2 592792 0.03400919022262022
+2 592829 0.01755361681674637
+2 592865 0.0224596916827213
+2 592951 0.01450010501959994
+2 593712 0.01450010501959994
+2 593964 0.01360367608904809
+2 593995 0.02051199163541191
+2 594441 0.01288938340939221
+2 594598 0.01367466109027461
+2 594775 0.04974232697169011
+2 595190 0.01360367608904809
+2 595286 0.01450010501959994
+2 595803 0.1180443499407891
+2 596032 0.01450010501959994
+2 596142 0.01360367608904809
+2 596548 0.01450010501959994
+2 596886 0.0224596916827213
+2 596952 0.01367466109027461
+2 597275 0.02900021003919988
+2 597895 0.01367466109027461
+2 597967 0.01360367608904809
+2 598774 0.009989049322967496
+2 600013 0.02084171182520092
+2 600226 0.009989049322967496
+2 600953 0.01846275890181026
+2 601956 0.02040551413357213
+2 602993 0.02577876681878442
+2 604022 0.01997809864593499
+2 605225 0.03496167263038623
+2 605312 0.02175015752939991
+2 605390 0.0276941383527154
+2 605457 0.02720735217809617
+2 606540 0.03222345852348052
+2 607313 0.01755361681674637
+2 607497 0.03798131491597284
+2 607699 0.0224596916827213
+2 608695 0.01450010501959994
+2 608773 0.02720735217809617
+2 608811 0.0224596916827213
+2 609181 0.01360367608904809
+2 609469 0.01846275890181026
+2 609511 0.01450010501959994
+2 610034 0.02633042522511955
+2 611811 0.02084171182520092
+2 612623 0.01846275890181026
+2 612740 0.01360367608904809
+2 613071 0.02900021003919988
+2 613096 0.01755361681674637
+2 614260 0.0276941383527154
+2 614678 0.02900021003919988
+2 614844 0.02900021003919988
+2 615402 0.02900021003919988
+2 615499 0.01846275890181026
+2 616117 0.04102398327082382
+2 616136 0.01450010501959994
+2 616663 0.02577876681878442
+2 616827 0.02900021003919988
+2 617266 0.01846275890181026
+2 617395 0.01367466109027461
+2 617529 0.01367466109027461
+2 618125 0.04168342365040183
+2 620045 0.01450010501959994
+2 620879 0.0224596916827213
+2 620920 0.0224596916827213
+2 620922 0.01450010501959994
+2 621490 0.01846275890181026
+2 621706 0.01846275890181026
+2 622446 0.02084171182520092
+2 622747 0.01367466109027461
+2 623699 0.01450010501959994
+2 623888 0.0224596916827213
+2 624058 0.02720735217809617
+2 624069 0.01360367608904809
+2 624972 0.01450010501959994
+2 625328 0.02175015752939991
+2 625376 0.01846275890181026
+2 625769 0.01755361681674637
+2 626638 0.01846275890181026
+2 627157 0.01450010501959994
+2 627686 0.01450010501959994
+2 628067 0.04557757789916742
+2 628232 0.02734932218054922
+2 628463 0.01360367608904809
+2 628605 0.01367466109027461
+2 629035 0.0224596916827213
+2 629688 0.01846275890181026
+2 629708 0.02577876681878442
+2 629740 0.02040551413357213
+2 630208 0.01360367608904809
+2 630633 0.01450010501959994
+2 630930 0.01846275890181026
+2 632711 0.01450010501959994
+2 633177 0.01933407511408831
+2 635129 0.0224596916827213
+2 635811 0.02633042522511955
+2 637283 0.01288938340939221
+2 638838 0.01755361681674637
+2 639033 0.02577876681878442
+2 639353 0.01450010501959994
+2 639362 0.005246415552923961
+2 639968 0.01450010501959994
+2 640317 0.02084171182520092
+2 642062 0.0224596916827213
+2 642203 0.06836636684875112
+2 642649 0.0224596916827213
+2 643315 0.0224596916827213
+2 643634 0.01498357398445124
+2 643662 0.0276941383527154
+2 643772 0.02720735217809617
+2 643839 0.02720735217809617
+2 643936 0.02175015752939991
+2 644220 0.006632310262892014
+2 645114 0.01288938340939221
+2 645347 0.0276941383527154
+2 645505 0.01846275890181026
+2 645915 0.01933407511408831
+2 646254 0.01360367608904809
+2 646372 0.01288938340939221
+2 646777 0.02734932218054922
+2 648063 0.01288938340939221
+2 648764 0.01360367608904809
+2 648903 0.0224596916827213
+2 650052 0.01450010501959994
+2 650741 0.02084171182520092
+2 651357 0.01846275890181026
+2 652362 0.01846275890181026
+2 652514 0.01755361681674637
+2 653009 0.0224596916827213
+2 653399 0.01367466109027461
+2 653537 0.0224596916827213
+2 655093 0.0224596916827213
+2 655240 0.01367466109027461
+2 655446 0.01846275890181026
+2 655537 0.0262320777646198
+2 655929 0.0224596916827213
+2 657155 0.01755361681674637
+2 657631 0.02175015752939991
+2 657797 0.01846275890181026
+2 659057 0.01933407511408831
+2 660651 0.01846275890181026
+2 661073 0.01997809864593499
+2 661218 0.01360367608904809
+2 661759 0.0224596916827213
+2 663629 0.01360367608904809
+2 663774 0.01450010501959994
+2 663812 0.01498357398445124
+2 664406 0.01755361681674637
+2 665010 0.01367466109027461
+2 667328 0.01367466109027461
+2 668297 0.03510723363349273
+2 668558 0.01360367608904809
+2 669258 0.01755361681674637
+2 669303 0.01755361681674637
+2 670037 0.01846275890181026
+2 670268 0.02040551413357213
+2 670633 0.01450010501959994
+2 670693 0.01450010501959994
+2 670829 0.01933407511408831
+2 671553 0.04721773997631565
+2 672756 0.03147849331754377
+2 672767 0.01360367608904809
+2 673507 0.01288938340939221
+2 673671 0.0224596916827213
+2 675052 0.01360367608904809
+2 675670 0.02720735217809617
+2 675672 0.01846275890181026
+2 675682 0.01288938340939221
+2 675808 0.006632310262892014
+2 676661 0.01288938340939221
+2 677975 0.0224596916827213
+2 678011 0.0224596916827213
+2 678752 0.01846275890181026
+2 679409 0.01360367608904809
+2 679429 0.02720735217809617
+2 680225 0.01450010501959994
+2 681130 0.01367466109027461
+2 682127 0.01367466109027461
+2 682269 0.01288938340939221
+2 683329 0.01846275890181026
+2 683466 0.03625026254899985
+2 684612 0.0224596916827213
+2 684704 0.01450010501959994
+2 686506 0.01367466109027461
+2 686920 0.01450010501959994
+2 687143 0.02084171182520092
+2 687588 0.02900021003919988
+2 687733 0.01846275890181026
+2 688585 0.02900021003919988
+2 689760 0.0224596916827213
+2 690425 0.02633042522511955
+2 690761 0.02577876681878442
+2 691725 0.01450010501959994
+2 691865 0.01288938340939221
+2 692754 0.01288938340939221
+2 693099 0.01360367608904809
+2 693937 0.0224596916827213
+2 694474 0.0276941383527154
+2 694626 0.01360367608904809
+2 695384 0.01360367608904809
+2 695471 0.0224596916827213
+2 695539 0.01367466109027461
+2 696533 0.1273603788678356
+2 697121 0.01755361681674637
+2 697205 0.03798131491597284
+2 697560 0.01450010501959994
+2 697598 0.01450010501959994
+2 697943 0.0224596916827213
+2 697988 0.01846275890181026
+2 698358 0.02900021003919988
+2 699089 0.0224596916827213
+2 699773 0.01755361681674637
+2 700710 0.01360367608904809
+2 700954 0.01450010501959994
+2 701293 0.02084171182520092
+2 701887 0.03316155131446007
+2 704060 0.01288938340939221
+2 705263 0.0224596916827213
+2 705567 0.01288938340939221
+2 706216 0.02900021003919988
+2 706892 0.01450010501959994
+2 706945 0.0224596916827213
+2 707489 0.01755361681674637
+2 707633 0.01846275890181026
+2 707730 0.02577876681878442
+2 708064 0.0224596916827213
+2 708916 0.05800222534226494
+2 709550 0.03400919022262022
+2 710821 0.0276941383527154
+2 710948 0.01846275890181026
+2 711305 0.01450010501959994
+2 712019 0.01846275890181026
+2 712872 0.01755361681674637
+2 713013 0.02084171182520092
+2 713234 0.01450010501959994
+2 713474 0.01360367608904809
+2 713527 0.01846275890181026
+2 714059 0.02720735217809617
+2 714584 0.004994524661483748
+2 715513 0.01755361681674637
+2 715578 0.02577876681878442
+2 715726 0.01846275890181026
+2 715799 0.01450010501959994
+2 716121 0.01367466109027461
+2 716264 0.01846275890181026
+2 716526 0.01846275890181026
+2 718098 0.01846275890181026
+2 719242 0.01450010501959994
+2 720262 0.01450010501959994
+2 721031 0.01450010501959994
+2 721513 0.0224596916827213
+2 721862 0.02900021003919988
+2 724109 0.02633042522511955
+2 724152 0.01846275890181026
+2 725465 0.01288938340939221
+2 725922 0.01450010501959994
+2 726847 0.02577876681878442
+2 727505 0.01288938340939221
+2 728874 0.01846275890181026
+2 729071 0.01360367608904809
+2 729291 0.01367466109027461
+2 729590 0.01360367608904809
+2 730055 0.02084171182520092
+2 730665 0.01049283110584792
+2 730797 0.0276941383527154
+2 732291 0.01288938340939221
+2 734263 0.01755361681674637
+2 735217 0.01450010501959994
+2 735537 0.0224596916827213
+2 735787 0.0224596916827213
+2 735844 0.0224596916827213
+2 736082 0.02720735217809617
+2 736854 0.01360367608904809
+2 737718 0.01450010501959994
+2 738711 0.01288938340939221
+2 739232 0.03625026254899985
+2 739643 0.0224596916827213
+2 740334 0.01360367608904809
+2 740438 0.01288938340939221
+2 740483 0.01933407511408831
+2 742595 0.01846275890181026
+2 742865 0.01846275890181026
+2 743915 0.01755361681674637
+2 744254 0.0224596916827213
+2 745259 0.02084171182520092
+2 745311 0.05266085045023909
+2 745341 0.03400919022262022
+2 746645 0.01755361681674637
+2 746958 0.02051199163541191
+2 748040 0.01360367608904809
+2 748793 0.01450010501959994
+2 749436 0.01450010501959994
+2 749580 0.04557757789916742
+2 749615 0.01367466109027461
+2 749749 0.02084171182520092
+2 750727 0.02084171182520092
+2 751292 0.02633042522511955
+2 751754 0.0224596916827213
+2 753378 0.0276941383527154
+2 753528 0.01288938340939221
+2 756196 0.01360367608904809
+2 756217 0.02734932218054922
+2 756487 0.02633042522511955
+2 756653 0.01360367608904809
+2 757783 0.0224596916827213
+2 757918 0.01450010501959994
+2 758000 0.01450010501959994
+2 758209 0.01367466109027461
+2 758529 0.02040551413357213
+2 758950 0.01360367608904809
+2 759434 0.01846275890181026
+2 760340 0.01450010501959994
+2 760543 0.01367466109027461
+2 761160 0.0224596916827213
+2 762340 0.01450010501959994
+2 763733 0.01360367608904809
+2 764181 0.01367466109027461
+2 764367 0.0224596916827213
+2 764717 0.01367466109027461
+2 764887 0.04168342365040183
+2 765520 0.01367466109027461
+2 766235 0.01360367608904809
+2 766266 0.01288938340939221
+2 767070 0.02734932218054922
+2 767389 0.01360367608904809
+2 767812 0.02175015752939991
+2 768087 0.01288938340939221
+2 768251 0.01450010501959994
+2 768305 0.0224596916827213
+2 768732 0.02900021003919988
+2 768739 0.0224596916827213
+2 769351 0.0224596916827213
+2 770167 0.02040551413357213
+2 770286 0.02175015752939991
+2 770457 0.02633042522511955
+2 770651 0.0224596916827213
+2 770795 0.02040551413357213
+2 771052 0.01450010501959994
+2 773229 0.01360367608904809
+2 773411 0.02720735217809617
+2 775990 0.01360367608904809
+2 776178 0.01367466109027461
+2 777142 0.01367466109027461
+2 777823 0.01360367608904809
+2 778464 0.01367466109027461
+2 780103 0.02577876681878442
+2 781097 0.01288938340939221
+2 781106 0.0224596916827213
+2 781326 0.01288938340939221
+2 781842 0.02633042522511955
+2 782275 0.0276941383527154
+2 783132 0.01360367608904809
+2 783343 0.01450010501959994
+2 783531 0.01846275890181026
+2 783959 0.02084171182520092
+2 784486 0.01360367608904809
+2 785047 0.01846275890181026
+2 785845 0.006632310262892014
+2 785937 0.0276941383527154
+2 786642 0.0276941383527154
+2 787794 0.04459453219985367
+2 788165 0.01367466109027461
+2 788859 0.01367466109027461
+2 789638 0.03147849331754377
+2 790500 0.0276941383527154
+2 790981 0.01755361681674637
+2 791523 0.01360367608904809
+2 792107 0.0224596916827213
+2 792543 0.01846275890181026
+2 792961 0.01755361681674637
+2 793708 0.01360367608904809
+2 795324 0.01367466109027461
+2 798091 0.0224596916827213
+2 799421 0.02720735217809617
+2 800049 0.006632310262892014
+2 800887 0.02084171182520092
+2 801467 0.0224596916827213
+2 802231 0.01367466109027461
+2 802871 0.01360367608904809
+2 803130 0.01288938340939221
+2 803237 0.02084171182520092
+2 803501 0.01755361681674637
+2 803836 0.01360367608904809
+2 804098 0.02734932218054922
+2 804970 0.02720735217809617
+2 805186 0.01755361681674637
+2 806035 0.01450010501959994
+2 806121 0.01450010501959994
+2 806824 0.01367466109027461
+2 807323 0.01846275890181026
+2 807327 0.01846275890181026
+2 807411 0.02098566221169584
+2 807533 0.02577876681878442
+2 807967 0.0276941383527154
+2 808359 0.0224596916827213
+2 809627 0.02900021003919988
+2 810985 0.01846275890181026
+2 812102 0.02734932218054922
+2 812268 0.01846275890181026
+2 812696 0.01288938340939221
+2 812847 0.01450010501959994
+2 813324 0.01367466109027461
+2 813329 0.01846275890181026
+2 813585 0.01450010501959994
+2 813615 0.0224596916827213
+2 814437 0.01288938340939221
+2 814899 0.01360367608904809
+2 815974 0.02720735217809617
+2 816177 0.01846275890181026
+2 816692 0.04642617184024411
+2 818174 0.01326462052578403
+2 818929 0.01450010501959994
+2 821841 0.01450010501959994
+2 822491 0.0276941383527154
+2 822732 0.01846275890181026
+2 823077 0.0224596916827213
+2 823746 0.01846275890181026
+2 823955 0.01846275890181026
+2 824236 0.01450010501959994
+2 824716 0.0224596916827213
+2 824812 0.03866815022817662
+2 825738 0.0224596916827213
+2 825897 0.01846275890181026
+2 827721 0.05246415552923961
+2 827811 0.01360367608904809
+2 827857 0.01450010501959994
+2 828024 0.01573924665877189
+2 828318 0.01360367608904809
+2 828355 0.01288938340939221
+2 829832 0.01846275890181026
+2 830841 0.01755361681674637
+2 830913 0.0224596916827213
+2 831820 0.01846275890181026
+2 833401 0.01846275890181026
+2 833703 0.0224596916827213
+2 835278 0.01288938340939221
+2 835345 0.01288938340939221
+2 835939 0.02734932218054922
+2 838145 0.01360367608904809
+2 838258 0.01846275890181026
+2 838336 0.0224596916827213
+2 838403 0.02900021003919988
+2 838788 0.01367466109027461
+2 839462 0.02720735217809617
+2 839777 0.09875141878152939
+2 840443 0.04974232697169011
+2 841719 0.02900021003919988
+2 841729 0.01755361681674637
+2 842117 0.01846275890181026
+2 842415 0.0224596916827213
+2 842623 0.004994524661483748
+2 842980 0.02084171182520092
+2 843083 0.01360367608904809
+2 843133 0.01846275890181026
+2 844547 0.02084171182520092
+2 845228 0.01846275890181026
+2 845355 0.01450010501959994
+2 845433 0.01450010501959994
+2 846017 0.0276941383527154
+2 846987 0.01360367608904809
+2 847021 0.01755361681674637
+2 847294 0.01846275890181026
+2 847624 0.02720735217809617
+2 848316 0.01367466109027461
+2 848348 0.03400919022262022
+2 848815 0.0224596916827213
+2 848856 0.01450010501959994
+2 849063 0.05155753363756883
+2 849509 0.01360367608904809
+2 849569 0.01288938340939221
+2 849602 0.01288938340939221
+2 849609 0.02084171182520092
+2 849721 0.01450010501959994
+2 849797 0.01360367608904809
+2 851071 0.05266085045023909
+2 851822 0.01360367608904809
+2 852093 0.01755361681674637
+2 852206 0.01450010501959994
+2 853081 0.0224596916827213
+2 853866 0.02720735217809617
+2 854171 0.0224596916827213
+2 854652 0.0224596916827213
+2 854960 0.02652924105156806
+2 855288 0.01288938340939221
+2 855392 0.02633042522511955
+2 856602 0.03316155131446007
+2 856834 0.02040551413357213
+2 857004 0.02900021003919988
+2 857015 0.01450010501959994
+2 857083 0.01846275890181026
+2 857189 0.02175015752939991
+2 857253 0.01755361681674637
+2 857430 0.05969079236602813
+2 857517 0.01360367608904809
+2 857673 0.01846275890181026
+2 857805 0.006632310262892014
+2 858148 0.01288938340939221
+2 858171 0.0224596916827213
+2 858274 0.0276941383527154
+2 859080 0.01360367608904809
+2 859097 0.01846275890181026
+2 860357 0.0224596916827213
+2 861077 0.01450010501959994
+2 861178 0.02633042522511955
+2 861717 0.01450010501959994
+2 863371 0.01450010501959994
+2 863413 0.04168342365040183
+2 864181 0.01846275890181026
+2 865017 0.0224596916827213
+2 865057 0.0224596916827213
+2 866123 0.01367466109027461
+2 866409 0.01755361681674637
+2 866462 0.01288938340939221
+2 867366 0.01360367608904809
+2 868041 0.01846275890181026
+2 868877 0.01367466109027461
+2 870006 0.02720735217809617
+2 870945 0.0224596916827213
+2 871383 0.02084171182520092
+2 871784 0.02084171182520092
+2 871979 0.03418665272568652
+2 873263 0.02633042522511955
+2 873685 0.01755361681674637
+2 873932 0.01367466109027461
+2 875002 0.01450010501959994
+2 875008 0.0276941383527154
+2 875441 0.08355889281514026
+2 875595 0.0276941383527154
+2 876101 0.02900021003919988
+2 876454 0.01360367608904809
+2 876608 0.0224596916827213
+2 876647 0.01755361681674637
+2 876785 0.0224596916827213
+2 876882 0.01846275890181026
+2 877722 0.01450010501959994
+2 879048 0.01288938340939221
+2 879723 0.02577876681878442
+2 880032 0.01450010501959994
+2 880406 0.01360367608904809
+2 882364 0.01360367608904809
+2 882386 0.01450010501959994
+2 882577 0.01846275890181026
+2 884303 0.0224596916827213
+2 884404 0.01360367608904809
+2 884453 0.0224596916827213
+2 884677 0.01933407511408831
+2 885188 0.01360367608904809
+2 886206 0.0224596916827213
+2 887039 0.01360367608904809
+2 889464 0.01360367608904809
+2 890577 0.01846275890181026
+2 892003 0.02734932218054922
+2 892485 0.0224596916827213
+2 893230 0.01360367608904809
+2 893968 0.01846275890181026
+2 894705 0.02040551413357213
+2 895891 0.01846275890181026
+2 896073 0.01360367608904809
+2 897352 0.02084171182520092
+2 898259 0.01846275890181026
+2 899460 0.01360367608904809
+2 900237 0.0224596916827213
+2 900493 0.01360367608904809
+2 901072 0.01360367608904809
+2 901243 0.01450010501959994
+2 901873 0.01450010501959994
+2 902983 0.0224596916827213
+2 903042 0.01360367608904809
+2 903639 0.02040551413357213
+2 903775 0.02051199163541191
+2 903869 0.01367466109027461
+2 905317 0.01450010501959994
+2 906255 0.006632310262892014
+2 906375 0.02084171182520092
+2 908616 0.02900021003919988
+2 909342 0.03625026254899985
+2 910551 0.01450010501959994
+2 911251 0.01450010501959994
+2 911698 0.02175015752939991
+2 912375 0.02900021003919988
+2 912692 0.01288938340939221
+2 912818 0.01450010501959994
+2 913307 0.01846275890181026
+2 913653 0.02652924105156806
+2 914185 0.01288938340939221
+2 914236 0.01450010501959994
+2 914637 0.01360367608904809
+2 914767 0.01846275890181026
+2 916268 0.01846275890181026
+2 916275 0.0224596916827213
+2 916412 0.02720735217809617
+2 916838 0.0224596916827213
+2 916971 0.01288938340939221
+2 917301 0.02051199163541191
+2 919124 0.01367466109027461
+2 921531 0.02720735217809617
+2 922706 0.02720735217809617
+2 922758 0.01360367608904809
+2 923371 0.02084171182520092
+2 923707 0.02734932218054922
+2 924489 0.01846275890181026
+2 925190 0.01755361681674637
+2 927420 0.0224596916827213
+2 929327 0.01367466109027461
+2 929479 0.133783596599561
+2 929751 0.0224596916827213
+2 929906 0.01049283110584792
+2 930347 0.01846275890181026
+2 930897 0.01450010501959994
+2 930912 0.01755361681674637
+2 930961 0.01450010501959994
+2 931304 0.02720735217809617
+2 932035 0.0276941383527154
+2 932719 0.02084171182520092
+2 934821 0.02720735217809617
+2 934855 0.01450010501959994
+2 935216 0.01288938340939221
+2 936492 0.01846275890181026
+2 936622 0.01360367608904809
+2 937173 0.02734932218054922
+2 937229 0.01846275890181026
+2 938709 0.01360367608904809
+2 939162 0.0276941383527154
+2 939891 0.0276941383527154
+2 940067 0.01367466109027461
+2 940579 0.0224596916827213
+2 940676 0.02734932218054922
+2 941010 0.02720735217809617
+2 941134 0.01360367608904809
+2 941331 0.01049283110584792
+2 942152 0.01288938340939221
+2 942496 0.02900021003919988
+2 943077 0.01450010501959994
+2 943165 0.02098566221169584
+2 943733 0.01755361681674637
+2 943767 0.0224596916827213
+2 943987 0.01360367608904809
+2 945364 0.01755361681674637
+2 945541 0.1094331193377183
+2 945987 0.01367466109027461
+2 946067 0.01360367608904809
+2 946180 0.02040551413357213
+2 947013 0.01846275890181026
+2 948459 0.02084171182520092
+2 948524 0.02734932218054922
+2 950976 0.01288938340939221
+2 951036 0.01360367608904809
+2 951392 0.01360367608904809
+2 951404 0.01288938340939221
+2 951500 0.01450010501959994
+2 951694 0.0224596916827213
+2 951800 0.01288938340939221
+2 952885 0.0224596916827213
+2 953469 0.01360367608904809
+2 953647 0.0224596916827213
+2 954459 0.01846275890181026
+2 954637 0.02084171182520092
+2 954808 0.03400919022262022
+2 956278 0.02084171182520092
+2 956520 0.01846275890181026
+2 956997 0.01450010501959994
+2 957055 0.02084171182520092
+2 957067 0.01288938340939221
+2 957098 0.02175015752939991
+2 957143 0.0224596916827213
+2 957437 0.02040551413357213
+2 958137 0.0224596916827213
+2 958911 0.01846275890181026
+2 959793 0.02084171182520092
+2 959815 0.01360367608904809
+2 960107 0.0224596916827213
+2 961910 0.01450010501959994
+2 962277 0.02084171182520092
+2 963743 0.0224596916827213
+2 963855 0.01288938340939221
+2 963998 0.02900021003919988
+2 964525 0.01450010501959994
+2 964582 0.0276941383527154
+2 965802 0.01360367608904809
+2 966255 0.0224596916827213
+2 966565 0.0276941383527154
+2 966991 0.01846275890181026
+2 967164 0.006632310262892014
+2 967209 0.02051199163541191
+2 967983 0.0224596916827213
+2 968163 0.02040551413357213
+2 968483 0.0276941383527154
+2 969028 0.02175015752939991
+2 969841 0.01326462052578403
+2 971047 0.01846275890181026
+2 971062 0.01360367608904809
+2 972178 0.0276941383527154
+2 972485 0.01755361681674637
+2 973333 0.01450010501959994
+2 974699 0.0224596916827213
+2 974851 0.01367466109027461
+2 975218 0.01288938340939221
+2 975811 0.0224596916827213
+2 977200 0.0276941383527154
+2 978046 0.01846275890181026
+2 978257 0.05469864436109843
+2 978285 0.02084171182520092
+2 978287 0.02900021003919988
+2 978511 0.0224596916827213
+2 978773 0.02720735217809617
+2 979446 0.02084171182520092
+2 979478 0.0224596916827213
+2 979904 0.01933407511408831
+2 980261 0.01846275890181026
+2 980319 0.01360367608904809
+2 981883 0.01450010501959994
+2 981921 0.0224596916827213
+2 982012 0.01360367608904809
+2 983673 0.01288938340939221
+2 983781 0.01450010501959994
+2 984700 0.01846275890181026
+2 985549 0.02734932218054922
+2 986324 0.0224596916827213
+2 986791 0.0224596916827213
+2 989163 0.02577876681878442
+2 989433 0.02734932218054922
+2 990804 0.01288938340939221
+2 991032 0.01360367608904809
+2 991475 0.02900021003919988
+2 992490 0.01450010501959994
+2 993053 0.03400919022262022
+2 993292 0.01360367608904809
+2 993510 0.0224596916827213
+2 994106 0.02720735217809617
+2 994950 0.01288938340939221
+2 995085 0.02175015752939991
+2 995605 0.01367466109027461
+2 995653 0.02084171182520092
+2 996536 0.01288938340939221
+2 998175 0.01450010501959994
+2 1000016 0.03222345852348052
+2 1000099 0.01360367608904809
+2 1000335 0.01450010501959994
+2 1001147 0.0224596916827213
+2 1002097 0.01288938340939221
+2 1002929 0.0224596916827213
+2 1003113 0.0224596916827213
+2 1003223 0.04197132442339169
+2 1003232 0.03400919022262022
+2 1003403 0.02084171182520092
+2 1006311 0.01367466109027461
+2 1006560 0.01360367608904809
+2 1007775 0.01450010501959994
+2 1007893 0.01846275890181026
+2 1007912 0.01288938340939221
+2 1008831 0.01288938340939221
+2 1008899 0.01360367608904809
+2 1010438 0.01360367608904809
+2 1010769 0.0224596916827213
+2 1011301 0.01360367608904809
+2 1012185 0.0224596916827213
+2 1013049 0.02084171182520092
+2 1014052 0.0276941383527154
+2 1014788 0.02084171182520092
+2 1014853 0.01450010501959994
+2 1015155 0.01360367608904809
+2 1016179 0.01846275890181026
+2 1016289 0.01846275890181026
+2 1016640 0.01846275890181026
+2 1018557 0.01360367608904809
+2 1018883 0.0224596916827213
+2 1019025 0.01755361681674637
+2 1019588 0.0224596916827213
+2 1019929 0.01288938340939221
+2 1020006 0.0224596916827213
+2 1020311 0.0224596916827213
+2 1020509 0.01755361681674637
+2 1020555 0.01360367608904809
+2 1020677 0.01846275890181026
+2 1020740 0.0574370336070631
+2 1021884 0.01288938340939221
+2 1023224 0.01288938340939221
+2 1024035 0.01846275890181026
+2 1026711 0.01367466109027461
+2 1026775 0.01360367608904809
+2 1027300 0.01450010501959994
+2 1027631 0.0224596916827213
+2 1027749 0.02040551413357213
+2 1027973 0.01360367608904809
+2 1028155 0.02084171182520092
+2 1028295 0.01360367608904809
+2 1028315 0.02084171182520092
+2 1030226 0.01367466109027461
+2 1031121 0.01360367608904809
+2 1032367 0.02900021003919988
+2 1032791 0.02084171182520092
+2 1033256 0.01360367608904809
+2 1033699 0.02084171182520092
+2 1033833 0.01288938340939221
+2 1034350 0.02720735217809617
+2 1035161 0.01367466109027461
+2 1035177 0.01755361681674637
+2 1037044 0.02577876681878442
+2 1037251 0.02084171182520092
+2 1037326 0.0276941383527154
+2 1037360 0.02652924105156806
+2 1037916 0.02900021003919988
+2 1038132 0.02084171182520092
+2 1038587 0.01360367608904809
+2 1039251 0.01846275890181026
+2 1039896 0.01846275890181026
+2 1040201 0.004994524661483748
+2 1040273 0.02175015752939991
+2 1040325 0.0224596916827213
+2 1040479 0.02051199163541191
+2 1040601 0.0224596916827213
+2 1040913 0.02175015752939991
+2 1042343 0.0224596916827213
+2 1042815 0.01450010501959994
+2 1043231 0.01367466109027461
+2 1043931 0.0224596916827213
+2 1044011 0.0224596916827213
+2 1045048 0.02577876681878442
+2 1046133 0.01846275890181026
+2 1046509 0.02084171182520092
+2 1046561 0.02720735217809617
+2 1046915 0.01360367608904809
+2 1047335 0.01360367608904809
+2 1048455 0.0224596916827213
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/vectorizer_result02.mtx
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/vectorizer_result02.mtx	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,7346 @@
+%%MatrixMarket matrix coordinate real general
+%
+4 1048577 7343
+1 1450 0.0152274037172392
+1 1961 0.01275776096436371
+1 4053 0.01582710983069052
+1 4357 0.01446327540314412
+1 4379 0.02292554618019654
+1 4727 0.01275776096436371
+1 6201 0.02859906492378073
+1 7170 0.01341424712825137
+1 8116 0.02292554618019654
+1 10078 0.05679044019028674
+1 10495 0.03256516109420249
+1 12091 0.05275703276896841
+1 12155 0.01906604328252049
+1 13013 0.01517172746603997
+1 13181 0.0152274037172392
+1 13234 0.0108550536980675
+1 13280 0.0152274037172392
+1 14120 0.01906604328252049
+1 14527 0.0152274037172392
+1 15083 0.0152274037172392
+1 15241 0.01446327540314412
+1 15283 0.01895709357182213
+1 16177 0.01275776096436371
+1 17436 0.0152274037172392
+1 19449 0.02255274822664651
+1 20975 0.05803273604586524
+1 21531 0.0144155416907593
+1 22178 0.00527570327689684
+1 22283 0.01674245171469339
+1 22706 0.02892655080628824
+1 22715 0.0144155416907593
+1 23698 0.01275776096436371
+1 24309 0.02255274822664651
+1 24541 0.0144155416907593
+1 25019 0.01275776096436371
+1 26513 0.01341424712825137
+1 26569 0.01893014673009558
+1 27172 0.01446327540314412
+1 27389 0.02859906492378073
+1 29313 0.02511367757204008
+1 29735 0.03786029346019116
+1 30445 0.0152274037172392
+1 30453 0.05022735514408017
+1 30833 0.01341424712825137
+1 31588 0.0288310833815186
+1 31963 0.0144155416907593
+1 33113 0.01517172746603997
+1 33433 0.01893014673009558
+1 33979 0.02511367757204008
+1 34869 0.01895709357182213
+1 35828 0.01341424712825137
+1 35928 0.01674245171469339
+1 36463 0.01893014673009558
+1 37731 0.01893014673009558
+1 37859 0.01275776096436371
+1 38203 0.0144155416907593
+1 39526 0.01446327540314412
+1 39705 0.01275776096436371
+1 39762 0.02682849425650273
+1 40007 0.01412754739202977
+1 40920 0.00527570327689684
+1 40975 0.01341424712825137
+1 41385 0.01906604328252049
+1 41559 0.0288310833815186
+1 41645 0.01893014673009558
+1 41800 0.03886244041341189
+1 43077 0.02255274822664651
+1 43474 0.0152274037172392
+1 43781 0.01628258054710124
+1 43937 0.02292554618019654
+1 44401 0.01895709357182213
+1 45359 0.02255274822664651
+1 45447 0.02511367757204008
+1 45548 0.01893014673009558
+1 46264 0.01275776096436371
+1 46627 0.007063773696014885
+1 48545 0.01341424712825137
+1 50045 0.02255274822664651
+1 50271 0.01517172746603997
+1 50742 0.05803273604586524
+1 50871 0.01517172746603997
+1 51188 0.01446327540314412
+1 52548 0.02255274822664651
+1 52666 0.01446327540314412
+1 52833 0.003531886848007443
+1 53247 0.01913664144654556
+1 54371 0.01895709357182213
+1 55601 0.0144155416907593
+1 56154 0.02551552192872741
+1 57027 0.01517172746603997
+1 57543 0.02292554618019654
+1 57633 0.02682849425650273
+1 58055 0.03786029346019116
+1 58575 0.03045480743447839
+1 58964 0.02110281310758736
+1 59388 0.02255274822664651
+1 59679 0.01341424712825137
+1 60697 0.01275776096436371
+1 61808 0.01895709357182213
+1 63572 0.0288310833815186
+1 64006 0.01628258054710124
+1 64516 0.02169491310471618
+1 65817 0.0402427413847541
+1 66000 0.02859906492378073
+1 66876 0.01906604328252049
+1 68440 0.00527570327689684
+1 68573 0.005427526849033748
+1 68652 0.03034345493207994
+1 69297 0.01893014673009558
+1 69935 0.01446327540314412
+1 70576 0.0284356403577332
+1 70624 0.01446327540314412
+1 71207 0.01893014673009558
+1 71899 0.01906604328252049
+1 72251 0.01446327540314412
+1 72260 0.0152274037172392
+1 72351 0.02292554618019654
+1 73005 0.01275776096436371
+1 73634 0.0144155416907593
+1 73778 0.0144155416907593
+1 75637 0.01906604328252049
+1 75685 0.01674245171469339
+1 76187 0.01341424712825137
+1 76858 0.01446327540314412
+1 77048 0.0144155416907593
+1 78707 0.01895709357182213
+1 79120 0.02255274822664651
+1 79445 0.01628258054710124
+1 79790 0.01895709357182213
+1 80087 0.02110281310758736
+1 80609 0.01341424712825137
+1 80905 0.005427526849033748
+1 82201 0.02292554618019654
+1 82271 0.0144155416907593
+1 84117 0.01895709357182213
+1 84121 0.01893014673009558
+1 84237 0.01341424712825137
+1 84759 0.01893014673009558
+1 84903 0.02255274822664651
+1 85626 0.01517172746603997
+1 86660 0.02255274822664651
+1 87353 0.02892655080628824
+1 87707 0.01341424712825137
+1 88009 0.02255274822664651
+1 88211 0.03045480743447839
+1 88664 0.01895709357182213
+1 89435 0.04510549645329302
+1 89687 0.0144155416907593
+1 89756 0.02255274822664651
+1 90120 0.0144155416907593
+1 90183 0.01517172746603997
+1 90989 0.0152274037172392
+1 91110 0.01906604328252049
+1 91282 0.02892655080628824
+1 91883 0.01674245171469339
+1 92150 0.009478546785911066
+1 92381 0.0144155416907593
+1 92647 0.01341424712825137
+1 93065 0.01275776096436371
+1 93388 0.01446327540314412
+1 93406 0.01275776096436371
+1 93417 0.01895709357182213
+1 93712 0.0288310833815186
+1 94188 0.01446327540314412
+1 94221 0.02859906492378073
+1 94259 0.0144155416907593
+1 97297 0.007613701858619598
+1 97508 0.01341424712825137
+1 98059 0.02162331253613895
+1 98487 0.02255274822664651
+1 101157 0.01674245171469339
+1 101160 0.0288310833815186
+1 101208 0.01895709357182213
+1 104074 0.01341424712825137
+1 104706 0.02255274822664651
+1 104938 0.01906604328252049
+1 105358 0.02275759119905996
+1 105948 0.03034345493207994
+1 106156 0.009533021641260244
+1 106509 0.02255274822664651
+1 109504 0.01517172746603997
+1 110789 0.02859906492378073
+1 110861 0.0152274037172392
+1 111143 0.01893014673009558
+1 111321 0.02292554618019654
+1 111967 0.0284356403577332
+1 112496 0.0152274037172392
+1 113403 0.01895709357182213
+1 113849 0.1165522659842456
+1 114627 0.01446327540314412
+1 117089 0.02551552192872741
+1 117854 0.08141290273550622
+1 118102 0.02284110557585879
+1 118488 0.01906604328252049
+1 118709 0.01446327540314412
+1 119005 0.01674245171469339
+1 119191 0.03034345493207994
+1 120259 0.01446327540314412
+1 121062 0.02255274822664651
+1 121543 0.05740992433963667
+1 122073 0.02292554618019654
+1 122233 0.02292554618019654
+1 122281 0.01517172746603997
+1 123115 0.02292554618019654
+1 123373 0.01446327540314412
+1 123479 0.0288310833815186
+1 124374 0.02255274822664651
+1 125247 0.01913664144654556
+1 126637 0.02292554618019654
+1 126866 0.0284356403577332
+1 126939 0.02292554618019654
+1 126952 0.01674245171469339
+1 127272 0.0152274037172392
+1 127498 0.01341424712825137
+1 127623 0.01893014673009558
+1 127834 0.0284356403577332
+1 129468 0.0144155416907593
+1 129759 0.03034345493207994
+1 129911 0.09326985699218852
+1 131247 0.01446327540314412
+1 131871 0.01674245171469339
+1 132030 0.0152274037172392
+1 132381 0.01341424712825137
+1 134266 0.0144155416907593
+1 134487 0.01906604328252049
+1 134551 0.02511367757204008
+1 135077 0.0288310833815186
+1 135267 0.02331746424804713
+1 136117 0.01895709357182213
+1 136140 0.01906604328252049
+1 136976 0.0152274037172392
+1 137533 0.03045480743447839
+1 137854 0.01893014673009558
+1 138050 0.01674245171469339
+1 138618 0.02169491310471618
+1 139470 0.02255274822664651
+1 139565 0.0284356403577332
+1 140648 0.01674245171469339
+1 141330 0.02859906492378073
+1 141425 0.02551552192872741
+1 141605 0.04342021479226998
+1 141768 0.01275776096436371
+1 142118 0.02859906492378073
+1 142205 0.0152274037172392
+1 142893 0.0284356403577332
+1 143525 0.01446327540314412
+1 143694 0.01517172746603997
+1 143936 0.01906604328252049
+1 144331 0.0152274037172392
+1 147558 0.02892655080628824
+1 147574 0.01906604328252049
+1 150040 0.01906604328252049
+1 150643 0.01893014673009558
+1 151395 0.01895709357182213
+1 151579 0.02551552192872741
+1 151957 0.01674245171469339
+1 152459 0.01517172746603997
+1 153795 0.01674245171469339
+1 154338 0.01517172746603997
+1 154728 0.02551552192872741
+1 155628 0.01906604328252049
+1 156173 0.03108995233072951
+1 156548 0.02255274822664651
+1 156833 0.02119132108804466
+1 157801 0.02892655080628824
+1 158180 0.01517172746603997
+1 158855 0.01893014673009558
+1 160925 0.01893014673009558
+1 161313 0.02682849425650273
+1 162025 0.02511367757204008
+1 162176 0.0144155416907593
+1 163623 0.01906604328252049
+1 163848 0.01906604328252049
+1 164325 0.0144155416907593
+1 164433 0.02292554618019654
+1 165135 0.0144155416907593
+1 165706 0.0144155416907593
+1 166361 0.02292554618019654
+1 166529 0.0144155416907593
+1 166972 0.0361581885078603
+1 168043 0.02682849425650273
+1 168301 0.01517172746603997
+1 168697 0.02892655080628824
+1 168709 0.01906604328252049
+1 168911 0.02255274822664651
+1 169561 0.01906604328252049
+1 169919 0.02551552192872741
+1 169950 0.0144155416907593
+1 171015 0.01906604328252049
+1 171841 0.01341424712825137
+1 172016 0.005427526849033748
+1 172064 0.04465216337527297
+1 172229 0.0152274037172392
+1 173141 0.02511367757204008
+1 173730 0.0152274037172392
+1 173803 0.05103104385745482
+1 173845 0.00527570327689684
+1 175014 0.01517172746603997
+1 176979 0.01895709357182213
+1 177175 0.01341424712825137
+1 177590 0.01895709357182213
+1 177649 0.01446327540314412
+1 178632 0.0144155416907593
+1 178977 0.01517172746603997
+1 179452 0.0152274037172392
+1 180023 0.01674245171469339
+1 180178 0.01446327540314412
+1 180190 0.01895709357182213
+1 180885 0.03786029346019116
+1 181003 0.01341424712825137
+1 182753 0.01906604328252049
+1 184705 0.01895709357182213
+1 184797 0.01446327540314412
+1 184846 0.03045480743447839
+1 184926 0.01275776096436371
+1 185507 0.01906604328252049
+1 185842 0.0152274037172392
+1 186516 0.01446327540314412
+1 186765 0.02825509478405954
+1 187533 0.01275776096436371
+1 188359 0.01895709357182213
+1 188578 0.02859906492378073
+1 189199 0.02825509478405954
+1 189809 0.0152274037172392
+1 190016 0.0144155416907593
+1 190250 0.00720777084537965
+1 191326 0.01446327540314412
+1 191804 0.01893014673009558
+1 191947 0.01895709357182213
+1 192236 0.0152274037172392
+1 192658 0.01906604328252049
+1 194755 0.02511367757204008
+1 195041 0.01341424712825137
+1 195301 0.01895709357182213
+1 197703 0.0152274037172392
+1 200634 0.01446327540314412
+1 200714 0.0288310833815186
+1 201220 0.01446327540314412
+1 201992 0.01517172746603997
+1 202228 0.0108550536980675
+1 202617 0.02892655080628824
+1 205133 0.01906604328252049
+1 205941 0.02292554618019654
+1 205982 0.0152274037172392
+1 206024 0.03799268794323624
+1 206369 0.01517172746603997
+1 206674 0.0144155416907593
+1 206811 0.01893014673009558
+1 209165 0.01893014673009558
+1 209641 0.01517172746603997
+1 209936 0.01674245171469339
+1 210181 0.0284356403577332
+1 210811 0.0152274037172392
+1 211061 0.02859906492378073
+1 211750 0.01446327540314412
+1 212405 0.01275776096436371
+1 212754 0.03045480743447839
+1 213207 0.0288310833815186
+1 213263 0.006378880482181853
+1 214213 0.02859906492378073
+1 214254 0.01341424712825137
+1 214398 0.02892655080628824
+1 214601 0.01517172746603997
+1 214615 0.01674245171469339
+1 215089 0.02292554618019654
+1 215763 0.02255274822664651
+1 216417 0.01275776096436371
+1 216761 0.02255274822664651
+1 217645 0.01674245171469339
+1 218203 0.02682849425650273
+1 218789 0.02255274822664651
+1 219534 0.01895709357182213
+1 220381 0.02255274822664651
+1 221089 0.01674245171469339
+1 222567 0.01674245171469339
+1 223505 0.01906604328252049
+1 224247 0.01446327540314412
+1 224863 0.02825509478405954
+1 227270 0.03045480743447839
+1 228624 0.01906604328252049
+1 229186 0.0144155416907593
+1 229418 0.01341424712825137
+1 230931 0.03034345493207994
+1 232810 0.02292554618019654
+1 232916 0.02892655080628824
+1 233751 0.02292554618019654
+1 236223 0.01517172746603997
+1 239147 0.02292554618019654
+1 239793 0.01446327540314412
+1 241053 0.03806850929309799
+1 241364 0.0263785163844842
+1 241990 0.0288310833815186
+1 242202 0.01517172746603997
+1 242321 0.02292554618019654
+1 242926 0.01674245171469339
+1 243024 0.07534103271612025
+1 243701 0.02682849425650273
+1 244205 0.01412754739202977
+1 244218 0.01895709357182213
+1 245474 0.01446327540314412
+1 245636 0.03799268794323624
+1 246127 0.01446327540314412
+1 247111 0.01895709357182213
+1 248595 0.01906604328252049
+1 248983 0.01517172746603997
+1 249229 0.01674245171469339
+1 249275 0.01893014673009558
+1 251886 0.0152274037172392
+1 252811 0.01674245171469339
+1 253233 0.02255274822664651
+1 255652 0.03045480743447839
+1 256843 0.01341424712825137
+1 257127 0.01906604328252049
+1 258709 0.01275776096436371
+1 258887 0.0144155416907593
+1 259377 0.01517172746603997
+1 259515 0.02511367757204008
+1 259741 0.002713763424516874
+1 260335 0.02292554618019654
+1 261723 0.01275776096436371
+1 262259 0.01893014673009558
+1 263399 0.05679044019028674
+1 263803 0.01446327540314412
+1 266206 0.01517172746603997
+1 266379 0.01674245171469339
+1 266693 0.02255274822664651
+1 268386 0.01446327540314412
+1 269409 0.02551552192872741
+1 269543 0.01275776096436371
+1 271641 0.0144155416907593
+1 272472 0.0152274037172392
+1 272708 0.02551552192872741
+1 273555 0.08476528435217863
+1 274215 0.02292554618019654
+1 274331 0.02292554618019654
+1 274505 0.02255274822664651
+1 274591 0.02511367757204008
+1 274746 0.03692992293827788
+1 275061 0.01893014673009558
+1 275802 0.01341424712825137
+1 276174 0.02255274822664651
+1 276909 0.02292554618019654
+1 278156 0.0144155416907593
+1 278393 0.02682849425650273
+1 279328 0.007063773696014885
+1 281403 0.01517172746603997
+1 282367 0.01674245171469339
+1 282991 0.01895709357182213
+1 283688 0.04342021479226998
+1 283691 0.01275776096436371
+1 285489 0.01446327540314412
+1 285779 0.007772488082682377
+1 285819 0.01517172746603997
+1 286193 0.01893014673009558
+1 288003 0.0152274037172392
+1 288997 0.01893014673009558
+1 289077 0.02255274822664651
+1 289100 0.02682849425650273
+1 289751 0.02255274822664651
+1 290392 0.01341424712825137
+1 290579 0.02551552192872741
+1 290753 0.02119132108804466
+1 291001 0.03189440241090926
+1 291225 0.0144155416907593
+1 291521 0.02859906492378073
+1 292280 0.01275776096436371
+1 292489 0.01341424712825137
+1 292568 0.01895709357182213
+1 292587 0.03165421966138104
+1 293311 0.01275776096436371
+1 293638 0.0144155416907593
+1 294136 0.0152274037172392
+1 294219 0.01674245171469339
+1 294754 0.02275759119905996
+1 295159 0.01446327540314412
+1 297837 0.02255274822664651
+1 298763 0.05103104385745482
+1 298946 0.03045480743447839
+1 299085 0.01275776096436371
+1 301537 0.01275776096436371
+1 301591 0.00527570327689684
+1 302243 0.02511367757204008
+1 303240 0.01674245171469339
+1 303522 0.03034345493207994
+1 303857 0.0144155416907593
+1 305297 0.02169491310471618
+1 306523 0.0152274037172392
+1 306669 0.02275759119905996
+1 306923 0.01893014673009558
+1 308371 0.01517172746603997
+1 310126 0.02292554618019654
+1 310491 0.01674245171469339
+1 311309 0.01674245171469339
+1 312047 0.02292554618019654
+1 312066 0.0288310833815186
+1 312563 0.01895709357182213
+1 312627 0.01275776096436371
+1 312736 0.02255274822664651
+1 312927 0.01446327540314412
+1 315147 0.009533021641260244
+1 317063 0.02255274822664651
+1 317067 0.01674245171469339
+1 319389 0.02292554618019654
+1 320265 0.01674245171469339
+1 320299 0.02284110557585879
+1 320955 0.01895709357182213
+1 320967 0.01893014673009558
+1 321099 0.01674245171469339
+1 321610 0.007585863733019985
+1 321902 0.02331746424804713
+1 322633 0.02255274822664651
+1 322837 0.03348490342938677
+1 324228 0.03045480743447839
+1 325096 0.02255274822664651
+1 326118 0.01906604328252049
+1 326597 0.01517172746603997
+1 326658 0.02255274822664651
+1 327167 0.02292554618019654
+1 328620 0.0144155416907593
+1 329458 0.01517172746603997
+1 329992 0.01517172746603997
+1 330243 0.007231637701572061
+1 331433 0.0288310833815186
+1 332667 0.03531886848007443
+1 332935 0.01674245171469339
+1 333604 0.0152274037172392
+1 334106 0.02255274822664651
+1 334154 0.03034345493207994
+1 334370 0.0144155416907593
+1 335067 0.01341424712825137
+1 335280 0.01674245171469339
+1 337652 0.01895709357182213
+1 338304 0.02162331253613895
+1 339455 0.0284356403577332
+1 341165 0.0152274037172392
+1 341600 0.0152274037172392
+1 341681 0.01674245171469339
+1 342993 0.01906604328252049
+1 343650 0.01517172746603997
+1 343735 0.02292554618019654
+1 344641 0.01517172746603997
+1 344913 0.02275759119905996
+1 345542 0.02859906492378073
+1 345589 0.0288310833815186
+1 346164 0.01446327540314412
+1 346605 0.02292554618019654
+1 346795 0.08549736890950616
+1 347646 0.007063773696014885
+1 347906 0.0152274037172392
+1 348217 0.02292554618019654
+1 348585 0.01895709357182213
+1 349783 0.01893014673009558
+1 350035 0.02012137069237705
+1 350500 0.01517172746603997
+1 350800 0.10023836226104
+1 351048 0.02169491310471618
+1 352137 0.0284356403577332
+1 352213 0.01517172746603997
+1 354008 0.0284356403577332
+1 354157 0.01893014673009558
+1 354451 0.01341424712825137
+1 354489 0.03786029346019116
+1 355227 0.0144155416907593
+1 356319 0.0152274037172392
+1 356425 0.02255274822664651
+1 356922 0.01895709357182213
+1 357237 0.01893014673009558
+1 357320 0.0284356403577332
+1 357854 0.02892655080628824
+1 358193 0.01893014673009558
+1 358506 0.0144155416907593
+1 359374 0.01674245171469339
+1 359583 0.01906604328252049
+1 359812 0.02255274822664651
+1 360019 0.01341424712825137
+1 360780 0.02255274822664651
+1 361555 0.0144155416907593
+1 361829 0.03886244041341189
+1 362356 0.01341424712825137
+1 362545 0.01275776096436371
+1 362705 0.0284356403577332
+1 362857 0.1213411753686273
+1 363605 0.01517172746603997
+1 364103 0.01275776096436371
+1 364616 0.01341424712825137
+1 365021 0.01517172746603997
+1 367497 0.02682849425650273
+1 368023 0.03034345493207994
+1 368458 0.01446327540314412
+1 369657 0.02255274822664651
+1 370479 0.02892655080628824
+1 370800 0.02511367757204008
+1 371564 0.03045480743447839
+1 372021 0.02012137069237705
+1 372416 0.01895709357182213
+1 372511 0.02255274822664651
+1 373594 0.02012137069237705
+1 374276 0.02292554618019654
+1 374371 0.03353561782062841
+1 374535 0.01893014673009558
+1 374551 0.04220562621517472
+1 374827 0.01906604328252049
+1 375064 0.02292554618019654
+1 375487 0.005427526849033748
+1 375839 0.02255274822664651
+1 376471 0.0152274037172392
+1 378562 0.01341424712825137
+1 380001 0.01275776096436371
+1 380189 0.01517172746603997
+1 380504 0.0152274037172392
+1 381027 0.01893014673009558
+1 381251 0.01341424712825137
+1 381254 0.01674245171469339
+1 381326 0.02255274822664651
+1 381767 0.02255274822664651
+1 382003 0.01517172746603997
+1 382219 0.0152274037172392
+1 382741 0.01446327540314412
+1 382986 0.02284110557585879
+1 383251 0.0144155416907593
+1 383717 0.02682849425650273
+1 384538 0.01275776096436371
+1 384555 0.02292554618019654
+1 384591 0.0152274037172392
+1 385334 0.0152274037172392
+1 385663 0.01517172746603997
+1 385715 0.01275776096436371
+1 386673 0.01275776096436371
+1 386694 0.0152274037172392
+1 386837 0.01517172746603997
+1 387163 0.01341424712825137
+1 387674 0.01893014673009558
+1 388810 0.0144155416907593
+1 389583 0.02292554618019654
+1 389911 0.02292554618019654
+1 390487 0.02292554618019654
+1 390747 0.03045480743447839
+1 391054 0.01412754739202977
+1 391388 0.0152274037172392
+1 391640 0.01582710983069052
+1 392546 0.01446327540314412
+1 393865 0.0144155416907593
+1 393871 0.008371225857346693
+1 394259 0.02551552192872741
+1 394535 0.02255274822664651
+1 394971 0.01893014673009558
+1 395286 0.02551552192872741
+1 396304 0.0152274037172392
+1 396376 0.01895709357182213
+1 396628 0.01275776096436371
+1 396734 0.01341424712825137
+1 396794 0.0152274037172392
+1 397379 0.01906604328252049
+1 397417 0.01446327540314412
+1 397741 0.01275776096436371
+1 398081 0.02255274822664651
+1 400558 0.01446327540314412
+1 401145 0.02292554618019654
+1 401643 0.02284110557585879
+1 402051 0.03256516109420249
+1 402286 0.0144155416907593
+1 402595 0.01446327540314412
+1 402865 0.01893014673009558
+1 405010 0.03786029346019116
+1 406087 0.01893014673009558
+1 407418 0.01446327540314412
+1 407591 0.02255274822664651
+1 408537 0.02255274822664651
+1 408634 0.01341424712825137
+1 409126 0.0288310833815186
+1 409221 0.01895709357182213
+1 409372 0.0152274037172392
+1 409413 0.02110281310758736
+1 410955 0.01446327540314412
+1 411904 0.01895709357182213
+1 412880 0.01674245171469339
+1 412942 0.01446327540314412
+1 412969 0.01341424712825137
+1 413310 0.02255274822664651
+1 413831 0.05022735514408017
+1 413833 0.01275776096436371
+1 414201 0.0144155416907593
+1 414254 0.02292554618019654
+1 414796 0.01906604328252049
+1 414949 0.01446327540314412
+1 417536 0.01446327540314412
+1 417651 0.02255274822664651
+1 417792 0.02892655080628824
+1 418390 0.0284356403577332
+1 419302 0.01341424712825137
+1 419563 0.01893014673009558
+1 421305 0.02275759119905996
+1 421524 0.02292554618019654
+1 421637 0.02284110557585879
+1 422853 0.01674245171469339
+1 423196 0.007585863733019985
+1 423215 0.02292554618019654
+1 423226 0.01906604328252049
+1 424081 0.01674245171469339
+1 424853 0.01674245171469339
+1 425604 0.02292554618019654
+1 426273 0.01895709357182213
+1 430433 0.01674245171469339
+1 432900 0.01446327540314412
+1 433579 0.0152274037172392
+1 433580 0.0152274037172392
+1 433660 0.03034345493207994
+1 433703 0.03786029346019116
+1 433799 0.0152274037172392
+1 435563 0.03045480743447839
+1 435799 0.02255274822664651
+1 436398 0.0288310833815186
+1 436785 0.02255274822664651
+1 436999 0.0144155416907593
+1 437949 0.02859906492378073
+1 438783 0.01517172746603997
+1 438887 0.01906604328252049
+1 438918 0.005427526849033748
+1 439173 0.0288310833815186
+1 439437 0.01674245171469339
+1 439494 0.0288310833815186
+1 441779 0.02110281310758736
+1 441866 0.0152274037172392
+1 442049 0.01341424712825137
+1 442111 0.02511367757204008
+1 442233 0.02292554618019654
+1 442639 0.0152274037172392
+1 443127 0.02255274822664651
+1 444007 0.02292554618019654
+1 445400 0.00527570327689684
+1 445700 0.02169491310471618
+1 446103 0.02255274822664651
+1 446153 0.02255274822664651
+1 446209 0.01893014673009558
+1 446807 0.01446327540314412
+1 447159 0.02292554618019654
+1 447344 0.03045480743447839
+1 447797 0.02255274822664651
+1 448035 0.02859906492378073
+1 448986 0.0144155416907593
+1 449363 0.01341424712825137
+1 450291 0.01895709357182213
+1 451111 0.01893014673009558
+1 453327 0.01895709357182213
+1 454179 0.01446327540314412
+1 455513 0.02012137069237705
+1 455686 0.0284356403577332
+1 455894 0.007613701858619598
+1 456657 0.01341424712825137
+1 456962 0.005427526849033748
+1 457274 0.0152274037172392
+1 457315 0.03786029346019116
+1 458947 0.01674245171469339
+1 459526 0.01517172746603997
+1 460216 0.0361581885078603
+1 461570 0.02284110557585879
+1 462159 0.02292554618019654
+1 462548 0.01275776096436371
+1 462608 0.01275776096436371
+1 463141 0.01517172746603997
+1 463352 0.01341424712825137
+1 464481 0.01446327540314412
+1 465266 0.0144155416907593
+1 465756 0.02859906492378073
+1 466438 0.01628258054710124
+1 466571 0.00527570327689684
+1 467139 0.01517172746603997
+1 468324 0.01341424712825137
+1 468541 0.0144155416907593
+1 469367 0.01895709357182213
+1 469551 0.02255274822664651
+1 471169 0.02682849425650273
+1 472716 0.01446327540314412
+1 472853 0.02892655080628824
+1 473155 0.01275776096436371
+1 473999 0.02892655080628824
+1 474473 0.01674245171469339
+1 474936 0.01517172746603997
+1 475970 0.08048548276950819
+1 476119 0.02255274822664651
+1 476647 0.02551552192872741
+1 477443 0.0263785163844842
+1 479073 0.02292554618019654
+1 479139 0.01275776096436371
+1 482577 0.01275776096436371
+1 483281 0.01446327540314412
+1 484832 0.01446327540314412
+1 485083 0.02292554618019654
+1 485190 0.01517172746603997
+1 487611 0.0152274037172392
+1 488279 0.01895709357182213
+1 488347 0.0152274037172392
+1 489840 0.01895709357182213
+1 491013 0.03348490342938677
+1 491068 0.01517172746603997
+1 491655 0.01341424712825137
+1 491943 0.02255274822664651
+1 492687 0.00263785163844842
+1 493281 0.02892655080628824
+1 493657 0.01674245171469339
+1 493733 0.01275776096436371
+1 494069 0.01906604328252049
+1 496345 0.05103104385745482
+1 496663 0.0144155416907593
+1 497055 0.01895709357182213
+1 497483 0.01895709357182213
+1 498936 0.0144155416907593
+1 499200 0.01341424712825137
+1 500160 0.01446327540314412
+1 500381 0.03189440241090926
+1 500985 0.02292554618019654
+1 501139 0.01446327540314412
+1 501317 0.01893014673009558
+1 502355 0.02012137069237705
+1 505418 0.01906604328252049
+1 506286 0.0288310833815186
+1 507082 0.01517172746603997
+1 507451 0.01895709357182213
+1 507537 0.02682849425650273
+1 507692 0.02985139766968561
+1 508811 0.01275776096436371
+1 508960 0.01446327540314412
+1 509120 0.0284356403577332
+1 509855 0.01906604328252049
+1 511339 0.02551552192872741
+1 512719 0.02255274822664651
+1 514175 0.01341424712825137
+1 515429 0.0144155416907593
+1 515907 0.0152274037172392
+1 515937 0.02275759119905996
+1 516634 0.04238264217608931
+1 516710 0.02292554618019654
+1 516962 0.01517172746603997
+1 517185 0.01517172746603997
+1 517217 0.02292554618019654
+1 517781 0.03348490342938677
+1 518705 0.02255274822664651
+1 519139 0.01674245171469339
+1 521976 0.01341424712825137
+1 523541 0.03786029346019116
+1 523947 0.02682849425650273
+1 524129 0.0144155416907593
+1 524452 0.01446327540314412
+1 524467 0.02292554618019654
+1 525068 0.0152274037172392
+1 525242 0.01275776096436371
+1 525851 0.01446327540314412
+1 526631 0.01893014673009558
+1 526946 0.01674245171469339
+1 527398 0.01674245171469339
+1 527459 0.01893014673009558
+1 527700 0.0288310833815186
+1 527844 0.01895709357182213
+1 527924 0.01517172746603997
+1 528415 0.01906604328252049
+1 529053 0.01341424712825137
+1 529526 0.0144155416907593
+1 529667 0.01895709357182213
+1 530783 0.0284356403577332
+1 531476 0.01517172746603997
+1 531603 0.0152274037172392
+1 531892 0.02892655080628824
+1 531908 0.01055140655379368
+1 532864 0.01906604328252049
+1 535367 0.01275776096436371
+1 535850 0.01446327540314412
+1 536468 0.0288310833815186
+1 537663 0.01517172746603997
+1 538243 0.03045480743447839
+1 538261 0.0152274037172392
+1 538530 0.01895709357182213
+1 538777 0.01446327540314412
+1 539578 0.01446327540314412
+1 539615 0.0288310833815186
+1 540474 0.01341424712825137
+1 541542 0.006378880482181853
+1 542303 0.01674245171469339
+1 542717 0.01275776096436371
+1 543072 0.01906604328252049
+1 543333 0.00527570327689684
+1 544493 0.02682849425650273
+1 545012 0.03034345493207994
+1 545682 0.0288310833815186
+1 547282 0.01906604328252049
+1 548529 0.01275776096436371
+1 548733 0.01674245171469339
+1 548907 0.01341424712825137
+1 550009 0.02162331253613895
+1 550139 0.01341424712825137
+1 550966 0.01895709357182213
+1 551957 0.01446327540314412
+1 552035 0.01893014673009558
+1 552304 0.0144155416907593
+1 552335 0.02859906492378073
+1 552480 0.01517172746603997
+1 552680 0.01446327540314412
+1 552697 0.01446327540314412
+1 553493 0.01275776096436371
+1 554119 0.01893014673009558
+1 554556 0.00720777084537965
+1 554632 0.01906604328252049
+1 554848 0.02119132108804466
+1 555579 0.01895709357182213
+1 555843 0.01517172746603997
+1 556469 0.01628258054710124
+1 556895 0.01895709357182213
+1 557352 0.01341424712825137
+1 557409 0.02255274822664651
+1 557524 0.0144155416907593
+1 558042 0.02162331253613895
+1 559064 0.02292554618019654
+1 559604 0.0284356403577332
+1 559683 0.0144155416907593
+1 559810 0.01895709357182213
+1 560113 0.02892655080628824
+1 560764 0.01275776096436371
+1 561463 0.01895709357182213
+1 563641 0.02292554618019654
+1 564379 0.03034345493207994
+1 564626 0.01446327540314412
+1 565337 0.0152274037172392
+1 565501 0.02162331253613895
+1 566115 0.01446327540314412
+1 567052 0.0284356403577332
+1 567100 0.0288310833815186
+1 567941 0.03348490342938677
+1 567997 0.01275776096436371
+1 571250 0.02255274822664651
+1 571843 0.005427526849033748
+1 572401 0.03034345493207994
+1 573038 0.01517172746603997
+1 573319 0.02255274822664651
+1 574219 0.0152274037172392
+1 576019 0.01341424712825137
+1 576353 0.01341424712825137
+1 576627 0.01446327540314412
+1 576681 0.02892655080628824
+1 576861 0.0152274037172392
+1 577859 0.02162331253613895
+1 578488 0.02292554618019654
+1 578535 0.03034345493207994
+1 579551 0.02859906492378073
+1 580669 0.0284356403577332
+1 582654 0.02292554618019654
+1 582828 0.01895709357182213
+1 583732 0.01895709357182213
+1 583746 0.09326985699218852
+1 583994 0.02292554618019654
+1 584579 0.0144155416907593
+1 584654 0.01674245171469339
+1 584763 0.02292554618019654
+1 585083 0.02255274822664651
+1 585127 0.02255274822664651
+1 585552 0.01906604328252049
+1 586390 0.01446327540314412
+1 586954 0.03034345493207994
+1 587435 0.05022735514408017
+1 588425 0.01275776096436371
+1 588426 0.01275776096436371
+1 588885 0.02892655080628824
+1 589265 0.01906604328252049
+1 589371 0.01895709357182213
+1 589945 0.01517172746603997
+1 590266 0.03034345493207994
+1 590694 0.0144155416907593
+1 590800 0.03045480743447839
+1 590865 0.007772488082682377
+1 591139 0.02511367757204008
+1 591289 0.0152274037172392
+1 591633 0.0152274037172392
+1 591784 0.01895709357182213
+1 592437 0.01275776096436371
+1 592529 0.0152274037172392
+1 593505 0.01517172746603997
+1 594441 0.01275776096436371
+1 594557 0.01446327540314412
+1 594775 0.05297830272011163
+1 595515 0.02292554618019654
+1 595651 0.02255274822664651
+1 595803 0.13026064437681
+1 596491 0.0152274037172392
+1 596952 0.02682849425650273
+1 596957 0.01906604328252049
+1 597645 0.01275776096436371
+1 597738 0.01517172746603997
+1 597967 0.0144155416907593
+1 598195 0.01517172746603997
+1 598774 0.0263785163844842
+1 598934 0.01446327540314412
+1 599004 0.01906604328252049
+1 599367 0.01341424712825137
+1 600226 0.01055140655379368
+1 600443 0.01913664144654556
+1 600507 0.01275776096436371
+1 600625 0.02255274822664651
+1 600969 0.0284356403577332
+1 603369 0.0152274037172392
+1 603425 0.02292554618019654
+1 603686 0.01517172746603997
+1 603746 0.02682849425650273
+1 604022 0.03692992293827788
+1 604967 0.01913664144654556
+1 605225 0.02110281310758736
+1 605362 0.01517172746603997
+1 605390 0.02859906492378073
+1 605457 0.0288310833815186
+1 606357 0.01517172746603997
+1 606540 0.02551552192872741
+1 607497 0.03108995233072951
+1 608010 0.02892655080628824
+1 608257 0.0152274037172392
+1 608545 0.01674245171469339
+1 608785 0.03603885422689825
+1 609253 0.02682849425650273
+1 609417 0.01906604328252049
+1 611811 0.05679044019028674
+1 611941 0.01275776096436371
+1 611997 0.02551552192872741
+1 613450 0.01906604328252049
+1 614180 0.0144155416907593
+1 614272 0.0284356403577332
+1 615932 0.0361581885078603
+1 616117 0.02012137069237705
+1 616187 0.01275776096436371
+1 616663 0.02551552192872741
+1 616727 0.01893014673009558
+1 618071 0.01893014673009558
+1 618555 0.0144155416907593
+1 618867 0.01895709357182213
+1 618906 0.01275776096436371
+1 619831 0.01275776096436371
+1 620187 0.0144155416907593
+1 620620 0.02511367757204008
+1 621180 0.01275776096436371
+1 622446 0.01893014673009558
+1 623732 0.01906604328252049
+1 624069 0.01446327540314412
+1 624263 0.02292554618019654
+1 626083 0.01906604328252049
+1 626638 0.01906604328252049
+1 626817 0.01341424712825137
+1 627927 0.01893014673009558
+1 628067 0.04663492849609426
+1 628232 0.02682849425650273
+1 629740 0.02169491310471618
+1 631027 0.01895709357182213
+1 632018 0.0144155416907593
+1 632711 0.0152274037172392
+1 634085 0.01275776096436371
+1 635129 0.02292554618019654
+1 635232 0.01517172746603997
+1 635517 0.007913554915345261
+1 635661 0.01275776096436371
+1 635701 0.01674245171469339
+1 635811 0.02511367757204008
+1 636431 0.02682849425650273
+1 637956 0.05022735514408017
+1 638257 0.02292554618019654
+1 638838 0.01674245171469339
+1 639033 0.02551552192872741
+1 639362 0.02171010739613499
+1 640317 0.01893014673009558
+1 640423 0.03786029346019116
+1 642025 0.01517172746603997
+1 642072 0.03034345493207994
+1 642203 0.03886244041341189
+1 643634 0.05275703276896841
+1 644220 0.007063773696014885
+1 644859 0.01517172746603997
+1 645114 0.01275776096436371
+1 645915 0.01913664144654556
+1 646256 0.0284356403577332
+1 646405 0.01895709357182213
+1 646777 0.05365698851300546
+1 647200 0.01906604328252049
+1 648281 0.01446327540314412
+1 648501 0.03786029346019116
+1 648903 0.02292554618019654
+1 649815 0.02255274822664651
+1 650631 0.02292554618019654
+1 650713 0.01895709357182213
+1 650738 0.02292554618019654
+1 650741 0.01893014673009558
+1 651126 0.01895709357182213
+1 651336 0.02255274822664651
+1 651505 0.0152274037172392
+1 651981 0.02682849425650273
+1 652641 0.01517172746603997
+1 653537 0.02255274822664651
+1 654251 0.0288310833815186
+1 654583 0.02892655080628824
+1 655093 0.02255274822664651
+1 656049 0.01895709357182213
+1 656539 0.01275776096436371
+1 657473 0.01906604328252049
+1 658533 0.01674245171469339
+1 660651 0.01906604328252049
+1 661025 0.02255274822664651
+1 661073 0.01055140655379368
+1 661111 0.01674245171469339
+1 661271 0.01893014673009558
+1 661431 0.0152274037172392
+1 663717 0.01275776096436371
+1 663812 0.03692992293827788
+1 664715 0.01674245171469339
+1 664723 0.01906604328252049
+1 664885 0.0152274037172392
+1 666805 0.02012137069237705
+1 667328 0.01341424712825137
+1 668677 0.0144155416907593
+1 669344 0.03034345493207994
+1 670037 0.01906604328252049
+1 670693 0.01517172746603997
+1 670895 0.02292554618019654
+1 671553 0.07598537588647247
+1 671833 0.02284110557585879
+1 672119 0.03034345493207994
+1 672440 0.03034345493207994
+1 672756 0.0108550536980675
+1 673966 0.02859906492378073
+1 674737 0.01517172746603997
+1 675057 0.02682849425650273
+1 675682 0.01275776096436371
+1 676073 0.0288310833815186
+1 676087 0.01446327540314412
+1 676173 0.01895709357182213
+1 676294 0.01446327540314412
+1 676661 0.01275776096436371
+1 676953 0.02892655080628824
+1 677831 0.02292554618019654
+1 677975 0.02255274822664651
+1 678873 0.02292554618019654
+1 679099 0.0284356403577332
+1 679155 0.01674245171469339
+1 679981 0.02292554618019654
+1 680105 0.02892655080628824
+1 680225 0.01517172746603997
+1 680290 0.02859906492378073
+1 680613 0.01517172746603997
+1 680743 0.0284356403577332
+1 681863 0.02255274822664651
+1 682186 0.01906604328252049
+1 683127 0.01446327540314412
+1 683365 0.0152274037172392
+1 685546 0.01895709357182213
+1 686055 0.01895709357182213
+1 686103 0.02292554618019654
+1 686273 0.02275759119905996
+1 686506 0.01341424712825137
+1 686850 0.0152274037172392
+1 687390 0.02275759119905996
+1 687695 0.02292554618019654
+1 688437 0.01341424712825137
+1 688459 0.02551552192872741
+1 688632 0.02255274822664651
+1 688840 0.007231637701572061
+1 691865 0.01275776096436371
+1 692163 0.01895709357182213
+1 692595 0.01446327540314412
+1 693099 0.0144155416907593
+1 693162 0.02292554618019654
+1 694516 0.02169491310471618
+1 694626 0.0144155416907593
+1 695225 0.01906604328252049
+1 695732 0.01895709357182213
+1 696087 0.02162331253613895
+1 696153 0.02292554618019654
+1 696533 0.1134276204532821
+1 697205 0.03886244041341189
+1 698282 0.0144155416907593
+1 699773 0.01674245171469339
+1 699833 0.01341424712825137
+1 700325 0.01275776096436371
+1 700543 0.01674245171469339
+1 700664 0.0152274037172392
+1 700954 0.01517172746603997
+1 701449 0.0144155416907593
+1 701483 0.02292554618019654
+1 701887 0.02825509478405954
+1 703177 0.01275776096436371
+1 703557 0.01341424712825137
+1 704060 0.01275776096436371
+1 704566 0.01275776096436371
+1 704965 0.02255274822664651
+1 705799 0.03045480743447839
+1 706945 0.02292554618019654
+1 707882 0.01895709357182213
+1 708916 0.08292544626836409
+1 709550 0.03603885422689825
+1 709593 0.01893014673009558
+1 710518 0.0288310833815186
+1 712019 0.01906604328252049
+1 713111 0.01341424712825137
+1 713527 0.01895709357182213
+1 714293 0.02255274822664651
+1 714584 0.01582710983069052
+1 715662 0.01446327540314412
+1 715726 0.01906604328252049
+1 715864 0.01341424712825137
+1 716392 0.01341424712825137
+1 717363 0.01275776096436371
+1 717778 0.02292554618019654
+1 719739 0.01674245171469339
+1 720262 0.0152274037172392
+1 720815 0.01446327540314412
+1 721031 0.01517172746603997
+1 721051 0.0152274037172392
+1 721302 0.02859906492378073
+1 721313 0.01906604328252049
+1 724001 0.01906604328252049
+1 724014 0.02892655080628824
+1 724109 0.02511367757204008
+1 724601 0.01674245171469339
+1 725633 0.007772488082682377
+1 726090 0.01341424712825137
+1 726227 0.03045480743447839
+1 727015 0.02292554618019654
+1 727180 0.0152274037172392
+1 727505 0.01275776096436371
+1 727672 0.01906604328252049
+1 728728 0.01517172746603997
+1 729285 0.04510549645329302
+1 729291 0.0402427413847541
+1 729809 0.02292554618019654
+1 730055 0.03786029346019116
+1 730665 0.01628258054710124
+1 730903 0.01893014673009558
+1 731440 0.0152274037172392
+1 731483 0.007063773696014885
+1 732091 0.01895709357182213
+1 732147 0.01906604328252049
+1 732196 0.0144155416907593
+1 732490 0.0144155416907593
+1 733111 0.0152274037172392
+1 733327 0.02012137069237705
+1 734263 0.01674245171469339
+1 735889 0.02292554618019654
+1 736468 0.01446327540314412
+1 736622 0.01275776096436371
+1 736997 0.01275776096436371
+1 737030 0.01895709357182213
+1 738105 0.00527570327689684
+1 738364 0.02292554618019654
+1 739210 0.0152274037172392
+1 739232 0.03792931866509992
+1 740385 0.0144155416907593
+1 740483 0.02551552192872741
+1 740485 0.02859906492378073
+1 740911 0.02255274822664651
+1 742066 0.03034345493207994
+1 742179 0.01275776096436371
+1 742551 0.01517172746603997
+1 742801 0.02284110557585879
+1 743984 0.01341424712825137
+1 743997 0.01893014673009558
+1 744306 0.01895709357182213
+1 744709 0.01913664144654556
+1 745255 0.02292554618019654
+1 746645 0.01674245171469339
+1 747117 0.0152274037172392
+1 747297 0.02292554618019654
+1 748091 0.02292554618019654
+1 748256 0.0152274037172392
+1 748413 0.01895709357182213
+1 748883 0.03603885422689825
+1 749580 0.04663492849609426
+1 749615 0.01341424712825137
+1 749656 0.02859906492378073
+1 749748 0.01906604328252049
+1 749749 0.01893014673009558
+1 750727 0.03786029346019116
+1 751381 0.01906604328252049
+1 752035 0.01517172746603997
+1 753133 0.03786029346019116
+1 753459 0.0144155416907593
+1 753528 0.01275776096436371
+1 753639 0.01341424712825137
+1 754619 0.02292554618019654
+1 754779 0.0144155416907593
+1 756487 0.05022735514408017
+1 756584 0.01906604328252049
+1 759215 0.01341424712825137
+1 760289 0.02292554618019654
+1 760543 0.01341424712825137
+1 761273 0.02255274822664651
+1 761433 0.01895709357182213
+1 761553 0.01906604328252049
+1 761645 0.0152274037172392
+1 763195 0.01517172746603997
+1 763724 0.01674245171469339
+1 763729 0.03034345493207994
+1 764181 0.01341424712825137
+1 766423 0.01446327540314412
+1 767385 0.0152274037172392
+1 767389 0.0144155416907593
+1 767558 0.0144155416907593
+1 767976 0.01895709357182213
+1 768305 0.02255274822664651
+1 768559 0.01341424712825137
+1 768797 0.01674245171469339
+1 770332 0.01341424712825137
+1 770929 0.01906604328252049
+1 771052 0.01517172746603997
+1 771262 0.02169491310471618
+1 772554 0.01275776096436371
+1 772561 0.02255274822664651
+1 772934 0.009478546785911066
+1 773001 0.0144155416907593
+1 774488 0.006707123564125683
+1 775342 0.02892655080628824
+1 776018 0.02284110557585879
+1 777439 0.02551552192872741
+1 777576 0.0144155416907593
+1 777779 0.01517172746603997
+1 778628 0.02275759119905996
+1 778895 0.01674245171469339
+1 778939 0.02292554618019654
+1 780300 0.0144155416907593
+1 780503 0.01446327540314412
+1 781488 0.01517172746603997
+1 782059 0.0144155416907593
+1 782062 0.01446327540314412
+1 782955 0.02275759119905996
+1 783132 0.0144155416907593
+1 783318 0.01906604328252049
+1 783398 0.0284356403577332
+1 783959 0.01893014673009558
+1 783989 0.01674245171469339
+1 784349 0.01895709357182213
+1 784979 0.0144155416907593
+1 785063 0.01446327540314412
+1 785281 0.03045480743447839
+1 785301 0.02859906492378073
+1 785845 0.01412754739202977
+1 786501 0.02255274822664651
+1 786541 0.007772488082682377
+1 787008 0.0144155416907593
+1 787189 0.01341424712825137
+1 787202 0.0144155416907593
+1 787639 0.01517172746603997
+1 787794 0.01899634397161812
+1 788020 0.01895709357182213
+1 789638 0.02171010739613499
+1 790231 0.02255274822664651
+1 790981 0.01674245171469339
+1 790988 0.01517172746603997
+1 791373 0.01275776096436371
+1 791823 0.01517172746603997
+1 792010 0.02892655080628824
+1 792961 0.01674245171469339
+1 793059 0.03045480743447839
+1 793326 0.0144155416907593
+1 794791 0.01341424712825137
+1 795438 0.02292554618019654
+1 795944 0.01906604328252049
+1 797773 0.03045480743447839
+1 798447 0.01517172746603997
+1 799101 0.01674245171469339
+1 800049 0.03531886848007443
+1 800887 0.03786029346019116
+1 801329 0.02292554618019654
+1 801330 0.0152274037172392
+1 802416 0.01895709357182213
+1 803130 0.01275776096436371
+1 803287 0.01275776096436371
+1 803307 0.01674245171469339
+1 803637 0.02255274822664651
+1 804196 0.01895709357182213
+1 805347 0.0288310833815186
+1 807045 0.01275776096436371
+1 807411 0.03256516109420249
+1 808640 0.01674245171469339
+1 809627 0.03045480743447839
+1 811434 0.02892655080628824
+1 811481 0.0284356403577332
+1 812268 0.01906604328252049
+1 812497 0.03045480743447839
+1 812696 0.01275776096436371
+1 813615 0.02255274822664651
+1 814545 0.01517172746603997
+1 815494 0.03045480743447839
+1 815600 0.02859906492378073
+1 816692 0.08476528435217863
+1 816940 0.01906604328252049
+1 817968 0.01275776096436371
+1 818176 0.01906604328252049
+1 819250 0.0144155416907593
+1 819900 0.02162331253613895
+1 820145 0.01674245171469339
+1 820379 0.0152274037172392
+1 821831 0.03806850929309799
+1 822211 0.02292554618019654
+1 822594 0.007063773696014885
+1 822745 0.01275776096436371
+1 823212 0.0288310833815186
+1 823746 0.01906604328252049
+1 823946 0.0152274037172392
+1 824078 0.01517172746603997
+1 824152 0.01275776096436371
+1 824291 0.01906604328252049
+1 824489 0.0152274037172392
+1 825475 0.02169491310471618
+1 826512 0.01446327540314412
+1 827226 0.01895709357182213
+1 827721 0.05427526849033748
+1 827795 0.01906604328252049
+1 827855 0.01517172746603997
+1 828802 0.01341424712825137
+1 829813 0.01895709357182213
+1 830913 0.02255274822664651
+1 832683 0.01341424712825137
+1 833320 0.01674245171469339
+1 833703 0.02255274822664651
+1 833915 0.02255274822664651
+1 836051 0.01895709357182213
+1 836371 0.02859906492378073
+1 836692 0.01913664144654556
+1 836963 0.01895709357182213
+1 837643 0.01895709357182213
+1 837767 0.01893014673009558
+1 837913 0.01893014673009558
+1 838308 0.02162331253613895
+1 838336 0.02292554618019654
+1 838374 0.01674245171469339
+1 838403 0.03034345493207994
+1 839777 0.08549736890950616
+1 840228 0.0152274037172392
+1 840443 0.04238264217608931
+1 840956 0.03045480743447839
+1 841301 0.01674245171469339
+1 841731 0.03034345493207994
+1 842199 0.02551552192872741
+1 842363 0.02292554618019654
+1 842623 0.00527570327689684
+1 842805 0.02255274822664651
+1 843731 0.01341424712825137
+1 844361 0.01446327540314412
+1 844547 0.01893014673009558
+1 844943 0.02682849425650273
+1 845433 0.01517172746603997
+1 845725 0.01906604328252049
+1 846396 0.02292554618019654
+1 846434 0.0144155416907593
+1 847021 0.01674245171469339
+1 847218 0.03034345493207994
+1 847913 0.01906604328252049
+1 848856 0.0152274037172392
+1 849063 0.01913664144654556
+1 849148 0.01895709357182213
+1 849609 0.01893014673009558
+1 851835 0.01895709357182213
+1 852093 0.01674245171469339
+1 854017 0.01446327540314412
+1 854171 0.02292554618019654
+1 855040 0.01906604328252049
+1 855392 0.02511367757204008
+1 856237 0.0152274037172392
+1 856602 0.03531886848007443
+1 857015 0.0152274037172392
+1 857189 0.02275759119905996
+1 857430 0.03531886848007443
+1 857805 0.02825509478405954
+1 857953 0.02292554618019654
+1 858166 0.01906604328252049
+1 859080 0.0144155416907593
+1 859763 0.01913664144654556
+1 861077 0.01893014673009558
+1 861178 0.02511367757204008
+1 861227 0.02292554618019654
+1 862919 0.01275776096436371
+1 863413 0.05679044019028674
+1 863755 0.01341424712825137
+1 863945 0.0152274037172392
+1 864181 0.01895709357182213
+1 865684 0.0144155416907593
+1 867010 0.01906604328252049
+1 867503 0.02255274822664651
+1 868178 0.01895709357182213
+1 868463 0.005427526849033748
+1 868877 0.01341424712825137
+1 869445 0.0144155416907593
+1 871335 0.02292554618019654
+1 871383 0.01893014673009558
+1 871784 0.01893014673009558
+1 871979 0.03353561782062841
+1 873263 0.02511367757204008
+1 873685 0.03348490342938677
+1 874205 0.02169491310471618
+1 874352 0.01446327540314412
+1 874471 0.01341424712825137
+1 875018 0.0284356403577332
+1 875441 0.09326985699218852
+1 877438 0.02255274822664651
+1 877795 0.01341424712825137
+1 878970 0.01895709357182213
+1 879202 0.03034345493207994
+1 879723 0.05103104385745482
+1 880146 0.0152274037172392
+1 880406 0.01446327540314412
+1 881003 0.01906604328252049
+1 881447 0.03348490342938677
+1 881630 0.02292554618019654
+1 881960 0.01446327540314412
+1 882364 0.0144155416907593
+1 882735 0.0144155416907593
+1 883161 0.02255274822664651
+1 883684 0.02859906492378073
+1 884282 0.0288310833815186
+1 884927 0.02551552192872741
+1 885966 0.01341424712825137
+1 886206 0.02255274822664651
+1 886896 0.01275776096436371
+1 887529 0.02292554618019654
+1 887981 0.02859906492378073
+1 888772 0.01275776096436371
+1 893574 0.0152274037172392
+1 893851 0.01517172746603997
+1 894750 0.0284356403577332
+1 895593 0.01275776096436371
+1 897831 0.02169491310471618
+1 899021 0.01517172746603997
+1 899308 0.01275776096436371
+1 899751 0.03189440241090926
+1 900159 0.01517172746603997
+1 901375 0.01446327540314412
+1 902290 0.0284356403577332
+1 902593 0.01895709357182213
+1 902983 0.02292554618019654
+1 903639 0.02162331253613895
+1 903755 0.01341424712825137
+1 903841 0.02892655080628824
+1 904294 0.02255274822664651
+1 904779 0.0361581885078603
+1 905065 0.03791418714364427
+1 905317 0.01517172746603997
+1 905386 0.0284356403577332
+1 906042 0.01674245171469339
+1 906122 0.01446327540314412
+1 906375 0.01893014673009558
+1 906912 0.02292554618019654
+1 906917 0.02255274822664651
+1 907311 0.0144155416907593
+1 908003 0.02551552192872741
+1 908708 0.0144155416907593
+1 909019 0.03034345493207994
+1 909225 0.01906604328252049
+1 909342 0.03792931866509992
+1 909519 0.02255274822664651
+1 909655 0.01893014673009558
+1 909899 0.03045480743447839
+1 910166 0.0152274037172392
+1 911253 0.0144155416907593
+1 911875 0.01674245171469339
+1 912927 0.01906604328252049
+1 913051 0.03045480743447839
+1 913173 0.01446327540314412
+1 913236 0.02292554618019654
+1 913653 0.02825509478405954
+1 913689 0.03034345493207994
+1 914117 0.0284356403577332
+1 914486 0.0144155416907593
+1 914802 0.01341424712825137
+1 916308 0.01906604328252049
+1 916790 0.03034345493207994
+1 916838 0.02255274822664651
+1 916985 0.0152274037172392
+1 919219 0.03603885422689825
+1 920336 0.0288310833815186
+1 921026 0.01446327540314412
+1 921187 0.0144155416907593
+1 921224 0.0144155416907593
+1 921388 0.01275776096436371
+1 921574 0.01275776096436371
+1 921578 0.0288310833815186
+1 921689 0.01446327540314412
+1 921786 0.02292554618019654
+1 922208 0.0152274037172392
+1 922887 0.01517172746603997
+1 925190 0.03348490342938677
+1 925611 0.0152274037172392
+1 926108 0.02859906492378073
+1 926451 0.0152274037172392
+1 927471 0.01895709357182213
+1 927597 0.02255274822664651
+1 928309 0.01517172746603997
+1 928388 0.01055140655379368
+1 929033 0.02255274822664651
+1 929063 0.01341424712825137
+1 929479 0.1221193541032593
+1 929751 0.02255274822664651
+1 929906 0.005427526849033748
+1 931194 0.00527570327689684
+1 931263 0.005427526849033748
+1 932719 0.01893014673009558
+1 933293 0.01446327540314412
+1 934821 0.0288310833815186
+1 935913 0.01906604328252049
+1 936539 0.01517172746603997
+1 937173 0.05365698851300546
+1 937911 0.01895709357182213
+1 938687 0.01275776096436371
+1 938745 0.02859906492378073
+1 939109 0.02275759119905996
+1 939348 0.0144155416907593
+1 939423 0.0144155416907593
+1 939891 0.02859906492378073
+1 940828 0.02255274822664651
+1 940859 0.01275776096436371
+1 940877 0.02682849425650273
+1 941331 0.005427526849033748
+1 942152 0.01275776096436371
+1 942404 0.01446327540314412
+1 942496 0.03034345493207994
+1 942539 0.02511367757204008
+1 943077 0.01341424712825137
+1 943165 0.03256516109420249
+1 943464 0.03034345493207994
+1 944529 0.02292554618019654
+1 944782 0.0144155416907593
+1 945047 0.01517172746603997
+1 945389 0.02162331253613895
+1 945525 0.01446327540314412
+1 945541 0.1271479265282679
+1 947300 0.01446327540314412
+1 949768 0.01517172746603997
+1 950181 0.01893014673009558
+1 950724 0.01906604328252049
+1 951580 0.0144155416907593
+1 951800 0.01275776096436371
+1 952884 0.01341424712825137
+1 953277 0.0144155416907593
+1 953647 0.02292554618019654
+1 954086 0.0144155416907593
+1 954248 0.02292554618019654
+1 956278 0.01893014673009558
+1 956475 0.02292554618019654
+1 956830 0.01517172746603997
+1 956960 0.03045480743447839
+1 957055 0.01893014673009558
+1 957166 0.01517172746603997
+1 957372 0.01446327540314412
+1 957547 0.01893014673009558
+1 957971 0.01446327540314412
+1 958579 0.003531886848007443
+1 959399 0.0144155416907593
+1 959961 0.02169491310471618
+1 960264 0.01341424712825137
+1 962513 0.01446327540314412
+1 963855 0.01275776096436371
+1 965462 0.01275776096436371
+1 965670 0.02292554618019654
+1 965802 0.01906604328252049
+1 966122 0.01895709357182213
+1 966273 0.01674245171469339
+1 966801 0.01275776096436371
+1 967164 0.007063773696014885
+1 967209 0.02012137069237705
+1 969645 0.0152274037172392
+1 969841 0.007063773696014885
+1 970358 0.02682849425650273
+1 971297 0.0144155416907593
+1 972178 0.0284356403577332
+1 973431 0.02292554618019654
+1 974818 0.01446327540314412
+1 975012 0.02162331253613895
+1 975747 0.02892655080628824
+1 976071 0.01341424712825137
+1 976828 0.01446327540314412
+1 976943 0.02511367757204008
+1 977655 0.02012137069237705
+1 977964 0.01446327540314412
+1 979148 0.01895709357182213
+1 979478 0.02292554618019654
+1 980063 0.01446327540314412
+1 980765 0.01517172746603997
+1 981093 0.01446327540314412
+1 981153 0.02292554618019654
+1 981241 0.01906604328252049
+1 982391 0.01341424712825137
+1 982602 0.03045480743447839
+1 982761 0.00527570327689684
+1 983673 0.02551552192872741
+1 984111 0.01906604328252049
+1 984327 0.02292554618019654
+1 984468 0.0152274037172392
+1 985549 0.02682849425650273
+1 987694 0.05365698851300546
+1 988239 0.02255274822664651
+1 989433 0.05365698851300546
+1 992123 0.01517172746603997
+1 992181 0.01275776096436371
+1 994950 0.01275776096436371
+1 995653 0.01893014673009558
+1 996536 0.01275776096436371
+1 996675 0.0288310833815186
+1 996795 0.0144155416907593
+1 997097 0.0152274037172392
+1 1000335 0.01517172746603997
+1 1000360 0.01517172746603997
+1 1000566 0.01446327540314412
+1 1001206 0.01446327540314412
+1 1001393 0.0152274037172392
+1 1003223 0.02171010739613499
+1 1003989 0.02255274822664651
+1 1004208 0.02284110557585879
+1 1004391 0.01517172746603997
+1 1005507 0.01895709357182213
+1 1005880 0.02255274822664651
+1 1006311 0.01341424712825137
+1 1007170 0.01906604328252049
+1 1007323 0.01517172746603997
+1 1007434 0.008371225857346693
+1 1008288 0.02284110557585879
+1 1008663 0.01674245171469339
+1 1008831 0.01275776096436371
+1 1008964 0.02892655080628824
+1 1009084 0.01517172746603997
+1 1009599 0.0144155416907593
+1 1009869 0.01906604328252049
+1 1010385 0.01893014673009558
+1 1010483 0.01906604328252049
+1 1010597 0.01275776096436371
+1 1010734 0.0152274037172392
+1 1011301 0.0144155416907593
+1 1011598 0.0152274037172392
+1 1011931 0.01341424712825137
+1 1012163 0.01517172746603997
+1 1012825 0.02255274822664651
+1 1014581 0.0152274037172392
+1 1015417 0.02292554618019654
+1 1015541 0.01674245171469339
+1 1016264 0.02292554618019654
+1 1016344 0.02255274822664651
+1 1017023 0.01906604328252049
+1 1017826 0.01517172746603997
+1 1018227 0.02892655080628824
+1 1018247 0.02292554618019654
+1 1018379 0.01906604328252049
+1 1020073 0.01446327540314412
+1 1020555 0.0144155416907593
+1 1020740 0.01846496146913894
+1 1020800 0.01895709357182213
+1 1021380 0.01446327540314412
+1 1022613 0.01341424712825137
+1 1022772 0.01895709357182213
+1 1023393 0.02292554618019654
+1 1024956 0.02284110557585879
+1 1027053 0.0152274037172392
+1 1027631 0.02255274822664651
+1 1027688 0.0144155416907593
+1 1027697 0.01446327540314412
+1 1027823 0.02255274822664651
+1 1028185 0.02292554618019654
+1 1028384 0.02859906492378073
+1 1028837 0.03034345493207994
+1 1028893 0.006707123564125683
+1 1029655 0.01275776096436371
+1 1030226 0.01341424712825137
+1 1030719 0.02892655080628824
+1 1031393 0.01895709357182213
+1 1031507 0.01906604328252049
+1 1032047 0.01893014673009558
+1 1032791 0.01893014673009558
+1 1033079 0.0152274037172392
+1 1033676 0.01906604328252049
+1 1033699 0.03786029346019116
+1 1033833 0.03189440241090926
+1 1034754 0.01906604328252049
+1 1035161 0.01341424712825137
+1 1036917 0.0152274037172392
+1 1037251 0.03786029346019116
+1 1037273 0.0152274037172392
+1 1037360 0.01412754739202977
+1 1037775 0.02255274822664651
+1 1038197 0.01893014673009558
+1 1038215 0.02255274822664651
+1 1039281 0.02255274822664651
+1 1039896 0.01895709357182213
+1 1040121 0.02292554618019654
+1 1040325 0.02255274822664651
+1 1041719 0.01341424712825137
+1 1042547 0.01674245171469339
+1 1043926 0.0152274037172392
+1 1044191 0.01446327540314412
+1 1044254 0.02292554618019654
+1 1044380 0.03045480743447839
+1 1044427 0.02255274822664651
+1 1045443 0.02892655080628824
+1 1046509 0.01893014673009558
+1 1046561 0.0288310833815186
+1 1047289 0.02255274822664651
+1 1047335 0.0144155416907593
+1 1047422 0.01517172746603997
+1 1047993 0.02292554618019654
+1 1048440 0.02892655080628824
+1 1048546 0.03045480743447839
+2 344 0.03031999501517904
+2 711 0.01703177631326566
+2 1556 0.01515999750758952
+2 1936 0.01375301288899783
+2 4053 0.03167879156633918
+2 4907 0.0224529153658798
+2 4959 0.005279798594389864
+2 5205 0.01515999750758952
+2 6466 0.01515999750758952
+2 7164 0.01879303613134018
+2 7854 0.01515999750758952
+2 7884 0.01416623873466832
+2 7923 0.01515999750758952
+2 8116 0.0224529153658798
+2 10078 0.03953243688573751
+2 10267 0.0224529153658798
+2 10495 0.02252398256696827
+2 11483 0.01976621844286875
+2 11573 0.0224529153658798
+2 11819 0.01287694695896763
+2 12091 0.05015808664670372
+2 13181 0.01515999750758952
+2 13234 0.005630995641742068
+2 15211 0.01976621844286875
+2 15221 0.0224529153658798
+2 15283 0.01879303613134018
+2 17094 0.03031999501517904
+2 17227 0.01976621844286875
+2 19280 0.01879303613134018
+2 19655 0.0224529153658798
+2 20975 0.05279798594389865
+2 22178 0.02639899297194932
+2 22706 0.02833247746933665
+2 23832 0.03031999501517904
+2 24619 0.0224529153658798
+2 25037 0.02124935810200249
+2 25560 0.02062951933349674
+2 25702 0.02818955419701027
+2 26089 0.02818955419701027
+2 26845 0.01375301288899783
+2 27313 0.01879303613134018
+2 28921 0.01375301288899783
+2 29313 0.05109532893979699
+2 29352 0.01703177631326566
+2 29735 0.01976621844286875
+2 29921 0.0224529153658798
+2 30387 0.0224529153658798
+2 30453 0.01703177631326566
+2 31409 0.01879303613134018
+2 32045 0.01416623873466832
+2 33433 0.03953243688573751
+2 33439 0.01879303613134018
+2 33979 0.02554766446989849
+2 34041 0.0224529153658798
+2 34869 0.01879303613134018
+2 35441 0.0550120515559913
+2 35805 0.01879303613134018
+2 35828 0.01375301288899783
+2 35928 0.01703177631326566
+2 36192 0.01515999750758952
+2 36391 0.0224529153658798
+2 36463 0.01976621844286875
+2 36949 0.01416623873466832
+2 37278 0.01416623873466832
+2 37607 0.01515999750758952
+2 37731 0.01976621844286875
+2 38236 0.03031999501517904
+2 39762 0.02750602577799565
+2 40007 0.01379481545618852
+2 40706 0.01416623873466832
+2 40920 0.005279798594389864
+2 41204 0.03031999501517904
+2 41385 0.01879303613134018
+2 41559 0.02833247746933665
+2 41645 0.01976621844286875
+2 41657 0.0224529153658798
+2 41800 0.06250627100789206
+2 42437 0.0224529153658798
+2 43077 0.0224529153658798
+2 43101 0.01703177631326566
+2 43781 0.02815497820871034
+2 44401 0.01879303613134018
+2 44457 0.01287694695896763
+2 45548 0.01976621844286875
+2 46197 0.01416623873466832
+2 46264 0.01287694695896763
+2 46627 0.006897407728094259
+2 46854 0.007083119367334162
+2 47318 0.01287694695896763
+2 47689 0.01879303613134018
+2 50281 0.01879303613134018
+2 50742 0.07127728102426317
+2 51089 0.0224529153658798
+2 52454 0.02750602577799565
+2 53188 0.01416623873466832
+2 53247 0.03863084087690288
+2 54215 0.01287694695896763
+2 54376 0.03031999501517904
+2 54421 0.03031999501517904
+2 55773 0.01416623873466832
+2 56036 0.01879303613134018
+2 56154 0.02575389391793526
+2 56737 0.0224529153658798
+2 57565 0.01515999750758952
+2 57633 0.02750602577799565
+2 57997 0.01703177631326566
+2 58055 0.01976621844286875
+2 58452 0.01416623873466832
+2 58964 0.03167879156633918
+2 59189 0.01515999750758952
+2 60978 0.02833247746933665
+2 61875 0.01416623873466832
+2 62239 0.01515999750758952
+2 62295 0.01416623873466832
+2 64006 0.02252398256696827
+2 64473 0.01515999750758952
+2 64573 0.01703177631326566
+2 65149 0.01879303613134018
+2 66272 0.02575389391793526
+2 66314 0.01515999750758952
+2 67965 0.01416623873466832
+2 68409 0.01879303613134018
+2 68440 0.005279798594389864
+2 68543 0.01287694695896763
+2 68673 0.02833247746933665
+2 68823 0.02818955419701027
+2 68974 0.01879303613134018
+2 69894 0.02818955419701027
+2 70435 0.01375301288899783
+2 70576 0.02818955419701027
+2 71207 0.01976621844286875
+2 71748 0.01416623873466832
+2 71957 0.0224529153658798
+2 72260 0.01515999750758952
+2 72652 0.01515999750758952
+2 74573 0.0224529153658798
+2 74947 0.0224529153658798
+2 75685 0.01703177631326566
+2 77686 0.01416623873466832
+2 78871 0.01976621844286875
+2 79445 0.03378597385045241
+2 79567 0.0224529153658798
+2 79920 0.01515999750758952
+2 80087 0.02111919437755946
+2 80111 0.0224529153658798
+2 80454 0.01416623873466832
+2 81293 0.01703177631326566
+2 81722 0.03863084087690288
+2 81725 0.01416623873466832
+2 83437 0.02273999626138428
+2 84759 0.01976621844286875
+2 86213 0.0224529153658798
+2 86749 0.01515999750758952
+2 87313 0.00757999875379476
+2 87353 0.02833247746933665
+2 87389 0.01515999750758952
+2 87631 0.0224529153658798
+2 88009 0.0224529153658798
+2 88145 0.02554766446989849
+2 89687 0.01416623873466832
+2 89973 0.01879303613134018
+2 90183 0.01515999750758952
+2 90693 0.0224529153658798
+2 91125 0.03031999501517904
+2 91883 0.01703177631326566
+2 92411 0.01879303613134018
+2 92986 0.02818955419701027
+2 93712 0.02833247746933665
+2 95929 0.01976621844286875
+2 96310 0.01287694695896763
+2 96745 0.02818955419701027
+2 97508 0.01375301288899783
+2 97545 0.01416623873466832
+2 98034 0.02273999626138428
+2 98887 0.01416623873466832
+2 99007 0.01515999750758952
+2 99253 0.02833247746933665
+2 99312 0.03031999501517904
+2 99549 0.01287694695896763
+2 101157 0.01703177631326566
+2 101208 0.01879303613134018
+2 101351 0.02833247746933665
+2 102325 0.02273999626138428
+2 102726 0.01416623873466832
+2 102753 0.01515999750758952
+2 104332 0.01879303613134018
+2 104467 0.01879303613134018
+2 105181 0.02575389391793526
+2 106814 0.01515999750758952
+2 109504 0.01515999750758952
+2 110259 0.02111919437755946
+2 110789 0.02818955419701027
+2 111321 0.0224529153658798
+2 112020 0.01416623873466832
+2 112083 0.01515999750758952
+2 112485 0.01416623873466832
+2 112622 0.0224529153658798
+2 112738 0.0224529153658798
+2 113322 0.01375301288899783
+2 113428 0.01515999750758952
+2 113849 0.1138072275135553
+2 115674 0.0224529153658798
+2 117089 0.02575389391793526
+2 117543 0.0224529153658798
+2 117794 0.01416623873466832
+2 117854 0.05912545423829171
+2 119191 0.03031999501517904
+2 120423 0.01416623873466832
+2 120867 0.01375301288899783
+2 121357 0.0224529153658798
+2 121543 0.03219236739741908
+2 122181 0.0224529153658798
+2 122374 0.01416623873466832
+2 123532 0.0224529153658798
+2 124217 0.01515999750758952
+2 125974 0.01976621844286875
+2 126866 0.02818955419701027
+2 127491 0.01879303613134018
+2 127498 0.01375301288899783
+2 127623 0.01976621844286875
+2 128103 0.01976621844286875
+2 128137 0.02833247746933665
+2 128191 0.01515999750758952
+2 128343 0.0224529153658798
+2 128892 0.01879303613134018
+2 129394 0.01879303613134018
+2 129911 0.08594612263585159
+2 130011 0.01976621844286875
+2 130711 0.02818955419701027
+2 132099 0.01976621844286875
+2 132381 0.01375301288899783
+2 134266 0.01416623873466832
+2 134915 0.01976621844286875
+2 135151 0.0224529153658798
+2 135267 0.04687970325591905
+2 135813 0.01375301288899783
+2 136064 0.02818955419701027
+2 136117 0.01879303613134018
+2 137101 0.02554766446989849
+2 137507 0.02750602577799565
+2 137587 0.01287694695896763
+2 139056 0.01416623873466832
+2 139139 0.01515999750758952
+2 139178 0.0224529153658798
+2 139565 0.02818955419701027
+2 140965 0.02273999626138428
+2 141425 0.02575389391793526
+2 141605 0.04223246731306551
+2 141807 0.01515999750758952
+2 141989 0.01416623873466832
+2 142641 0.0224529153658798
+2 143149 0.01879303613134018
+2 143936 0.01879303613134018
+2 144163 0.02554766446989849
+2 146220 0.01416623873466832
+2 147311 0.0224529153658798
+2 148113 0.02833247746933665
+2 148368 0.03541559683667081
+2 148952 0.0224529153658798
+2 149709 0.01515999750758952
+2 150024 0.01515999750758952
+2 150479 0.02273999626138428
+2 150643 0.01976621844286875
+2 151321 0.01416623873466832
+2 151395 0.01879303613134018
+2 151642 0.01515999750758952
+2 151683 0.002639899297194932
+2 151957 0.01703177631326566
+2 152590 0.005630995641742068
+2 153133 0.01879303613134018
+2 155743 0.01416623873466832
+2 156173 0.03125313550394603
+2 156265 0.01515999750758952
+2 156467 0.01375301288899783
+2 156548 0.0224529153658798
+2 156833 0.0344870386404713
+2 156855 0.01976621844286875
+2 157191 0.01287694695896763
+2 157374 0.02833247746933665
+2 158098 0.01879303613134018
+2 158180 0.01515999750758952
+2 158235 0.01416623873466832
+2 158517 0.01287694695896763
+2 158855 0.03953243688573751
+2 159003 0.01976621844286875
+2 161570 0.03031999501517904
+2 161822 0.01879303613134018
+2 161928 0.01703177631326566
+2 162627 0.05150778783587052
+2 163143 0.03031999501517904
+2 163848 0.01879303613134018
+2 166534 0.01375301288899783
+2 166983 0.01375301288899783
+2 167285 0.03406355262653132
+2 167333 0.01976621844286875
+2 168043 0.01375301288899783
+2 169293 0.01879303613134018
+2 169919 0.01931542043845144
+2 171204 0.01416623873466832
+2 172050 0.01515999750758952
+2 172529 0.02833247746933665
+2 173141 0.02554766446989849
+2 173803 0.02575389391793526
+2 173845 0.01055959718877973
+2 175014 0.01515999750758952
+2 175082 0.01879303613134018
+2 175617 0.01515999750758952
+2 175932 0.01416623873466832
+2 176213 0.01703177631326566
+2 176217 0.04249871620400497
+2 176305 0.01931542043845144
+2 176757 0.03031999501517904
+2 177200 0.01515999750758952
+2 177423 0.03031999501517904
+2 177446 0.01055959718877973
+2 177880 0.02818955419701027
+2 178021 0.01287694695896763
+2 178476 0.03031999501517904
+2 178778 0.01703177631326566
+2 178977 0.01515999750758952
+2 180023 0.01703177631326566
+2 180885 0.01976621844286875
+2 181651 0.02818955419701027
+2 181786 0.01416623873466832
+2 182583 0.01287694695896763
+2 182644 0.01515999750758952
+2 182645 0.01976621844286875
+2 183593 0.03541559683667081
+2 183719 0.01879303613134018
+2 184596 0.01515999750758952
+2 184704 0.01416623873466832
+2 184705 0.01879303613134018
+2 184767 0.01375301288899783
+2 184959 0.01515999750758952
+2 186765 0.006897407728094259
+2 186910 0.01287694695896763
+2 187483 0.02818955419701027
+2 189199 0.01379481545618852
+2 190785 0.01515999750758952
+2 191171 0.01287694695896763
+2 192347 0.01879303613134018
+2 195139 0.01879303613134018
+2 195161 0.01879303613134018
+2 195197 0.01416623873466832
+2 196385 0.0224529153658798
+2 197975 0.01976621844286875
+2 198423 0.01879303613134018
+2 198453 0.0224529153658798
+2 199593 0.01703177631326566
+2 200659 0.0224529153658798
+2 200739 0.006438473479483816
+2 200776 0.005630995641742068
+2 201027 0.01515999750758952
+2 201484 0.01515999750758952
+2 202228 0.02252398256696827
+2 202405 0.01879303613134018
+2 202518 0.01515999750758952
+2 203362 0.01515999750758952
+2 204376 0.01879303613134018
+2 204695 0.01515999750758952
+2 206024 0.0168929869252262
+2 206468 0.01416623873466832
+2 206552 0.006876506444498913
+2 207651 0.01287694695896763
+2 207658 0.01416623873466832
+2 207751 0.01287694695896763
+2 207845 0.01416623873466832
+2 207923 0.01416623873466832
+2 209034 0.01879303613134018
+2 209769 0.01416623873466832
+2 209871 0.0224529153658798
+2 211496 0.01703177631326566
+2 213605 0.01287694695896763
+2 213972 0.01879303613134018
+2 215017 0.01416623873466832
+2 215247 0.01416623873466832
+2 215831 0.03953243688573751
+2 215869 0.03031999501517904
+2 217316 0.01879303613134018
+2 217437 0.02124935810200249
+2 217574 0.0224529153658798
+2 217645 0.01703177631326566
+2 218203 0.01375301288899783
+2 218465 0.01416623873466832
+2 218720 0.02273999626138428
+2 218786 0.0224529153658798
+2 218789 0.0224529153658798
+2 219547 0.01976621844286875
+2 219577 0.01287694695896763
+2 220495 0.01375301288899783
+2 221696 0.0224529153658798
+2 221873 0.01416623873466832
+2 223536 0.02833247746933665
+2 224166 0.01416623873466832
+2 224533 0.02575389391793526
+2 224643 0.02833247746933665
+2 224863 0.01379481545618852
+2 224865 0.0224529153658798
+2 224869 0.02554766446989849
+2 225283 0.02124935810200249
+2 226059 0.01879303613134018
+2 227443 0.01879303613134018
+2 228582 0.02833247746933665
+2 229125 0.01416623873466832
+2 229418 0.01375301288899783
+2 230931 0.03031999501517904
+2 232712 0.01515999750758952
+2 232784 0.01515999750758952
+2 233029 0.0224529153658798
+2 233197 0.03031999501517904
+2 233263 0.01416623873466832
+2 233290 0.02818955419701027
+2 235720 0.01515999750758952
+2 238364 0.01515999750758952
+2 239595 0.01416623873466832
+2 240295 0.0224529153658798
+2 240526 0.006897407728094259
+2 240800 0.01416623873466832
+2 241053 0.0378999937689738
+2 241364 0.04751818734950878
+2 241741 0.02124935810200249
+2 241838 0.02554766446989849
+2 242321 0.0224529153658798
+2 242822 0.00757999875379476
+2 242926 0.01703177631326566
+2 243024 0.05109532893979699
+2 243221 0.01416623873466832
+2 244112 0.01879303613134018
+2 244199 0.01416623873466832
+2 244205 0.01379481545618852
+2 244368 0.01515999750758952
+2 244707 0.01976621844286875
+2 244825 0.01515999750758952
+2 245474 0.01416623873466832
+2 245636 0.04504796513393654
+2 246127 0.01416623873466832
+2 246223 0.0224529153658798
+2 247111 0.01879303613134018
+2 247342 0.0224529153658798
+2 247445 0.02575389391793526
+2 248167 0.01879303613134018
+2 249333 0.0224529153658798
+2 249621 0.02575389391793526
+2 250040 0.02833247746933665
+2 251484 0.01879303613134018
+2 251700 0.01375301288899783
+2 252892 0.01515999750758952
+2 255555 0.01703177631326566
+2 255652 0.03031999501517904
+2 256309 0.0224529153658798
+2 256778 0.02818955419701027
+2 256843 0.01375301288899783
+2 257127 0.01879303613134018
+2 257185 0.01515999750758952
+2 257273 0.0224529153658798
+2 257539 0.01379481545618852
+2 257762 0.01416623873466832
+2 257983 0.01515999750758952
+2 258506 0.01703177631326566
+2 258648 0.0224529153658798
+2 258789 0.01703177631326566
+2 259035 0.0224529153658798
+2 260259 0.0224529153658798
+2 261723 0.01416623873466832
+2 262259 0.03953243688573751
+2 262715 0.0224529153658798
+2 263325 0.01515999750758952
+2 263399 0.01976621844286875
+2 263783 0.01515999750758952
+2 263880 0.01416623873466832
+2 264321 0.01375301288899783
+2 265472 0.01879303613134018
+2 266263 0.01416623873466832
+2 266379 0.03406355262653132
+2 266788 0.01703177631326566
+2 267317 0.0224529153658798
+2 268387 0.05150778783587052
+2 268751 0.0224529153658798
+2 269138 0.01879303613134018
+2 269325 0.0224529153658798
+2 269409 0.02575389391793526
+2 269645 0.02273999626138428
+2 269895 0.01515999750758952
+2 270299 0.02750602577799565
+2 271773 0.01879303613134018
+2 272372 0.01416623873466832
+2 272501 0.0224529153658798
+2 272708 0.02575389391793526
+2 272841 0.01515999750758952
+2 273067 0.01287694695896763
+2 273555 0.1103585236495081
+2 274215 0.0224529153658798
+2 274243 0.01976621844286875
+2 274301 0.01287694695896763
+2 274331 0.0224529153658798
+2 274505 0.0224529153658798
+2 274591 0.02554766446989849
+2 274746 0.06071768383548343
+2 275005 0.01375301288899783
+2 275838 0.01416623873466832
+2 275947 0.0224529153658798
+2 276774 0.01515999750758952
+2 276973 0.01416623873466832
+2 277099 0.01515999750758952
+2 277570 0.01416623873466832
+2 278494 0.01375301288899783
+2 279457 0.01515999750758952
+2 279800 0.00757999875379476
+2 280567 0.01416623873466832
+2 282367 0.01703177631326566
+2 282372 0.01515999750758952
+2 283380 0.01515999750758952
+2 283688 0.05912545423829171
+2 284035 0.02818955419701027
+2 285400 0.02575389391793526
+2 285569 0.01515999750758952
+2 285819 0.01515999750758952
+2 286193 0.03953243688573751
+2 286517 0.01416623873466832
+2 286939 0.01515999750758952
+2 287322 0.02818955419701027
+2 287367 0.02833247746933665
+2 287742 0.01879303613134018
+2 287956 0.01879303613134018
+2 288457 0.01416623873466832
+2 288719 0.01515999750758952
+2 289100 0.02750602577799565
+2 289388 0.01416623873466832
+2 289751 0.0224529153658798
+2 289845 0.0224529153658798
+2 290325 0.01976621844286875
+2 290363 0.0224529153658798
+2 290579 0.02575389391793526
+2 290753 0.0344870386404713
+2 291001 0.01287694695896763
+2 291448 0.01515999750758952
+2 291722 0.01515999750758952
+2 292489 0.01375301288899783
+2 292587 0.03695859016072905
+2 292630 0.0224529153658798
+2 292637 0.02818955419701027
+2 293500 0.006897407728094259
+2 293924 0.03031999501517904
+2 294219 0.01703177631326566
+2 296163 0.01416623873466832
+2 296557 0.01416623873466832
+2 297150 0.01879303613134018
+2 298361 0.01703177631326566
+2 299218 0.01976621844286875
+2 300086 0.01416623873466832
+2 300386 0.01515999750758952
+2 301537 0.01287694695896763
+2 301591 0.005279798594389864
+2 301619 0.02273999626138428
+2 301769 0.03031999501517904
+2 301920 0.0224529153658798
+2 302035 0.01515999750758952
+2 302375 0.01515999750758952
+2 302840 0.0224529153658798
+2 303522 0.03031999501517904
+2 304165 0.01416623873466832
+2 304565 0.01931542043845144
+2 304903 0.01879303613134018
+2 306537 0.01879303613134018
+2 306727 0.01703177631326566
+2 306923 0.01976621844286875
+2 307519 0.02818955419701027
+2 307729 0.01416623873466832
+2 308371 0.01515999750758952
+2 309230 0.02818955419701027
+2 309389 0.01287694695896763
+2 309491 0.01375301288899783
+2 309591 0.0224529153658798
+2 309751 0.01416623873466832
+2 310753 0.01703177631326566
+2 311057 0.01416623873466832
+2 313069 0.01879303613134018
+2 313643 0.0224529153658798
+2 314668 0.02750602577799565
+2 314671 0.01515999750758952
+2 315113 0.01287694695896763
+2 316383 0.02124935810200249
+2 319954 0.01879303613134018
+2 320045 0.02833247746933665
+2 320259 0.007083119367334162
+2 320299 0.02273999626138428
+2 320330 0.01416623873466832
+2 320955 0.01879303613134018
+2 321063 0.0224529153658798
+2 321091 0.01976621844286875
+2 321435 0.01287694695896763
+2 321631 0.01375301288899783
+2 321902 0.04687970325591905
+2 322258 0.01879303613134018
+2 322633 0.0224529153658798
+2 322837 0.01703177631326566
+2 324030 0.01515999750758952
+2 324071 0.02833247746933665
+2 325932 0.0224529153658798
+2 326378 0.01515999750758952
+2 326658 0.0224529153658798
+2 328437 0.01879303613134018
+2 328633 0.01515999750758952
+2 328875 0.01703177631326566
+2 328931 0.01515999750758952
+2 329691 0.0224529153658798
+2 330980 0.02833247746933665
+2 331953 0.01879303613134018
+2 332199 0.03031999501517904
+2 332258 0.01879303613134018
+2 332265 0.01879303613134018
+2 332667 0.01379481545618852
+2 332935 0.01703177631326566
+2 334148 0.01375301288899783
+2 334154 0.03031999501517904
+2 334293 0.01375301288899783
+2 334297 0.0224529153658798
+2 335102 0.01416623873466832
+2 335271 0.02833247746933665
+2 335979 0.01375301288899783
+2 336200 0.006897407728094259
+2 336285 0.01515999750758952
+2 337185 0.0224529153658798
+2 337735 0.01416623873466832
+2 338021 0.01879303613134018
+2 338206 0.03953243688573751
+2 339078 0.02818955419701027
+2 339127 0.01515999750758952
+2 340304 0.01515999750758952
+2 341878 0.01287694695896763
+2 342440 0.01375301288899783
+2 343735 0.0224529153658798
+2 345199 0.01515999750758952
+2 345568 0.01879303613134018
+2 345633 0.0224529153658798
+2 345684 0.01879303613134018
+2 346795 0.08594612263585159
+2 348217 0.0224529153658798
+2 348620 0.02818955419701027
+2 349276 0.01416623873466832
+2 349281 0.01375301288899783
+2 349538 0.01515999750758952
+2 350035 0.02062951933349674
+2 350489 0.01416623873466832
+2 350535 0.01515999750758952
+2 350800 0.0659974824298733
+2 351070 0.01703177631326566
+2 351615 0.01703177631326566
+2 352137 0.02818955419701027
+2 354303 0.01879303613134018
+2 354428 0.01416623873466832
+2 354489 0.01976621844286875
+2 354881 0.01703177631326566
+2 354925 0.01416623873466832
+2 356759 0.01879303613134018
+2 356922 0.01879303613134018
+2 357007 0.01416623873466832
+2 357854 0.02833247746933665
+2 358920 0.01703177631326566
+2 359248 0.01416623873466832
+2 359812 0.0224529153658798
+2 360005 0.01416623873466832
+2 360982 0.01287694695896763
+2 361049 0.01931542043845144
+2 361083 0.03031999501517904
+2 361267 0.01416623873466832
+2 361458 0.01703177631326566
+2 361555 0.01416623873466832
+2 361829 0.03906641937993254
+2 362042 0.01515999750758952
+2 362225 0.01416623873466832
+2 362857 0.1214353676709669
+2 363605 0.01515999750758952
+2 363657 0.03031999501517904
+2 364616 0.01375301288899783
+2 364949 0.01287694695896763
+2 365021 0.01515999750758952
+2 365207 0.01416623873466832
+2 366473 0.01879303613134018
+2 366889 0.01703177631326566
+2 366965 0.01287694695896763
+2 367875 0.01976621844286875
+2 367907 0.01515999750758952
+2 369010 0.03031999501517904
+2 369179 0.01879303613134018
+2 369621 0.01879303613134018
+2 370047 0.01976621844286875
+2 371306 0.01375301288899783
+2 372124 0.02818955419701027
+2 372511 0.0224529153658798
+2 372649 0.01879303613134018
+2 373096 0.01879303613134018
+2 373911 0.02124935810200249
+2 374313 0.01879303613134018
+2 374357 0.02124935810200249
+2 374371 0.03438253222249456
+2 374551 0.03959848945792398
+2 374753 0.01879303613134018
+2 375487 0.01126199128348414
+2 378133 0.01515999750758952
+2 378138 0.005279798594389864
+2 378740 0.01879303613134018
+2 378835 0.01515999750758952
+2 380125 0.02833247746933665
+2 381027 0.01976621844286875
+2 381059 0.03031999501517904
+2 381314 0.0224529153658798
+2 381898 0.02833247746933665
+2 381910 0.01416623873466832
+2 383220 0.01515999750758952
+2 383425 0.01879303613134018
+2 383717 0.02750602577799565
+2 384309 0.01515999750758952
+2 384509 0.01375301288899783
+2 384855 0.0224529153658798
+2 385715 0.01287694695896763
+2 385781 0.0224529153658798
+2 387974 0.02818955419701027
+2 388461 0.01976621844286875
+2 389801 0.01931542043845144
+2 390083 0.01416623873466832
+2 390320 0.03031999501517904
+2 390942 0.02818955419701027
+2 391054 0.006897407728094259
+2 391640 0.01583939578316959
+2 392560 0.01879303613134018
+2 394516 0.02833247746933665
+2 395286 0.02575389391793526
+2 396089 0.02818955419701027
+2 396734 0.01375301288899783
+2 396794 0.01515999750758952
+2 397149 0.01515999750758952
+2 398135 0.01515999750758952
+2 399196 0.01416623873466832
+2 399853 0.01879303613134018
+2 399959 0.01375301288899783
+2 400049 0.01515999750758952
+2 400231 0.03953243688573751
+2 401071 0.0224529153658798
+2 402051 0.02815497820871034
+2 402865 0.01976621844286875
+2 402965 0.01515999750758952
+2 403661 0.01416623873466832
+2 404240 0.01879303613134018
+2 405475 0.03031999501517904
+2 405774 0.01515999750758952
+2 405988 0.01416623873466832
+2 406087 0.01976621844286875
+2 409163 0.03031999501517904
+2 409251 0.01375301288899783
+2 409413 0.01055959718877973
+2 409703 0.02833247746933665
+2 410369 0.02818955419701027
+2 410826 0.03031999501517904
+2 412205 0.01287694695896763
+2 412969 0.01375301288899783
+2 413831 0.02554766446989849
+2 414612 0.01879303613134018
+2 415899 0.01879303613134018
+2 416539 0.03031999501517904
+2 417019 0.01287694695896763
+2 417415 0.01416623873466832
+2 417651 0.0224529153658798
+2 417672 0.01879303613134018
+2 419563 0.03953243688573751
+2 421087 0.01416623873466832
+2 422853 0.01703177631326566
+2 423978 0.01879303613134018
+2 424081 0.01703177631326566
+2 424094 0.01703177631326566
+2 424685 0.02833247746933665
+2 424843 0.01287694695896763
+2 425184 0.01287694695896763
+2 425561 0.01416623873466832
+2 426215 0.01375301288899783
+2 426273 0.01879303613134018
+2 427270 0.01375301288899783
+2 428107 0.0224529153658798
+2 428185 0.01515999750758952
+2 429857 0.0224529153658798
+2 431508 0.01287694695896763
+2 433703 0.01976621844286875
+2 435351 0.0224529153658798
+2 436145 0.01515999750758952
+2 436785 0.0224529153658798
+2 436909 0.01416623873466832
+2 437322 0.01515999750758952
+2 439498 0.008515888156632831
+2 440291 0.03953243688573751
+2 441779 0.02111919437755946
+2 441980 0.0224529153658798
+2 442488 0.01515999750758952
+2 443700 0.01416623873466832
+2 445546 0.01416623873466832
+2 445733 0.01287694695896763
+2 447055 0.0224529153658798
+2 447747 0.01976621844286875
+2 448815 0.03541559683667081
+2 449029 0.01287694695896763
+2 450383 0.01515999750758952
+2 450520 0.02818955419701027
+2 451666 0.01879303613134018
+2 451732 0.01879303613134018
+2 452294 0.01879303613134018
+2 452651 0.0224529153658798
+2 454642 0.02833247746933665
+2 455552 0.01879303613134018
+2 455623 0.01515999750758952
+2 456482 0.0224529153658798
+2 456962 0.0168929869252262
+2 457315 0.01976621844286875
+2 457479 0.02750602577799565
+2 457815 0.01976621844286875
+2 458576 0.01416623873466832
+2 459153 0.01287694695896763
+2 459526 0.01515999750758952
+2 461015 0.0224529153658798
+2 461528 0.03031999501517904
+2 461794 0.01515999750758952
+2 462975 0.01416623873466832
+2 464765 0.01879303613134018
+2 465643 0.0224529153658798
+2 465683 0.01416623873466832
+2 465975 0.01879303613134018
+2 466143 0.03541559683667081
+2 466236 0.0224529153658798
+2 468025 0.01703177631326566
+2 468741 0.01879303613134018
+2 469959 0.01976621844286875
+2 470605 0.01703177631326566
+2 471169 0.02750602577799565
+2 471521 0.01416623873466832
+2 471572 0.01287694695896763
+2 473270 0.02833247746933665
+2 473734 0.01515999750758952
+2 473746 0.0224529153658798
+2 473999 0.02833247746933665
+2 474687 0.02273999626138428
+2 474784 0.01976621844286875
+2 475057 0.01515999750758952
+2 475117 0.01879303613134018
+2 475365 0.01416623873466832
+2 475768 0.007083119367334162
+2 475970 0.0550120515559913
+2 476213 0.01416623873466832
+2 477443 0.02111919437755946
+2 479073 0.0224529153658798
+2 479139 0.01287694695896763
+2 480260 0.02750602577799565
+2 480288 0.01879303613134018
+2 481113 0.02273999626138428
+2 482345 0.01515999750758952
+2 482567 0.02750602577799565
+2 482986 0.0224529153658798
+2 483701 0.01416623873466832
+2 484341 0.0224529153658798
+2 485083 0.0224529153658798
+2 487611 0.01515999750758952
+2 487653 0.0224529153658798
+2 487687 0.01287694695896763
+2 487763 0.01515999750758952
+2 489267 0.01416623873466832
+2 489724 0.0224529153658798
+2 490929 0.01879303613134018
+2 491013 0.01703177631326566
+2 491452 0.01976621844286875
+2 491594 0.02833247746933665
+2 491641 0.01879303613134018
+2 491735 0.01976621844286875
+2 492761 0.01416623873466832
+2 493657 0.01703177631326566
+2 493901 0.02750602577799565
+2 494937 0.0224529153658798
+2 496345 0.01287694695896763
+2 498175 0.01515999750758952
+2 499200 0.01375301288899783
+2 499358 0.01879303613134018
+2 500381 0.02575389391793526
+2 500950 0.01416623873466832
+2 501421 0.007813283875986508
+2 501697 0.02833247746933665
+2 502084 0.0224529153658798
+2 502271 0.01879303613134018
+2 502355 0.02062951933349674
+2 502591 0.02124935810200249
+2 502841 0.01879303613134018
+2 502907 0.01416623873466832
+2 503867 0.01703177631326566
+2 504555 0.01515999750758952
+2 506286 0.02833247746933665
+2 506479 0.01703177631326566
+2 507451 0.01879303613134018
+2 507537 0.02750602577799565
+2 507692 0.05067896077567861
+2 508029 0.01879303613134018
+2 508787 0.01416623873466832
+2 508811 0.01287694695896763
+2 509919 0.01515999750758952
+2 510712 0.01287694695896763
+2 512268 0.01416623873466832
+2 512365 0.03953243688573751
+2 512746 0.00939651806567009
+2 513717 0.01375301288899783
+2 514175 0.01375301288899783
+2 516634 0.05517926182475407
+2 517337 0.0224529153658798
+2 517781 0.01703177631326566
+2 518346 0.01976621844286875
+2 518705 0.0224529153658798
+2 519139 0.03406355262653132
+2 520268 0.0224529153658798
+2 520313 0.0224529153658798
+2 521665 0.01879303613134018
+2 522563 0.01879303613134018
+2 523271 0.02554766446989849
+2 523541 0.01976621844286875
+2 523687 0.01416623873466832
+2 523947 0.01375301288899783
+2 525576 0.01879303613134018
+2 525583 0.0224529153658798
+2 525851 0.01416623873466832
+2 526088 0.01416623873466832
+2 526946 0.01703177631326566
+2 527398 0.01703177631326566
+2 528214 0.02818955419701027
+2 528573 0.01515999750758952
+2 528624 0.01515999750758952
+2 529053 0.01375301288899783
+2 530666 0.01515999750758952
+2 531389 0.03031999501517904
+2 531908 0.01583939578316959
+2 531983 0.01416623873466832
+2 532164 0.02554766446989849
+2 534715 0.02833247746933665
+2 534866 0.02833247746933665
+2 535273 0.01879303613134018
+2 535303 0.01416623873466832
+2 535786 0.02833247746933665
+2 535967 0.01879303613134018
+2 536468 0.02833247746933665
+2 537221 0.03031999501517904
+2 537511 0.02062951933349674
+2 537663 0.01515999750758952
+2 537849 0.02273999626138428
+2 539527 0.01416623873466832
+2 539712 0.01416623873466832
+2 540465 0.03031999501517904
+2 540474 0.01375301288899783
+2 541994 0.01515999750758952
+2 542085 0.01515999750758952
+2 542176 0.0224529153658798
+2 542283 0.01416623873466832
+2 543333 0.01055959718877973
+2 544228 0.01515999750758952
+2 544681 0.01703177631326566
+2 544877 0.01515999750758952
+2 545201 0.01287694695896763
+2 546555 0.01416623873466832
+2 546944 0.01416623873466832
+2 547617 0.01879303613134018
+2 547879 0.0224529153658798
+2 548140 0.01879303613134018
+2 548733 0.01703177631326566
+2 549329 0.0224529153658798
+2 550139 0.01375301288899783
+2 550397 0.02124935810200249
+2 550477 0.01976621844286875
+2 550556 0.01416623873466832
+2 550646 0.01879303613134018
+2 551222 0.01879303613134018
+2 551619 0.01879303613134018
+2 551867 0.01287694695896763
+2 552035 0.01976621844286875
+2 552314 0.01375301288899783
+2 552644 0.01879303613134018
+2 552991 0.03031999501517904
+2 553087 0.01416623873466832
+2 554171 0.006897407728094259
+2 554273 0.01375301288899783
+2 554848 0.04138444636856555
+2 555212 0.01287694695896763
+2 555579 0.01879303613134018
+2 555640 0.01515999750758952
+2 555843 0.01515999750758952
+2 555941 0.01879303613134018
+2 556469 0.02252398256696827
+2 556516 0.01416623873466832
+2 556689 0.0224529153658798
+2 556895 0.01879303613134018
+2 557017 0.0224529153658798
+2 558783 0.01416623873466832
+2 559219 0.01879303613134018
+2 559604 0.02818955419701027
+2 560127 0.01515999750758952
+2 560395 0.01287694695896763
+2 561463 0.01879303613134018
+2 562987 0.0224529153658798
+2 563710 0.02273999626138428
+2 564899 0.0224529153658798
+2 565145 0.02818955419701027
+2 565204 0.0224529153658798
+2 566739 0.01416623873466832
+2 567100 0.02833247746933665
+2 567243 0.01879303613134018
+2 567941 0.01703177631326566
+2 568071 0.01879303613134018
+2 568123 0.01879303613134018
+2 568217 0.0224529153658798
+2 569285 0.01287694695896763
+2 569519 0.01416623873466832
+2 570063 0.01703177631326566
+2 570304 0.01879303613134018
+2 570831 0.0224529153658798
+2 571152 0.05109532893979699
+2 571843 0.01126199128348414
+2 572024 0.0224529153658798
+2 573185 0.01879303613134018
+2 574381 0.0224529153658798
+2 575021 0.0224529153658798
+2 576681 0.02833247746933665
+2 576853 0.01287694695896763
+2 576861 0.01515999750758952
+2 577069 0.01515999750758952
+2 578166 0.01416623873466832
+2 578474 0.01879303613134018
+2 578514 0.02273999626138428
+2 579620 0.01416623873466832
+2 580669 0.02818955419701027
+2 581483 0.0224529153658798
+2 582560 0.01287694695896763
+2 582730 0.01703177631326566
+2 582828 0.01879303613134018
+2 583435 0.01515999750758952
+2 583463 0.01879303613134018
+2 583550 0.01416623873466832
+2 583732 0.01879303613134018
+2 583746 0.06250627100789206
+2 584579 0.01416623873466832
+2 584706 0.01703177631326566
+2 584763 0.06250627100789206
+2 585083 0.0224529153658798
+2 585191 0.01416623873466832
+2 587249 0.01515999750758952
+2 587435 0.02554766446989849
+2 587884 0.01416623873466832
+2 588449 0.01375301288899783
+2 589145 0.01416623873466832
+2 589339 0.01416623873466832
+2 590199 0.01287694695896763
+2 590800 0.03031999501517904
+2 591592 0.01287694695896763
+2 591866 0.02062951933349674
+2 592222 0.01416623873466832
+2 592401 0.01416623873466832
+2 592829 0.01703177631326566
+2 592951 0.01515999750758952
+2 593195 0.01375301288899783
+2 593712 0.01515999750758952
+2 593729 0.01879303613134018
+2 593964 0.01416623873466832
+2 593995 0.02062951933349674
+2 594441 0.01287694695896763
+2 594598 0.01375301288899783
+2 594775 0.05173055796070694
+2 595190 0.01416623873466832
+2 595803 0.1266974019391965
+2 596548 0.01515999750758952
+2 596603 0.03541559683667081
+2 596952 0.01375301288899783
+2 597281 0.01515999750758952
+2 597895 0.01375301288899783
+2 597967 0.01416623873466832
+2 598774 0.01055959718877973
+2 599911 0.01375301288899783
+2 600226 0.01055959718877973
+2 600953 0.01879303613134018
+2 601956 0.02124935810200249
+2 602993 0.02575389391793526
+2 604022 0.01583939578316959
+2 605225 0.03695859016072905
+2 605390 0.02818955419701027
+2 605457 0.02833247746933665
+2 606857 0.0224529153658798
+2 606892 0.01287694695896763
+2 607303 0.02273999626138428
+2 607497 0.03125313550394603
+2 607699 0.0224529153658798
+2 608493 0.01976621844286875
+2 608773 0.02833247746933665
+2 608811 0.0224529153658798
+2 608932 0.01416623873466832
+2 609511 0.01515999750758952
+2 609997 0.01416623873466832
+2 611811 0.01976621844286875
+2 611997 0.05794626131535433
+2 613071 0.03031999501517904
+2 614260 0.02818955419701027
+2 614844 0.03031999501517904
+2 616117 0.04125903866699348
+2 616136 0.01515999750758952
+2 616371 0.0224529153658798
+2 616663 0.02575389391793526
+2 617266 0.01879303613134018
+2 617395 0.01375301288899783
+2 618125 0.03953243688573751
+2 620045 0.01515999750758952
+2 620879 0.0224529153658798
+2 620920 0.0224529153658798
+2 620922 0.01515999750758952
+2 621168 0.01515999750758952
+2 621490 0.01879303613134018
+2 622446 0.01976621844286875
+2 622747 0.01375301288899783
+2 623266 0.02818955419701027
+2 623888 0.0224529153658798
+2 623961 0.01515999750758952
+2 624069 0.01416623873466832
+2 624972 0.01515999750758952
+2 625376 0.01879303613134018
+2 625667 0.01976621844286875
+2 626638 0.01879303613134018
+2 627157 0.01515999750758952
+2 627686 0.01515999750758952
+2 628067 0.06250627100789206
+2 628232 0.02750602577799565
+2 629035 0.0224529153658798
+2 629688 0.01879303613134018
+2 629740 0.02124935810200249
+2 630633 0.01515999750758952
+2 631033 0.0224529153658798
+2 632468 0.01287694695896763
+2 632711 0.01515999750758952
+2 633121 0.0224529153658798
+2 633177 0.03219236739741908
+2 633495 0.01375301288899783
+2 633773 0.03031999501517904
+2 635129 0.0224529153658798
+2 635811 0.02554766446989849
+2 636789 0.01879303613134018
+2 637283 0.01287694695896763
+2 638325 0.01976621844286875
+2 638675 0.01703177631326566
+2 638720 0.02124935810200249
+2 638838 0.01703177631326566
+2 639033 0.02575389391793526
+2 639353 0.01515999750758952
+2 640317 0.01976621844286875
+2 642203 0.06250627100789206
+2 642649 0.0224529153658798
+2 643315 0.0224529153658798
+2 643634 0.02111919437755946
+2 643662 0.02818955419701027
+2 643772 0.02833247746933665
+2 644220 0.006897407728094259
+2 645114 0.01287694695896763
+2 645258 0.01515999750758952
+2 645915 0.01931542043845144
+2 646777 0.02750602577799565
+2 646919 0.01879303613134018
+2 647848 0.01375301288899783
+2 648063 0.01287694695896763
+2 648903 0.0224529153658798
+2 650741 0.01976621844286875
+2 651357 0.01879303613134018
+2 652362 0.01879303613134018
+2 652514 0.01703177631326566
+2 652849 0.0224529153658798
+2 653009 0.0224529153658798
+2 653537 0.0224529153658798
+2 655093 0.0224529153658798
+2 655121 0.01416623873466832
+2 655240 0.01375301288899783
+2 655446 0.01879303613134018
+2 655537 0.02252398256696827
+2 657631 0.02273999626138428
+2 657797 0.01879303613134018
+2 658436 0.01416623873466832
+2 660651 0.01879303613134018
+2 661073 0.01583939578316959
+2 661573 0.007813283875986508
+2 663774 0.01515999750758952
+2 663812 0.02111919437755946
+2 664406 0.01703177631326566
+2 665077 0.0224529153658798
+2 666483 0.01515999750758952
+2 667328 0.01375301288899783
+2 668297 0.03406355262653132
+2 668558 0.01416623873466832
+2 669258 0.01703177631326566
+2 669997 0.0224529153658798
+2 670037 0.01879303613134018
+2 670268 0.02124935810200249
+2 670693 0.01515999750758952
+2 670829 0.01931542043845144
+2 671553 0.05067896077567861
+2 671951 0.01416623873466832
+2 672444 0.01976621844286875
+2 672756 0.01126199128348414
+2 672767 0.01416623873466832
+2 673094 0.01287694695896763
+2 673507 0.01287694695896763
+2 673666 0.01515999750758952
+2 673671 0.0224529153658798
+2 675052 0.01416623873466832
+2 675407 0.0224529153658798
+2 675670 0.02833247746933665
+2 675672 0.01879303613134018
+2 675682 0.01287694695896763
+2 676661 0.01287694695896763
+2 677451 0.01375301288899783
+2 677975 0.0224529153658798
+2 678613 0.02062951933349674
+2 679409 0.01416623873466832
+2 679429 0.02833247746933665
+2 680225 0.01515999750758952
+2 680718 0.0224529153658798
+2 681761 0.0224529153658798
+2 682127 0.01375301288899783
+2 682269 0.01287694695896763
+2 682363 0.01515999750758952
+2 683329 0.01879303613134018
+2 683466 0.0378999937689738
+2 684088 0.01879303613134018
+2 684612 0.0224529153658798
+2 684704 0.01515999750758952
+2 685694 0.03406355262653132
+2 686506 0.01375301288899783
+2 686920 0.01515999750758952
+2 687143 0.01976621844286875
+2 687588 0.03031999501517904
+2 687733 0.01879303613134018
+2 689428 0.01879303613134018
+2 689867 0.01416623873466832
+2 689912 0.01287694695896763
+2 690425 0.02554766446989849
+2 690761 0.03219236739741908
+2 691725 0.01515999750758952
+2 691865 0.01287694695896763
+2 693099 0.01416623873466832
+2 694095 0.0224529153658798
+2 694474 0.02818955419701027
+2 694626 0.01416623873466832
+2 695422 0.02273999626138428
+2 695471 0.0224529153658798
+2 695662 0.01416623873466832
+2 696533 0.116155569076577
+2 697121 0.01703177631326566
+2 697205 0.03906641937993254
+2 697598 0.01515999750758952
+2 697943 0.0224529153658798
+2 697988 0.01879303613134018
+2 698191 0.01515999750758952
+2 698358 0.03031999501517904
+2 698921 0.01515999750758952
+2 699089 0.0224529153658798
+2 699773 0.01703177631326566
+2 700389 0.01879303613134018
+2 700954 0.01515999750758952
+2 701293 0.01976621844286875
+2 701361 0.01879303613134018
+2 701887 0.02758963091237704
+2 703551 0.01976621844286875
+2 704060 0.01287694695896763
+2 705096 0.01416623873466832
+2 705567 0.01287694695896763
+2 705841 0.01416623873466832
+2 706216 0.03031999501517904
+2 706692 0.01879303613134018
+2 706892 0.01515999750758952
+2 706945 0.0224529153658798
+2 707489 0.01703177631326566
+2 707633 0.01879303613134018
+2 707730 0.02575389391793526
+2 708255 0.01515999750758952
+2 708714 0.0224529153658798
+2 708916 0.05794626131535433
+2 709550 0.03541559683667081
+2 710821 0.02818955419701027
+2 711432 0.01375301288899783
+2 712019 0.01879303613134018
+2 712872 0.01703177631326566
+2 713013 0.03953243688573751
+2 713042 0.01416623873466832
+2 713234 0.01515999750758952
+2 713527 0.01879303613134018
+2 714059 0.02833247746933665
+2 714584 0.01583939578316959
+2 714829 0.01703177631326566
+2 715513 0.03406355262653132
+2 715726 0.01879303613134018
+2 715932 0.02818955419701027
+2 716121 0.01375301288899783
+2 716526 0.01879303613134018
+2 717596 0.01703177631326566
+2 718098 0.01879303613134018
+2 718323 0.01416623873466832
+2 719242 0.01515999750758952
+2 719616 0.01515999750758952
+2 720262 0.01515999750758952
+2 721031 0.01515999750758952
+2 721862 0.03031999501517904
+2 722798 0.01287694695896763
+2 723160 0.01416623873466832
+2 723875 0.0224529153658798
+2 724109 0.02554766446989849
+2 724540 0.03031999501517904
+2 724681 0.02575389391793526
+2 724837 0.01287694695896763
+2 725465 0.01287694695896763
+2 725922 0.01515999750758952
+2 726479 0.0224529153658798
+2 726847 0.02575389391793526
+2 727505 0.01287694695896763
+2 729035 0.01375301288899783
+2 729291 0.01375301288899783
+2 729590 0.01416623873466832
+2 730055 0.01976621844286875
+2 730665 0.0168929869252262
+2 730797 0.02818955419701027
+2 732146 0.01287694695896763
+2 732291 0.01287694695896763
+2 733327 0.02062951933349674
+2 734367 0.003448703864047129
+2 734643 0.02273999626138428
+2 735217 0.01515999750758952
+2 735537 0.0224529153658798
+2 735787 0.0224529153658798
+2 738711 0.01287694695896763
+2 738843 0.0224529153658798
+2 739232 0.0378999937689738
+2 739643 0.0224529153658798
+2 740438 0.01287694695896763
+2 740483 0.01931542043845144
+2 741665 0.01416623873466832
+2 741749 0.01879303613134018
+2 742595 0.01879303613134018
+2 742865 0.01879303613134018
+2 743915 0.01703177631326566
+2 744254 0.0224529153658798
+2 745259 0.01976621844286875
+2 745311 0.05109532893979699
+2 745692 0.0224529153658798
+2 746645 0.01703177631326566
+2 748040 0.01416623873466832
+2 748793 0.01515999750758952
+2 749436 0.01515999750758952
+2 749580 0.06250627100789206
+2 749615 0.01375301288899783
+2 749749 0.01976621844286875
+2 750727 0.01976621844286875
+2 751292 0.02554766446989849
+2 753259 0.02818955419701027
+2 753528 0.01287694695896763
+2 754611 0.0224529153658798
+2 755213 0.02818955419701027
+2 756217 0.02750602577799565
+2 756487 0.02554766446989849
+2 756653 0.01416623873466832
+2 757147 0.01515999750758952
+2 757918 0.01515999750758952
+2 758209 0.01375301288899783
+2 758522 0.00757999875379476
+2 758529 0.02124935810200249
+2 758901 0.01879303613134018
+2 758989 0.01703177631326566
+2 759434 0.01879303613134018
+2 760340 0.01515999750758952
+2 760543 0.01375301288899783
+2 760837 0.005630995641742068
+2 761160 0.0224529153658798
+2 762340 0.01515999750758952
+2 763733 0.01416623873466832
+2 763853 0.01287694695896763
+2 764181 0.01375301288899783
+2 764335 0.02833247746933665
+2 764717 0.01375301288899783
+2 764887 0.03953243688573751
+2 766235 0.01416623873466832
+2 766266 0.01287694695896763
+2 766277 0.02818955419701027
+2 767389 0.01416623873466832
+2 767812 0.02273999626138428
+2 768087 0.01287694695896763
+2 768251 0.01515999750758952
+2 768305 0.0224529153658798
+2 768732 0.03031999501517904
+2 769351 0.0224529153658798
+2 770167 0.02124935810200249
+2 770457 0.02554766446989849
+2 770795 0.02124935810200249
+2 771052 0.01515999750758952
+2 771563 0.01515999750758952
+2 773411 0.02833247746933665
+2 775031 0.01416623873466832
+2 775122 0.02833247746933665
+2 775934 0.01879303613134018
+2 775990 0.01416623873466832
+2 776178 0.01375301288899783
+2 777142 0.01375301288899783
+2 777823 0.01416623873466832
+2 777845 0.01416623873466832
+2 778173 0.01515999750758952
+2 779020 0.01416623873466832
+2 779037 0.01879303613134018
+2 780563 0.0224529153658798
+2 782151 0.01375301288899783
+2 782275 0.02818955419701027
+2 782538 0.01416623873466832
+2 783132 0.01416623873466832
+2 783343 0.01515999750758952
+2 783423 0.01703177631326566
+2 783959 0.01976621844286875
+2 784168 0.0224529153658798
+2 785845 0.006897407728094259
+2 785937 0.02818955419701027
+2 786960 0.01416623873466832
+2 787175 0.01416623873466832
+2 787794 0.03660147167132344
+2 788165 0.01375301288899783
+2 789638 0.03378597385045241
+2 789963 0.02818955419701027
+2 790471 0.01287694695896763
+2 790981 0.01703177631326566
+2 791523 0.01416623873466832
+2 791718 0.01416623873466832
+2 792107 0.0224529153658798
+2 792543 0.01879303613134018
+2 792855 0.01416623873466832
+2 792961 0.01703177631326566
+2 796596 0.01287694695896763
+2 796656 0.02833247746933665
+2 796955 0.0224529153658798
+2 797939 0.01703177631326566
+2 798091 0.0224529153658798
+2 800049 0.02069222318428278
+2 800887 0.01976621844286875
+2 801163 0.01879303613134018
+2 801470 0.01515999750758952
+2 802231 0.01375301288899783
+2 802243 0.01515999750758952
+2 802265 0.0224529153658798
+2 802871 0.01416623873466832
+2 803130 0.01287694695896763
+2 803501 0.01703177631326566
+2 803836 0.01416623873466832
+2 804098 0.0550120515559913
+2 804970 0.02833247746933665
+2 806035 0.01515999750758952
+2 806121 0.01515999750758952
+2 806535 0.0224529153658798
+2 807323 0.01879303613134018
+2 807327 0.01879303613134018
+2 807411 0.02815497820871034
+2 807815 0.01703177631326566
+2 807967 0.02818955419701027
+2 809627 0.03031999501517904
+2 811460 0.02833247746933665
+2 812139 0.01375301288899783
+2 812268 0.01879303613134018
+2 812696 0.01287694695896763
+2 813585 0.01515999750758952
+2 813615 0.0224529153658798
+2 814437 0.01287694695896763
+2 814899 0.01416623873466832
+2 815116 0.01375301288899783
+2 815974 0.02833247746933665
+2 816692 0.05517926182475407
+2 818929 0.01515999750758952
+2 820195 0.02124935810200249
+2 820549 0.01879303613134018
+2 821841 0.01515999750758952
+2 822732 0.01879303613134018
+2 823077 0.0224529153658798
+2 823746 0.01879303613134018
+2 823955 0.01879303613134018
+2 824812 0.01931542043845144
+2 825897 0.01879303613134018
+2 827721 0.05630995641742068
+2 827857 0.01515999750758952
+2 828024 0.005630995641742068
+2 828318 0.01416623873466832
+2 830841 0.01703177631326566
+2 830913 0.0224529153658798
+2 831820 0.01879303613134018
+2 832857 0.01703177631326566
+2 833703 0.0224529153658798
+2 835278 0.01287694695896763
+2 835345 0.01287694695896763
+2 835939 0.02750602577799565
+2 836135 0.01515999750758952
+2 838145 0.01416623873466832
+2 838336 0.0224529153658798
+2 838403 0.03031999501517904
+2 838788 0.01375301288899783
+2 838852 0.01515999750758952
+2 839462 0.02833247746933665
+2 839777 0.08594612263585159
+2 839803 0.01879303613134018
+2 840249 0.02818955419701027
+2 840443 0.04138444636856555
+2 841190 0.02575389391793526
+2 841719 0.03031999501517904
+2 841729 0.01703177631326566
+2 842117 0.01879303613134018
+2 842623 0.005279798594389864
+2 842943 0.01515999750758952
+2 843133 0.01879303613134018
+2 844547 0.01976621844286875
+2 844943 0.0550120515559913
+2 845228 0.01879303613134018
+2 845263 0.01515999750758952
+2 845355 0.01515999750758952
+2 845433 0.01515999750758952
+2 846017 0.02818955419701027
+2 847021 0.01703177631326566
+2 848227 0.01879303613134018
+2 848316 0.01375301288899783
+2 848815 0.0224529153658798
+2 848856 0.01515999750758952
+2 849007 0.01416623873466832
+2 849063 0.05150778783587052
+2 849509 0.01416623873466832
+2 849602 0.01287694695896763
+2 849609 0.01976621844286875
+2 849797 0.01416623873466832
+2 851071 0.05109532893979699
+2 851367 0.0224529153658798
+2 851822 0.01416623873466832
+2 852093 0.01703177631326566
+2 853866 0.02833247746933665
+2 854171 0.0224529153658798
+2 854960 0.006897407728094259
+2 855291 0.01703177631326566
+2 855392 0.02554766446989849
+2 856212 0.0224529153658798
+2 856602 0.0344870386404713
+2 856834 0.02124935810200249
+2 857015 0.01515999750758952
+2 857083 0.01879303613134018
+2 857189 0.02273999626138428
+2 857430 0.05517926182475407
+2 857517 0.01416623873466832
+2 857673 0.01879303613134018
+2 857805 0.006897407728094259
+2 858171 0.0224529153658798
+2 859034 0.01416623873466832
+2 859080 0.01416623873466832
+2 860098 0.01416623873466832
+2 861178 0.02554766446989849
+2 863194 0.01879303613134018
+2 863371 0.01515999750758952
+2 863413 0.03953243688573751
+2 864181 0.01879303613134018
+2 865017 0.0224529153658798
+2 865057 0.0224529153658798
+2 866123 0.02750602577799565
+2 866409 0.01703177631326566
+2 866462 0.01287694695896763
+2 866719 0.02833247746933665
+2 867366 0.01416623873466832
+2 868041 0.01879303613134018
+2 868877 0.02750602577799565
+2 869058 0.01287694695896763
+2 870006 0.02833247746933665
+2 870945 0.0224529153658798
+2 871383 0.03953243688573751
+2 871666 0.0224529153658798
+2 871784 0.01976621844286875
+2 871979 0.03438253222249456
+2 872269 0.01416623873466832
+2 873263 0.02554766446989849
+2 873685 0.01703177631326566
+2 873777 0.0224529153658798
+2 873932 0.01375301288899783
+2 875002 0.01515999750758952
+2 875441 0.08594612263585159
+2 875595 0.02818955419701027
+2 876454 0.01416623873466832
+2 876608 0.0224529153658798
+2 876647 0.03406355262653132
+2 879048 0.01287694695896763
+2 879723 0.02575389391793526
+2 879977 0.01515999750758952
+2 880406 0.01416623873466832
+2 880427 0.01879303613134018
+2 880919 0.0224529153658798
+2 881902 0.02750602577799565
+2 882364 0.01416623873466832
+2 882386 0.01515999750758952
+2 884007 0.01879303613134018
+2 884303 0.0224529153658798
+2 884404 0.01416623873466832
+2 884453 0.0224529153658798
+2 886206 0.0224529153658798
+2 889334 0.01416623873466832
+2 889464 0.01416623873466832
+2 890133 0.01416623873466832
+2 890577 0.01879303613134018
+2 894002 0.03406355262653132
+2 895068 0.01416623873466832
+2 896073 0.01416623873466832
+2 897352 0.01976621844286875
+2 898259 0.01879303613134018
+2 901072 0.01416623873466832
+2 901243 0.01515999750758952
+2 901873 0.01515999750758952
+2 902943 0.01879303613134018
+2 902983 0.0224529153658798
+2 903042 0.01416623873466832
+2 903639 0.02124935810200249
+2 903775 0.02062951933349674
+2 903869 0.01375301288899783
+2 905053 0.01416623873466832
+2 905317 0.01515999750758952
+2 906255 0.02758963091237704
+2 908616 0.03031999501517904
+2 908795 0.01287694695896763
+2 909342 0.0378999937689738
+2 910551 0.01515999750758952
+2 911246 0.01416623873466832
+2 911251 0.01515999750758952
+2 911559 0.02575389391793526
+2 912375 0.03031999501517904
+2 912646 0.01515999750758952
+2 912692 0.01287694695896763
+2 912818 0.01515999750758952
+2 913412 0.01375301288899783
+2 913653 0.02758963091237704
+2 913664 0.01879303613134018
+2 914236 0.01515999750758952
+2 914637 0.01416623873466832
+2 914707 0.02818955419701027
+2 914942 0.04249871620400497
+2 916268 0.01879303613134018
+2 916275 0.0224529153658798
+2 916412 0.02833247746933665
+2 916833 0.0224529153658798
+2 916838 0.0224529153658798
+2 916971 0.01287694695896763
+2 916981 0.02273999626138428
+2 923371 0.01976621844286875
+2 923707 0.02750602577799565
+2 924489 0.01879303613134018
+2 925190 0.01703177631326566
+2 927420 0.0224529153658798
+2 928368 0.02833247746933665
+2 928519 0.01416623873466832
+2 929479 0.1238819041183255
+2 929751 0.0224529153658798
+2 929906 0.0168929869252262
+2 930347 0.01879303613134018
+2 930897 0.01515999750758952
+2 931304 0.02833247746933665
+2 931366 0.01375301288899783
+2 931867 0.02124935810200249
+2 932035 0.02818955419701027
+2 932719 0.01976621844286875
+2 933173 0.01879303613134018
+2 934821 0.02833247746933665
+2 936497 0.02575389391793526
+2 936622 0.01416623873466832
+2 937173 0.02750602577799565
+2 938709 0.01416623873466832
+2 939162 0.02818955419701027
+2 939489 0.0224529153658798
+2 939891 0.02818955419701027
+2 940067 0.01375301288899783
+2 940134 0.01879303613134018
+2 940579 0.0224529153658798
+2 940676 0.02750602577799565
+2 941134 0.01416623873466832
+2 941331 0.01126199128348414
+2 941660 0.00939651806567009
+2 942152 0.01287694695896763
+2 942491 0.01976621844286875
+2 942492 0.01703177631326566
+2 942496 0.03031999501517904
+2 943077 0.01515999750758952
+2 943165 0.02252398256696827
+2 943202 0.01416623873466832
+2 943733 0.01703177631326566
+2 943767 0.0224529153658798
+2 943987 0.01416623873466832
+2 944981 0.01515999750758952
+2 945541 0.1138072275135553
+2 945987 0.01375301288899783
+2 946067 0.01416623873466832
+2 946180 0.02124935810200249
+2 946341 0.0224529153658798
+2 948459 0.03953243688573751
+2 950515 0.01416623873466832
+2 950976 0.01287694695896763
+2 951036 0.01416623873466832
+2 951392 0.01416623873466832
+2 951500 0.01515999750758952
+2 951694 0.0224529153658798
+2 951800 0.01287694695896763
+2 952409 0.01375301288899783
+2 953647 0.0224529153658798
+2 954637 0.01976621844286875
+2 954808 0.03541559683667081
+2 957055 0.01976621844286875
+2 957067 0.01287694695896763
+2 957143 0.0224529153658798
+2 957437 0.02124935810200249
+2 957627 0.02062951933349674
+2 958137 0.0224529153658798
+2 958911 0.01879303613134018
+2 959793 0.01976621844286875
+2 960107 0.0224529153658798
+2 961822 0.01515999750758952
+2 961910 0.01515999750758952
+2 963163 0.01375301288899783
+2 963743 0.0224529153658798
+2 963855 0.01287694695896763
+2 963998 0.03031999501517904
+2 964525 0.01515999750758952
+2 964582 0.02818955419701027
+2 965802 0.01416623873466832
+2 966109 0.02124935810200249
+2 966255 0.0224529153658798
+2 966273 0.01703177631326566
+2 967164 0.006897407728094259
+2 967313 0.002815497820871034
+2 967983 0.0224529153658798
+2 968163 0.02124935810200249
+2 968483 0.02818955419701027
+2 969841 0.02069222318428278
+2 972013 0.01375301288899783
+2 972178 0.02818955419701027
+2 972485 0.01703177631326566
+2 973333 0.01515999750758952
+2 974699 0.0224529153658798
+2 974851 0.01375301288899783
+2 975220 0.01515999750758952
+2 975811 0.0224529153658798
+2 976275 0.01416623873466832
+2 977200 0.02818955419701027
+2 978257 0.0550120515559913
+2 978511 0.0224529153658798
+2 978773 0.02833247746933665
+2 979385 0.01515999750758952
+2 979478 0.0224529153658798
+2 980261 0.01879303613134018
+2 980319 0.01416623873466832
+2 981883 0.01515999750758952
+2 982012 0.01416623873466832
+2 983321 0.01287694695896763
+2 983673 0.01287694695896763
+2 985549 0.02750602577799565
+2 986791 0.0224529153658798
+2 988159 0.0224529153658798
+2 988449 0.01515999750758952
+2 989163 0.02575389391793526
+2 989433 0.02750602577799565
+2 990804 0.01287694695896763
+2 991468 0.007083119367334162
+2 991475 0.03031999501517904
+2 991847 0.0224529153658798
+2 991935 0.01976621844286875
+2 992490 0.01515999750758952
+2 993053 0.03541559683667081
+2 993510 0.0224529153658798
+2 993763 0.01416623873466832
+2 994106 0.02833247746933665
+2 994950 0.01287694695896763
+2 995605 0.01375301288899783
+2 995653 0.01976621844286875
+2 996536 0.01287694695896763
+2 997281 0.0224529153658798
+2 997656 0.01879303613134018
+2 999223 0.0224529153658798
+2 1000099 0.01416623873466832
+2 1000335 0.01515999750758952
+2 1001147 0.0224529153658798
+2 1003113 0.0224529153658798
+2 1003223 0.03378597385045241
+2 1003403 0.01976621844286875
+2 1005765 0.01879303613134018
+2 1006311 0.01375301288899783
+2 1006560 0.01416623873466832
+2 1007607 0.01375301288899783
+2 1007775 0.01515999750758952
+2 1007912 0.01287694695896763
+2 1007977 0.0224529153658798
+2 1008068 0.03031999501517904
+2 1008679 0.01416623873466832
+2 1008831 0.01287694695896763
+2 1008899 0.01416623873466832
+2 1010769 0.0224529153658798
+2 1010791 0.01515999750758952
+2 1011301 0.01416623873466832
+2 1012185 0.0224529153658798
+2 1013871 0.0224529153658798
+2 1014853 0.01515999750758952
+2 1016179 0.01879303613134018
+2 1016289 0.01879303613134018
+2 1016369 0.006876506444498913
+2 1017114 0.02833247746933665
+2 1018165 0.0224529153658798
+2 1018174 0.01515999750758952
+2 1018883 0.0224529153658798
+2 1019196 0.01287694695896763
+2 1019929 0.01287694695896763
+2 1020006 0.0224529153658798
+2 1020555 0.01416623873466832
+2 1020677 0.01879303613134018
+2 1020740 0.04223838875511891
+2 1021884 0.01287694695896763
+2 1022182 0.006438473479483816
+2 1022749 0.01416623873466832
+2 1023852 0.01515999750758952
+2 1024664 0.01515999750758952
+2 1026711 0.01375301288899783
+2 1027300 0.01515999750758952
+2 1027631 0.0224529153658798
+2 1027652 0.01879303613134018
+2 1027973 0.01416623873466832
+2 1028155 0.01976621844286875
+2 1028295 0.01416623873466832
+2 1028315 0.03953243688573751
+2 1029602 0.0224529153658798
+2 1030226 0.01375301288899783
+2 1030554 0.01375301288899783
+2 1031121 0.01416623873466832
+2 1031815 0.0224529153658798
+2 1032173 0.01879303613134018
+2 1032791 0.01976621844286875
+2 1033089 0.01879303613134018
+2 1033256 0.01416623873466832
+2 1033699 0.01976621844286875
+2 1033833 0.01287694695896763
+2 1034350 0.02833247746933665
+2 1034416 0.02833247746933665
+2 1035161 0.01375301288899783
+2 1035177 0.01703177631326566
+2 1036243 0.01375301288899783
+2 1037044 0.05150778783587052
+2 1037251 0.01976621844286875
+2 1037326 0.02818955419701027
+2 1037360 0.02758963091237704
+2 1037916 0.03031999501517904
+2 1038768 0.01879303613134018
+2 1039166 0.02273999626138428
+2 1039896 0.01879303613134018
+2 1040201 0.005279798594389864
+2 1040273 0.02273999626138428
+2 1040325 0.0224529153658798
+2 1040913 0.02273999626138428
+2 1042343 0.0224529153658798
+2 1042815 0.01515999750758952
+2 1043231 0.01375301288899783
+2 1046133 0.01879303613134018
+2 1046509 0.01976621844286875
+2 1046561 0.02833247746933665
+2 1047335 0.01416623873466832
+2 1048455 0.0224529153658798
+3 344 0.02941448034825962
+3 711 0.0170119160325015
+3 1420 0.0170119160325015
+3 1556 0.01470724017412981
+3 1936 0.01344132421189042
+3 2863 0.01358941524985052
+3 4053 0.03009015831171448
+3 4959 0.01003005277057149
+3 5205 0.01470724017412981
+3 6392 0.01344132421189042
+3 6466 0.01470724017412981
+3 6578 0.01845704077835548
+3 6650 0.02206086026119472
+3 6873 0.02245273566436667
+3 7884 0.01358941524985052
+3 7923 0.01470724017412981
+3 8116 0.02245273566436667
+3 10078 0.04055909983329928
+3 10267 0.02245273566436667
+3 10483 0.01845704077835548
+3 10495 0.0215535138270753
+3 11483 0.02027954991664964
+3 11573 0.02245273566436667
+3 11819 0.01251680995145001
+3 12091 0.05516529023814321
+3 13181 0.01470724017412981
+3 13234 0.005388378456768824
+3 15211 0.02027954991664964
+3 15221 0.02245273566436667
+3 15283 0.01845704077835548
+3 17094 0.02941448034825962
+3 17430 0.01358941524985052
+3 19280 0.01845704077835548
+3 19655 0.02245273566436667
+3 20539 0.02027954991664964
+3 20975 0.05015026385285747
+3 22085 0.02245273566436667
+3 22178 0.03009015831171448
+3 22706 0.02717883049970104
+3 23832 0.02941448034825962
+3 25560 0.02016198631783563
+3 25702 0.02768556116753322
+3 26089 0.02768556116753322
+3 26845 0.01344132421189042
+3 27458 0.01470724017412981
+3 28921 0.01344132421189042
+3 29313 0.0510357480975045
+3 29352 0.0170119160325015
+3 29735 0.02027954991664964
+3 30387 0.02245273566436667
+3 30453 0.0170119160325015
+3 31409 0.01845704077835548
+3 32045 0.01358941524985052
+3 32280 0.01358941524985052
+3 33433 0.04055909983329928
+3 33439 0.01845704077835548
+3 33979 0.02551787404875225
+3 34041 0.02245273566436667
+3 34869 0.01845704077835548
+3 35441 0.05376529684756166
+3 35828 0.01344132421189042
+3 35928 0.0170119160325015
+3 36192 0.01470724017412981
+3 36391 0.02245273566436667
+3 36463 0.02027954991664964
+3 36949 0.01358941524985052
+3 37006 0.02038412287477578
+3 37278 0.01358941524985052
+3 37731 0.02027954991664964
+3 38236 0.02941448034825962
+3 39762 0.02688264842378083
+3 40007 0.01337146113425912
+3 40706 0.01358941524985052
+3 40920 0.005015026385285747
+3 40956 0.02717883049970104
+3 41204 0.02941448034825962
+3 41385 0.01845704077835548
+3 41559 0.02717883049970104
+3 41645 0.02027954991664964
+3 41800 0.06911458153120119
+3 42374 0.02245273566436667
+3 42437 0.02245273566436667
+3 43077 0.02245273566436667
+3 43101 0.0170119160325015
+3 43781 0.02694189228384412
+3 44401 0.01845704077835548
+3 44951 0.0170119160325015
+3 45548 0.02027954991664964
+3 46197 0.01358941524985052
+3 46264 0.01251680995145001
+3 46627 0.006685730567129562
+3 47204 0.01251680995145001
+3 47318 0.01251680995145001
+3 47689 0.01845704077835548
+3 50670 0.01470724017412981
+3 50742 0.06770285620135758
+3 51089 0.02245273566436667
+3 52454 0.02688264842378083
+3 53188 0.01358941524985052
+3 53247 0.01877521492717501
+3 54215 0.01251680995145001
+3 54376 0.02941448034825962
+3 55449 0.02206086026119472
+3 56154 0.02503361990290001
+3 57633 0.02688264842378083
+3 57841 0.01845704077835548
+3 58055 0.02027954991664964
+3 58452 0.01358941524985052
+3 58964 0.03510518469700023
+3 59189 0.01470724017412981
+3 60978 0.02717883049970104
+3 61875 0.01358941524985052
+3 62239 0.01470724017412981
+3 62295 0.01358941524985052
+3 64006 0.0215535138270753
+3 64473 0.01470724017412981
+3 66272 0.02503361990290001
+3 66314 0.01470724017412981
+3 68440 0.005015026385285747
+3 68543 0.01251680995145001
+3 68673 0.02717883049970104
+3 68823 0.02768556116753322
+3 68974 0.01845704077835548
+3 69047 0.02016198631783563
+3 69894 0.02768556116753322
+3 70435 0.01344132421189042
+3 70576 0.02768556116753322
+3 71207 0.02027954991664964
+3 71748 0.01358941524985052
+3 71813 0.02717883049970104
+3 71957 0.02245273566436667
+3 72260 0.01470724017412981
+3 72652 0.01470724017412981
+3 74573 0.02245273566436667
+3 74947 0.02245273566436667
+3 75685 0.0170119160325015
+3 77686 0.01358941524985052
+3 79075 0.02206086026119472
+3 79445 0.03233027074061295
+3 79567 0.02245273566436667
+3 80087 0.02006010554114299
+3 80111 0.02245273566436667
+3 81293 0.0170119160325015
+3 81722 0.03755042985435002
+3 82516 0.0170119160325015
+3 82791 0.01358941524985052
+3 83052 0.01845704077835548
+3 83437 0.02206086026119472
+3 84759 0.02027954991664964
+3 85339 0.01358941524985052
+3 86213 0.02245273566436667
+3 87353 0.02717883049970104
+3 87389 0.01470724017412981
+3 87631 0.02245273566436667
+3 88009 0.02245273566436667
+3 88145 0.02551787404875225
+3 89687 0.01358941524985052
+3 89973 0.01845704077835548
+3 90183 0.01470724017412981
+3 90413 0.01358941524985052
+3 90693 0.02245273566436667
+3 91125 0.02941448034825962
+3 91883 0.0170119160325015
+3 92411 0.01845704077835548
+3 92986 0.02768556116753322
+3 93712 0.02717883049970104
+3 95929 0.02027954991664964
+3 96310 0.01251680995145001
+3 96745 0.02768556116753322
+3 97508 0.01344132421189042
+3 97545 0.01358941524985052
+3 98887 0.01358941524985052
+3 99007 0.01470724017412981
+3 99253 0.02717883049970104
+3 99312 0.02941448034825962
+3 99549 0.01251680995145001
+3 101157 0.0170119160325015
+3 101208 0.01845704077835548
+3 101516 0.01845704077835548
+3 101942 0.01358941524985052
+3 102325 0.02206086026119472
+3 102726 0.01358941524985052
+3 104467 0.01845704077835548
+3 105181 0.02503361990290001
+3 106814 0.01470724017412981
+3 109504 0.01470724017412981
+3 110259 0.01504507915585724
+3 110789 0.02768556116753322
+3 111321 0.02245273566436667
+3 112020 0.01358941524985052
+3 112083 0.01470724017412981
+3 112485 0.01358941524985052
+3 112622 0.02245273566436667
+3 112738 0.02245273566436667
+3 113322 0.01344132421189042
+3 113849 0.1203431502083321
+3 114890 0.01358941524985052
+3 115124 0.01358941524985052
+3 115674 0.02245273566436667
+3 116396 0.02717883049970104
+3 117089 0.02503361990290001
+3 117794 0.01358941524985052
+3 117854 0.05388378456768825
+3 119191 0.02941448034825962
+3 120423 0.01358941524985052
+3 120706 0.01358941524985052
+3 120867 0.01344132421189042
+3 121543 0.03129202487862501
+3 122181 0.02245273566436667
+3 123532 0.02245273566436667
+3 124217 0.01470724017412981
+3 125974 0.04055909983329928
+3 126489 0.01470724017412981
+3 126497 0.01845704077835548
+3 126559 0.01470724017412981
+3 126866 0.02768556116753322
+3 127025 0.01845704077835548
+3 127491 0.01845704077835548
+3 127498 0.01344132421189042
+3 127623 0.02027954991664964
+3 128103 0.02027954991664964
+3 128137 0.02717883049970104
+3 128191 0.01470724017412981
+3 128892 0.01845704077835548
+3 129391 0.01251680995145001
+3 129394 0.01845704077835548
+3 129911 0.08447337742702368
+3 130011 0.02027954991664964
+3 130711 0.02768556116753322
+3 132099 0.02027954991664964
+3 132381 0.01344132421189042
+3 134266 0.01358941524985052
+3 134915 0.02027954991664964
+3 135267 0.03839698973955622
+3 135813 0.01344132421189042
+3 136064 0.02768556116753322
+3 136117 0.01845704077835548
+3 137101 0.02551787404875225
+3 137507 0.02688264842378083
+3 137587 0.01251680995145001
+3 139056 0.01358941524985052
+3 139139 0.01470724017412981
+3 139178 0.02245273566436667
+3 139565 0.02768556116753322
+3 141425 0.02503361990290001
+3 141468 0.02717883049970104
+3 141605 0.04849540611091942
+3 141807 0.01470724017412981
+3 141989 0.01358941524985052
+3 142641 0.02245273566436667
+3 143936 0.01845704077835548
+3 144163 0.02551787404875225
+3 144366 0.01358941524985052
+3 144742 0.02717883049970104
+3 146220 0.01358941524985052
+3 147311 0.02245273566436667
+3 148113 0.02717883049970104
+3 148368 0.0339735381246263
+3 148628 0.01845704077835548
+3 148952 0.02245273566436667
+3 149850 0.02768556116753322
+3 150024 0.01470724017412981
+3 150643 0.02027954991664964
+3 151321 0.01358941524985052
+3 151395 0.01845704077835548
+3 151642 0.01470724017412981
+3 151957 0.0170119160325015
+3 156173 0.03839698973955622
+3 156265 0.01470724017412981
+3 156467 0.01344132421189042
+3 156548 0.02245273566436667
+3 156833 0.04011438340277737
+3 156855 0.02027954991664964
+3 157191 0.01251680995145001
+3 157374 0.02717883049970104
+3 158098 0.01845704077835548
+3 158180 0.01470724017412981
+3 158235 0.01358941524985052
+3 158517 0.01251680995145001
+3 158855 0.04055909983329928
+3 159003 0.02027954991664964
+3 161570 0.02941448034825962
+3 161822 0.01845704077835548
+3 161928 0.0170119160325015
+3 162563 0.02027954991664964
+3 162627 0.05006723980580002
+3 163143 0.02941448034825962
+3 163848 0.01845704077835548
+3 164274 0.02027954991664964
+3 166534 0.01344132421189042
+3 166983 0.01344132421189042
+3 167285 0.0170119160325015
+3 167333 0.04055909983329928
+3 168043 0.01344132421189042
+3 169919 0.01877521492717501
+3 171204 0.01358941524985052
+3 172050 0.01470724017412981
+3 172529 0.02717883049970104
+3 173141 0.02551787404875225
+3 173456 0.02016198631783563
+3 173803 0.02503361990290001
+3 173845 0.005015026385285747
+3 174185 0.01470724017412981
+3 175014 0.01470724017412981
+3 175082 0.01845704077835548
+3 175932 0.01358941524985052
+3 176213 0.0170119160325015
+3 176217 0.04076824574955155
+3 176305 0.02503361990290001
+3 176757 0.02941448034825962
+3 177200 0.01470724017412981
+3 177423 0.02941448034825962
+3 177446 0.01003005277057149
+3 177880 0.02768556116753322
+3 178021 0.01251680995145001
+3 178476 0.02941448034825962
+3 178765 0.01251680995145001
+3 178778 0.0170119160325015
+3 178977 0.01470724017412981
+3 179455 0.02038412287477578
+3 180023 0.0170119160325015
+3 180057 0.01251680995145001
+3 180885 0.02027954991664964
+3 181651 0.02768556116753322
+3 181786 0.01358941524985052
+3 182583 0.01251680995145001
+3 182644 0.01470724017412981
+3 182645 0.02027954991664964
+3 183593 0.0339735381246263
+3 183719 0.01845704077835548
+3 184596 0.01470724017412981
+3 184704 0.01358941524985052
+3 184705 0.01845704077835548
+3 184767 0.01344132421189042
+3 184959 0.01470724017412981
+3 185254 0.01470724017412981
+3 186765 0.006685730567129562
+3 187483 0.02768556116753322
+3 189199 0.01337146113425912
+3 190785 0.01470724017412981
+3 191080 0.02245273566436667
+3 191171 0.01251680995145001
+3 193165 0.02551787404875225
+3 194421 0.01845704077835548
+3 195139 0.01845704077835548
+3 196385 0.02245273566436667
+3 197385 0.02768556116753322
+3 197738 0.01251680995145001
+3 197975 0.02027954991664964
+3 198423 0.01845704077835548
+3 198453 0.02245273566436667
+3 198778 0.01470724017412981
+3 199593 0.0170119160325015
+3 200659 0.02245273566436667
+3 200776 0.01077675691353765
+3 201027 0.01470724017412981
+3 201484 0.01470724017412981
+3 202228 0.0215535138270753
+3 202405 0.01845704077835548
+3 202518 0.01470724017412981
+3 203362 0.01470724017412981
+3 203648 0.02245273566436667
+3 204376 0.01845704077835548
+3 204695 0.01470724017412981
+3 206024 0.01616513537030647
+3 207651 0.01251680995145001
+3 207751 0.01251680995145001
+3 207845 0.01358941524985052
+3 207923 0.01358941524985052
+3 209769 0.01358941524985052
+3 209785 0.01251680995145001
+3 209871 0.02245273566436667
+3 211496 0.0170119160325015
+3 212823 0.02245273566436667
+3 213605 0.01251680995145001
+3 213972 0.01845704077835548
+3 215247 0.01358941524985052
+3 215831 0.04055909983329928
+3 215851 0.02027954991664964
+3 215869 0.02941448034825962
+3 217316 0.01845704077835548
+3 217437 0.02038412287477578
+3 217574 0.02245273566436667
+3 217645 0.0170119160325015
+3 218203 0.01344132421189042
+3 218424 0.02245273566436667
+3 218720 0.02206086026119472
+3 218786 0.02245273566436667
+3 218789 0.02245273566436667
+3 219577 0.01251680995145001
+3 220495 0.01344132421189042
+3 221696 0.02245273566436667
+3 222189 0.02245273566436667
+3 223536 0.02717883049970104
+3 224166 0.01358941524985052
+3 224300 0.01358941524985052
+3 224533 0.02503361990290001
+3 224559 0.01358941524985052
+3 224643 0.02717883049970104
+3 224849 0.0170119160325015
+3 224863 0.01337146113425912
+3 224865 0.02245273566436667
+3 224869 0.02551787404875225
+3 225283 0.02038412287477578
+3 228582 0.02717883049970104
+3 229125 0.01358941524985052
+3 229418 0.01344132421189042
+3 230931 0.02941448034825962
+3 232712 0.01470724017412981
+3 232784 0.01470724017412981
+3 233197 0.02941448034825962
+3 233263 0.01358941524985052
+3 233290 0.02768556116753322
+3 235550 0.01251680995145001
+3 235720 0.01470724017412981
+3 236656 0.01358941524985052
+3 238364 0.01470724017412981
+3 239595 0.01358941524985052
+3 239596 0.02038412287477578
+3 240295 0.02245273566436667
+3 240526 0.01337146113425912
+3 241053 0.03676810043532452
+3 241364 0.04513523746757172
+3 241741 0.02038412287477578
+3 241838 0.02551787404875225
+3 242321 0.02245273566436667
+3 242926 0.0170119160325015
+3 243024 0.0510357480975045
+3 244112 0.01845704077835548
+3 244199 0.01358941524985052
+3 244205 0.01337146113425912
+3 244368 0.01470724017412981
+3 244707 0.02027954991664964
+3 244825 0.01470724017412981
+3 245190 0.01358941524985052
+3 245383 0.01358941524985052
+3 245474 0.01358941524985052
+3 245636 0.04310702765415059
+3 246127 0.01358941524985052
+3 247111 0.01845704077835548
+3 247342 0.02245273566436667
+3 247445 0.02503361990290001
+3 248167 0.01845704077835548
+3 249333 0.02245273566436667
+3 249621 0.01251680995145001
+3 250040 0.02717883049970104
+3 251484 0.01845704077835548
+3 251700 0.01344132421189042
+3 252892 0.01470724017412981
+3 255397 0.01358941524985052
+3 255555 0.0170119160325015
+3 255652 0.02941448034825962
+3 256309 0.02245273566436667
+3 256778 0.02768556116753322
+3 256843 0.01344132421189042
+3 257127 0.01845704077835548
+3 257185 0.01470724017412981
+3 257273 0.02245273566436667
+3 257539 0.01337146113425912
+3 257762 0.01358941524985052
+3 258506 0.0170119160325015
+3 258648 0.02245273566436667
+3 258789 0.0170119160325015
+3 259035 0.02245273566436667
+3 261723 0.01358941524985052
+3 262259 0.04055909983329928
+3 262715 0.02245273566436667
+3 263325 0.01470724017412981
+3 263399 0.02027954991664964
+3 263783 0.01470724017412981
+3 263880 0.01358941524985052
+3 264321 0.01344132421189042
+3 265472 0.01845704077835548
+3 266379 0.034023832065003
+3 266788 0.0170119160325015
+3 266824 0.01358941524985052
+3 267317 0.02245273566436667
+3 268387 0.05006723980580002
+3 269138 0.01845704077835548
+3 269325 0.02245273566436667
+3 269409 0.02503361990290001
+3 269645 0.02206086026119472
+3 269895 0.01470724017412981
+3 269952 0.02206086026119472
+3 270190 0.01845704077835548
+3 270299 0.02688264842378083
+3 271773 0.01845704077835548
+3 272335 0.01358941524985052
+3 272372 0.01358941524985052
+3 272708 0.02503361990290001
+3 272841 0.01470724017412981
+3 273067 0.01251680995145001
+3 273555 0.106971689074073
+3 274215 0.02245273566436667
+3 274243 0.02027954991664964
+3 274331 0.02245273566436667
+3 274505 0.02245273566436667
+3 274591 0.02551787404875225
+3 274746 0.07021036939400045
+3 275005 0.01344132421189042
+3 275114 0.01470724017412981
+3 275320 0.02768556116753322
+3 276774 0.01470724017412981
+3 276973 0.01358941524985052
+3 277810 0.005388378456768824
+3 278494 0.01344132421189042
+3 280567 0.01358941524985052
+3 282367 0.0170119160325015
+3 282372 0.01470724017412981
+3 283380 0.01470724017412981
+3 283688 0.05118959533930383
+3 284035 0.02768556116753322
+3 284944 0.01344132421189042
+3 285203 0.01251680995145001
+3 285400 0.02503361990290001
+3 285569 0.01470724017412981
+3 285819 0.01470724017412981
+3 286193 0.02027954991664964
+3 286939 0.01470724017412981
+3 287322 0.02768556116753322
+3 287742 0.01845704077835548
+3 287956 0.01845704077835548
+3 288395 0.0339735381246263
+3 288457 0.01358941524985052
+3 289100 0.02688264842378083
+3 289751 0.02245273566436667
+3 289845 0.02245273566436667
+3 290325 0.02027954991664964
+3 290579 0.02503361990290001
+3 290753 0.02674292226851825
+3 290787 0.02245273566436667
+3 291001 0.01251680995145001
+3 291448 0.01470724017412981
+3 291722 0.01470724017412981
+3 292426 0.01470724017412981
+3 292489 0.01344132421189042
+3 292587 0.03510518469700023
+3 292637 0.02768556116753322
+3 293500 0.01337146113425912
+3 293924 0.02941448034825962
+3 294219 0.0170119160325015
+3 296163 0.01358941524985052
+3 296557 0.01358941524985052
+3 297150 0.01845704077835548
+3 298361 0.0170119160325015
+3 299101 0.01845704077835548
+3 299218 0.02027954991664964
+3 300086 0.01358941524985052
+3 300386 0.01470724017412981
+3 301537 0.01251680995145001
+3 301591 0.005015026385285747
+3 301619 0.02206086026119472
+3 301769 0.02941448034825962
+3 301920 0.02245273566436667
+3 301993 0.02551787404875225
+3 302035 0.01470724017412981
+3 302840 0.02245273566436667
+3 303522 0.02941448034825962
+3 304002 0.01845704077835548
+3 304165 0.01358941524985052
+3 304325 0.01358941524985052
+3 304565 0.01877521492717501
+3 304759 0.02206086026119472
+3 304903 0.01845704077835548
+3 306537 0.01845704077835548
+3 306727 0.0170119160325015
+3 306923 0.02027954991664964
+3 307519 0.02768556116753322
+3 307729 0.01358941524985052
+3 308371 0.01470724017412981
+3 309230 0.02768556116753322
+3 309491 0.01344132421189042
+3 309591 0.02245273566436667
+3 310675 0.01358941524985052
+3 310753 0.0170119160325015
+3 313069 0.01845704077835548
+3 313643 0.02245273566436667
+3 314668 0.02688264842378083
+3 315113 0.01251680995145001
+3 316383 0.02038412287477578
+3 318646 0.0170119160325015
+3 319954 0.01845704077835548
+3 319970 0.01470724017412981
+3 320045 0.02717883049970104
+3 320299 0.02206086026119472
+3 320330 0.01358941524985052
+3 320955 0.01845704077835548
+3 321063 0.02245273566436667
+3 321091 0.02027954991664964
+3 321435 0.01251680995145001
+3 321631 0.01344132421189042
+3 321902 0.03839698973955622
+3 322258 0.01845704077835548
+3 322633 0.02245273566436667
+3 322837 0.0170119160325015
+3 324030 0.01470724017412981
+3 324071 0.02717883049970104
+3 324977 0.01845704077835548
+3 325713 0.0170119160325015
+3 325932 0.02245273566436667
+3 326112 0.01358941524985052
+3 326378 0.01470724017412981
+3 326658 0.02245273566436667
+3 328429 0.02027954991664964
+3 328437 0.01845704077835548
+3 328633 0.01470724017412981
+3 328875 0.0170119160325015
+3 328931 0.01470724017412981
+3 329691 0.02245273566436667
+3 329721 0.01358941524985052
+3 331789 0.01251680995145001
+3 331953 0.01845704077835548
+3 332199 0.02941448034825962
+3 332258 0.01845704077835548
+3 332265 0.01845704077835548
+3 332667 0.01337146113425912
+3 332935 0.0170119160325015
+3 334148 0.01344132421189042
+3 334154 0.02941448034825962
+3 334293 0.01344132421189042
+3 335102 0.01358941524985052
+3 335271 0.02717883049970104
+3 335979 0.01344132421189042
+3 337185 0.02245273566436667
+3 337735 0.01358941524985052
+3 338206 0.04055909983329928
+3 339078 0.02768556116753322
+3 339127 0.01470724017412981
+3 340304 0.01470724017412981
+3 341878 0.01251680995145001
+3 342384 0.01251680995145001
+3 342440 0.01344132421189042
+3 343735 0.02245273566436667
+3 345093 0.02717883049970104
+3 345199 0.01470724017412981
+3 345568 0.01845704077835548
+3 345633 0.02245273566436667
+3 345684 0.01845704077835548
+3 346795 0.09215277537493492
+3 348217 0.02245273566436667
+3 348620 0.02768556116753322
+3 349276 0.01358941524985052
+3 349281 0.01344132421189042
+3 349538 0.01470724017412981
+3 350035 0.02016198631783563
+3 350103 0.01344132421189042
+3 350535 0.01470724017412981
+3 350800 0.06018031662342896
+3 351070 0.0170119160325015
+3 351615 0.0170119160325015
+3 352137 0.02768556116753322
+3 353320 0.01845704077835548
+3 354428 0.01358941524985052
+3 354489 0.02027954991664964
+3 354881 0.0170119160325015
+3 354925 0.01358941524985052
+3 356759 0.01845704077835548
+3 356922 0.01845704077835548
+3 357007 0.01358941524985052
+3 357854 0.02717883049970104
+3 358920 0.034023832065003
+3 359248 0.01358941524985052
+3 359443 0.02245273566436667
+3 359812 0.02245273566436667
+3 360005 0.01358941524985052
+3 360982 0.01251680995145001
+3 361049 0.02503361990290001
+3 361083 0.02941448034825962
+3 361267 0.01358941524985052
+3 361458 0.0170119160325015
+3 361555 0.01358941524985052
+3 361829 0.04607638768746746
+3 362042 0.01470724017412981
+3 362225 0.01358941524985052
+3 362857 0.1153456068615722
+3 363555 0.01470724017412981
+3 363605 0.01470724017412981
+3 363657 0.02941448034825962
+3 364616 0.01344132421189042
+3 364949 0.01251680995145001
+3 365021 0.01470724017412981
+3 365207 0.01358941524985052
+3 366889 0.0170119160325015
+3 367875 0.02027954991664964
+3 367907 0.01470724017412981
+3 369010 0.02941448034825962
+3 369621 0.01845704077835548
+3 370047 0.02027954991664964
+3 371306 0.01344132421189042
+3 372124 0.02768556116753322
+3 372511 0.02245273566436667
+3 372649 0.01845704077835548
+3 373096 0.01845704077835548
+3 373230 0.01470724017412981
+3 374161 0.02245273566436667
+3 374313 0.01845704077835548
+3 374371 0.03360331052972605
+3 374551 0.04513523746757172
+3 374753 0.01845704077835548
+3 375487 0.005388378456768824
+3 376529 0.01845704077835548
+3 377688 0.01470724017412981
+3 378133 0.01470724017412981
+3 378740 0.01845704077835548
+3 378835 0.01470724017412981
+3 380125 0.02717883049970104
+3 381027 0.02027954991664964
+3 381059 0.02941448034825962
+3 381314 0.02245273566436667
+3 381898 0.02717883049970104
+3 381910 0.01358941524985052
+3 382796 0.02245273566436667
+3 383220 0.01470724017412981
+3 383717 0.02688264842378083
+3 384309 0.01470724017412981
+3 384855 0.02245273566436667
+3 385144 0.01470724017412981
+3 385715 0.01251680995145001
+3 385781 0.02245273566436667
+3 386025 0.01358941524985052
+3 386345 0.01470724017412981
+3 387974 0.02768556116753322
+3 388461 0.02027954991664964
+3 388496 0.01470724017412981
+3 389623 0.005388378456768824
+3 389801 0.01877521492717501
+3 390320 0.02941448034825962
+3 390694 0.02245273566436667
+3 390811 0.01470724017412981
+3 390942 0.02768556116753322
+3 391054 0.006685730567129562
+3 391640 0.01003005277057149
+3 391750 0.01845704077835548
+3 392560 0.01845704077835548
+3 394516 0.02717883049970104
+3 395286 0.02503361990290001
+3 395557 0.01358941524985052
+3 396089 0.02768556116753322
+3 396734 0.01344132421189042
+3 396794 0.01470724017412981
+3 397149 0.01470724017412981
+3 397220 0.02551787404875225
+3 397506 0.0170119160325015
+3 398135 0.01470724017412981
+3 399196 0.01358941524985052
+3 399853 0.01845704077835548
+3 399959 0.01344132421189042
+3 400231 0.02027954991664964
+3 401071 0.02245273566436667
+3 402051 0.02694189228384412
+3 402865 0.02027954991664964
+3 402965 0.01470724017412981
+3 403661 0.01358941524985052
+3 403884 0.01358941524985052
+3 404390 0.01251680995145001
+3 405475 0.02941448034825962
+3 405988 0.01358941524985052
+3 406087 0.02027954991664964
+3 406402 0.0170119160325015
+3 407191 0.02245273566436667
+3 409163 0.02941448034825962
+3 409251 0.01344132421189042
+3 409413 0.01003005277057149
+3 409703 0.02717883049970104
+3 410369 0.02768556116753322
+3 410826 0.02941448034825962
+3 412205 0.01251680995145001
+3 412401 0.02245273566436667
+3 412969 0.01344132421189042
+3 413673 0.01470724017412981
+3 413831 0.02551787404875225
+3 414453 0.01845704077835548
+3 415899 0.01845704077835548
+3 416280 0.01344132421189042
+3 416539 0.02941448034825962
+3 417019 0.01251680995145001
+3 417415 0.01358941524985052
+3 417651 0.02245273566436667
+3 417672 0.01845704077835548
+3 419563 0.04055909983329928
+3 419676 0.01358941524985052
+3 421087 0.01358941524985052
+3 422853 0.0170119160325015
+3 423978 0.01845704077835548
+3 424026 0.02038412287477578
+3 424081 0.0170119160325015
+3 424094 0.0170119160325015
+3 424685 0.02717883049970104
+3 424843 0.01251680995145001
+3 425184 0.01251680995145001
+3 425368 0.01470724017412981
+3 425561 0.01358941524985052
+3 425891 0.01845704077835548
+3 426111 0.02027954991664964
+3 426215 0.01344132421189042
+3 426273 0.01845704077835548
+3 427270 0.01344132421189042
+3 428185 0.01470724017412981
+3 428813 0.02768556116753322
+3 429857 0.02245273566436667
+3 430331 0.02245273566436667
+3 430417 0.02245273566436667
+3 431304 0.01470724017412981
+3 431508 0.01251680995145001
+3 432790 0.02206086026119472
+3 432875 0.01358941524985052
+3 433703 0.02027954991664964
+3 435351 0.02245273566436667
+3 436594 0.02038412287477578
+3 436785 0.02245273566436667
+3 437322 0.01470724017412981
+3 438918 0.005388378456768824
+3 440291 0.02027954991664964
+3 441779 0.02507513192642873
+3 443700 0.01358941524985052
+3 445546 0.01358941524985052
+3 445733 0.01251680995145001
+3 447055 0.02245273566436667
+3 447747 0.02027954991664964
+3 448815 0.0339735381246263
+3 449029 0.01251680995145001
+3 449121 0.01845704077835548
+3 450383 0.01470724017412981
+3 450520 0.02768556116753322
+3 451370 0.0339735381246263
+3 451666 0.01845704077835548
+3 451732 0.01845704077835548
+3 452294 0.01845704077835548
+3 452651 0.02245273566436667
+3 453817 0.01358941524985052
+3 454642 0.02717883049970104
+3 455135 0.01845704077835548
+3 455552 0.01845704077835548
+3 455623 0.01470724017412981
+3 456482 0.02245273566436667
+3 456962 0.01616513537030647
+3 457315 0.02027954991664964
+3 457479 0.02688264842378083
+3 457795 0.02027954991664964
+3 457815 0.02027954991664964
+3 458297 0.01470724017412981
+3 458576 0.01358941524985052
+3 458695 0.01845704077835548
+3 459153 0.01251680995145001
+3 459526 0.01470724017412981
+3 461015 0.02245273566436667
+3 461528 0.02941448034825962
+3 461794 0.01470724017412981
+3 462975 0.01358941524985052
+3 464765 0.01845704077835548
+3 465643 0.02245273566436667
+3 465683 0.01358941524985052
+3 465706 0.0170119160325015
+3 466134 0.02245273566436667
+3 466143 0.0339735381246263
+3 466236 0.02245273566436667
+3 468025 0.0170119160325015
+3 468741 0.01845704077835548
+3 469959 0.02027954991664964
+3 470605 0.0170119160325015
+3 471169 0.02688264842378083
+3 471521 0.01358941524985052
+3 471572 0.01251680995145001
+3 473270 0.02717883049970104
+3 473734 0.01470724017412981
+3 473999 0.02717883049970104
+3 474687 0.02206086026119472
+3 474784 0.02027954991664964
+3 475117 0.01845704077835548
+3 475365 0.01358941524985052
+3 475970 0.05376529684756166
+3 476213 0.01358941524985052
+3 477443 0.02006010554114299
+3 477764 0.01845704077835548
+3 479073 0.02245273566436667
+3 479139 0.01251680995145001
+3 480260 0.02688264842378083
+3 480288 0.01845704077835548
+3 481113 0.02206086026119472
+3 482345 0.01470724017412981
+3 482567 0.01344132421189042
+3 482986 0.02245273566436667
+3 483701 0.01358941524985052
+3 484341 0.02245273566436667
+3 485083 0.02245273566436667
+3 487611 0.01470724017412981
+3 487653 0.02245273566436667
+3 489267 0.01358941524985052
+3 489724 0.02245273566436667
+3 491013 0.0170119160325015
+3 491206 0.02245273566436667
+3 491452 0.02027954991664964
+3 491594 0.02717883049970104
+3 491641 0.01845704077835548
+3 491735 0.02027954991664964
+3 493106 0.01003005277057149
+3 493657 0.0170119160325015
+3 493901 0.02688264842378083
+3 494937 0.02245273566436667
+3 496345 0.01251680995145001
+3 497931 0.01470724017412981
+3 498175 0.01470724017412981
+3 498366 0.01470724017412981
+3 498773 0.01845704077835548
+3 499200 0.01344132421189042
+3 499358 0.01845704077835548
+3 499457 0.01470724017412981
+3 500381 0.02503361990290001
+3 500950 0.01358941524985052
+3 502084 0.02245273566436667
+3 502271 0.01845704077835548
+3 502355 0.02016198631783563
+3 502591 0.02038412287477578
+3 502617 0.01358941524985052
+3 502841 0.01845704077835548
+3 502898 0.01845704077835548
+3 502907 0.01358941524985052
+3 503136 0.02245273566436667
+3 503867 0.0170119160325015
+3 504555 0.01470724017412981
+3 504748 0.01470724017412981
+3 506286 0.02717883049970104
+3 506479 0.0170119160325015
+3 507451 0.01845704077835548
+3 507537 0.02688264842378083
+3 507692 0.05927216302445707
+3 508029 0.01845704077835548
+3 508266 0.02206086026119472
+3 508787 0.01358941524985052
+3 508811 0.01251680995145001
+3 509919 0.01470724017412981
+3 510712 0.01251680995145001
+3 512365 0.04055909983329928
+3 512453 0.02245273566436667
+3 513717 0.01344132421189042
+3 514175 0.01344132421189042
+3 515491 0.01470724017412981
+3 516634 0.04680011396990694
+3 517159 0.01845704077835548
+3 517337 0.02245273566436667
+3 517781 0.0170119160325015
+3 518346 0.02027954991664964
+3 518705 0.02245273566436667
+3 519139 0.0170119160325015
+3 520268 0.02245273566436667
+3 523271 0.02551787404875225
+3 523541 0.02027954991664964
+3 523687 0.01358941524985052
+3 523947 0.01344132421189042
+3 525583 0.02245273566436667
+3 525851 0.01358941524985052
+3 526088 0.01358941524985052
+3 526946 0.0170119160325015
+3 527398 0.0170119160325015
+3 527639 0.02245273566436667
+3 528214 0.02768556116753322
+3 528573 0.01470724017412981
+3 528624 0.01470724017412981
+3 529029 0.01845704077835548
+3 529053 0.01344132421189042
+3 531389 0.02941448034825962
+3 531908 0.01504507915585724
+3 531983 0.01358941524985052
+3 532033 0.01358941524985052
+3 532164 0.02551787404875225
+3 532361 0.01358941524985052
+3 532980 0.01344132421189042
+3 533265 0.005015026385285747
+3 534715 0.02717883049970104
+3 534866 0.02717883049970104
+3 534939 0.02027954991664964
+3 535273 0.01845704077835548
+3 535303 0.01358941524985052
+3 535786 0.02717883049970104
+3 536468 0.02717883049970104
+3 537221 0.02941448034825962
+3 537511 0.02016198631783563
+3 537520 0.01845704077835548
+3 537663 0.01470724017412981
+3 537705 0.01845704077835548
+3 537849 0.02206086026119472
+3 539527 0.01358941524985052
+3 540465 0.02941448034825962
+3 540474 0.01344132421189042
+3 541994 0.01470724017412981
+3 542176 0.02245273566436667
+3 543333 0.01504507915585724
+3 544109 0.02027954991664964
+3 544228 0.01470724017412981
+3 544717 0.01251680995145001
+3 544877 0.01470724017412981
+3 545201 0.01251680995145001
+3 546555 0.01358941524985052
+3 548140 0.01845704077835548
+3 548733 0.0170119160325015
+3 549329 0.02245273566436667
+3 550139 0.01344132421189042
+3 550397 0.02038412287477578
+3 550646 0.01845704077835548
+3 551222 0.01845704077835548
+3 551592 0.02027954991664964
+3 551619 0.01845704077835548
+3 551867 0.01251680995145001
+3 552035 0.02027954991664964
+3 552314 0.01344132421189042
+3 552644 0.01845704077835548
+3 552991 0.02941448034825962
+3 553087 0.01358941524985052
+3 554171 0.006685730567129562
+3 554273 0.01344132421189042
+3 554848 0.03342865283564781
+3 555212 0.01251680995145001
+3 555579 0.01845704077835548
+3 555640 0.01470724017412981
+3 555843 0.01470724017412981
+3 555941 0.01845704077835548
+3 556469 0.0215535138270753
+3 556516 0.01358941524985052
+3 556689 0.02245273566436667
+3 556895 0.01845704077835548
+3 557017 0.02245273566436667
+3 557217 0.02245273566436667
+3 558783 0.01358941524985052
+3 559219 0.01845704077835548
+3 559604 0.02768556116753322
+3 560127 0.01470724017412981
+3 560324 0.01470724017412981
+3 560395 0.01251680995145001
+3 561463 0.01845704077835548
+3 562454 0.01358941524985052
+3 562987 0.02245273566436667
+3 563710 0.02206086026119472
+3 563718 0.01470724017412981
+3 564899 0.02245273566436667
+3 565145 0.02768556116753322
+3 565204 0.02245273566436667
+3 567100 0.02717883049970104
+3 567769 0.02245273566436667
+3 567941 0.0170119160325015
+3 568071 0.01845704077835548
+3 568123 0.01845704077835548
+3 568217 0.02245273566436667
+3 569519 0.01358941524985052
+3 570063 0.0170119160325015
+3 570304 0.01845704077835548
+3 571152 0.0510357480975045
+3 571843 0.01077675691353765
+3 572024 0.02245273566436667
+3 573185 0.01845704077835548
+3 574381 0.02245273566436667
+3 575021 0.02245273566436667
+3 576681 0.02717883049970104
+3 576853 0.01251680995145001
+3 576861 0.01470724017412981
+3 577069 0.01470724017412981
+3 578039 0.02206086026119472
+3 578166 0.01358941524985052
+3 578474 0.01845704077835548
+3 578514 0.02206086026119472
+3 579620 0.01358941524985052
+3 580669 0.02768556116753322
+3 582560 0.01251680995145001
+3 582730 0.0170119160325015
+3 582828 0.01845704077835548
+3 583463 0.01845704077835548
+3 583550 0.01358941524985052
+3 583732 0.01845704077835548
+3 583746 0.05375578563537871
+3 584579 0.01358941524985052
+3 584706 0.0170119160325015
+3 584763 0.05375578563537871
+3 585083 0.02245273566436667
+3 585191 0.01358941524985052
+3 587435 0.02551787404875225
+3 587884 0.01358941524985052
+3 588449 0.01344132421189042
+3 589334 0.02245273566436667
+3 589339 0.01358941524985052
+3 590199 0.01251680995145001
+3 590800 0.02941448034825962
+3 591592 0.01251680995145001
+3 591866 0.04032397263567125
+3 592222 0.01358941524985052
+3 592829 0.0170119160325015
+3 592865 0.02245273566436667
+3 592951 0.01470724017412981
+3 593712 0.01470724017412981
+3 593729 0.01845704077835548
+3 593964 0.01358941524985052
+3 593995 0.02016198631783563
+3 594441 0.01251680995145001
+3 594598 0.01344132421189042
+3 594775 0.06017157510416606
+3 595190 0.01358941524985052
+3 595373 0.01358941524985052
+3 595803 0.1212385152772986
+3 596032 0.01470724017412981
+3 596548 0.01470724017412981
+3 596603 0.0339735381246263
+3 596952 0.01344132421189042
+3 597895 0.01344132421189042
+3 597967 0.01358941524985052
+3 598774 0.01003005277057149
+3 600226 0.02006010554114299
+3 600953 0.01845704077835548
+3 601956 0.02038412287477578
+3 602993 0.02503361990290001
+3 604022 0.01504507915585724
+3 605225 0.03510518469700023
+3 605390 0.02768556116753322
+3 605457 0.02717883049970104
+3 606892 0.01251680995145001
+3 607497 0.03839698973955622
+3 607699 0.02245273566436667
+3 608493 0.02027954991664964
+3 608773 0.02717883049970104
+3 608811 0.02245273566436667
+3 608932 0.01358941524985052
+3 609181 0.01358941524985052
+3 609511 0.01470724017412981
+3 610634 0.01845704077835548
+3 611811 0.02027954991664964
+3 611997 0.05632564478152502
+3 613071 0.02941448034825962
+3 613124 0.01344132421189042
+3 614260 0.02768556116753322
+3 614844 0.02941448034825962
+3 616117 0.04032397263567125
+3 616136 0.01470724017412981
+3 616663 0.02503361990290001
+3 617266 0.01845704077835548
+3 617395 0.01344132421189042
+3 618125 0.04055909983329928
+3 620045 0.01470724017412981
+3 620879 0.02245273566436667
+3 620920 0.02245273566436667
+3 620922 0.01470724017412981
+3 621490 0.01845704077835548
+3 622446 0.02027954991664964
+3 622747 0.01344132421189042
+3 623266 0.02768556116753322
+3 623640 0.01845704077835548
+3 623888 0.02245273566436667
+3 623961 0.01470724017412981
+3 624069 0.01358941524985052
+3 624972 0.01470724017412981
+3 625376 0.01845704077835548
+3 625532 0.01344132421189042
+3 625667 0.02027954991664964
+3 625769 0.0170119160325015
+3 626638 0.01845704077835548
+3 627157 0.01470724017412981
+3 627686 0.01470724017412981
+3 628067 0.05375578563537871
+3 628232 0.02688264842378083
+3 629035 0.02245273566436667
+3 629688 0.01845704077835548
+3 629740 0.02038412287477578
+3 630633 0.01470724017412981
+3 631033 0.02245273566436667
+3 632711 0.01470724017412981
+3 633121 0.02245273566436667
+3 633177 0.01877521492717501
+3 633495 0.01344132421189042
+3 633773 0.02941448034825962
+3 635129 0.02245273566436667
+3 635811 0.02551787404875225
+3 636789 0.01845704077835548
+3 637283 0.01251680995145001
+3 638133 0.02245273566436667
+3 638838 0.0170119160325015
+3 639033 0.02503361990290001
+3 639348 0.02027954991664964
+3 639353 0.01470724017412981
+3 640317 0.02027954991664964
+3 640525 0.02717883049970104
+3 642203 0.06911458153120119
+3 642649 0.02245273566436667
+3 643315 0.02245273566436667
+3 643634 0.01504507915585724
+3 643662 0.02768556116753322
+3 643772 0.02717883049970104
+3 644220 0.006685730567129562
+3 645114 0.01251680995145001
+3 645258 0.01470724017412981
+3 645345 0.01358941524985052
+3 645347 0.02768556116753322
+3 645915 0.01877521492717501
+3 646777 0.02688264842378083
+3 647848 0.01344132421189042
+3 648063 0.01251680995145001
+3 648903 0.02245273566436667
+3 650741 0.02027954991664964
+3 651357 0.01845704077835548
+3 651520 0.01358941524985052
+3 652362 0.01845704077835548
+3 652514 0.0170119160325015
+3 653009 0.02245273566436667
+3 653537 0.02245273566436667
+3 655093 0.02245273566436667
+3 655240 0.01344132421189042
+3 655446 0.01845704077835548
+3 655537 0.01616513537030647
+3 655929 0.02245273566436667
+3 656972 0.02206086026119472
+3 657631 0.02206086026119472
+3 657797 0.01845704077835548
+3 659057 0.01877521492717501
+3 660651 0.01845704077835548
+3 661073 0.02006010554114299
+3 661759 0.02245273566436667
+3 663774 0.01470724017412981
+3 663812 0.02507513192642873
+3 664406 0.0170119160325015
+3 665736 0.02717883049970104
+3 667328 0.01344132421189042
+3 668297 0.034023832065003
+3 668558 0.01358941524985052
+3 668629 0.01470724017412981
+3 669258 0.0170119160325015
+3 669540 0.02206086026119472
+3 670037 0.01845704077835548
+3 670268 0.02038412287477578
+3 670633 0.01470724017412981
+3 670693 0.01470724017412981
+3 670829 0.01877521492717501
+3 671553 0.04849540611091942
+3 671951 0.01358941524985052
+3 672756 0.01616513537030647
+3 672767 0.01358941524985052
+3 673507 0.01251680995145001
+3 673666 0.01470724017412981
+3 673671 0.02245273566436667
+3 675052 0.01358941524985052
+3 675670 0.02717883049970104
+3 675672 0.01845704077835548
+3 675682 0.01251680995145001
+3 675808 0.006685730567129562
+3 676661 0.01251680995145001
+3 676881 0.01845704077835548
+3 677812 0.01470724017412981
+3 677975 0.02245273566436667
+3 678613 0.02016198631783563
+3 679409 0.01358941524985052
+3 679429 0.02717883049970104
+3 680225 0.01470724017412981
+3 681130 0.01344132421189042
+3 681761 0.02245273566436667
+3 682127 0.01344132421189042
+3 682269 0.01251680995145001
+3 682363 0.01470724017412981
+3 683232 0.01845704077835548
+3 683329 0.01845704077835548
+3 683466 0.03676810043532452
+3 683612 0.01845704077835548
+3 684316 0.02206086026119472
+3 684612 0.02245273566436667
+3 684704 0.01470724017412981
+3 684793 0.02245273566436667
+3 685694 0.034023832065003
+3 686506 0.01344132421189042
+3 686920 0.01470724017412981
+3 687143 0.02027954991664964
+3 687588 0.02941448034825962
+3 687733 0.01845704077835548
+3 688081 0.02206086026119472
+3 689428 0.01845704077835548
+3 689867 0.01358941524985052
+3 689912 0.01251680995145001
+3 690425 0.02551787404875225
+3 690761 0.03129202487862501
+3 691725 0.01470724017412981
+3 691865 0.01251680995145001
+3 693099 0.01358941524985052
+3 694474 0.02768556116753322
+3 694626 0.01358941524985052
+3 695422 0.02206086026119472
+3 695471 0.02245273566436667
+3 695539 0.01344132421189042
+3 696533 0.117853120054215
+3 697121 0.0170119160325015
+3 697205 0.04607638768746746
+3 697560 0.01470724017412981
+3 697598 0.01470724017412981
+3 697943 0.02245273566436667
+3 697988 0.01845704077835548
+3 698358 0.02941448034825962
+3 699080 0.02768556116753322
+3 699089 0.02245273566436667
+3 699773 0.0170119160325015
+3 700389 0.01845704077835548
+3 700492 0.01358941524985052
+3 700954 0.01470724017412981
+3 701293 0.02027954991664964
+3 701887 0.03342865283564781
+3 703551 0.02027954991664964
+3 704060 0.01251680995145001
+3 705567 0.01251680995145001
+3 705885 0.01358941524985052
+3 706216 0.02941448034825962
+3 706892 0.01470724017412981
+3 706945 0.02245273566436667
+3 707489 0.0170119160325015
+3 707633 0.01845704077835548
+3 707730 0.02503361990290001
+3 708916 0.05632564478152502
+3 709181 0.02717883049970104
+3 709550 0.0339735381246263
+3 710821 0.02768556116753322
+3 710948 0.01845704077835548
+3 712019 0.01845704077835548
+3 712872 0.0170119160325015
+3 713013 0.04055909983329928
+3 713042 0.01358941524985052
+3 713234 0.01470724017412981
+3 713527 0.01845704077835548
+3 713803 0.01845704077835548
+3 714059 0.02717883049970104
+3 714584 0.01504507915585724
+3 714829 0.0170119160325015
+3 715513 0.0170119160325015
+3 715726 0.01845704077835548
+3 715932 0.02768556116753322
+3 716121 0.01344132421189042
+3 716526 0.01845704077835548
+3 718098 0.01845704077835548
+3 718323 0.01358941524985052
+3 719242 0.01470724017412981
+3 719243 0.01358941524985052
+3 720262 0.01470724017412981
+3 720346 0.01470724017412981
+3 721031 0.01470724017412981
+3 721862 0.02941448034825962
+3 722798 0.01251680995145001
+3 723036 0.01358941524985052
+3 723160 0.01358941524985052
+3 724109 0.02551787404875225
+3 724152 0.01845704077835548
+3 724540 0.02941448034825962
+3 724681 0.02503361990290001
+3 725465 0.01251680995145001
+3 725922 0.01470724017412981
+3 726479 0.02245273566436667
+3 726847 0.02503361990290001
+3 727505 0.01251680995145001
+3 729291 0.01344132421189042
+3 729590 0.01358941524985052
+3 730055 0.02027954991664964
+3 730665 0.01077675691353765
+3 730797 0.02768556116753322
+3 731312 0.02717883049970104
+3 732291 0.01251680995145001
+3 732534 0.02038412287477578
+3 733327 0.02016198631783563
+3 735217 0.01470724017412981
+3 735537 0.02245273566436667
+3 735787 0.02245273566436667
+3 735844 0.02245273566436667
+3 736082 0.02717883049970104
+3 738711 0.01251680995145001
+3 738843 0.02245273566436667
+3 739232 0.03676810043532452
+3 739643 0.02245273566436667
+3 740438 0.01251680995145001
+3 740483 0.01877521492717501
+3 741212 0.02038412287477578
+3 741749 0.01845704077835548
+3 742595 0.01845704077835548
+3 742865 0.01845704077835548
+3 743915 0.0170119160325015
+3 744254 0.02245273566436667
+3 745259 0.02027954991664964
+3 745311 0.0510357480975045
+3 746194 0.01470724017412981
+3 746645 0.0170119160325015
+3 746958 0.02016198631783563
+3 747497 0.01845704077835548
+3 748040 0.01358941524985052
+3 748793 0.01470724017412981
+3 749436 0.01470724017412981
+3 749580 0.05375578563537871
+3 749615 0.01344132421189042
+3 749749 0.02027954991664964
+3 750727 0.02027954991664964
+3 751292 0.02551787404875225
+3 753528 0.01251680995145001
+3 755213 0.02768556116753322
+3 756217 0.02688264842378083
+3 756487 0.02551787404875225
+3 756653 0.01358941524985052
+3 757147 0.01470724017412981
+3 757918 0.01470724017412981
+3 758209 0.01344132421189042
+3 758529 0.02038412287477578
+3 758901 0.01845704077835548
+3 758950 0.01358941524985052
+3 758989 0.0170119160325015
+3 759434 0.01845704077835548
+3 760340 0.01470724017412981
+3 760543 0.01344132421189042
+3 761160 0.02245273566436667
+3 762340 0.01470724017412981
+3 763733 0.01358941524985052
+3 764181 0.01344132421189042
+3 764335 0.02717883049970104
+3 764717 0.01344132421189042
+3 764887 0.04055909983329928
+3 766235 0.01358941524985052
+3 766266 0.01251680995145001
+3 766277 0.02768556116753322
+3 767389 0.01358941524985052
+3 767812 0.02206086026119472
+3 768087 0.01251680995145001
+3 768251 0.01470724017412981
+3 768305 0.02245273566436667
+3 768732 0.02941448034825962
+3 769351 0.02245273566436667
+3 769423 0.01358941524985052
+3 770167 0.02038412287477578
+3 770457 0.02551787404875225
+3 770651 0.02245273566436667
+3 770795 0.02038412287477578
+3 771052 0.01470724017412981
+3 773411 0.02717883049970104
+3 775122 0.02717883049970104
+3 775934 0.01845704077835548
+3 775990 0.01358941524985052
+3 776178 0.01344132421189042
+3 777142 0.01344132421189042
+3 777823 0.01358941524985052
+3 779020 0.01358941524985052
+3 780069 0.02038412287477578
+3 781097 0.01251680995145001
+3 782275 0.02768556116753322
+3 782538 0.01358941524985052
+3 783132 0.01358941524985052
+3 783343 0.01470724017412981
+3 783959 0.02027954991664964
+3 784168 0.02245273566436667
+3 784538 0.02503361990290001
+3 785937 0.02768556116753322
+3 786960 0.01358941524985052
+3 787794 0.03502445996899736
+3 788165 0.01344132421189042
+3 788859 0.01344132421189042
+3 789638 0.03771864919738177
+3 789963 0.02768556116753322
+3 790471 0.01251680995145001
+3 790981 0.0170119160325015
+3 791523 0.01358941524985052
+3 792107 0.02245273566436667
+3 792543 0.01845704077835548
+3 792961 0.0170119160325015
+3 796596 0.01251680995145001
+3 796656 0.02717883049970104
+3 796955 0.02245273566436667
+3 798091 0.02245273566436667
+3 800049 0.02005719170138869
+3 800887 0.02027954991664964
+3 801163 0.01845704077835548
+3 801470 0.01470724017412981
+3 802871 0.01358941524985052
+3 803130 0.01251680995145001
+3 803501 0.0170119160325015
+3 803836 0.01358941524985052
+3 804098 0.05376529684756166
+3 804970 0.02717883049970104
+3 806035 0.01470724017412981
+3 806121 0.01470724017412981
+3 807323 0.01845704077835548
+3 807327 0.01845704077835548
+3 807411 0.02694189228384412
+3 807533 0.02503361990290001
+3 807815 0.0170119160325015
+3 807967 0.02768556116753322
+3 809627 0.02941448034825962
+3 810985 0.01845704077835548
+3 811460 0.02717883049970104
+3 812139 0.01344132421189042
+3 812268 0.01845704077835548
+3 812696 0.01251680995145001
+3 813585 0.01470724017412981
+3 813615 0.02245273566436667
+3 814437 0.01251680995145001
+3 814899 0.01358941524985052
+3 815116 0.01344132421189042
+3 815974 0.02717883049970104
+3 816692 0.04680011396990694
+3 818929 0.01470724017412981
+3 819434 0.0170119160325015
+3 820549 0.01845704077835548
+3 821513 0.0170119160325015
+3 821841 0.01470724017412981
+3 822280 0.02768556116753322
+3 822732 0.01845704077835548
+3 823077 0.02245273566436667
+3 823746 0.01845704077835548
+3 823955 0.01845704077835548
+3 824812 0.03755042985435002
+3 825897 0.01845704077835548
+3 825936 0.01845704077835548
+3 827721 0.06466054148122589
+3 827857 0.01470724017412981
+3 828024 0.0215535138270753
+3 828318 0.01358941524985052
+3 830273 0.01470724017412981
+3 830841 0.0170119160325015
+3 830913 0.02245273566436667
+3 831419 0.02245273566436667
+3 831820 0.01845704077835548
+3 832741 0.01251680995145001
+3 833703 0.02245273566436667
+3 835278 0.01251680995145001
+3 835345 0.01251680995145001
+3 835939 0.02688264842378083
+3 838145 0.01358941524985052
+3 838336 0.02245273566436667
+3 838403 0.02941448034825962
+3 838788 0.01344132421189042
+3 839462 0.02717883049970104
+3 839777 0.09215277537493492
+3 840023 0.02245273566436667
+3 840443 0.05014297925347171
+3 841190 0.02503361990290001
+3 841441 0.02245273566436667
+3 841719 0.02941448034825962
+3 841729 0.0170119160325015
+3 842117 0.01845704077835548
+3 842623 0.005015026385285747
+3 843133 0.01845704077835548
+3 843580 0.02245273566436667
+3 843981 0.01358941524985052
+3 844547 0.02027954991664964
+3 844943 0.05376529684756166
+3 845228 0.01845704077835548
+3 845263 0.01470724017412981
+3 845355 0.01470724017412981
+3 845433 0.01470724017412981
+3 846017 0.02768556116753322
+3 847021 0.0170119160325015
+3 848316 0.01344132421189042
+3 848565 0.01358941524985052
+3 848815 0.02245273566436667
+3 848856 0.01470724017412981
+3 849063 0.05006723980580002
+3 849509 0.01358941524985052
+3 849602 0.01251680995145001
+3 849609 0.02027954991664964
+3 849797 0.01358941524985052
+3 851071 0.0510357480975045
+3 851822 0.01358941524985052
+3 852093 0.0170119160325015
+3 853866 0.02717883049970104
+3 854171 0.02245273566436667
+3 854276 0.01470724017412981
+3 854960 0.02005719170138869
+3 855392 0.02551787404875225
+3 856212 0.02245273566436667
+3 856586 0.02206086026119472
+3 856602 0.03342865283564781
+3 856834 0.02038412287477578
+3 857015 0.01470724017412981
+3 857083 0.01845704077835548
+3 857189 0.02206086026119472
+3 857253 0.0170119160325015
+3 857430 0.06017157510416606
+3 857517 0.01358941524985052
+3 857673 0.01845704077835548
+3 857805 0.006685730567129562
+3 858148 0.01251680995145001
+3 858171 0.02245273566436667
+3 859034 0.01358941524985052
+3 859080 0.01358941524985052
+3 860357 0.02245273566436667
+3 861178 0.02551787404875225
+3 862367 0.01344132421189042
+3 863371 0.01470724017412981
+3 863413 0.04055909983329928
+3 864181 0.01845704077835548
+3 865017 0.02245273566436667
+3 865057 0.02245273566436667
+3 865514 0.01358941524985052
+3 866123 0.01344132421189042
+3 866409 0.0170119160325015
+3 866462 0.01251680995145001
+3 866719 0.02717883049970104
+3 867366 0.01358941524985052
+3 868041 0.01845704077835548
+3 868877 0.01344132421189042
+3 869058 0.01251680995145001
+3 870006 0.02717883049970104
+3 870945 0.02245273566436667
+3 871079 0.01845704077835548
+3 871383 0.02027954991664964
+3 871396 0.01358941524985052
+3 871784 0.02027954991664964
+3 871979 0.03360331052972605
+3 872135 0.01344132421189042
+3 872269 0.01358941524985052
+3 873263 0.02551787404875225
+3 873471 0.02206086026119472
+3 873685 0.0170119160325015
+3 873932 0.01344132421189042
+3 875002 0.01470724017412981
+3 875441 0.08447337742702368
+3 875595 0.02768556116753322
+3 876454 0.01358941524985052
+3 876608 0.02245273566436667
+3 876647 0.0170119160325015
+3 877876 0.01358941524985052
+3 879048 0.01251680995145001
+3 879723 0.02503361990290001
+3 880406 0.01358941524985052
+3 881902 0.02688264842378083
+3 882364 0.01358941524985052
+3 882386 0.01470724017412981
+3 884007 0.01845704077835548
+3 884303 0.02245273566436667
+3 884404 0.01358941524985052
+3 884453 0.02245273566436667
+3 884677 0.01877521492717501
+3 885188 0.01358941524985052
+3 886206 0.02245273566436667
+3 889334 0.01358941524985052
+3 889464 0.01358941524985052
+3 890577 0.01845704077835548
+3 890762 0.01358941524985052
+3 892003 0.02688264842378083
+3 892161 0.01358941524985052
+3 893230 0.01358941524985052
+3 894002 0.034023832065003
+3 894068 0.01358941524985052
+3 894425 0.02245273566436667
+3 894705 0.02038412287477578
+3 895068 0.01358941524985052
+3 896073 0.01358941524985052
+3 896697 0.02245273566436667
+3 897352 0.02027954991664964
+3 898259 0.01845704077835548
+3 898317 0.01470724017412981
+3 898682 0.02245273566436667
+3 901072 0.01358941524985052
+3 901243 0.01470724017412981
+3 901873 0.01470724017412981
+3 902983 0.02245273566436667
+3 903042 0.01358941524985052
+3 903639 0.02038412287477578
+3 903775 0.02016198631783563
+3 903869 0.01344132421189042
+3 905317 0.01470724017412981
+3 906255 0.02005719170138869
+3 908616 0.02941448034825962
+3 909342 0.03676810043532452
+3 909925 0.01470724017412981
+3 910551 0.01470724017412981
+3 911246 0.01358941524985052
+3 911251 0.01470724017412981
+3 911559 0.03129202487862501
+3 912375 0.02941448034825962
+3 912692 0.01251680995145001
+3 912818 0.01470724017412981
+3 913412 0.01344132421189042
+3 913653 0.02674292226851825
+3 914190 0.01470724017412981
+3 914236 0.01470724017412981
+3 914637 0.01358941524985052
+3 914707 0.02768556116753322
+3 914767 0.01845704077835548
+3 914942 0.04076824574955155
+3 916268 0.01845704077835548
+3 916275 0.02245273566436667
+3 916412 0.02717883049970104
+3 916833 0.02245273566436667
+3 916838 0.02245273566436667
+3 916971 0.01251680995145001
+3 918612 0.01251680995145001
+3 921027 0.02717883049970104
+3 922137 0.01470724017412981
+3 923371 0.02027954991664964
+3 923707 0.02688264842378083
+3 924489 0.01845704077835548
+3 925190 0.0170119160325015
+3 927420 0.02245273566436667
+3 928368 0.02717883049970104
+3 929327 0.01344132421189042
+3 929479 0.1266268937340674
+3 929751 0.02245273566436667
+3 929906 0.01616513537030647
+3 930347 0.01845704077835548
+3 930897 0.01470724017412981
+3 931304 0.02717883049970104
+3 931366 0.01344132421189042
+3 932026 0.02941448034825962
+3 932035 0.02768556116753322
+3 932719 0.02027954991664964
+3 933067 0.01251680995145001
+3 934821 0.02717883049970104
+3 936497 0.02503361990290001
+3 936622 0.01358941524985052
+3 937173 0.02688264842378083
+3 938709 0.01358941524985052
+3 939162 0.02768556116753322
+3 939489 0.02245273566436667
+3 939891 0.02768556116753322
+3 940067 0.01344132421189042
+3 940134 0.01845704077835548
+3 940579 0.02245273566436667
+3 940676 0.02688264842378083
+3 941134 0.01358941524985052
+3 941331 0.01077675691353765
+3 942127 0.02206086026119472
+3 942152 0.01251680995145001
+3 942492 0.0170119160325015
+3 942496 0.02941448034825962
+3 943077 0.01470724017412981
+3 943165 0.0215535138270753
+3 943202 0.01358941524985052
+3 943733 0.0170119160325015
+3 943767 0.02245273566436667
+3 943987 0.01358941524985052
+3 945541 0.1103145543576378
+3 945987 0.01344132421189042
+3 946067 0.01358941524985052
+3 946180 0.02038412287477578
+3 946341 0.02245273566436667
+3 948459 0.02027954991664964
+3 950515 0.01358941524985052
+3 950976 0.01251680995145001
+3 951036 0.01358941524985052
+3 951392 0.01358941524985052
+3 951500 0.01470724017412981
+3 951694 0.02245273566436667
+3 951800 0.01251680995145001
+3 953647 0.02245273566436667
+3 954637 0.02027954991664964
+3 954808 0.0339735381246263
+3 956356 0.01344132421189042
+3 956997 0.01470724017412981
+3 957055 0.02027954991664964
+3 957067 0.01251680995145001
+3 957098 0.02206086026119472
+3 957143 0.02245273566436667
+3 957437 0.02038412287477578
+3 957627 0.02016198631783563
+3 958137 0.02245273566436667
+3 958171 0.01470724017412981
+3 958911 0.01845704077835548
+3 959356 0.01845704077835548
+3 959793 0.02027954991664964
+3 959815 0.01358941524985052
+3 960107 0.02245273566436667
+3 961822 0.01470724017412981
+3 961910 0.01470724017412981
+3 963163 0.01344132421189042
+3 963743 0.02245273566436667
+3 963855 0.01251680995145001
+3 963998 0.02941448034825962
+3 964258 0.02245273566436667
+3 964525 0.01470724017412981
+3 964582 0.02768556116753322
+3 965480 0.02941448034825962
+3 965716 0.01358941524985052
+3 965802 0.01358941524985052
+3 966255 0.02245273566436667
+3 966273 0.0170119160325015
+3 966385 0.01845704077835548
+3 967164 0.006685730567129562
+3 967265 0.01251680995145001
+3 967983 0.02245273566436667
+3 968014 0.01358941524985052
+3 968163 0.02038412287477578
+3 968483 0.02768556116753322
+3 969028 0.02206086026119472
+3 969841 0.01337146113425912
+3 971047 0.01845704077835548
+3 972013 0.01344132421189042
+3 972178 0.02768556116753322
+3 972485 0.0170119160325015
+3 973333 0.01470724017412981
+3 974699 0.02245273566436667
+3 974851 0.01344132421189042
+3 975220 0.01470724017412981
+3 975811 0.02245273566436667
+3 976275 0.01358941524985052
+3 976949 0.02245273566436667
+3 977200 0.02768556116753322
+3 978257 0.05376529684756166
+3 978511 0.02245273566436667
+3 978773 0.02717883049970104
+3 979478 0.02245273566436667
+3 979904 0.01877521492717501
+3 980261 0.01845704077835548
+3 980319 0.01358941524985052
+3 981883 0.01470724017412981
+3 982012 0.01358941524985052
+3 982150 0.01358941524985052
+3 983321 0.01251680995145001
+3 983673 0.01251680995145001
+3 985549 0.02688264842378083
+3 986791 0.02245273566436667
+3 988122 0.01251680995145001
+3 988159 0.02245273566436667
+3 988911 0.02245273566436667
+3 989086 0.02503361990290001
+3 989163 0.02503361990290001
+3 989433 0.02688264842378083
+3 989808 0.01470724017412981
+3 990804 0.01251680995145001
+3 991475 0.02941448034825962
+3 991847 0.02245273566436667
+3 991935 0.02027954991664964
+3 992490 0.01470724017412981
+3 993053 0.0339735381246263
+3 993510 0.02245273566436667
+3 994106 0.02717883049970104
+3 994950 0.01251680995145001
+3 995085 0.02206086026119472
+3 995605 0.01344132421189042
+3 995653 0.02027954991664964
+3 996536 0.01251680995145001
+3 997281 0.02245273566436667
+3 997656 0.01845704077835548
+3 999223 0.02245273566436667
+3 1000099 0.01358941524985052
+3 1000335 0.01470724017412981
+3 1001147 0.02245273566436667
+3 1003113 0.02245273566436667
+3 1003223 0.03771864919738177
+3 1003403 0.02027954991664964
+3 1004928 0.01470724017412981
+3 1006311 0.01344132421189042
+3 1006560 0.01358941524985052
+3 1006710 0.02768556116753322
+3 1007775 0.01470724017412981
+3 1007912 0.01251680995145001
+3 1008068 0.02941448034825962
+3 1008679 0.01358941524985052
+3 1008831 0.01251680995145001
+3 1008899 0.01358941524985052
+3 1009041 0.02245273566436667
+3 1010438 0.01358941524985052
+3 1010769 0.02245273566436667
+3 1011301 0.01358941524985052
+3 1012185 0.02245273566436667
+3 1013015 0.02941448034825962
+3 1013871 0.02245273566436667
+3 1014853 0.01470724017412981
+3 1016179 0.01845704077835548
+3 1016289 0.01845704077835548
+3 1017114 0.02717883049970104
+3 1017484 0.02016198631783563
+3 1018174 0.01470724017412981
+3 1018883 0.02245273566436667
+3 1019278 0.01845704077835548
+3 1019929 0.01251680995145001
+3 1020006 0.02245273566436667
+3 1020555 0.01358941524985052
+3 1020677 0.01845704077835548
+3 1020740 0.04513523746757172
+3 1021884 0.01251680995145001
+3 1023852 0.01470724017412981
+3 1025861 0.02027954991664964
+3 1026711 0.01344132421189042
+3 1027300 0.01470724017412981
+3 1027631 0.02245273566436667
+3 1027973 0.01358941524985052
+3 1028295 0.01358941524985052
+3 1028315 0.02027954991664964
+3 1029602 0.02245273566436667
+3 1030226 0.01344132421189042
+3 1030554 0.01344132421189042
+3 1031121 0.01358941524985052
+3 1031815 0.02245273566436667
+3 1032047 0.02245273566436667
+3 1032173 0.01845704077835548
+3 1032791 0.02027954991664964
+3 1033256 0.01358941524985052
+3 1033699 0.02027954991664964
+3 1033833 0.01251680995145001
+3 1034054 0.01845704077835548
+3 1034350 0.02717883049970104
+3 1034416 0.02717883049970104
+3 1035161 0.01344132421189042
+3 1037044 0.05006723980580002
+3 1037251 0.02027954991664964
+3 1037326 0.02768556116753322
+3 1037360 0.02674292226851825
+3 1037916 0.02941448034825962
+3 1038315 0.01470724017412981
+3 1038768 0.01845704077835548
+3 1039166 0.02206086026119472
+3 1039896 0.01845704077835548
+3 1040201 0.005015026385285747
+3 1040273 0.02206086026119472
+3 1040325 0.02245273566436667
+3 1040479 0.02016198631783563
+3 1040913 0.02206086026119472
+3 1042343 0.02245273566436667
+3 1042815 0.01470724017412981
+3 1043231 0.01344132421189042
+3 1043931 0.02245273566436667
+3 1046133 0.01845704077835548
+3 1046509 0.02027954991664964
+3 1046561 0.02717883049970104
+3 1047335 0.01358941524985052
+3 1048455 0.02245273566436667
+4 344 0.03172176621155059
+4 711 0.01695356088516536
+4 1556 0.01586088310577529
+4 1936 0.01425830829592147
+4 2808 0.01586088310577529
+4 4053 0.02955253320036369
+4 4959 0.005910506640072737
+4 5205 0.01586088310577529
+4 7884 0.01525873096885777
+4 8116 0.02245327618246397
+4 10078 0.03686477988200062
+4 10267 0.02245327618246397
+4 10495 0.0244440309781437
+4 11483 0.01843238994100031
+4 11573 0.02245327618246397
+4 12091 0.04432879980054553
+4 13181 0.01586088310577529
+4 13234 0.006111007744535924
+4 13997 0.01525873096885777
+4 14910 0.01586088310577529
+4 15211 0.01843238994100031
+4 15221 0.02245327618246397
+4 15233 0.03051746193771554
+4 15283 0.01917635673617606
+4 15795 0.01917635673617606
+4 17094 0.03172176621155059
+4 17227 0.03686477988200062
+4 17831 0.01425830829592147
+4 18305 0.02288809645328665
+4 19280 0.01917635673617606
+4 20625 0.02245327618246397
+4 20975 0.0472840531205819
+4 22178 0.01182101328014547
+4 22706 0.03051746193771554
+4 23832 0.03172176621155059
+4 24619 0.02245327618246397
+4 26089 0.02876453510426408
+4 26273 0.01917635673617606
+4 26845 0.01425830829592147
+4 26849 0.01917635673617606
+4 27313 0.01917635673617606
+4 28921 0.01425830829592147
+4 29352 0.01695356088516536
+4 29368 0.01360986045640215
+4 29735 0.01843238994100031
+4 30387 0.02245327618246397
+4 30453 0.01695356088516536
+4 30862 0.02245327618246397
+4 30952 0.01917635673617606
+4 31409 0.01917635673617606
+4 33117 0.03172176621155059
+4 33433 0.03686477988200062
+4 33439 0.01917635673617606
+4 33979 0.02543034132774804
+4 34024 0.01917635673617606
+4 34041 0.02245327618246397
+4 34749 0.01586088310577529
+4 34869 0.01917635673617606
+4 35441 0.05703323318368587
+4 35828 0.01425830829592147
+4 35928 0.01695356088516536
+4 36192 0.01586088310577529
+4 36233 0.01525873096885777
+4 36391 0.02245327618246397
+4 36463 0.01843238994100031
+4 36949 0.01525873096885777
+4 37278 0.01525873096885777
+4 37607 0.01586088310577529
+4 37731 0.01843238994100031
+4 38236 0.03172176621155059
+4 38451 0.02245327618246397
+4 38933 0.01525873096885777
+4 39762 0.02851661659184293
+4 40007 0.01452957878032689
+4 40706 0.01525873096885777
+4 41204 0.03172176621155059
+4 41385 0.01917635673617606
+4 41559 0.03051746193771554
+4 41645 0.01843238994100031
+4 41657 0.02245327618246397
+4 41800 0.07844110572502538
+4 42437 0.02245327618246397
+4 43077 0.02245327618246397
+4 43781 0.03055503872267962
+4 44401 0.01917635673617606
+4 44457 0.01360986045640215
+4 45548 0.01843238994100031
+4 46197 0.01525873096885777
+4 46264 0.01360986045640215
+4 46627 0.007264789390163445
+4 46854 0.007629365484428886
+4 47318 0.01360986045640215
+4 47689 0.01917635673617606
+4 48505 0.03051746193771554
+4 48859 0.01425830829592147
+4 49689 0.01525873096885777
+4 50281 0.01917635673617606
+4 50742 0.07092607968087283
+4 52454 0.02851661659184293
+4 53247 0.06124437205380969
+4 54376 0.03172176621155059
+4 56036 0.01917635673617606
+4 56154 0.02721972091280431
+4 56737 0.02245327618246397
+4 57633 0.02851661659184293
+4 57655 0.01917635673617606
+4 57663 0.01917635673617606
+4 57997 0.01695356088516536
+4 58055 0.03686477988200062
+4 58964 0.04137354648050916
+4 59189 0.01586088310577529
+4 60226 0.01917635673617606
+4 60437 0.01917635673617606
+4 60978 0.03051746193771554
+4 61875 0.01525873096885777
+4 62111 0.01425830829592147
+4 62239 0.01586088310577529
+4 62295 0.01525873096885777
+4 64006 0.03055503872267962
+4 64473 0.01586088310577529
+4 64573 0.03390712177033073
+4 65911 0.01525873096885777
+4 66314 0.01586088310577529
+4 67945 0.01525873096885777
+4 67965 0.01525873096885777
+4 68409 0.01917635673617606
+4 68440 0.005910506640072737
+4 68543 0.01360986045640215
+4 68673 0.03051746193771554
+4 68974 0.01917635673617606
+4 69894 0.02876453510426408
+4 70435 0.01425830829592147
+4 70576 0.02876453510426408
+4 71207 0.01843238994100031
+4 71748 0.01525873096885777
+4 71957 0.02245327618246397
+4 72260 0.01586088310577529
+4 72652 0.01586088310577529
+4 74573 0.02245327618246397
+4 74947 0.02245327618246397
+4 75685 0.01695356088516536
+4 77686 0.01525873096885777
+4 78871 0.01843238994100031
+4 79445 0.0244440309781437
+4 79567 0.02245327618246397
+4 79606 0.01586088310577529
+4 79920 0.01586088310577529
+4 80087 0.01773151992021821
+4 80111 0.02245327618246397
+4 81293 0.01695356088516536
+4 81725 0.01525873096885777
+4 83437 0.02379132465866294
+4 84189 0.01917635673617606
+4 84759 0.01843238994100031
+4 86213 0.02245327618246397
+4 86749 0.01586088310577529
+4 87353 0.03051746193771554
+4 87631 0.02245327618246397
+4 88009 0.02245327618246397
+4 88145 0.02543034132774804
+4 89687 0.01525873096885777
+4 90183 0.01586088310577529
+4 90435 0.01917635673617606
+4 91883 0.03390712177033073
+4 92411 0.01917635673617606
+4 92986 0.02876453510426408
+4 93712 0.03051746193771554
+4 94511 0.01525873096885777
+4 95951 0.01525873096885777
+4 96061 0.02245327618246397
+4 96310 0.01360986045640215
+4 96315 0.01586088310577529
+4 96745 0.02876453510426408
+4 97508 0.01425830829592147
+4 97545 0.01525873096885777
+4 99007 0.01586088310577529
+4 99253 0.03051746193771554
+4 99549 0.01360986045640215
+4 99619 0.01586088310577529
+4 101157 0.01695356088516536
+4 101208 0.01917635673617606
+4 101522 0.01525873096885777
+4 102726 0.01525873096885777
+4 104467 0.01917635673617606
+4 106814 0.01586088310577529
+4 109504 0.01586088310577529
+4 110259 0.02364202656029095
+4 110789 0.02876453510426408
+4 111321 0.02245327618246397
+4 112020 0.01525873096885777
+4 112485 0.01525873096885777
+4 112738 0.02245327618246397
+4 112983 0.01917635673617606
+4 113322 0.01425830829592147
+4 113403 0.01917635673617606
+4 113849 0.1089718408524517
+4 115674 0.02245327618246397
+4 117089 0.05443944182560861
+4 117543 0.02245327618246397
+4 117794 0.01525873096885777
+4 117854 0.06111007744535923
+4 119191 0.03172176621155059
+4 119538 0.007629365484428886
+4 120867 0.01425830829592147
+4 121357 0.02245327618246397
+4 121543 0.03402465114100538
+4 121581 0.01360986045640215
+4 122181 0.02245327618246397
+4 122374 0.01525873096885777
+4 122660 0.01586088310577529
+4 123081 0.01586088310577529
+4 123532 0.02245327618246397
+4 124217 0.01586088310577529
+4 125974 0.01843238994100031
+4 126866 0.02876453510426408
+4 127319 0.01360986045640215
+4 127491 0.01917635673617606
+4 127498 0.01425830829592147
+4 127623 0.01843238994100031
+4 128103 0.01843238994100031
+4 128137 0.03051746193771554
+4 128191 0.01586088310577529
+4 128892 0.01917635673617606
+4 129394 0.01917635673617606
+4 129911 0.07059699515252285
+4 130011 0.01843238994100031
+4 132099 0.01843238994100031
+4 132381 0.01425830829592147
+4 132671 0.02245327618246397
+4 134266 0.01525873096885777
+4 134915 0.01843238994100031
+4 135267 0.05490877400751776
+4 135813 0.01425830829592147
+4 136064 0.02876453510426408
+4 136117 0.01917635673617606
+4 136890 0.01360986045640215
+4 137101 0.02543034132774804
+4 137587 0.01360986045640215
+4 137769 0.01586088310577529
+4 139002 0.01525873096885777
+4 139056 0.01525873096885777
+4 139139 0.01586088310577529
+4 139178 0.02245327618246397
+4 139565 0.02876453510426408
+4 140965 0.02379132465866294
+4 141160 0.01525873096885777
+4 141425 0.02721972091280431
+4 141605 0.04583255808401943
+4 141807 0.01586088310577529
+4 141989 0.01525873096885777
+4 142641 0.02245327618246397
+4 143936 0.01917635673617606
+4 144093 0.01525873096885777
+4 144163 0.02543034132774804
+4 144641 0.02245327618246397
+4 146455 0.01586088310577529
+4 148113 0.03051746193771554
+4 148368 0.03814682742214443
+4 148952 0.02245327618246397
+4 149709 0.01586088310577529
+4 149734 0.01525873096885777
+4 150024 0.01586088310577529
+4 150479 0.02379132465866294
+4 150643 0.01843238994100031
+4 151395 0.01917635673617606
+4 151567 0.01525873096885777
+4 151642 0.01586088310577529
+4 151683 0.002955253320036369
+4 151957 0.01695356088516536
+4 152590 0.006111007744535924
+4 153133 0.01917635673617606
+4 154635 0.01586088310577529
+4 156173 0.03137644229001015
+4 156467 0.01425830829592147
+4 156548 0.02245327618246397
+4 156833 0.03632394695081723
+4 156855 0.01843238994100031
+4 157191 0.01360986045640215
+4 157374 0.03051746193771554
+4 157905 0.01525873096885777
+4 158098 0.01917635673617606
+4 158180 0.01586088310577529
+4 158235 0.01525873096885777
+4 158517 0.01360986045640215
+4 158855 0.03686477988200062
+4 159003 0.01843238994100031
+4 160189 0.01586088310577529
+4 160749 0.01586088310577529
+4 161570 0.03172176621155059
+4 162627 0.05443944182560861
+4 163143 0.03172176621155059
+4 163848 0.01917635673617606
+4 164029 0.01586088310577529
+4 166534 0.01425830829592147
+4 167285 0.03390712177033073
+4 167333 0.01843238994100031
+4 168043 0.01425830829592147
+4 169293 0.01917635673617606
+4 169919 0.02041479068460323
+4 171204 0.01525873096885777
+4 173141 0.02543034132774804
+4 173803 0.02721972091280431
+4 173845 0.01773151992021821
+4 175014 0.01586088310577529
+4 175082 0.01917635673617606
+4 175617 0.01586088310577529
+4 176213 0.01695356088516536
+4 176305 0.01360986045640215
+4 176609 0.01360986045640215
+4 176757 0.03172176621155059
+4 177200 0.01586088310577529
+4 177423 0.03172176621155059
+4 177446 0.01182101328014547
+4 177880 0.02876453510426408
+4 178021 0.01360986045640215
+4 178476 0.03172176621155059
+4 178778 0.01695356088516536
+4 178977 0.01586088310577529
+4 179834 0.01917635673617606
+4 180023 0.01695356088516536
+4 180885 0.01843238994100031
+4 181553 0.01425830829592147
+4 181786 0.01525873096885777
+4 182583 0.01360986045640215
+4 183719 0.01917635673617606
+4 183903 0.01586088310577529
+4 184596 0.01586088310577529
+4 184704 0.01525873096885777
+4 184705 0.01917635673617606
+4 184767 0.01425830829592147
+4 184959 0.01586088310577529
+4 186104 0.02245327618246397
+4 186765 0.007264789390163445
+4 187483 0.02876453510426408
+4 189199 0.01452957878032689
+4 190785 0.01586088310577529
+4 191171 0.01360986045640215
+4 192347 0.01917635673617606
+4 195139 0.01917635673617606
+4 195161 0.01917635673617606
+4 195197 0.01525873096885777
+4 196385 0.02245327618246397
+4 197975 0.01843238994100031
+4 198423 0.01917635673617606
+4 198453 0.02245327618246397
+4 199593 0.01695356088516536
+4 200659 0.02245327618246397
+4 200739 0.006804930228201077
+4 200776 0.006111007744535924
+4 201027 0.01586088310577529
+4 201088 0.01525873096885777
+4 202228 0.006111007744535924
+4 202405 0.01917635673617606
+4 203362 0.01586088310577529
+4 203699 0.01525873096885777
+4 204376 0.01917635673617606
+4 206024 0.01833302323360777
+4 206468 0.01525873096885777
+4 206552 0.007129154147960733
+4 207643 0.01360986045640215
+4 207651 0.01360986045640215
+4 207658 0.01525873096885777
+4 207660 0.01525873096885777
+4 207720 0.01525873096885777
+4 207845 0.01525873096885777
+4 207923 0.01525873096885777
+4 209871 0.02245327618246397
+4 211496 0.01695356088516536
+4 214240 0.02245327618246397
+4 215247 0.01525873096885777
+4 215831 0.03686477988200062
+4 217316 0.01917635673617606
+4 217437 0.02288809645328665
+4 217574 0.02245327618246397
+4 217645 0.01695356088516536
+4 218203 0.01425830829592147
+4 218720 0.02379132465866294
+4 218789 0.02245327618246397
+4 219547 0.03686477988200062
+4 219577 0.01360986045640215
+4 220495 0.01425830829592147
+4 221696 0.02245327618246397
+4 221873 0.01525873096885777
+4 224533 0.02721972091280431
+4 224643 0.03051746193771554
+4 224704 0.01586088310577529
+4 224863 0.01452957878032689
+4 224869 0.02543034132774804
+4 225283 0.02288809645328665
+4 226059 0.01917635673617606
+4 227757 0.01695356088516536
+4 228582 0.03051746193771554
+4 229418 0.01425830829592147
+4 230931 0.03172176621155059
+4 232712 0.01586088310577529
+4 232784 0.01586088310577529
+4 233263 0.01525873096885777
+4 233290 0.02876453510426408
+4 238364 0.01586088310577529
+4 239595 0.01525873096885777
+4 240295 0.02245327618246397
+4 240526 0.007264789390163445
+4 241053 0.03965220776443824
+4 241364 0.03546303984043642
+4 241741 0.02288809645328665
+4 241838 0.02543034132774804
+4 242321 0.02245327618246397
+4 242822 0.007930441552887647
+4 242926 0.01695356088516536
+4 243024 0.05086068265549609
+4 243221 0.01525873096885777
+4 244199 0.01525873096885777
+4 244205 0.01452957878032689
+4 244368 0.01586088310577529
+4 244707 0.01843238994100031
+4 244825 0.01586088310577529
+4 245474 0.01525873096885777
+4 245636 0.03666604646721554
+4 246127 0.01525873096885777
+4 246223 0.02245327618246397
+4 246943 0.01586088310577529
+4 247111 0.01917635673617606
+4 247342 0.02245327618246397
+4 248167 0.01917635673617606
+4 248179 0.02379132465866294
+4 249333 0.02245327618246397
+4 249621 0.04082958136920646
+4 250040 0.03051746193771554
+4 251251 0.01586088310577529
+4 251484 0.01917635673617606
+4 251700 0.01425830829592147
+4 252434 0.01525873096885777
+4 252637 0.01525873096885777
+4 255555 0.01695356088516536
+4 255652 0.03172176621155059
+4 256309 0.02245327618246397
+4 256713 0.01917635673617606
+4 256778 0.02876453510426408
+4 256843 0.01425830829592147
+4 257127 0.01917635673617606
+4 257185 0.01586088310577529
+4 257273 0.02245327618246397
+4 257539 0.02179436817049034
+4 259035 0.02245327618246397
+4 260259 0.02245327618246397
+4 261723 0.01525873096885777
+4 262715 0.02245327618246397
+4 263325 0.01586088310577529
+4 263399 0.01843238994100031
+4 263783 0.01586088310577529
+4 263808 0.01917635673617606
+4 263880 0.01525873096885777
+4 264321 0.01425830829592147
+4 266063 0.03051746193771554
+4 266379 0.03390712177033073
+4 266788 0.01695356088516536
+4 268387 0.05443944182560861
+4 269138 0.01917635673617606
+4 269325 0.02245327618246397
+4 269409 0.02721972091280431
+4 269645 0.02379132465866294
+4 269895 0.01586088310577529
+4 270299 0.02851661659184293
+4 271773 0.01917635673617606
+4 271879 0.01586088310577529
+4 272372 0.01525873096885777
+4 272501 0.02245327618246397
+4 272708 0.02721972091280431
+4 273067 0.01360986045640215
+4 273555 0.1017070514622882
+4 273739 0.01695356088516536
+4 274215 0.02245327618246397
+4 274243 0.01843238994100031
+4 274261 0.01917635673617606
+4 274301 0.01360986045640215
+4 274331 0.02245327618246397
+4 274505 0.02245327618246397
+4 274591 0.02543034132774804
+4 274746 0.07979183964098195
+4 275005 0.01425830829592147
+4 275947 0.02245327618246397
+4 276774 0.01586088310577529
+4 276973 0.01525873096885777
+4 277729 0.02245327618246397
+4 278494 0.01425830829592147
+4 279457 0.01586088310577529
+4 279800 0.007930441552887647
+4 280567 0.01525873096885777
+4 281451 0.02379132465866294
+4 282367 0.01695356088516536
+4 282635 0.01586088310577529
+4 283688 0.0641655813176272
+4 285400 0.02721972091280431
+4 285569 0.01586088310577529
+4 285819 0.01586088310577529
+4 286193 0.05529716982300092
+4 286517 0.01525873096885777
+4 286939 0.01586088310577529
+4 287322 0.02876453510426408
+4 287742 0.01917635673617606
+4 288457 0.01525873096885777
+4 289100 0.02851661659184293
+4 289188 0.01586088310577529
+4 289751 0.02245327618246397
+4 289845 0.02245327618246397
+4 290325 0.01843238994100031
+4 290579 0.02721972091280431
+4 290753 0.05811831512130756
+4 291001 0.02721972091280431
+4 291062 0.01586088310577529
+4 291722 0.01586088310577529
+4 292489 0.01425830829592147
+4 292587 0.0472840531205819
+4 292630 0.02245327618246397
+4 292637 0.02876453510426408
+4 293924 0.03172176621155059
+4 294219 0.01695356088516536
+4 296163 0.01525873096885777
+4 297583 0.01525873096885777
+4 298361 0.03390712177033073
+4 298857 0.02245327618246397
+4 298958 0.02245327618246397
+4 300086 0.01525873096885777
+4 301537 0.01360986045640215
+4 301591 0.005910506640072737
+4 301619 0.02379132465866294
+4 301920 0.02245327618246397
+4 302035 0.01586088310577529
+4 302840 0.02245327618246397
+4 303522 0.03172176621155059
+4 304565 0.02041479068460323
+4 304903 0.01917635673617606
+4 306375 0.02245327618246397
+4 306537 0.01917635673617606
+4 306638 0.01525873096885777
+4 306727 0.01695356088516536
+4 306923 0.01843238994100031
+4 307519 0.02876453510426408
+4 307729 0.01525873096885777
+4 308371 0.01586088310577529
+4 309389 0.01360986045640215
+4 309491 0.01425830829592147
+4 310753 0.01695356088516536
+4 310855 0.01425830829592147
+4 313069 0.01917635673617606
+4 313643 0.02245327618246397
+4 313953 0.01525873096885777
+4 314149 0.02288809645328665
+4 314242 0.01525873096885777
+4 314671 0.01586088310577529
+4 315113 0.01360986045640215
+4 316383 0.02288809645328665
+4 317135 0.02245327618246397
+4 318078 0.01525873096885777
+4 320045 0.03051746193771554
+4 320299 0.02379132465866294
+4 320330 0.01525873096885777
+4 320955 0.01917635673617606
+4 321063 0.02245327618246397
+4 321091 0.01843238994100031
+4 321435 0.01360986045640215
+4 321631 0.01425830829592147
+4 321902 0.05490877400751776
+4 322258 0.01917635673617606
+4 322633 0.02245327618246397
+4 322837 0.01695356088516536
+4 324030 0.01586088310577529
+4 324085 0.02245327618246397
+4 325932 0.02245327618246397
+4 326378 0.01586088310577529
+4 326658 0.02245327618246397
+4 326903 0.01425830829592147
+4 328437 0.01917635673617606
+4 328547 0.01586088310577529
+4 328633 0.01586088310577529
+4 328897 0.02245327618246397
+4 328931 0.01586088310577529
+4 329007 0.01917635673617606
+4 329691 0.02245327618246397
+4 331953 0.01917635673617606
+4 332199 0.03172176621155059
+4 332265 0.01917635673617606
+4 332667 0.02179436817049034
+4 332773 0.02245327618246397
+4 332935 0.01695356088516536
+4 334148 0.01425830829592147
+4 334154 0.03172176621155059
+4 334293 0.01425830829592147
+4 335979 0.01425830829592147
+4 336200 0.007264789390163445
+4 337185 0.02245327618246397
+4 337735 0.01525873096885777
+4 338015 0.01525873096885777
+4 338206 0.01843238994100031
+4 339078 0.02876453510426408
+4 340304 0.01586088310577529
+4 342053 0.01360986045640215
+4 343013 0.02245327618246397
+4 343735 0.02245327618246397
+4 345199 0.01586088310577529
+4 345633 0.02245327618246397
+4 345684 0.01917635673617606
+4 345929 0.01586088310577529
+4 346795 0.07844110572502538
+4 348217 0.02245327618246397
+4 348620 0.02876453510426408
+4 349276 0.01525873096885777
+4 349281 0.01425830829592147
+4 349538 0.01586088310577529
+4 350035 0.0427749248877644
+4 350489 0.01525873096885777
+4 350535 0.01586088310577529
+4 350800 0.06797082636083648
+4 351070 0.01695356088516536
+4 351615 0.01695356088516536
+4 352137 0.02876453510426408
+4 352484 0.01586088310577529
+4 354251 0.01586088310577529
+4 354303 0.01917635673617606
+4 354428 0.01525873096885777
+4 354489 0.01843238994100031
+4 354881 0.01695356088516536
+4 354925 0.01525873096885777
+4 356741 0.01586088310577529
+4 356922 0.01917635673617606
+4 357007 0.01525873096885777
+4 357667 0.01586088310577529
+4 357854 0.03051746193771554
+4 358920 0.01695356088516536
+4 359248 0.01525873096885777
+4 359812 0.02245327618246397
+4 360005 0.01525873096885777
+4 360982 0.01360986045640215
+4 361049 0.02041479068460323
+4 361083 0.03172176621155059
+4 361267 0.01525873096885777
+4 361458 0.01695356088516536
+4 361555 0.01525873096885777
+4 361829 0.03137644229001015
+4 362042 0.01586088310577529
+4 362225 0.01525873096885777
+4 362857 0.1063891195213093
+4 363605 0.01586088310577529
+4 364616 0.01425830829592147
+4 364949 0.01360986045640215
+4 365021 0.01586088310577529
+4 365207 0.01525873096885777
+4 365617 0.03051746193771554
+4 366889 0.01695356088516536
+4 366965 0.02721972091280431
+4 367288 0.01586088310577529
+4 369010 0.03172176621155059
+4 369621 0.01917635673617606
+4 370016 0.01586088310577529
+4 370047 0.01843238994100031
+4 370715 0.02288809645328665
+4 371306 0.01425830829592147
+4 372124 0.02876453510426408
+4 372511 0.02245327618246397
+4 372649 0.01917635673617606
+4 373096 0.01917635673617606
+4 373911 0.02288809645328665
+4 374313 0.01917635673617606
+4 374357 0.02288809645328665
+4 374371 0.03564577073980366
+4 374551 0.04432879980054553
+4 374753 0.01917635673617606
+4 375473 0.01917635673617606
+4 375487 0.01833302323360777
+4 377039 0.01586088310577529
+4 377587 0.01917635673617606
+4 378138 0.005910506640072737
+4 378740 0.01917635673617606
+4 380125 0.03051746193771554
+4 381027 0.01843238994100031
+4 381059 0.03172176621155059
+4 381314 0.02245327618246397
+4 381898 0.03051746193771554
+4 381910 0.01525873096885777
+4 383220 0.01586088310577529
+4 383425 0.01917635673617606
+4 383717 0.02851661659184293
+4 384509 0.01425830829592147
+4 384855 0.02245327618246397
+4 385715 0.01360986045640215
+4 385781 0.02245327618246397
+4 387974 0.02876453510426408
+4 388189 0.01525873096885777
+4 389237 0.01360986045640215
+4 389801 0.02041479068460323
+4 390320 0.03172176621155059
+4 390942 0.02876453510426408
+4 391054 0.007264789390163445
+4 391640 0.01773151992021821
+4 393135 0.01525873096885777
+4 394516 0.03051746193771554
+4 395286 0.02721972091280431
+4 396089 0.02876453510426408
+4 396734 0.01425830829592147
+4 396794 0.01586088310577529
+4 398135 0.01586088310577529
+4 399959 0.01425830829592147
+4 400049 0.01586088310577529
+4 400231 0.03686477988200062
+4 401071 0.02245327618246397
+4 402051 0.03055503872267962
+4 402865 0.01843238994100031
+4 402965 0.01586088310577529
+4 403661 0.01525873096885777
+4 405774 0.01586088310577529
+4 405988 0.01525873096885777
+4 406087 0.01843238994100031
+4 409251 0.01425830829592147
+4 409413 0.01182101328014547
+4 409703 0.03051746193771554
+4 410369 0.02876453510426408
+4 410796 0.01525873096885777
+4 410826 0.03172176621155059
+4 412205 0.01360986045640215
+4 412969 0.01425830829592147
+4 413831 0.02543034132774804
+4 414251 0.01360986045640215
+4 417415 0.01525873096885777
+4 417651 0.02245327618246397
+4 419050 0.03051746193771554
+4 421087 0.01525873096885777
+4 422853 0.01695356088516536
+4 423978 0.01917635673617606
+4 424081 0.01695356088516536
+4 424356 0.01525873096885777
+4 424685 0.03051746193771554
+4 424843 0.01360986045640215
+4 425077 0.02245327618246397
+4 425184 0.01360986045640215
+4 425561 0.01525873096885777
+4 426215 0.01425830829592147
+4 426273 0.01917635673617606
+4 428107 0.02245327618246397
+4 428185 0.01586088310577529
+4 429857 0.02245327618246397
+4 433703 0.01843238994100031
+4 435351 0.02245327618246397
+4 436785 0.02245327618246397
+4 436909 0.01525873096885777
+4 437322 0.01586088310577529
+4 437511 0.02245327618246397
+4 439498 0.008476780442582682
+4 440291 0.03686477988200062
+4 440895 0.01525873096885777
+4 441779 0.02364202656029095
+4 442488 0.01586088310577529
+4 444629 0.01425830829592147
+4 445546 0.01525873096885777
+4 445733 0.01360986045640215
+4 446053 0.01917635673617606
+4 447055 0.02245327618246397
+4 447186 0.03051746193771554
+4 447747 0.01843238994100031
+4 449029 0.01360986045640215
+4 449357 0.01917635673617606
+4 450383 0.01586088310577529
+4 450520 0.02876453510426408
+4 451666 0.01917635673617606
+4 452294 0.01917635673617606
+4 454642 0.03051746193771554
+4 455552 0.01917635673617606
+4 455623 0.01586088310577529
+4 456962 0.01222201548907185
+4 457315 0.03686477988200062
+4 457479 0.02851661659184293
+4 457815 0.01843238994100031
+4 457845 0.02245327618246397
+4 458576 0.01525873096885777
+4 459153 0.01360986045640215
+4 459526 0.01586088310577529
+4 461015 0.02245327618246397
+4 461528 0.03172176621155059
+4 461703 0.01917635673617606
+4 461794 0.01586088310577529
+4 462975 0.01525873096885777
+4 463141 0.01586088310577529
+4 464765 0.01917635673617606
+4 465683 0.01525873096885777
+4 466236 0.02245327618246397
+4 467404 0.01917635673617606
+4 468025 0.01695356088516536
+4 468741 0.01917635673617606
+4 470605 0.01695356088516536
+4 471169 0.02851661659184293
+4 471521 0.01525873096885777
+4 471572 0.01360986045640215
+4 473270 0.03051746193771554
+4 473734 0.01586088310577529
+4 473999 0.03051746193771554
+4 474349 0.01695356088516536
+4 474687 0.02379132465866294
+4 474726 0.01586088310577529
+4 474784 0.01843238994100031
+4 475057 0.01586088310577529
+4 475095 0.02245327618246397
+4 475117 0.01917635673617606
+4 475768 0.007629365484428886
+4 475970 0.05703323318368587
+4 476213 0.01525873096885777
+4 477443 0.02364202656029095
+4 479073 0.02245327618246397
+4 479139 0.01360986045640215
+4 479889 0.01917635673617606
+4 480288 0.01917635673617606
+4 481113 0.02379132465866294
+4 482333 0.01917635673617606
+4 482345 0.01586088310577529
+4 482567 0.0427749248877644
+4 482986 0.02245327618246397
+4 483701 0.01525873096885777
+4 484341 0.02245327618246397
+4 485083 0.02245327618246397
+4 487201 0.02245327618246397
+4 487611 0.01586088310577529
+4 487653 0.02245327618246397
+4 489724 0.02245327618246397
+4 491013 0.01695356088516536
+4 491641 0.01917635673617606
+4 493106 0.005910506640072737
+4 493657 0.01695356088516536
+4 493901 0.02851661659184293
+4 494937 0.02245327618246397
+4 496345 0.01360986045640215
+4 496754 0.007930441552887647
+4 498175 0.01586088310577529
+4 499009 0.02245327618246397
+4 499200 0.01425830829592147
+4 499358 0.01917635673617606
+4 500381 0.02721972091280431
+4 501421 0.007844110572502538
+4 502084 0.02245327618246397
+4 502271 0.01917635673617606
+4 502355 0.0213874624438822
+4 502591 0.02288809645328665
+4 502841 0.01917635673617606
+4 502907 0.01525873096885777
+4 503867 0.01695356088516536
+4 504373 0.01917635673617606
+4 504555 0.01586088310577529
+4 504613 0.01525873096885777
+4 504825 0.01917635673617606
+4 506286 0.03051746193771554
+4 506479 0.01695356088516536
+4 507207 0.02245327618246397
+4 507451 0.01917635673617606
+4 507537 0.02851661659184293
+4 507692 0.06722108518989516
+4 508787 0.01525873096885777
+4 508811 0.01360986045640215
+4 509919 0.01586088310577529
+4 512268 0.01525873096885777
+4 512365 0.03686477988200062
+4 512746 0.009588178368088028
+4 514175 0.01425830829592147
+4 516634 0.065383104511471
+4 517337 0.02245327618246397
+4 517781 0.01695356088516536
+4 518346 0.01843238994100031
+4 518705 0.02245327618246397
+4 519139 0.05086068265549609
+4 520268 0.02245327618246397
+4 523271 0.02543034132774804
+4 523541 0.01843238994100031
+4 523687 0.01525873096885777
+4 523947 0.02851661659184293
+4 525576 0.01917635673617606
+4 525583 0.02245327618246397
+4 525851 0.01525873096885777
+4 526642 0.01525873096885777
+4 526946 0.01695356088516536
+4 527398 0.01695356088516536
+4 528214 0.02876453510426408
+4 528573 0.01586088310577529
+4 528624 0.01586088310577529
+4 529053 0.01425830829592147
+4 531803 0.01917635673617606
+4 531904 0.02876453510426408
+4 531908 0.01773151992021821
+4 531983 0.01525873096885777
+4 533265 0.005910506640072737
+4 534866 0.03051746193771554
+4 535273 0.01917635673617606
+4 535303 0.01525873096885777
+4 535746 0.01917635673617606
+4 535786 0.03051746193771554
+4 535967 0.01917635673617606
+4 536468 0.03051746193771554
+4 537135 0.01360986045640215
+4 537221 0.03172176621155059
+4 537511 0.0213874624438822
+4 537663 0.01586088310577529
+4 537849 0.02379132465866294
+4 538111 0.01586088310577529
+4 539527 0.01525873096885777
+4 540465 0.03172176621155059
+4 540474 0.01425830829592147
+4 541994 0.01586088310577529
+4 542085 0.01586088310577529
+4 542153 0.01425830829592147
+4 543333 0.01773151992021821
+4 544681 0.01695356088516536
+4 544877 0.01586088310577529
+4 545201 0.01360986045640215
+4 546223 0.01586088310577529
+4 546555 0.01525873096885777
+4 547095 0.01586088310577529
+4 547617 0.01917635673617606
+4 547879 0.02245327618246397
+4 548140 0.01917635673617606
+4 548321 0.02245327618246397
+4 548733 0.01695356088516536
+4 548845 0.01917635673617606
+4 549329 0.02245327618246397
+4 550081 0.01525873096885777
+4 550139 0.01425830829592147
+4 550397 0.02288809645328665
+4 550477 0.01843238994100031
+4 550646 0.01917635673617606
+4 551619 0.01917635673617606
+4 551867 0.01360986045640215
+4 552035 0.03686477988200062
+4 552314 0.01425830829592147
+4 552599 0.01917635673617606
+4 552644 0.01917635673617606
+4 552991 0.03172176621155059
+4 554171 0.007264789390163445
+4 554273 0.01425830829592147
+4 554848 0.05085352573114411
+4 555579 0.01917635673617606
+4 555640 0.01586088310577529
+4 555843 0.01586088310577529
+4 555941 0.01917635673617606
+4 556469 0.0244440309781437
+4 556689 0.02245327618246397
+4 556895 0.01917635673617606
+4 557381 0.01843238994100031
+4 558783 0.01525873096885777
+4 559219 0.01917635673617606
+4 559602 0.01525873096885777
+4 559604 0.02876453510426408
+4 560395 0.01360986045640215
+4 561463 0.01917635673617606
+4 561843 0.01917635673617606
+4 561953 0.01586088310577529
+4 564899 0.02245327618246397
+4 565145 0.02876453510426408
+4 567100 0.03051746193771554
+4 567941 0.01695356088516536
+4 568123 0.01917635673617606
+4 569285 0.02721972091280431
+4 569519 0.01525873096885777
+4 570063 0.01695356088516536
+4 570304 0.01917635673617606
+4 570831 0.02245327618246397
+4 571152 0.02543034132774804
+4 571843 0.01222201548907185
+4 572024 0.02245327618246397
+4 574381 0.02245327618246397
+4 574999 0.01425830829592147
+4 575021 0.02245327618246397
+4 576681 0.03051746193771554
+4 576853 0.01360986045640215
+4 576861 0.01586088310577529
+4 577069 0.01586088310577529
+4 577338 0.01586088310577529
+4 578166 0.01525873096885777
+4 578474 0.01917635673617606
+4 578875 0.01525873096885777
+4 579620 0.01525873096885777
+4 580669 0.02876453510426408
+4 582093 0.01360986045640215
+4 582560 0.01360986045640215
+4 582730 0.01695356088516536
+4 582828 0.01917635673617606
+4 583435 0.01586088310577529
+4 583463 0.01917635673617606
+4 583732 0.01917635673617606
+4 583746 0.0627528845800203
+4 584579 0.01525873096885777
+4 584763 0.0627528845800203
+4 585083 0.02245327618246397
+4 585191 0.01525873096885777
+4 586329 0.02245327618246397
+4 587249 0.01586088310577529
+4 587435 0.02543034132774804
+4 588449 0.01425830829592147
+4 589339 0.01525873096885777
+4 590199 0.01360986045640215
+4 590800 0.03172176621155059
+4 590929 0.02245327618246397
+4 591866 0.0213874624438822
+4 592222 0.01525873096885777
+4 592401 0.01525873096885777
+4 592829 0.01695356088516536
+4 592903 0.01525873096885777
+4 592951 0.01586088310577529
+4 593712 0.01586088310577529
+4 593964 0.01525873096885777
+4 593995 0.0213874624438822
+4 594441 0.01360986045640215
+4 594598 0.01425830829592147
+4 594775 0.04358873634098067
+4 595075 0.01425830829592147
+4 595190 0.01525873096885777
+4 595803 0.1130536432739146
+4 596548 0.01586088310577529
+4 596952 0.01425830829592147
+4 597895 0.01425830829592147
+4 597917 0.01917635673617606
+4 597967 0.01525873096885777
+4 598563 0.03172176621155059
+4 598774 0.01182101328014547
+4 599081 0.01917635673617606
+4 599911 0.02851661659184293
+4 600226 0.01182101328014547
+4 600953 0.01917635673617606
+4 600989 0.01917635673617606
+4 601956 0.02288809645328665
+4 602993 0.02721972091280431
+4 604022 0.01773151992021821
+4 605225 0.04137354648050916
+4 605390 0.02876453510426408
+4 605457 0.03051746193771554
+4 606857 0.02245327618246397
+4 607303 0.02379132465866294
+4 607497 0.03137644229001015
+4 607699 0.02245327618246397
+4 608773 0.03051746193771554
+4 608811 0.02245327618246397
+4 609511 0.01586088310577529
+4 609985 0.01917635673617606
+4 609997 0.01525873096885777
+4 611811 0.01843238994100031
+4 613071 0.03172176621155059
+4 614260 0.02876453510426408
+4 614772 0.01360986045640215
+4 614844 0.03172176621155059
+4 616117 0.0427749248877644
+4 616136 0.01586088310577529
+4 616371 0.02245327618246397
+4 616663 0.02721972091280431
+4 617266 0.01917635673617606
+4 617395 0.01425830829592147
+4 618125 0.03686477988200062
+4 620045 0.01586088310577529
+4 620879 0.02245327618246397
+4 620920 0.02245327618246397
+4 620922 0.01586088310577529
+4 621135 0.01586088310577529
+4 621490 0.01917635673617606
+4 622446 0.01843238994100031
+4 622747 0.01425830829592147
+4 623063 0.02245327618246397
+4 623266 0.02876453510426408
+4 623888 0.02245327618246397
+4 624069 0.01525873096885777
+4 624972 0.01586088310577529
+4 625376 0.01917635673617606
+4 625667 0.01843238994100031
+4 626081 0.02245327618246397
+4 626638 0.01917635673617606
+4 627157 0.01586088310577529
+4 627631 0.02245327618246397
+4 627635 0.01917635673617606
+4 627686 0.01586088310577529
+4 627841 0.01586088310577529
+4 627927 0.01586088310577529
+4 628067 0.07059699515252285
+4 628232 0.02851661659184293
+4 629035 0.02245327618246397
+4 629688 0.01917635673617606
+4 629740 0.02288809645328665
+4 630633 0.01586088310577529
+4 631033 0.02245327618246397
+4 631125 0.01586088310577529
+4 631189 0.01917635673617606
+4 631969 0.01586088310577529
+4 632373 0.01917635673617606
+4 632711 0.01586088310577529
+4 633177 0.02721972091280431
+4 635129 0.02245327618246397
+4 635811 0.02543034132774804
+4 637283 0.01360986045640215
+4 637813 0.01525873096885777
+4 638325 0.01843238994100031
+4 638675 0.01695356088516536
+4 638720 0.02288809645328665
+4 638838 0.01695356088516536
+4 639033 0.02721972091280431
+4 639353 0.01586088310577529
+4 640317 0.01843238994100031
+4 641686 0.01425830829592147
+4 642203 0.07844110572502538
+4 642649 0.02245327618246397
+4 643315 0.02245327618246397
+4 643634 0.01773151992021821
+4 643662 0.02876453510426408
+4 643772 0.03051746193771554
+4 644220 0.007264789390163445
+4 645114 0.01360986045640215
+4 645915 0.02041479068460323
+4 646777 0.02851661659184293
+4 648063 0.01360986045640215
+4 648903 0.02245327618246397
+4 650741 0.01843238994100031
+4 651357 0.01917635673617606
+4 651855 0.02245327618246397
+4 651996 0.02379132465866294
+4 652362 0.01917635673617606
+4 652514 0.01695356088516536
+4 652849 0.02245327618246397
+4 653009 0.02245327618246397
+4 653537 0.02245327618246397
+4 655093 0.02245327618246397
+4 655121 0.01525873096885777
+4 655240 0.01425830829592147
+4 655446 0.01917635673617606
+4 655537 0.03666604646721554
+4 657631 0.02379132465866294
+4 657797 0.01917635673617606
+4 658436 0.01525873096885777
+4 658442 0.01586088310577529
+4 660651 0.01917635673617606
+4 661073 0.01182101328014547
+4 661573 0.007844110572502538
+4 662565 0.01917635673617606
+4 663774 0.01586088310577529
+4 663812 0.01182101328014547
+4 665077 0.02245327618246397
+4 666483 0.01586088310577529
+4 667328 0.01425830829592147
+4 668297 0.03390712177033073
+4 668558 0.01525873096885777
+4 669258 0.01695356088516536
+4 669273 0.02245327618246397
+4 670037 0.01917635673617606
+4 670268 0.02288809645328665
+4 670693 0.01586088310577529
+4 670829 0.02041479068460323
+4 671553 0.05499906970082331
+4 672444 0.01843238994100031
+4 672756 0.01222201548907185
+4 672767 0.01525873096885777
+4 673507 0.01360986045640215
+4 673666 0.01586088310577529
+4 673671 0.02245327618246397
+4 673732 0.01525873096885777
+4 675052 0.01525873096885777
+4 675407 0.02245327618246397
+4 675670 0.03051746193771554
+4 675672 0.01917635673617606
+4 675682 0.01360986045640215
+4 676661 0.01360986045640215
+4 677451 0.01425830829592147
+4 677975 0.02245327618246397
+4 678999 0.02245327618246397
+4 679409 0.01525873096885777
+4 679429 0.03051746193771554
+4 680132 0.03172176621155059
+4 680225 0.01586088310577529
+4 681763 0.01360986045640215
+4 682127 0.01425830829592147
+4 682269 0.01360986045640215
+4 682303 0.02245327618246397
+4 683329 0.01917635673617606
+4 683466 0.03965220776443824
+4 684612 0.02245327618246397
+4 684704 0.01586088310577529
+4 686506 0.01425830829592147
+4 686920 0.01586088310577529
+4 687057 0.01586088310577529
+4 687143 0.01843238994100031
+4 687588 0.03172176621155059
+4 687593 0.01586088310577529
+4 687733 0.01917635673617606
+4 690425 0.02543034132774804
+4 690593 0.01525873096885777
+4 690761 0.02721972091280431
+4 691725 0.01586088310577529
+4 691865 0.01360986045640215
+4 693099 0.01525873096885777
+4 694474 0.02876453510426408
+4 694626 0.01525873096885777
+4 695422 0.02379132465866294
+4 695471 0.02245327618246397
+4 696087 0.02288809645328665
+4 696533 0.1182101328014547
+4 697121 0.01695356088516536
+4 697205 0.03137644229001015
+4 697943 0.02245327618246397
+4 697988 0.01917635673617606
+4 698358 0.03172176621155059
+4 699773 0.03390712177033073
+4 700325 0.01360986045640215
+4 700859 0.01586088310577529
+4 700954 0.01586088310577529
+4 701293 0.01843238994100031
+4 701689 0.01917635673617606
+4 701887 0.02905915756065378
+4 702222 0.01917635673617606
+4 703551 0.01843238994100031
+4 704060 0.01360986045640215
+4 704658 0.01586088310577529
+4 705567 0.01360986045640215
+4 705841 0.01525873096885777
+4 706216 0.03172176621155059
+4 706892 0.01586088310577529
+4 706945 0.02245327618246397
+4 707025 0.01525873096885777
+4 707307 0.01586088310577529
+4 707489 0.01695356088516536
+4 707633 0.01917635673617606
+4 707730 0.02721972091280431
+4 708400 0.01917635673617606
+4 708407 0.01586088310577529
+4 708714 0.02245327618246397
+4 708916 0.06124437205380969
+4 709550 0.03814682742214443
+4 709947 0.01525873096885777
+4 710821 0.02876453510426408
+4 711432 0.01425830829592147
+4 712019 0.01917635673617606
+4 712835 0.02245327618246397
+4 712872 0.01695356088516536
+4 713013 0.01843238994100031
+4 713234 0.01586088310577529
+4 713527 0.01917635673617606
+4 714059 0.03051746193771554
+4 714584 0.005910506640072737
+4 715513 0.05086068265549609
+4 715726 0.01917635673617606
+4 715932 0.02876453510426408
+4 716121 0.01425830829592147
+4 716526 0.01917635673617606
+4 717596 0.01695356088516536
+4 718098 0.01917635673617606
+4 720262 0.01586088310577529
+4 720453 0.02245327618246397
+4 721031 0.01586088310577529
+4 721862 0.03172176621155059
+4 724109 0.02543034132774804
+4 724782 0.01525873096885777
+4 724837 0.01360986045640215
+4 725465 0.01360986045640215
+4 725922 0.01586088310577529
+4 726847 0.02721972091280431
+4 727325 0.01586088310577529
+4 727505 0.01360986045640215
+4 729035 0.01425830829592147
+4 729291 0.01425830829592147
+4 729399 0.01695356088516536
+4 729590 0.01525873096885777
+4 729700 0.007629365484428886
+4 730055 0.01843238994100031
+4 730334 0.01525873096885777
+4 730665 0.01833302323360777
+4 730797 0.02876453510426408
+4 731955 0.02876453510426408
+4 732291 0.01360986045640215
+4 733327 0.0213874624438822
+4 734367 0.003632394695081722
+4 735217 0.01586088310577529
+4 735537 0.02245327618246397
+4 735787 0.02245327618246397
+4 737319 0.02245327618246397
+4 737771 0.02245327618246397
+4 738711 0.01360986045640215
+4 739232 0.03965220776443824
+4 739643 0.02245327618246397
+4 740153 0.01525873096885777
+4 740483 0.02041479068460323
+4 742595 0.01917635673617606
+4 742865 0.01917635673617606
+4 743915 0.01695356088516536
+4 744254 0.02245327618246397
+4 745259 0.01843238994100031
+4 745311 0.05086068265549609
+4 745692 0.02245327618246397
+4 746645 0.01695356088516536
+4 748040 0.01525873096885777
+4 748793 0.01586088310577529
+4 749436 0.01586088310577529
+4 749580 0.07059699515252285
+4 749615 0.01425830829592147
+4 749749 0.01843238994100031
+4 750727 0.01843238994100031
+4 751292 0.02543034132774804
+4 752155 0.02245327618246397
+4 753528 0.01360986045640215
+4 753656 0.01917635673617606
+4 756217 0.02851661659184293
+4 756487 0.02543034132774804
+4 756653 0.01525873096885777
+4 757918 0.01586088310577529
+4 758209 0.01425830829592147
+4 758429 0.01695356088516536
+4 758522 0.007930441552887647
+4 758529 0.02288809645328665
+4 758989 0.01695356088516536
+4 759036 0.01586088310577529
+4 759434 0.01917635673617606
+4 759876 0.01525873096885777
+4 760340 0.01586088310577529
+4 760543 0.01425830829592147
+4 760837 0.01833302323360777
+4 761160 0.02245327618246397
+4 762340 0.01586088310577529
+4 763733 0.01525873096885777
+4 764181 0.01425830829592147
+4 764717 0.01425830829592147
+4 764850 0.03172176621155059
+4 764887 0.03686477988200062
+4 766266 0.01360986045640215
+4 767389 0.01525873096885777
+4 767812 0.02379132465866294
+4 768087 0.01360986045640215
+4 768251 0.01586088310577529
+4 768305 0.02245327618246397
+4 768732 0.03172176621155059
+4 769351 0.02245327618246397
+4 770167 0.02288809645328665
+4 770457 0.02543034132774804
+4 770795 0.02288809645328665
+4 771052 0.01586088310577529
+4 772079 0.02245327618246397
+4 773411 0.03051746193771554
+4 775031 0.01525873096885777
+4 775990 0.01525873096885777
+4 776178 0.01425830829592147
+4 777142 0.01425830829592147
+4 777741 0.01917635673617606
+4 777823 0.01525873096885777
+4 777845 0.01525873096885777
+4 778173 0.01586088310577529
+4 778310 0.01917635673617606
+4 780041 0.01917635673617606
+4 780563 0.02245327618246397
+4 782151 0.02851661659184293
+4 782275 0.02876453510426408
+4 783027 0.01586088310577529
+4 783132 0.01525873096885777
+4 783229 0.01525873096885777
+4 783343 0.01586088310577529
+4 783423 0.01695356088516536
+4 783959 0.01843238994100031
+4 784801 0.01360986045640215
+4 785845 0.01452957878032689
+4 785937 0.02876453510426408
+4 787794 0.04277705421175147
+4 788055 0.01586088310577529
+4 788165 0.01425830829592147
+4 789638 0.0244440309781437
+4 790327 0.01695356088516536
+4 790471 0.01360986045640215
+4 790981 0.01695356088516536
+4 791523 0.01525873096885777
+4 792107 0.02245327618246397
+4 792543 0.01917635673617606
+4 792961 0.01695356088516536
+4 794073 0.02245327618246397
+4 794899 0.01525873096885777
+4 797939 0.01695356088516536
+4 797940 0.01525873096885777
+4 798005 0.02245327618246397
+4 798091 0.02245327618246397
+4 800049 0.007264789390163445
+4 800887 0.01843238994100031
+4 802231 0.02851661659184293
+4 802871 0.01525873096885777
+4 803130 0.01360986045640215
+4 803501 0.01695356088516536
+4 803836 0.01525873096885777
+4 804098 0.02851661659184293
+4 804970 0.03051746193771554
+4 806035 0.01586088310577529
+4 806121 0.01586088310577529
+4 807323 0.01917635673617606
+4 807327 0.01917635673617606
+4 807411 0.0244440309781437
+4 807945 0.01695356088516536
+4 807967 0.02876453510426408
+4 809627 0.03172176621155059
+4 812268 0.01917635673617606
+4 812696 0.01360986045640215
+4 813585 0.01586088310577529
+4 813615 0.02245327618246397
+4 814437 0.01360986045640215
+4 814735 0.01917635673617606
+4 814899 0.01525873096885777
+4 815974 0.03051746193771554
+4 816599 0.01917635673617606
+4 816692 0.05811831512130756
+4 818929 0.01586088310577529
+4 818973 0.01525873096885777
+4 820195 0.02288809645328665
+4 821841 0.01586088310577529
+4 822732 0.01917635673617606
+4 823077 0.02245327618246397
+4 823427 0.01525873096885777
+4 823746 0.01917635673617606
+4 823955 0.01917635673617606
+4 824812 0.02041479068460323
+4 825171 0.01586088310577529
+4 825897 0.01917635673617606
+4 827721 0.04888806195628739
+4 827857 0.01586088310577529
+4 828024 0.006111007744535924
+4 828318 0.01525873096885777
+4 830301 0.01917635673617606
+4 830841 0.01695356088516536
+4 830863 0.02245327618246397
+4 830913 0.02245327618246397
+4 831820 0.01917635673617606
+4 832857 0.03390712177033073
+4 832986 0.01586088310577529
+4 833703 0.02245327618246397
+4 833935 0.02245327618246397
+4 835278 0.01360986045640215
+4 835345 0.01360986045640215
+4 835939 0.02851661659184293
+4 838145 0.01525873096885777
+4 838336 0.02245327618246397
+4 838403 0.03172176621155059
+4 838788 0.01425830829592147
+4 839462 0.03051746193771554
+4 839777 0.07844110572502538
+4 839803 0.01917635673617606
+4 840249 0.02876453510426408
+4 840443 0.04358873634098067
+4 841719 0.03172176621155059
+4 841729 0.01695356088516536
+4 842117 0.01917635673617606
+4 842623 0.005910506640072737
+4 842627 0.01360986045640215
+4 842931 0.02245327618246397
+4 842943 0.01586088310577529
+4 843133 0.01917635673617606
+4 844547 0.01843238994100031
+4 845228 0.01917635673617606
+4 845355 0.01586088310577529
+4 845433 0.01586088310577529
+4 846017 0.02876453510426408
+4 847021 0.01695356088516536
+4 848227 0.01917635673617606
+4 848316 0.01425830829592147
+4 848815 0.02245327618246397
+4 848856 0.01586088310577529
+4 849063 0.05443944182560861
+4 849509 0.01525873096885777
+4 849602 0.01360986045640215
+4 849609 0.01843238994100031
+4 849611 0.01525873096885777
+4 849797 0.01525873096885777
+4 851071 0.05086068265549609
+4 851822 0.01525873096885777
+4 852093 0.01695356088516536
+4 853866 0.03051746193771554
+4 853993 0.01360986045640215
+4 854081 0.01917635673617606
+4 854171 0.02245327618246397
+4 854960 0.007264789390163445
+4 855392 0.02543034132774804
+4 856212 0.02245327618246397
+4 856337 0.01425830829592147
+4 856602 0.02905915756065378
+4 856711 0.01843238994100031
+4 856834 0.02288809645328665
+4 857015 0.01586088310577529
+4 857083 0.01917635673617606
+4 857189 0.02379132465866294
+4 857430 0.07264789390163445
+4 857517 0.01525873096885777
+4 857673 0.01917635673617606
+4 857688 0.01586088310577529
+4 857805 0.007264789390163445
+4 858171 0.02245327618246397
+4 859027 0.01917635673617606
+4 859080 0.01525873096885777
+4 860258 0.01525873096885777
+4 861178 0.02543034132774804
+4 861630 0.01586088310577529
+4 863194 0.01917635673617606
+4 863371 0.01586088310577529
+4 863413 0.03686477988200062
+4 864135 0.02245327618246397
+4 864181 0.01917635673617606
+4 864195 0.01917635673617606
+4 865017 0.02245327618246397
+4 865057 0.02245327618246397
+4 865319 0.02245327618246397
+4 866123 0.02851661659184293
+4 866409 0.01695356088516536
+4 866462 0.01360986045640215
+4 867366 0.01525873096885777
+4 868041 0.01917635673617606
+4 868877 0.0427749248877644
+4 870006 0.03051746193771554
+4 871383 0.05529716982300092
+4 871666 0.02245327618246397
+4 871784 0.01843238994100031
+4 871979 0.03564577073980366
+4 873263 0.02543034132774804
+4 873685 0.03390712177033073
+4 873777 0.02245327618246397
+4 873932 0.01425830829592147
+4 874471 0.01425830829592147
+4 875002 0.01586088310577529
+4 875441 0.07059699515252285
+4 875595 0.02876453510426408
+4 876454 0.01525873096885777
+4 876608 0.02245327618246397
+4 876647 0.03390712177033073
+4 879048 0.01360986045640215
+4 879316 0.01525873096885777
+4 879723 0.02721972091280431
+4 879977 0.01586088310577529
+4 880406 0.01525873096885777
+4 880427 0.01917635673617606
+4 880919 0.02245327618246397
+4 881541 0.01586088310577529
+4 882364 0.01525873096885777
+4 882386 0.01586088310577529
+4 884303 0.02245327618246397
+4 884404 0.01525873096885777
+4 886206 0.02245327618246397
+4 888493 0.01586088310577529
+4 889464 0.01525873096885777
+4 890577 0.01917635673617606
+4 896073 0.01525873096885777
+4 898059 0.01917635673617606
+4 898259 0.01917635673617606
+4 899643 0.01843238994100031
+4 901072 0.01525873096885777
+4 901243 0.01586088310577529
+4 901873 0.01586088310577529
+4 902373 0.02245327618246397
+4 902983 0.02245327618246397
+4 903042 0.01525873096885777
+4 903639 0.02288809645328665
+4 903775 0.0213874624438822
+4 903869 0.01425830829592147
+4 905317 0.01586088310577529
+4 906255 0.02905915756065378
+4 908616 0.03172176621155059
+4 908795 0.01360986045640215
+4 909342 0.03965220776443824
+4 910551 0.01586088310577529
+4 911251 0.01586088310577529
+4 911581 0.01586088310577529
+4 911945 0.007629365484428886
+4 912375 0.03172176621155059
+4 912646 0.01586088310577529
+4 912692 0.01360986045640215
+4 912818 0.01586088310577529
+4 913451 0.02245327618246397
+4 913653 0.02905915756065378
+4 914131 0.01586088310577529
+4 914236 0.01586088310577529
+4 914637 0.01525873096885777
+4 915249 0.01525873096885777
+4 915825 0.01586088310577529
+4 916268 0.01917635673617606
+4 916275 0.02245327618246397
+4 916412 0.03051746193771554
+4 916838 0.02245327618246397
+4 916971 0.01360986045640215
+4 923371 0.01843238994100031
+4 923707 0.02851661659184293
+4 924489 0.01917635673617606
+4 924493 0.01525873096885777
+4 925190 0.01695356088516536
+4 927420 0.02245327618246397
+4 928368 0.03051746193771554
+4 928519 0.01525873096885777
+4 928613 0.02245327618246397
+4 929033 0.02245327618246397
+4 929479 0.1222201548907185
+4 929751 0.02245327618246397
+4 930347 0.01917635673617606
+4 930897 0.01586088310577529
+4 931304 0.03051746193771554
+4 931366 0.01425830829592147
+4 932719 0.03686477988200062
+4 933173 0.01917635673617606
+4 933335 0.02245327618246397
+4 934821 0.03051746193771554
+4 935168 0.02245327618246397
+4 936497 0.02041479068460323
+4 936622 0.01525873096885777
+4 937173 0.02851661659184293
+4 938684 0.01525873096885777
+4 938709 0.01525873096885777
+4 939162 0.02876453510426408
+4 939891 0.02876453510426408
+4 940067 0.01425830829592147
+4 940134 0.01917635673617606
+4 940168 0.01917635673617606
+4 940579 0.02245327618246397
+4 940676 0.02851661659184293
+4 941134 0.01525873096885777
+4 941331 0.01833302323360777
+4 941660 0.009588178368088028
+4 942152 0.01360986045640215
+4 942491 0.03686477988200062
+4 942496 0.03172176621155059
+4 943077 0.01586088310577529
+4 943165 0.03055503872267962
+4 943481 0.01695356088516536
+4 943733 0.01695356088516536
+4 943767 0.02245327618246397
+4 943987 0.01525873096885777
+4 945541 0.09807465676720649
+4 946067 0.01525873096885777
+4 946180 0.02288809645328665
+4 948301 0.02876453510426408
+4 948459 0.05529716982300092
+4 949467 0.02245327618246397
+4 950976 0.01360986045640215
+4 951036 0.01525873096885777
+4 951392 0.01525873096885777
+4 951500 0.01586088310577529
+4 951694 0.02245327618246397
+4 951800 0.01360986045640215
+4 952409 0.01425830829592147
+4 952789 0.01917635673617606
+4 953399 0.01917635673617606
+4 953647 0.02245327618246397
+4 954637 0.01843238994100031
+4 954808 0.03814682742214443
+4 957055 0.01843238994100031
+4 957067 0.01360986045640215
+4 957143 0.02245327618246397
+4 957437 0.02288809645328665
+4 958137 0.02245327618246397
+4 958911 0.01917635673617606
+4 959793 0.01843238994100031
+4 960107 0.02245327618246397
+4 960271 0.01525873096885777
+4 961910 0.01586088310577529
+4 963743 0.02245327618246397
+4 963855 0.01360986045640215
+4 963998 0.03172176621155059
+4 964525 0.01586088310577529
+4 964582 0.02876453510426408
+4 965802 0.01525873096885777
+4 966109 0.02288809645328665
+4 966255 0.02245327618246397
+4 966273 0.01695356088516536
+4 967133 0.01525873096885777
+4 967164 0.007264789390163445
+4 967313 0.003055503872267962
+4 967983 0.02245327618246397
+4 968163 0.02288809645328665
+4 968483 0.02876453510426408
+4 969841 0.02179436817049034
+4 970265 0.01525873096885777
+4 971015 0.01917635673617606
+4 972013 0.01425830829592147
+4 972178 0.02876453510426408
+4 972485 0.01695356088516536
+4 973099 0.01586088310577529
+4 973333 0.01586088310577529
+4 974072 0.01525873096885777
+4 974851 0.01425830829592147
+4 975811 0.02245327618246397
+4 976275 0.01525873096885777
+4 977200 0.02876453510426408
+4 977905 0.01360986045640215
+4 978257 0.05703323318368587
+4 978511 0.02245327618246397
+4 978773 0.03051746193771554
+4 979478 0.02245327618246397
+4 980261 0.01917635673617606
+4 980319 0.01525873096885777
+4 981883 0.01586088310577529
+4 982012 0.01525873096885777
+4 983673 0.01360986045640215
+4 984683 0.02245327618246397
+4 985549 0.02851661659184293
+4 986791 0.02245327618246397
+4 989163 0.02721972091280431
+4 989433 0.02851661659184293
+4 990804 0.01360986045640215
+4 991468 0.007629365484428886
+4 991475 0.03172176621155059
+4 991935 0.01843238994100031
+4 992490 0.01586088310577529
+4 993053 0.03814682742214443
+4 993510 0.02245327618246397
+4 994106 0.03051746193771554
+4 994950 0.01360986045640215
+4 995605 0.01425830829592147
+4 995653 0.01843238994100031
+4 996536 0.01360986045640215
+4 997796 0.03051746193771554
+4 997977 0.02245327618246397
+4 1000099 0.01525873096885777
+4 1000335 0.01586088310577529
+4 1001147 0.02245327618246397
+4 1001734 0.01917635673617606
+4 1003113 0.02245327618246397
+4 1003223 0.03666604646721554
+4 1003403 0.01843238994100031
+4 1005765 0.01917635673617606
+4 1006311 0.01425830829592147
+4 1006560 0.01525873096885777
+4 1007775 0.01586088310577529
+4 1007912 0.01360986045640215
+4 1007977 0.02245327618246397
+4 1008679 0.01525873096885777
+4 1008831 0.01360986045640215
+4 1008899 0.01525873096885777
+4 1010769 0.02245327618246397
+4 1010791 0.01586088310577529
+4 1011301 0.01525873096885777
+4 1012185 0.02245327618246397
+4 1012987 0.02245327618246397
+4 1014667 0.01586088310577529
+4 1014853 0.01586088310577529
+4 1016179 0.01917635673617606
+4 1016289 0.01917635673617606
+4 1016369 0.007129154147960733
+4 1018165 0.02245327618246397
+4 1018883 0.02245327618246397
+4 1019196 0.01360986045640215
+4 1019328 0.01525873096885777
+4 1019929 0.01360986045640215
+4 1020006 0.02245327618246397
+4 1020555 0.01525873096885777
+4 1020677 0.01917635673617606
+4 1020740 0.04432879980054553
+4 1021884 0.01360986045640215
+4 1022182 0.006804930228201077
+4 1023273 0.01425830829592147
+4 1026711 0.01425830829592147
+4 1026790 0.01525873096885777
+4 1027300 0.01586088310577529
+4 1027631 0.02245327618246397
+4 1027652 0.01917635673617606
+4 1027973 0.01525873096885777
+4 1028155 0.03686477988200062
+4 1028295 0.01525873096885777
+4 1028315 0.05529716982300092
+4 1028912 0.01525873096885777
+4 1029870 0.02876453510426408
+4 1030226 0.01425830829592147
+4 1031121 0.01525873096885777
+4 1032791 0.01843238994100031
+4 1033089 0.01917635673617606
+4 1033256 0.01525873096885777
+4 1033699 0.01843238994100031
+4 1033833 0.01360986045640215
+4 1034350 0.03051746193771554
+4 1035161 0.01425830829592147
+4 1035177 0.03390712177033073
+4 1037044 0.02721972091280431
+4 1037251 0.01843238994100031
+4 1037326 0.02876453510426408
+4 1037360 0.01452957878032689
+4 1037916 0.03172176621155059
+4 1039281 0.02245327618246397
+4 1039896 0.01917635673617606
+4 1040201 0.01182101328014547
+4 1040273 0.02379132465866294
+4 1040325 0.02245327618246397
+4 1040891 0.01843238994100031
+4 1040913 0.02379132465866294
+4 1042343 0.02245327618246397
+4 1042547 0.01695356088516536
+4 1042815 0.01586088310577529
+4 1043231 0.01425830829592147
+4 1043781 0.01525873096885777
+4 1046133 0.01917635673617606
+4 1046509 0.01843238994100031
+4 1046561 0.03051746193771554
+4 1046703 0.01917635673617606
+4 1047335 0.01525873096885777
+4 1047547 0.01360986045640215
+4 1048455 0.02245327618246397
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/vectorizer_result03.mtx
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/vectorizer_result03.mtx	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,9697 @@
+%%MatrixMarket matrix coordinate real general
+%
+4 1048577 9694
+1 71 0.01361331290463183
+1 1450 0.01361331290463183
+1 1961 0.01140545001599714
+1 3747 0.01361331290463183
+1 3795 0.02049545933475693
+1 4053 0.01414945072069242
+1 4357 0.01293018149022739
+1 4379 0.02049545933475693
+1 4727 0.01140545001599714
+1 5795 0.01704506020053583
+1 6201 0.02556759030080374
+1 7170 0.01199234924928183
+1 8116 0.02049545933475693
+1 8523 0.01293018149022739
+1 8531 0.01704506020053583
+1 9300 0.02041996935694774
+1 10078 0.05077070567367346
+1 10495 0.02911328391873078
+1 12091 0.0471648357356414
+1 12155 0.01704506020053583
+1 13013 0.01356353828493919
+1 13181 0.01361331290463183
+1 13234 0.009704427972910257
+1 13280 0.01361331290463183
+1 14120 0.01704506020053583
+1 14527 0.01361331290463183
+1 14873 0.01293018149022739
+1 15083 0.01361331290463183
+1 15241 0.01293018149022739
+1 15283 0.01694765905913661
+1 16177 0.01140545001599714
+1 17436 0.01361331290463183
+1 19449 0.02016217762198948
+1 20413 0.01361331290463183
+1 20975 0.05188131930920554
+1 21084 0.01293018149022739
+1 21531 0.01288750750752746
+1 22178 0.004716483573564139
+1 22283 0.01496776720543493
+1 22554 0.01939527223534108
+1 22570 0.01293018149022739
+1 22706 0.02586036298045478
+1 22715 0.01288750750752746
+1 23188 0.01361331290463183
+1 23698 0.01140545001599714
+1 24309 0.02016217762198948
+1 24510 0.01293018149022739
+1 24541 0.01288750750752746
+1 25019 0.01140545001599714
+1 26513 0.01199234924928183
+1 26569 0.01692356855789115
+1 26721 0.01293018149022739
+1 27172 0.01293018149022739
+1 27389 0.02556759030080374
+1 28621 0.01293018149022739
+1 29313 0.0224516508081524
+1 29735 0.03384713711578231
+1 30007 0.02556759030080374
+1 30445 0.01361331290463183
+1 30453 0.04490330161630479
+1 30833 0.01199234924928183
+1 31159 0.01704506020053583
+1 31588 0.02577501501505492
+1 31713 0.01704506020053583
+1 31931 0.02049545933475693
+1 31963 0.01288750750752746
+1 33113 0.01356353828493919
+1 33433 0.01692356855789115
+1 33979 0.0224516508081524
+1 34869 0.01293018149022739
+1 35056 0.01704506020053583
+1 35828 0.01199234924928183
+1 35928 0.01496776720543493
+1 36463 0.01692356855789115
+1 36581 0.01361331290463183
+1 37021 0.01293018149022739
+1 37256 0.01361331290463183
+1 37731 0.01692356855789115
+1 37831 0.01361331290463183
+1 37859 0.01140545001599714
+1 38203 0.01288750750752746
+1 38978 0.02049545933475693
+1 39526 0.01293018149022739
+1 39705 0.01140545001599714
+1 39762 0.02398469849856365
+1 40007 0.01263004034003412
+1 40920 0.004716483573564139
+1 40975 0.01199234924928183
+1 41367 0.01704506020053583
+1 41385 0.01704506020053583
+1 41559 0.02577501501505492
+1 41645 0.01692356855789115
+1 41800 0.03474305741210783
+1 42042 0.02049545933475693
+1 42057 0.01361331290463183
+1 42103 0.01293018149022739
+1 43077 0.02016217762198948
+1 43474 0.01361331290463183
+1 43781 0.01455664195936539
+1 43937 0.02049545933475693
+1 44401 0.01694765905913661
+1 45359 0.02016217762198948
+1 45447 0.0224516508081524
+1 45548 0.01692356855789115
+1 45746 0.01704506020053583
+1 46264 0.01140545001599714
+1 46627 0.006315020170017061
+1 48545 0.01199234924928183
+1 50045 0.02016217762198948
+1 50271 0.01356353828493919
+1 50742 0.05188131930920554
+1 50871 0.01356353828493919
+1 51188 0.01293018149022739
+1 51486 0.02049545933475693
+1 52094 0.01704506020053583
+1 52548 0.02016217762198948
+1 52666 0.01293018149022739
+1 52833 0.003157510085008531
+1 53247 0.0171081750239957
+1 53497 0.01293018149022739
+1 54371 0.01694765905913661
+1 55601 0.01288750750752746
+1 55999 0.02049545933475693
+1 56154 0.02281090003199427
+1 57027 0.01356353828493919
+1 57543 0.02049545933475693
+1 57633 0.02398469849856365
+1 58055 0.03384713711578231
+1 58277 0.01704506020053583
+1 58575 0.02722662580926366
+1 58845 0.01361331290463183
+1 58964 0.01886593429425656
+1 59388 0.02016217762198948
+1 59679 0.01199234924928183
+1 60697 0.01140545001599714
+1 61549 0.01361331290463183
+1 61808 0.01694765905913661
+1 63149 0.02722662580926366
+1 63376 0.01704506020053583
+1 63572 0.02577501501505492
+1 64006 0.01455664195936539
+1 64516 0.01939527223534108
+1 64603 0.01293018149022739
+1 65817 0.03597704774784548
+1 65933 0.01704506020053583
+1 66000 0.02556759030080374
+1 66876 0.01704506020053583
+1 68440 0.004716483573564139
+1 68573 0.004852213986455129
+1 68580 0.01293018149022739
+1 68652 0.02712707656987837
+1 69297 0.01692356855789115
+1 69935 0.01293018149022739
+1 70576 0.02542148858870491
+1 70624 0.01293018149022739
+1 71183 0.01361331290463183
+1 71207 0.01692356855789115
+1 71899 0.01704506020053583
+1 72251 0.01293018149022739
+1 72260 0.01361331290463183
+1 72351 0.02049545933475693
+1 73005 0.01140545001599714
+1 73254 0.02556759030080374
+1 73634 0.01288750750752746
+1 73697 0.02049545933475693
+1 73778 0.01288750750752746
+1 75637 0.01704506020053583
+1 75685 0.01496776720543493
+1 75704 0.01361331290463183
+1 76187 0.01199234924928183
+1 76858 0.01293018149022739
+1 77048 0.01288750750752746
+1 78508 0.02586036298045478
+1 78527 0.01704506020053583
+1 78675 0.02049545933475693
+1 78707 0.01694765905913661
+1 79120 0.02016217762198948
+1 79445 0.01455664195936539
+1 79790 0.01694765905913661
+1 80087 0.01886593429425656
+1 80609 0.01199234924928183
+1 80905 0.004852213986455129
+1 82100 0.02586036298045478
+1 82173 0.02722662580926366
+1 82201 0.02049545933475693
+1 82271 0.01288750750752746
+1 82571 0.01704506020053583
+1 84117 0.01694765905913661
+1 84121 0.01692356855789115
+1 84237 0.01199234924928183
+1 84537 0.01704506020053583
+1 84759 0.01692356855789115
+1 84903 0.02016217762198948
+1 85626 0.01356353828493919
+1 86448 0.01704506020053583
+1 86660 0.02016217762198948
+1 87096 0.02041996935694774
+1 87353 0.02586036298045478
+1 87707 0.01199234924928183
+1 88009 0.02016217762198948
+1 88211 0.02722662580926366
+1 88664 0.01694765905913661
+1 88833 0.01293018149022739
+1 89435 0.04032435524397896
+1 89687 0.01288750750752746
+1 89756 0.02016217762198948
+1 90120 0.01288750750752746
+1 90183 0.01356353828493919
+1 90989 0.01361331290463183
+1 91110 0.01704506020053583
+1 91282 0.02586036298045478
+1 91883 0.01496776720543493
+1 92150 0.008473829529568305
+1 92381 0.01288750750752746
+1 92647 0.01199234924928183
+1 92978 0.01293018149022739
+1 93065 0.01140545001599714
+1 93388 0.01293018149022739
+1 93406 0.01140545001599714
+1 93417 0.01694765905913661
+1 93712 0.02577501501505492
+1 94188 0.01293018149022739
+1 94221 0.02556759030080374
+1 94259 0.01288750750752746
+1 96081 0.01361331290463183
+1 96221 0.02049545933475693
+1 96696 0.02049545933475693
+1 97297 0.006806656452315914
+1 97508 0.01199234924928183
+1 98059 0.01933126126129119
+1 98487 0.02016217762198948
+1 101157 0.01496776720543493
+1 101160 0.02577501501505492
+1 101208 0.01694765905913661
+1 101540 0.01704506020053583
+1 103145 0.01939527223534108
+1 104074 0.01199234924928183
+1 104706 0.02016217762198948
+1 104938 0.01704506020053583
+1 105145 0.01704506020053583
+1 105358 0.02034530742740878
+1 105921 0.02586036298045478
+1 105948 0.02712707656987837
+1 106156 0.008522530100267914
+1 106509 0.02016217762198948
+1 109504 0.01356353828493919
+1 109529 0.02049545933475693
+1 110330 0.01361331290463183
+1 110789 0.02556759030080374
+1 110861 0.01361331290463183
+1 110947 0.02556759030080374
+1 111143 0.01692356855789115
+1 111321 0.02049545933475693
+1 111856 0.01293018149022739
+1 111958 0.01361331290463183
+1 111967 0.02542148858870491
+1 112038 0.02556759030080374
+1 112421 0.02049545933475693
+1 112496 0.01361331290463183
+1 113403 0.01694765905913661
+1 113849 0.1041978328052815
+1 114627 0.01293018149022739
+1 115516 0.01361331290463183
+1 115880 0.01361331290463183
+1 117089 0.02281090003199427
+1 117854 0.07278320979682694
+1 118102 0.02041996935694774
+1 118488 0.01704506020053583
+1 118551 0.02049545933475693
+1 118698 0.02556759030080374
+1 118709 0.01293018149022739
+1 119005 0.01496776720543493
+1 119077 0.02049545933475693
+1 119191 0.02712707656987837
+1 120259 0.01293018149022739
+1 121062 0.02016217762198948
+1 121084 0.01361331290463183
+1 121345 0.02722662580926366
+1 121543 0.05132452507198711
+1 122073 0.02049545933475693
+1 122233 0.02049545933475693
+1 122281 0.01356353828493919
+1 122952 0.01361331290463183
+1 123115 0.02049545933475693
+1 123373 0.01293018149022739
+1 123479 0.02577501501505492
+1 124323 0.01704506020053583
+1 124374 0.02016217762198948
+1 125247 0.0171081750239957
+1 126547 0.02556759030080374
+1 126637 0.02049545933475693
+1 126866 0.02542148858870491
+1 126939 0.02049545933475693
+1 126952 0.01496776720543493
+1 127272 0.01361331290463183
+1 127498 0.01199234924928183
+1 127623 0.01692356855789115
+1 127834 0.02542148858870491
+1 128206 0.01293018149022739
+1 129468 0.01288750750752746
+1 129759 0.02712707656987837
+1 129911 0.08338333778905878
+1 131247 0.01293018149022739
+1 131807 0.01704506020053583
+1 131871 0.01496776720543493
+1 132030 0.01361331290463183
+1 132381 0.01199234924928183
+1 133691 0.02049545933475693
+1 134266 0.01288750750752746
+1 134438 0.01293018149022739
+1 134487 0.01704506020053583
+1 134551 0.0224516508081524
+1 135077 0.02577501501505492
+1 135267 0.02084583444726469
+1 136117 0.01694765905913661
+1 136140 0.01704506020053583
+1 136851 0.01293018149022739
+1 136976 0.01361331290463183
+1 137533 0.02722662580926366
+1 137854 0.01692356855789115
+1 138050 0.01496776720543493
+1 138618 0.01939527223534108
+1 139470 0.02016217762198948
+1 139565 0.02542148858870491
+1 140648 0.01496776720543493
+1 141330 0.02556759030080374
+1 141425 0.02281090003199427
+1 141605 0.03881771189164103
+1 141768 0.01140545001599714
+1 142118 0.02556759030080374
+1 142205 0.01361331290463183
+1 142893 0.02542148858870491
+1 143431 0.01293018149022739
+1 143525 0.01293018149022739
+1 143694 0.01356353828493919
+1 143936 0.01704506020053583
+1 144331 0.01361331290463183
+1 145073 0.01704506020053583
+1 145676 0.01361331290463183
+1 146399 0.02049545933475693
+1 147359 0.01293018149022739
+1 147558 0.02586036298045478
+1 147574 0.01704506020053583
+1 148930 0.02722662580926366
+1 150040 0.01704506020053583
+1 150170 0.02049545933475693
+1 150496 0.02556759030080374
+1 150611 0.02556759030080374
+1 150643 0.01692356855789115
+1 151395 0.01694765905913661
+1 151579 0.02281090003199427
+1 151957 0.01496776720543493
+1 152459 0.01356353828493919
+1 153795 0.01496776720543493
+1 153875 0.02049545933475693
+1 154338 0.01356353828493919
+1 154728 0.02281090003199427
+1 155628 0.01704506020053583
+1 156173 0.02779444592968626
+1 156548 0.02016217762198948
+1 156833 0.01894506051005118
+1 156912 0.01704506020053583
+1 157801 0.02586036298045478
+1 158180 0.01356353828493919
+1 158355 0.01361331290463183
+1 158855 0.01692356855789115
+1 160378 0.02586036298045478
+1 160925 0.01692356855789115
+1 161065 0.01293018149022739
+1 161313 0.02398469849856365
+1 162025 0.0224516508081524
+1 162176 0.01288750750752746
+1 163623 0.01704506020053583
+1 163848 0.01704506020053583
+1 164325 0.01288750750752746
+1 164433 0.02049545933475693
+1 165135 0.01288750750752746
+1 165145 0.01361331290463183
+1 165706 0.01288750750752746
+1 166361 0.02049545933475693
+1 166529 0.01288750750752746
+1 166972 0.03232545372556847
+1 167024 0.01293018149022739
+1 168043 0.02398469849856365
+1 168155 0.02049545933475693
+1 168301 0.01356353828493919
+1 168697 0.02586036298045478
+1 168709 0.01704506020053583
+1 168911 0.02016217762198948
+1 169435 0.01361331290463183
+1 169561 0.01704506020053583
+1 169919 0.02281090003199427
+1 169950 0.01288750750752746
+1 171015 0.01704506020053583
+1 171841 0.01199234924928183
+1 172016 0.004852213986455129
+1 172029 0.02722662580926366
+1 172064 0.03991907505598997
+1 172229 0.01361331290463183
+1 173141 0.0224516508081524
+1 173730 0.01361331290463183
+1 173803 0.04562180006398854
+1 173845 0.004716483573564139
+1 175014 0.01356353828493919
+1 175809 0.01361331290463183
+1 176763 0.01704506020053583
+1 176979 0.01694765905913661
+1 177175 0.01199234924928183
+1 177590 0.01694765905913661
+1 177649 0.01293018149022739
+1 178632 0.01288750750752746
+1 178977 0.01356353828493919
+1 179452 0.01361331290463183
+1 180023 0.01496776720543493
+1 180178 0.01293018149022739
+1 180190 0.01694765905913661
+1 180885 0.03384713711578231
+1 181003 0.01199234924928183
+1 182530 0.01361331290463183
+1 182753 0.01704506020053583
+1 184705 0.01694765905913661
+1 184797 0.01293018149022739
+1 184846 0.02722662580926366
+1 184926 0.01140545001599714
+1 185507 0.01704506020053583
+1 185842 0.01361331290463183
+1 186516 0.01293018149022739
+1 186765 0.02526008068006825
+1 187533 0.01140545001599714
+1 188359 0.01694765905913661
+1 188578 0.02556759030080374
+1 188899 0.02049545933475693
+1 189199 0.02526008068006825
+1 189809 0.01361331290463183
+1 190016 0.01288750750752746
+1 190250 0.00644375375376373
+1 191326 0.01293018149022739
+1 191804 0.01692356855789115
+1 191833 0.006806656452315914
+1 191947 0.01694765905913661
+1 192236 0.01361331290463183
+1 192658 0.01704506020053583
+1 193647 0.01361331290463183
+1 194677 0.02722662580926366
+1 194755 0.0224516508081524
+1 195041 0.01199234924928183
+1 195301 0.01694765905913661
+1 196266 0.02722662580926366
+1 197703 0.01361331290463183
+1 198666 0.01293018149022739
+1 198995 0.01704506020053583
+1 200634 0.01293018149022739
+1 200714 0.02577501501505492
+1 201020 0.01361331290463183
+1 201220 0.01293018149022739
+1 201992 0.01356353828493919
+1 202228 0.009704427972910257
+1 202617 0.02586036298045478
+1 203323 0.02049545933475693
+1 204167 0.01293018149022739
+1 205133 0.01704506020053583
+1 205941 0.02049545933475693
+1 205982 0.01361331290463183
+1 206024 0.0339654979051859
+1 206369 0.01356353828493919
+1 206674 0.01288750750752746
+1 206811 0.01692356855789115
+1 207565 0.02049545933475693
+1 208850 0.01939527223534108
+1 209165 0.01692356855789115
+1 209641 0.01356353828493919
+1 209936 0.01496776720543493
+1 210181 0.02542148858870491
+1 210811 0.01361331290463183
+1 211061 0.02556759030080374
+1 211492 0.01361331290463183
+1 211750 0.01293018149022739
+1 212303 0.02049545933475693
+1 212405 0.01140545001599714
+1 212754 0.02722662580926366
+1 213008 0.02049545933475693
+1 213207 0.02577501501505492
+1 213263 0.005702725007998568
+1 214213 0.02556759030080374
+1 214254 0.01199234924928183
+1 214344 0.02049545933475693
+1 214398 0.02586036298045478
+1 214525 0.01704506020053583
+1 214601 0.01356353828493919
+1 214615 0.01496776720543493
+1 215089 0.02049545933475693
+1 215763 0.02016217762198948
+1 216417 0.01140545001599714
+1 216761 0.02016217762198948
+1 217211 0.02722662580926366
+1 217645 0.01496776720543493
+1 217666 0.01361331290463183
+1 218203 0.02398469849856365
+1 218789 0.02016217762198948
+1 219534 0.01694765905913661
+1 220097 0.01361331290463183
+1 220308 0.01293018149022739
+1 220381 0.02016217762198948
+1 221089 0.01496776720543493
+1 221756 0.01939527223534108
+1 222567 0.01496776720543493
+1 223505 0.01704506020053583
+1 224247 0.01293018149022739
+1 224863 0.02526008068006825
+1 226327 0.01293018149022739
+1 227270 0.02722662580926366
+1 228624 0.01704506020053583
+1 228665 0.02049545933475693
+1 229186 0.01288750750752746
+1 229418 0.01199234924928183
+1 229618 0.01704506020053583
+1 230862 0.01361331290463183
+1 230931 0.02712707656987837
+1 232810 0.02049545933475693
+1 232916 0.02586036298045478
+1 233017 0.01704506020053583
+1 233179 0.02049545933475693
+1 233751 0.02049545933475693
+1 236223 0.01356353828493919
+1 239147 0.02049545933475693
+1 239793 0.01293018149022739
+1 241053 0.03403328226157958
+1 241364 0.0235824178678207
+1 241990 0.02577501501505492
+1 242202 0.01356353828493919
+1 242321 0.02049545933475693
+1 242591 0.01361331290463183
+1 242926 0.01496776720543493
+1 243024 0.06735495242445719
+1 243701 0.02398469849856365
+1 243877 0.01293018149022739
+1 244205 0.01263004034003412
+1 244218 0.01694765905913661
+1 244510 0.02049545933475693
+1 245474 0.01293018149022739
+1 245636 0.0339654979051859
+1 245788 0.01293018149022739
+1 246127 0.01293018149022739
+1 247111 0.01694765905913661
+1 248595 0.01704506020053583
+1 248983 0.01356353828493919
+1 249229 0.01496776720543493
+1 249275 0.01692356855789115
+1 250141 0.01293018149022739
+1 251886 0.01361331290463183
+1 252811 0.01496776720543493
+1 252819 0.01293018149022739
+1 253233 0.02016217762198948
+1 253574 0.01704506020053583
+1 255500 0.02041996935694774
+1 255652 0.02722662580926366
+1 256843 0.01199234924928183
+1 257127 0.01704506020053583
+1 258709 0.01140545001599714
+1 258887 0.01288750750752746
+1 259377 0.01356353828493919
+1 259515 0.0224516508081524
+1 259741 0.002426106993227564
+1 260335 0.02049545933475693
+1 260411 0.01361331290463183
+1 261723 0.01140545001599714
+1 262082 0.01361331290463183
+1 262259 0.01692356855789115
+1 262309 0.02049545933475693
+1 262953 0.02722662580926366
+1 263097 0.01361331290463183
+1 263399 0.05077070567367346
+1 263803 0.01293018149022739
+1 263942 0.02049545933475693
+1 264221 0.01704506020053583
+1 265123 0.01361331290463183
+1 266206 0.01356353828493919
+1 266379 0.01496776720543493
+1 266693 0.02016217762198948
+1 267815 0.01361331290463183
+1 268386 0.01293018149022739
+1 269409 0.02281090003199427
+1 269543 0.01140545001599714
+1 271641 0.01288750750752746
+1 271924 0.01704506020053583
+1 272472 0.01361331290463183
+1 272708 0.02281090003199427
+1 273555 0.07578024204020474
+1 274215 0.02049545933475693
+1 274331 0.02049545933475693
+1 274453 0.01704506020053583
+1 274505 0.02016217762198948
+1 274591 0.0224516508081524
+1 274746 0.03301538501494898
+1 274988 0.02556759030080374
+1 275061 0.01692356855789115
+1 275802 0.01199234924928183
+1 275990 0.01361331290463183
+1 276174 0.02016217762198948
+1 276909 0.02049545933475693
+1 278156 0.01288750750752746
+1 278168 0.01293018149022739
+1 278393 0.02398469849856365
+1 279328 0.006315020170017061
+1 279450 0.01704506020053583
+1 281403 0.01356353828493919
+1 282367 0.01496776720543493
+1 282934 0.02049545933475693
+1 282991 0.01694765905913661
+1 283330 0.01361331290463183
+1 283688 0.03881771189164103
+1 283691 0.01140545001599714
+1 284432 0.02556759030080374
+1 285489 0.01293018149022739
+1 285779 0.006948611482421565
+1 285819 0.01356353828493919
+1 286193 0.01692356855789115
+1 286749 0.02586036298045478
+1 287608 0.01704506020053583
+1 288003 0.01361331290463183
+1 288945 0.02586036298045478
+1 288997 0.01692356855789115
+1 289077 0.02016217762198948
+1 289100 0.02398469849856365
+1 289751 0.02016217762198948
+1 290392 0.01199234924928183
+1 290579 0.02281090003199427
+1 290753 0.01894506051005118
+1 291001 0.02851362503999284
+1 291225 0.01288750750752746
+1 291521 0.02556759030080374
+1 291669 0.02049545933475693
+1 292280 0.01140545001599714
+1 292489 0.01199234924928183
+1 292568 0.01694765905913661
+1 292587 0.02829890144138484
+1 293311 0.01140545001599714
+1 293638 0.01288750750752746
+1 294136 0.01361331290463183
+1 294219 0.01496776720543493
+1 294754 0.02034530742740878
+1 295159 0.01293018149022739
+1 296095 0.02586036298045478
+1 296927 0.01704506020053583
+1 297373 0.02049545933475693
+1 297837 0.02016217762198948
+1 298763 0.04562180006398854
+1 298946 0.02722662580926366
+1 299085 0.01140545001599714
+1 301537 0.01140545001599714
+1 301591 0.004716483573564139
+1 302243 0.0224516508081524
+1 303240 0.01496776720543493
+1 303481 0.01361331290463183
+1 303522 0.02712707656987837
+1 303848 0.01704506020053583
+1 303857 0.01288750750752746
+1 304765 0.01361331290463183
+1 305297 0.01939527223534108
+1 305932 0.01293018149022739
+1 306200 0.02049545933475693
+1 306523 0.01361331290463183
+1 306643 0.02556759030080374
+1 306669 0.02034530742740878
+1 306725 0.01704506020053583
+1 306899 0.01361331290463183
+1 306923 0.01692356855789115
+1 308371 0.01356353828493919
+1 310126 0.02049545933475693
+1 310491 0.01496776720543493
+1 311309 0.01496776720543493
+1 312047 0.02049545933475693
+1 312066 0.02577501501505492
+1 312563 0.01694765905913661
+1 312627 0.01140545001599714
+1 312736 0.02016217762198948
+1 312927 0.01293018149022739
+1 314000 0.01704506020053583
+1 314811 0.02049545933475693
+1 315119 0.02586036298045478
+1 315147 0.008522530100267914
+1 315195 0.02049545933475693
+1 315997 0.01293018149022739
+1 317063 0.02016217762198948
+1 317067 0.01496776720543493
+1 318160 0.01293018149022739
+1 319389 0.02049545933475693
+1 319840 0.01361331290463183
+1 320042 0.01704506020053583
+1 320265 0.01496776720543493
+1 320299 0.02041996935694774
+1 320387 0.01704506020053583
+1 320955 0.01694765905913661
+1 320967 0.01692356855789115
+1 321099 0.01496776720543493
+1 321610 0.006781769142469593
+1 321741 0.01293018149022739
+1 321902 0.02084583444726469
+1 322633 0.02016217762198948
+1 322837 0.02993553441086986
+1 324037 0.01293018149022739
+1 324228 0.02722662580926366
+1 325096 0.02016217762198948
+1 326118 0.01704506020053583
+1 326565 0.01293018149022739
+1 326597 0.01356353828493919
+1 326658 0.02016217762198948
+1 327161 0.01361331290463183
+1 327167 0.02049545933475693
+1 328615 0.01704506020053583
+1 328620 0.01288750750752746
+1 329027 0.01939527223534108
+1 329167 0.02556759030080374
+1 329458 0.01356353828493919
+1 329642 0.01939527223534108
+1 329992 0.01356353828493919
+1 330243 0.006465090745113694
+1 331433 0.02577501501505492
+1 332667 0.03157510085008531
+1 332935 0.01496776720543493
+1 333604 0.01361331290463183
+1 334106 0.02016217762198948
+1 334154 0.02712707656987837
+1 334370 0.01288750750752746
+1 334678 0.01293018149022739
+1 335067 0.01199234924928183
+1 335280 0.01496776720543493
+1 336091 0.01361331290463183
+1 337601 0.01704506020053583
+1 337652 0.01694765905913661
+1 338304 0.01933126126129119
+1 338867 0.02722662580926366
+1 339455 0.02542148858870491
+1 341043 0.01293018149022739
+1 341165 0.01361331290463183
+1 341600 0.01361331290463183
+1 341681 0.01496776720543493
+1 342475 0.02556759030080374
+1 342993 0.01704506020053583
+1 343650 0.01356353828493919
+1 343735 0.02049545933475693
+1 344641 0.01356353828493919
+1 344913 0.02034530742740878
+1 344984 0.02049545933475693
+1 345169 0.01361331290463183
+1 345542 0.02556759030080374
+1 345589 0.02577501501505492
+1 346164 0.01293018149022739
+1 346605 0.02049545933475693
+1 346795 0.07643472630663722
+1 347052 0.01361331290463183
+1 347646 0.006315020170017061
+1 347906 0.01361331290463183
+1 348014 0.02586036298045478
+1 348217 0.02049545933475693
+1 348585 0.01694765905913661
+1 348826 0.01704506020053583
+1 349783 0.01692356855789115
+1 350035 0.01798852387392274
+1 350500 0.01356353828493919
+1 350800 0.08961318789771865
+1 351048 0.01939527223534108
+1 351497 0.02586036298045478
+1 351644 0.02049545933475693
+1 352137 0.02542148858870491
+1 352213 0.01356353828493919
+1 354008 0.02542148858870491
+1 354157 0.01692356855789115
+1 354291 0.02586036298045478
+1 354451 0.01199234924928183
+1 354489 0.03384713711578231
+1 355227 0.01288750750752746
+1 356006 0.01361331290463183
+1 356319 0.01361331290463183
+1 356425 0.02016217762198948
+1 356810 0.01293018149022739
+1 356922 0.01694765905913661
+1 357237 0.01692356855789115
+1 357320 0.02542148858870491
+1 357854 0.02586036298045478
+1 358193 0.01692356855789115
+1 358506 0.01288750750752746
+1 359006 0.01361331290463183
+1 359038 0.01704506020053583
+1 359374 0.01496776720543493
+1 359583 0.01704506020053583
+1 359812 0.02016217762198948
+1 360019 0.01199234924928183
+1 360222 0.01361331290463183
+1 360780 0.02016217762198948
+1 361555 0.01288750750752746
+1 361829 0.03474305741210783
+1 362356 0.01199234924928183
+1 362545 0.01140545001599714
+1 362705 0.02542148858870491
+1 362857 0.1084791221919752
+1 363219 0.02049545933475693
+1 363605 0.01356353828493919
+1 364103 0.01140545001599714
+1 364616 0.01199234924928183
+1 365021 0.01356353828493919
+1 365566 0.01293018149022739
+1 367497 0.02398469849856365
+1 368023 0.02712707656987837
+1 368458 0.01293018149022739
+1 369657 0.02016217762198948
+1 370479 0.02586036298045478
+1 370800 0.0224516508081524
+1 371564 0.02722662580926366
+1 372021 0.01798852387392274
+1 372416 0.01694765905913661
+1 372511 0.02016217762198948
+1 373594 0.01798852387392274
+1 374276 0.02049545933475693
+1 374371 0.02998087312320456
+1 374383 0.01293018149022739
+1 374535 0.01692356855789115
+1 374551 0.03773186858851311
+1 374827 0.01704506020053583
+1 375064 0.02049545933475693
+1 375487 0.004852213986455129
+1 375839 0.02016217762198948
+1 376471 0.01361331290463183
+1 377373 0.02049545933475693
+1 378562 0.01199234924928183
+1 379345 0.02586036298045478
+1 380001 0.01140545001599714
+1 380189 0.01356353828493919
+1 380504 0.01361331290463183
+1 381027 0.01692356855789115
+1 381251 0.01199234924928183
+1 381254 0.01496776720543493
+1 381326 0.02016217762198948
+1 381767 0.02016217762198948
+1 381876 0.02586036298045478
+1 382003 0.01356353828493919
+1 382219 0.01361331290463183
+1 382741 0.01293018149022739
+1 382986 0.02041996935694774
+1 383116 0.01704506020053583
+1 383251 0.01288750750752746
+1 383442 0.02722662580926366
+1 383717 0.02398469849856365
+1 384538 0.01140545001599714
+1 384555 0.02049545933475693
+1 384591 0.01361331290463183
+1 385120 0.01361331290463183
+1 385334 0.01361331290463183
+1 385663 0.01356353828493919
+1 385715 0.01140545001599714
+1 386673 0.01140545001599714
+1 386694 0.01361331290463183
+1 386837 0.01356353828493919
+1 387163 0.01199234924928183
+1 387674 0.01692356855789115
+1 388810 0.01288750750752746
+1 389163 0.01293018149022739
+1 389583 0.02049545933475693
+1 389911 0.02049545933475693
+1 390487 0.02049545933475693
+1 390545 0.01293018149022739
+1 390747 0.02722662580926366
+1 391054 0.01263004034003412
+1 391264 0.01704506020053583
+1 391388 0.01361331290463183
+1 391640 0.01414945072069242
+1 392546 0.01293018149022739
+1 393324 0.02041996935694774
+1 393865 0.01288750750752746
+1 393871 0.007483883602717465
+1 394259 0.02281090003199427
+1 394535 0.02016217762198948
+1 394971 0.01692356855789115
+1 395286 0.02281090003199427
+1 396304 0.01361331290463183
+1 396376 0.01694765905913661
+1 396628 0.01140545001599714
+1 396734 0.01199234924928183
+1 396794 0.01361331290463183
+1 397379 0.01704506020053583
+1 397417 0.01293018149022739
+1 397741 0.01140545001599714
+1 398081 0.02016217762198948
+1 398473 0.02049545933475693
+1 399187 0.02049545933475693
+1 399417 0.02049545933475693
+1 400558 0.01293018149022739
+1 401145 0.02049545933475693
+1 401643 0.02041996935694774
+1 402051 0.02911328391873078
+1 402286 0.01288750750752746
+1 402595 0.01293018149022739
+1 402865 0.01692356855789115
+1 404975 0.02586036298045478
+1 405010 0.03384713711578231
+1 405118 0.01361331290463183
+1 406087 0.01692356855789115
+1 406118 0.01361331290463183
+1 407121 0.01293018149022739
+1 407418 0.01293018149022739
+1 407511 0.01293018149022739
+1 407591 0.02016217762198948
+1 408537 0.02016217762198948
+1 408634 0.01199234924928183
+1 409126 0.02577501501505492
+1 409221 0.01694765905913661
+1 409372 0.01361331290463183
+1 409413 0.01886593429425656
+1 410955 0.01293018149022739
+1 411904 0.01694765905913661
+1 412880 0.01496776720543493
+1 412942 0.01293018149022739
+1 412969 0.01199234924928183
+1 413310 0.02016217762198948
+1 413708 0.01293018149022739
+1 413831 0.04490330161630479
+1 413833 0.01140545001599714
+1 413915 0.02049545933475693
+1 414201 0.01288750750752746
+1 414254 0.02049545933475693
+1 414796 0.01293018149022739
+1 414949 0.01293018149022739
+1 417360 0.01361331290463183
+1 417536 0.01293018149022739
+1 417651 0.02016217762198948
+1 417792 0.02586036298045478
+1 418390 0.02542148858870491
+1 419302 0.01199234924928183
+1 419563 0.01692356855789115
+1 421305 0.02034530742740878
+1 421524 0.02049545933475693
+1 421637 0.02041996935694774
+1 422376 0.01293018149022739
+1 422853 0.01496776720543493
+1 423196 0.006781769142469593
+1 423215 0.02049545933475693
+1 423226 0.01704506020053583
+1 424081 0.01496776720543493
+1 424732 0.01293018149022739
+1 424779 0.006465090745113694
+1 424853 0.01496776720543493
+1 425604 0.02049545933475693
+1 426088 0.01293018149022739
+1 426273 0.01694765905913661
+1 427623 0.02586036298045478
+1 428246 0.02049545933475693
+1 429212 0.02586036298045478
+1 430433 0.01496776720543493
+1 431838 0.02049545933475693
+1 432309 0.02041996935694774
+1 432900 0.01293018149022739
+1 433579 0.01361331290463183
+1 433580 0.01361331290463183
+1 433660 0.02712707656987837
+1 433703 0.03384713711578231
+1 433799 0.01361331290463183
+1 435563 0.02722662580926366
+1 435799 0.02016217762198948
+1 436398 0.02577501501505492
+1 436785 0.02016217762198948
+1 436999 0.01288750750752746
+1 437329 0.01361331290463183
+1 437949 0.02556759030080374
+1 438783 0.01356353828493919
+1 438887 0.01704506020053583
+1 438918 0.004852213986455129
+1 439173 0.02577501501505492
+1 439437 0.01496776720543493
+1 439494 0.02577501501505492
+1 440511 0.02556759030080374
+1 441779 0.01886593429425656
+1 441796 0.02041996935694774
+1 441866 0.01361331290463183
+1 442049 0.01199234924928183
+1 442111 0.0224516508081524
+1 442233 0.02049545933475693
+1 442639 0.01361331290463183
+1 443127 0.02016217762198948
+1 444007 0.02049545933475693
+1 445249 0.02586036298045478
+1 445400 0.004716483573564139
+1 445700 0.01939527223534108
+1 445954 0.01293018149022739
+1 446103 0.02016217762198948
+1 446153 0.02016217762198948
+1 446209 0.01692356855789115
+1 446807 0.01293018149022739
+1 447159 0.02049545933475693
+1 447290 0.01939527223534108
+1 447344 0.02722662580926366
+1 447797 0.02016217762198948
+1 448035 0.02556759030080374
+1 448531 0.02049545933475693
+1 448986 0.01288750750752746
+1 449363 0.01199234924928183
+1 450291 0.01694765905913661
+1 451111 0.01692356855789115
+1 451278 0.02041996935694774
+1 451525 0.02049545933475693
+1 451804 0.01704506020053583
+1 452179 0.01704506020053583
+1 453327 0.01694765905913661
+1 454179 0.01293018149022739
+1 455513 0.01798852387392274
+1 455686 0.02542148858870491
+1 455894 0.006806656452315914
+1 456657 0.01199234924928183
+1 456962 0.004852213986455129
+1 457209 0.02049545933475693
+1 457274 0.01361331290463183
+1 457315 0.03384713711578231
+1 458947 0.01496776720543493
+1 459526 0.01356353828493919
+1 460216 0.03232545372556847
+1 460685 0.02722662580926366
+1 461570 0.02041996935694774
+1 461611 0.02556759030080374
+1 462159 0.02049545933475693
+1 462548 0.01140545001599714
+1 462564 0.02049545933475693
+1 462608 0.01140545001599714
+1 463141 0.01356353828493919
+1 463352 0.01199234924928183
+1 464481 0.01293018149022739
+1 465254 0.01704506020053583
+1 465266 0.01288750750752746
+1 465756 0.02556759030080374
+1 465963 0.02049545933475693
+1 466438 0.01455664195936539
+1 466571 0.004716483573564139
+1 466584 0.01293018149022739
+1 467139 0.01356353828493919
+1 468324 0.01199234924928183
+1 468541 0.01288750750752746
+1 469367 0.01694765905913661
+1 469551 0.02016217762198948
+1 471169 0.02398469849856365
+1 472716 0.01293018149022739
+1 472853 0.02586036298045478
+1 473155 0.01140545001599714
+1 473999 0.02586036298045478
+1 474473 0.01496776720543493
+1 474936 0.01356353828493919
+1 475970 0.07195409549569096
+1 476119 0.02016217762198948
+1 476285 0.02722662580926366
+1 476647 0.02281090003199427
+1 477443 0.0235824178678207
+1 477456 0.02556759030080374
+1 478713 0.01361331290463183
+1 479073 0.02049545933475693
+1 479139 0.01140545001599714
+1 479803 0.02049545933475693
+1 482577 0.01140545001599714
+1 483281 0.01293018149022739
+1 484832 0.01293018149022739
+1 485083 0.02049545933475693
+1 485190 0.01356353828493919
+1 487611 0.01361331290463183
+1 487784 0.01293018149022739
+1 488279 0.01694765905913661
+1 488347 0.01361331290463183
+1 489840 0.01694765905913661
+1 491013 0.02993553441086986
+1 491068 0.01356353828493919
+1 491655 0.01199234924928183
+1 491943 0.02016217762198948
+1 492238 0.01293018149022739
+1 492687 0.00235824178678207
+1 493281 0.02586036298045478
+1 493426 0.01293018149022739
+1 493657 0.01496776720543493
+1 493733 0.01140545001599714
+1 494069 0.01704506020053583
+1 495899 0.01939527223534108
+1 496345 0.04562180006398854
+1 496663 0.01288750750752746
+1 496888 0.01704506020053583
+1 497055 0.01694765905913661
+1 497483 0.01694765905913661
+1 498936 0.01288750750752746
+1 499109 0.02049545933475693
+1 499200 0.01199234924928183
+1 499957 0.01293018149022739
+1 500160 0.01293018149022739
+1 500349 0.02722662580926366
+1 500381 0.02851362503999284
+1 500761 0.01704506020053583
+1 500985 0.02049545933475693
+1 501028 0.01293018149022739
+1 501139 0.01293018149022739
+1 501317 0.01692356855789115
+1 502355 0.01798852387392274
+1 503389 0.01704506020053583
+1 503918 0.01293018149022739
+1 505418 0.01704506020053583
+1 506286 0.02577501501505492
+1 507082 0.01356353828493919
+1 507451 0.01694765905913661
+1 507537 0.02398469849856365
+1 507692 0.02668717692550321
+1 508581 0.02049545933475693
+1 508811 0.01140545001599714
+1 508960 0.01293018149022739
+1 509120 0.02542148858870491
+1 509855 0.01704506020053583
+1 511339 0.02281090003199427
+1 512719 0.02016217762198948
+1 514175 0.01199234924928183
+1 515429 0.01288750750752746
+1 515880 0.01704506020053583
+1 515907 0.01361331290463183
+1 515937 0.02034530742740878
+1 516634 0.03789012102010237
+1 516710 0.02049545933475693
+1 516962 0.01356353828493919
+1 517185 0.01356353828493919
+1 517217 0.02049545933475693
+1 517378 0.02722662580926366
+1 517781 0.02993553441086986
+1 518705 0.02016217762198948
+1 519139 0.01496776720543493
+1 519173 0.01704506020053583
+1 519695 0.02722662580926366
+1 521891 0.02041996935694774
+1 521976 0.01199234924928183
+1 523541 0.03384713711578231
+1 523610 0.01704506020053583
+1 523947 0.02398469849856365
+1 524129 0.01288750750752746
+1 524452 0.01293018149022739
+1 524467 0.02049545933475693
+1 524615 0.01704506020053583
+1 525068 0.01361331290463183
+1 525242 0.01140545001599714
+1 525851 0.01293018149022739
+1 526501 0.01361331290463183
+1 526631 0.01692356855789115
+1 526946 0.01496776720543493
+1 527398 0.01496776720543493
+1 527459 0.01692356855789115
+1 527700 0.02577501501505492
+1 527844 0.01694765905913661
+1 527924 0.01356353828493919
+1 528265 0.02049545933475693
+1 528415 0.01704506020053583
+1 529041 0.02049545933475693
+1 529053 0.01199234924928183
+1 529526 0.01288750750752746
+1 529667 0.01694765905913661
+1 530783 0.02542148858870491
+1 531214 0.01704506020053583
+1 531476 0.01356353828493919
+1 531603 0.01361331290463183
+1 531892 0.02586036298045478
+1 531908 0.009432967147128279
+1 532864 0.01704506020053583
+1 534501 0.01704506020053583
+1 535367 0.01140545001599714
+1 535850 0.01293018149022739
+1 536468 0.02577501501505492
+1 537663 0.01356353828493919
+1 537711 0.01293018149022739
+1 538064 0.01293018149022739
+1 538243 0.02722662580926366
+1 538261 0.01361331290463183
+1 538530 0.01694765905913661
+1 538777 0.01293018149022739
+1 539146 0.02586036298045478
+1 539578 0.01293018149022739
+1 539615 0.02577501501505492
+1 539761 0.01293018149022739
+1 540474 0.01199234924928183
+1 540828 0.01293018149022739
+1 541542 0.005702725007998568
+1 542303 0.01496776720543493
+1 542717 0.01140545001599714
+1 543072 0.01704506020053583
+1 543333 0.004716483573564139
+1 544493 0.02398469849856365
+1 544792 0.01293018149022739
+1 545012 0.02712707656987837
+1 545682 0.02577501501505492
+1 547282 0.01704506020053583
+1 548065 0.02049545933475693
+1 548529 0.01140545001599714
+1 548733 0.01496776720543493
+1 548907 0.01199234924928183
+1 550009 0.01933126126129119
+1 550139 0.01199234924928183
+1 550966 0.01694765905913661
+1 551957 0.01293018149022739
+1 552035 0.01692356855789115
+1 552304 0.01288750750752746
+1 552335 0.02556759030080374
+1 552480 0.01356353828493919
+1 552680 0.01293018149022739
+1 552697 0.01293018149022739
+1 552971 0.01361331290463183
+1 552988 0.02049545933475693
+1 553493 0.01140545001599714
+1 554119 0.01692356855789115
+1 554556 0.00644375375376373
+1 554632 0.01704506020053583
+1 554848 0.01894506051005118
+1 555579 0.01694765905913661
+1 555843 0.01356353828493919
+1 556469 0.01455664195936539
+1 556895 0.01694765905913661
+1 556930 0.01361331290463183
+1 557129 0.02049545933475693
+1 557352 0.01199234924928183
+1 557409 0.02016217762198948
+1 557524 0.01288750750752746
+1 558042 0.01933126126129119
+1 558644 0.01361331290463183
+1 559064 0.02049545933475693
+1 559604 0.02542148858870491
+1 559683 0.01288750750752746
+1 559688 0.01361331290463183
+1 559810 0.01694765905913661
+1 559965 0.01361331290463183
+1 560113 0.02586036298045478
+1 560764 0.01140545001599714
+1 560989 0.02049545933475693
+1 561463 0.01694765905913661
+1 562049 0.01361331290463183
+1 562113 0.02722662580926366
+1 562588 0.02722662580926366
+1 563641 0.02049545933475693
+1 564195 0.02049545933475693
+1 564379 0.02712707656987837
+1 564626 0.01293018149022739
+1 565337 0.01361331290463183
+1 565501 0.01933126126129119
+1 566115 0.01293018149022739
+1 566949 0.02556759030080374
+1 567052 0.02542148858870491
+1 567100 0.02577501501505492
+1 567941 0.02993553441086986
+1 567997 0.01140545001599714
+1 569365 0.01361331290463183
+1 570714 0.01361331290463183
+1 571250 0.02016217762198948
+1 571494 0.02049545933475693
+1 571843 0.004852213986455129
+1 572401 0.02712707656987837
+1 573038 0.01356353828493919
+1 573319 0.02016217762198948
+1 574219 0.01361331290463183
+1 575787 0.01293018149022739
+1 576019 0.01199234924928183
+1 576353 0.01199234924928183
+1 576627 0.01293018149022739
+1 576681 0.02586036298045478
+1 576861 0.01361331290463183
+1 577859 0.01933126126129119
+1 577930 0.02586036298045478
+1 578488 0.02049545933475693
+1 578535 0.02712707656987837
+1 579551 0.02556759030080374
+1 580277 0.01704506020053583
+1 580669 0.02542148858870491
+1 580960 0.01361331290463183
+1 581772 0.02049545933475693
+1 582654 0.02049545933475693
+1 582828 0.01694765905913661
+1 583732 0.01694765905913661
+1 583746 0.08338333778905878
+1 583994 0.02049545933475693
+1 584443 0.02722662580926366
+1 584579 0.01288750750752746
+1 584654 0.01496776720543493
+1 584763 0.02049545933475693
+1 585083 0.02016217762198948
+1 585127 0.02016217762198948
+1 585552 0.01704506020053583
+1 586390 0.01293018149022739
+1 586954 0.02712707656987837
+1 587435 0.04490330161630479
+1 588425 0.01140545001599714
+1 588426 0.01140545001599714
+1 588885 0.02586036298045478
+1 589265 0.01704506020053583
+1 589371 0.01694765905913661
+1 589945 0.01356353828493919
+1 590266 0.02712707656987837
+1 590694 0.01288750750752746
+1 590800 0.02722662580926366
+1 590865 0.006948611482421565
+1 591139 0.0224516508081524
+1 591289 0.01361331290463183
+1 591633 0.01361331290463183
+1 591784 0.01694765905913661
+1 591984 0.02049545933475693
+1 592437 0.01140545001599714
+1 592448 0.01293018149022739
+1 592529 0.01361331290463183
+1 593505 0.01356353828493919
+1 594441 0.01140545001599714
+1 594557 0.01293018149022739
+1 594775 0.04736265127512796
+1 595515 0.02049545933475693
+1 595651 0.02016217762198948
+1 595803 0.1164531356749231
+1 596491 0.01361331290463183
+1 596524 0.01293018149022739
+1 596952 0.02398469849856365
+1 596957 0.01704506020053583
+1 597645 0.01140545001599714
+1 597738 0.01356353828493919
+1 597967 0.01288750750752746
+1 598195 0.01356353828493919
+1 598774 0.0235824178678207
+1 598934 0.01293018149022739
+1 599004 0.01704506020053583
+1 599367 0.01199234924928183
+1 600226 0.009432967147128279
+1 600255 0.01293018149022739
+1 600443 0.0171081750239957
+1 600507 0.01140545001599714
+1 600625 0.02016217762198948
+1 600969 0.02542148858870491
+1 601117 0.01704506020053583
+1 601627 0.02049545933475693
+1 603369 0.01361331290463183
+1 603425 0.02049545933475693
+1 603523 0.01361331290463183
+1 603686 0.01356353828493919
+1 603746 0.02398469849856365
+1 604022 0.03301538501494898
+1 604967 0.0171081750239957
+1 605225 0.01886593429425656
+1 605238 0.02556759030080374
+1 605362 0.01356353828493919
+1 605390 0.02556759030080374
+1 605457 0.02577501501505492
+1 606357 0.01356353828493919
+1 606540 0.02281090003199427
+1 607497 0.02779444592968626
+1 608010 0.02586036298045478
+1 608257 0.01361331290463183
+1 608545 0.01496776720543493
+1 608785 0.03221876876881865
+1 608824 0.01704506020053583
+1 609253 0.02398469849856365
+1 609417 0.01704506020053583
+1 610498 0.01704506020053583
+1 611811 0.05077070567367346
+1 611941 0.01140545001599714
+1 611997 0.02281090003199427
+1 612291 0.03403328226157958
+1 613450 0.01704506020053583
+1 614180 0.01288750750752746
+1 614272 0.02542148858870491
+1 615932 0.03232545372556847
+1 616117 0.01798852387392274
+1 616187 0.01140545001599714
+1 616388 0.02586036298045478
+1 616663 0.02281090003199427
+1 616727 0.01692356855789115
+1 618071 0.01692356855789115
+1 618555 0.01288750750752746
+1 618867 0.01694765905913661
+1 618906 0.01140545001599714
+1 619831 0.01140545001599714
+1 620105 0.02049545933475693
+1 620187 0.01288750750752746
+1 620620 0.0224516508081524
+1 621180 0.01140545001599714
+1 621248 0.01361331290463183
+1 621662 0.006806656452315914
+1 622446 0.01692356855789115
+1 623732 0.01704506020053583
+1 624069 0.01293018149022739
+1 624263 0.02049545933475693
+1 624726 0.02722662580926366
+1 626083 0.01704506020053583
+1 626638 0.01704506020053583
+1 626817 0.01199234924928183
+1 627628 0.01361331290463183
+1 627927 0.01692356855789115
+1 628067 0.04169166889452939
+1 628232 0.02398469849856365
+1 629651 0.02049545933475693
+1 629740 0.01939527223534108
+1 630158 0.01361331290463183
+1 631027 0.01694765905913661
+1 631897 0.02049545933475693
+1 632018 0.01288750750752746
+1 632711 0.01361331290463183
+1 634085 0.01140545001599714
+1 634277 0.02049545933475693
+1 634651 0.02049545933475693
+1 634713 0.01293018149022739
+1 635047 0.01361331290463183
+1 635129 0.02049545933475693
+1 635232 0.01356353828493919
+1 635393 0.01361331290463183
+1 635517 0.00707472536034621
+1 635661 0.01140545001599714
+1 635701 0.01496776720543493
+1 635811 0.0224516508081524
+1 636431 0.02398469849856365
+1 637921 0.02049545933475693
+1 637956 0.04490330161630479
+1 638257 0.02049545933475693
+1 638838 0.01496776720543493
+1 639033 0.02281090003199427
+1 639362 0.01940885594582051
+1 640317 0.01692356855789115
+1 640423 0.03384713711578231
+1 642025 0.01356353828493919
+1 642072 0.02712707656987837
+1 642203 0.03474305741210783
+1 643634 0.0471648357356414
+1 644130 0.01704506020053583
+1 644220 0.006315020170017061
+1 644307 0.01293018149022739
+1 644859 0.01356353828493919
+1 645114 0.01140545001599714
+1 645310 0.01361331290463183
+1 645915 0.0171081750239957
+1 646256 0.02542148858870491
+1 646405 0.01694765905913661
+1 646777 0.0479693969971273
+1 647198 0.01293018149022739
+1 647200 0.01704506020053583
+1 648281 0.01293018149022739
+1 648501 0.03384713711578231
+1 648903 0.02049545933475693
+1 649720 0.01293018149022739
+1 649815 0.02016217762198948
+1 650631 0.02049545933475693
+1 650713 0.01694765905913661
+1 650738 0.02049545933475693
+1 650741 0.01692356855789115
+1 651126 0.01694765905913661
+1 651135 0.01293018149022739
+1 651336 0.02016217762198948
+1 651505 0.01361331290463183
+1 651981 0.02398469849856365
+1 652641 0.01356353828493919
+1 653537 0.02016217762198948
+1 654251 0.02577501501505492
+1 654583 0.02586036298045478
+1 655093 0.02016217762198948
+1 656049 0.01694765905913661
+1 656381 0.02722662580926366
+1 656539 0.01140545001599714
+1 657473 0.01704506020053583
+1 658533 0.01496776720543493
+1 659033 0.02049545933475693
+1 660027 0.02049545933475693
+1 660488 0.01704506020053583
+1 660569 0.02049545933475693
+1 660651 0.01704506020053583
+1 660704 0.01361331290463183
+1 661025 0.02016217762198948
+1 661073 0.009432967147128279
+1 661111 0.01496776720543493
+1 661192 0.02556759030080374
+1 661271 0.01692356855789115
+1 661431 0.01361331290463183
+1 662465 0.01293018149022739
+1 663717 0.01140545001599714
+1 663812 0.03301538501494898
+1 664078 0.01293018149022739
+1 664662 0.01704506020053583
+1 664715 0.01496776720543493
+1 664723 0.01704506020053583
+1 664784 0.01704506020053583
+1 664885 0.01361331290463183
+1 665255 0.02586036298045478
+1 666805 0.01798852387392274
+1 667328 0.01199234924928183
+1 668677 0.01288750750752746
+1 669344 0.02712707656987837
+1 670037 0.01704506020053583
+1 670693 0.01356353828493919
+1 670895 0.02049545933475693
+1 670928 0.01293018149022739
+1 671553 0.06793099581037181
+1 671833 0.02041996935694774
+1 672119 0.02712707656987837
+1 672440 0.02712707656987837
+1 672756 0.009704427972910257
+1 672914 0.01704506020053583
+1 673457 0.02722662580926366
+1 673966 0.02556759030080374
+1 674737 0.01356353828493919
+1 675057 0.02398469849856365
+1 675682 0.01140545001599714
+1 676073 0.02577501501505492
+1 676087 0.01293018149022739
+1 676173 0.01694765905913661
+1 676294 0.01293018149022739
+1 676661 0.01140545001599714
+1 676953 0.02586036298045478
+1 677831 0.02049545933475693
+1 677975 0.02016217762198948
+1 678195 0.02722662580926366
+1 678765 0.02049545933475693
+1 678873 0.02049545933475693
+1 678900 0.01361331290463183
+1 679099 0.02542148858870491
+1 679155 0.01496776720543493
+1 679981 0.02049545933475693
+1 680105 0.02586036298045478
+1 680225 0.01356353828493919
+1 680236 0.01361331290463183
+1 680290 0.02556759030080374
+1 680613 0.01356353828493919
+1 680743 0.02542148858870491
+1 681863 0.02016217762198948
+1 682186 0.01704506020053583
+1 683127 0.01293018149022739
+1 683365 0.01361331290463183
+1 684224 0.03232545372556847
+1 684978 0.01361331290463183
+1 685546 0.01694765905913661
+1 685829 0.01704506020053583
+1 686055 0.01694765905913661
+1 686103 0.02049545933475693
+1 686273 0.02034530742740878
+1 686506 0.01199234924928183
+1 686850 0.01361331290463183
+1 687390 0.02034530742740878
+1 687695 0.02049545933475693
+1 687835 0.02049545933475693
+1 688437 0.01199234924928183
+1 688459 0.02281090003199427
+1 688605 0.02556759030080374
+1 688632 0.02016217762198948
+1 688840 0.006465090745113694
+1 689688 0.01361331290463183
+1 690033 0.01293018149022739
+1 691865 0.01140545001599714
+1 692163 0.01694765905913661
+1 692213 0.02722662580926366
+1 692595 0.01293018149022739
+1 693099 0.01288750750752746
+1 693123 0.01293018149022739
+1 693162 0.02049545933475693
+1 693631 0.02586036298045478
+1 694516 0.01939527223534108
+1 694626 0.01288750750752746
+1 695225 0.01704506020053583
+1 695732 0.01694765905913661
+1 696087 0.01933126126129119
+1 696153 0.02049545933475693
+1 696533 0.101404396831629
+1 697205 0.03474305741210783
+1 697685 0.01704506020053583
+1 698200 0.02049545933475693
+1 698282 0.01288750750752746
+1 699773 0.01496776720543493
+1 699833 0.01199234924928183
+1 700325 0.01140545001599714
+1 700543 0.01496776720543493
+1 700664 0.01361331290463183
+1 700954 0.01356353828493919
+1 701382 0.01939527223534108
+1 701449 0.01288750750752746
+1 701483 0.02049545933475693
+1 701887 0.02526008068006825
+1 703177 0.01140545001599714
+1 703557 0.01199234924928183
+1 704029 0.02049545933475693
+1 704060 0.01140545001599714
+1 704566 0.01140545001599714
+1 704965 0.02016217762198948
+1 705799 0.02722662580926366
+1 706066 0.01293018149022739
+1 706945 0.02049545933475693
+1 707882 0.01694765905913661
+1 708916 0.07413542510398138
+1 709231 0.02586036298045478
+1 709550 0.03221876876881865
+1 709593 0.01692356855789115
+1 710402 0.02722662580926366
+1 710518 0.02577501501505492
+1 712019 0.01704506020053583
+1 713111 0.01199234924928183
+1 713527 0.01694765905913661
+1 713863 0.01293018149022739
+1 714293 0.02016217762198948
+1 714584 0.01414945072069242
+1 714650 0.01293018149022739
+1 715662 0.01293018149022739
+1 715726 0.01704506020053583
+1 715864 0.01199234924928183
+1 716392 0.01199234924928183
+1 717363 0.01140545001599714
+1 717778 0.02049545933475693
+1 719739 0.01496776720543493
+1 720262 0.01361331290463183
+1 720815 0.01293018149022739
+1 721031 0.01356353828493919
+1 721051 0.01361331290463183
+1 721075 0.01704506020053583
+1 721302 0.02556759030080374
+1 721313 0.01704506020053583
+1 722747 0.02049545933475693
+1 724001 0.01704506020053583
+1 724014 0.02586036298045478
+1 724109 0.0224516508081524
+1 724601 0.01496776720543493
+1 725633 0.006948611482421565
+1 726075 0.02049545933475693
+1 726090 0.01199234924928183
+1 726227 0.02722662580926366
+1 726240 0.01293018149022739
+1 727015 0.02049545933475693
+1 727180 0.01361331290463183
+1 727446 0.01361331290463183
+1 727505 0.01140545001599714
+1 727581 0.02049545933475693
+1 727672 0.01704506020053583
+1 728728 0.01356353828493919
+1 729285 0.04032435524397896
+1 729291 0.03597704774784548
+1 729809 0.02049545933475693
+1 729834 0.02041996935694774
+1 730055 0.03384713711578231
+1 730665 0.01455664195936539
+1 730903 0.01692356855789115
+1 730957 0.02049545933475693
+1 731440 0.01361331290463183
+1 731441 0.01704506020053583
+1 731483 0.006315020170017061
+1 731614 0.02049545933475693
+1 732091 0.01694765905913661
+1 732147 0.01704506020053583
+1 732196 0.01288750750752746
+1 732490 0.01288750750752746
+1 732854 0.01361331290463183
+1 733111 0.01361331290463183
+1 733295 0.02586036298045478
+1 733327 0.01798852387392274
+1 733707 0.02049545933475693
+1 734263 0.01496776720543493
+1 735889 0.02049545933475693
+1 736468 0.01293018149022739
+1 736622 0.01140545001599714
+1 736997 0.01140545001599714
+1 737030 0.01694765905913661
+1 738105 0.004716483573564139
+1 738364 0.02049545933475693
+1 739210 0.01361331290463183
+1 739232 0.03390884571234796
+1 740385 0.01288750750752746
+1 740483 0.02281090003199427
+1 740485 0.02556759030080374
+1 740911 0.02016217762198948
+1 741572 0.01704506020053583
+1 742066 0.02712707656987837
+1 742179 0.01140545001599714
+1 742551 0.01356353828493919
+1 742801 0.02041996935694774
+1 743062 0.01704506020053583
+1 743984 0.01199234924928183
+1 743997 0.01692356855789115
+1 744306 0.01694765905913661
+1 744709 0.0171081750239957
+1 744939 0.01361331290463183
+1 745255 0.02049545933475693
+1 745617 0.01704506020053583
+1 746645 0.01496776720543493
+1 747117 0.01361331290463183
+1 747297 0.02049545933475693
+1 748091 0.02049545933475693
+1 748256 0.01361331290463183
+1 748413 0.01694765905913661
+1 748826 0.02041996935694774
+1 748883 0.03221876876881865
+1 749315 0.02049545933475693
+1 749580 0.04169166889452939
+1 749615 0.01199234924928183
+1 749656 0.02556759030080374
+1 749748 0.01704506020053583
+1 749749 0.01692356855789115
+1 750324 0.02586036298045478
+1 750727 0.03384713711578231
+1 751252 0.01361331290463183
+1 751381 0.01704506020053583
+1 752035 0.01356353828493919
+1 752119 0.02049545933475693
+1 752641 0.02556759030080374
+1 753133 0.03384713711578231
+1 753459 0.01288750750752746
+1 753528 0.01140545001599714
+1 753639 0.01199234924928183
+1 754239 0.01361331290463183
+1 754619 0.02049545933475693
+1 754779 0.01288750750752746
+1 756487 0.04490330161630479
+1 756584 0.01704506020053583
+1 757561 0.02041996935694774
+1 759215 0.01199234924928183
+1 759447 0.01293018149022739
+1 760289 0.02049545933475693
+1 760543 0.01199234924928183
+1 761273 0.02016217762198948
+1 761433 0.01694765905913661
+1 761553 0.01704506020053583
+1 761622 0.01361331290463183
+1 761645 0.01361331290463183
+1 761987 0.02556759030080374
+1 763195 0.01356353828493919
+1 763724 0.01496776720543493
+1 763729 0.02712707656987837
+1 764181 0.01199234924928183
+1 766423 0.01293018149022739
+1 767385 0.01361331290463183
+1 767389 0.01288750750752746
+1 767558 0.01288750750752746
+1 767976 0.01694765905913661
+1 768113 0.01361331290463183
+1 768305 0.02016217762198948
+1 768559 0.01199234924928183
+1 768797 0.01496776720543493
+1 769919 0.01293018149022739
+1 770332 0.01199234924928183
+1 770657 0.02049545933475693
+1 770929 0.01704506020053583
+1 771052 0.01356353828493919
+1 771262 0.01939527223534108
+1 772092 0.03403328226157958
+1 772554 0.01140545001599714
+1 772561 0.02016217762198948
+1 772934 0.008473829529568305
+1 773001 0.01288750750752746
+1 774488 0.005996174624640913
+1 774517 0.02049545933475693
+1 775342 0.02586036298045478
+1 775913 0.01361331290463183
+1 776018 0.02041996935694774
+1 776537 0.02049545933475693
+1 777439 0.02281090003199427
+1 777576 0.01288750750752746
+1 777779 0.01356353828493919
+1 778628 0.02034530742740878
+1 778895 0.01496776720543493
+1 778939 0.02049545933475693
+1 778950 0.02049545933475693
+1 780300 0.01288750750752746
+1 780327 0.01704506020053583
+1 780471 0.01293018149022739
+1 780503 0.01293018149022739
+1 780988 0.01361331290463183
+1 781011 0.02556759030080374
+1 781488 0.01356353828493919
+1 782059 0.01288750750752746
+1 782062 0.01293018149022739
+1 782955 0.02034530742740878
+1 783132 0.01288750750752746
+1 783318 0.01704506020053583
+1 783398 0.02542148858870491
+1 783959 0.01692356855789115
+1 783989 0.01496776720543493
+1 784349 0.01694765905913661
+1 784856 0.01704506020053583
+1 784979 0.01288750750752746
+1 785063 0.01293018149022739
+1 785281 0.02722662580926366
+1 785301 0.02556759030080374
+1 785829 0.02049545933475693
+1 785845 0.01263004034003412
+1 786501 0.02016217762198948
+1 786541 0.006948611482421565
+1 787008 0.01288750750752746
+1 787189 0.01199234924928183
+1 787202 0.01288750750752746
+1 787639 0.01356353828493919
+1 787794 0.01698274895259295
+1 788020 0.01694765905913661
+1 789638 0.01940885594582051
+1 790231 0.02016217762198948
+1 790864 0.01293018149022739
+1 790981 0.01496776720543493
+1 790988 0.01356353828493919
+1 791373 0.01140545001599714
+1 791534 0.01704506020053583
+1 791823 0.01356353828493919
+1 792010 0.02586036298045478
+1 792961 0.01496776720543493
+1 793059 0.02722662580926366
+1 793326 0.01288750750752746
+1 794791 0.01199234924928183
+1 795059 0.02586036298045478
+1 795438 0.02049545933475693
+1 795944 0.01704506020053583
+1 796515 0.02049545933475693
+1 797773 0.02722662580926366
+1 798447 0.01356353828493919
+1 799101 0.01496776720543493
+1 799895 0.02049545933475693
+1 800049 0.03157510085008531
+1 800887 0.03384713711578231
+1 800985 0.01704506020053583
+1 801329 0.02049545933475693
+1 801330 0.01361331290463183
+1 802416 0.01694765905913661
+1 803130 0.01140545001599714
+1 803287 0.01140545001599714
+1 803307 0.01496776720543493
+1 803637 0.02016217762198948
+1 804196 0.01694765905913661
+1 804440 0.02556759030080374
+1 804743 0.01361331290463183
+1 804844 0.01293018149022739
+1 805347 0.02577501501505492
+1 807045 0.01140545001599714
+1 807411 0.02911328391873078
+1 808640 0.01496776720543493
+1 809627 0.02722662580926366
+1 810876 0.02722662580926366
+1 811349 0.02722662580926366
+1 811434 0.02586036298045478
+1 811481 0.02542148858870491
+1 812268 0.01704506020053583
+1 812302 0.01293018149022739
+1 812497 0.02722662580926366
+1 812696 0.01140545001599714
+1 813267 0.01704506020053583
+1 813615 0.02016217762198948
+1 813906 0.01704506020053583
+1 814545 0.01356353828493919
+1 814806 0.01704506020053583
+1 815494 0.02722662580926366
+1 815600 0.02556759030080374
+1 815701 0.01293018149022739
+1 816692 0.07578024204020474
+1 816940 0.01704506020053583
+1 817968 0.01140545001599714
+1 818176 0.01704506020053583
+1 819250 0.01288750750752746
+1 819900 0.01933126126129119
+1 820145 0.01496776720543493
+1 820379 0.01361331290463183
+1 821307 0.01293018149022739
+1 821831 0.03403328226157958
+1 822211 0.02049545933475693
+1 822594 0.006315020170017061
+1 822745 0.01140545001599714
+1 823212 0.02577501501505492
+1 823746 0.01704506020053583
+1 823946 0.01361331290463183
+1 824078 0.01356353828493919
+1 824152 0.01140545001599714
+1 824291 0.01704506020053583
+1 824489 0.01361331290463183
+1 824837 0.01704506020053583
+1 824930 0.02586036298045478
+1 825105 0.01704506020053583
+1 825475 0.01939527223534108
+1 826512 0.01293018149022739
+1 827226 0.01694765905913661
+1 827721 0.04852213986455129
+1 827795 0.01704506020053583
+1 827855 0.01356353828493919
+1 828802 0.01199234924928183
+1 829813 0.01694765905913661
+1 830407 0.01293018149022739
+1 830913 0.02016217762198948
+1 832683 0.01199234924928183
+1 833320 0.01496776720543493
+1 833703 0.02016217762198948
+1 833915 0.02016217762198948
+1 835603 0.02049545933475693
+1 836051 0.01694765905913661
+1 836371 0.02556759030080374
+1 836692 0.0171081750239957
+1 836963 0.01694765905913661
+1 837643 0.01694765905913661
+1 837767 0.01692356855789115
+1 837913 0.01692356855789115
+1 838184 0.02049545933475693
+1 838308 0.01933126126129119
+1 838336 0.02049545933475693
+1 838374 0.01496776720543493
+1 838403 0.02712707656987837
+1 839777 0.07643472630663722
+1 840228 0.01361331290463183
+1 840443 0.03789012102010237
+1 840956 0.02722662580926366
+1 841301 0.01496776720543493
+1 841731 0.02712707656987837
+1 842199 0.02281090003199427
+1 842363 0.02049545933475693
+1 842623 0.004716483573564139
+1 842805 0.02016217762198948
+1 843731 0.01199234924928183
+1 844284 0.01293018149022739
+1 844361 0.01293018149022739
+1 844458 0.01361331290463183
+1 844547 0.01692356855789115
+1 844786 0.01361331290463183
+1 844943 0.02398469849856365
+1 845433 0.01356353828493919
+1 845637 0.02049545933475693
+1 845725 0.01704506020053583
+1 846396 0.02049545933475693
+1 846434 0.01288750750752746
+1 847021 0.01496776720543493
+1 847218 0.02712707656987837
+1 847913 0.01704506020053583
+1 848856 0.01361331290463183
+1 849063 0.0171081750239957
+1 849148 0.01694765905913661
+1 849609 0.01692356855789115
+1 849899 0.01293018149022739
+1 851835 0.01694765905913661
+1 852093 0.01496776720543493
+1 854017 0.01293018149022739
+1 854171 0.02049545933475693
+1 854608 0.006465090745113694
+1 855040 0.01704506020053583
+1 855392 0.0224516508081524
+1 856237 0.01361331290463183
+1 856602 0.03157510085008531
+1 857015 0.01361331290463183
+1 857189 0.02034530742740878
+1 857358 0.01361331290463183
+1 857430 0.03157510085008531
+1 857672 0.03232545372556847
+1 857805 0.02526008068006825
+1 857953 0.02049545933475693
+1 858166 0.01704506020053583
+1 859080 0.01288750750752746
+1 859618 0.01293018149022739
+1 859763 0.0171081750239957
+1 861077 0.01692356855789115
+1 861178 0.0224516508081524
+1 861227 0.02049545933475693
+1 862919 0.01140545001599714
+1 863413 0.05077070567367346
+1 863755 0.01199234924928183
+1 863945 0.01361331290463183
+1 864181 0.01694765905913661
+1 865684 0.01288750750752746
+1 866509 0.01704506020053583
+1 867010 0.01704506020053583
+1 867503 0.02016217762198948
+1 868178 0.01694765905913661
+1 868463 0.004852213986455129
+1 868877 0.01199234924928183
+1 869445 0.01288750750752746
+1 870090 0.01361331290463183
+1 870867 0.02556759030080374
+1 871335 0.02049545933475693
+1 871383 0.01692356855789115
+1 871629 0.01704506020053583
+1 871784 0.01692356855789115
+1 871979 0.02998087312320456
+1 873263 0.0224516508081524
+1 873685 0.02993553441086986
+1 874205 0.01939527223534108
+1 874352 0.01293018149022739
+1 874471 0.01199234924928183
+1 875018 0.02542148858870491
+1 875441 0.08338333778905878
+1 877438 0.02016217762198948
+1 877795 0.01199234924928183
+1 878248 0.01704506020053583
+1 878970 0.01694765905913661
+1 879193 0.02049545933475693
+1 879202 0.02712707656987837
+1 879560 0.01361331290463183
+1 879723 0.04562180006398854
+1 880146 0.01361331290463183
+1 880380 0.01293018149022739
+1 880406 0.01293018149022739
+1 881003 0.01704506020053583
+1 881447 0.02993553441086986
+1 881630 0.02049545933475693
+1 881960 0.01293018149022739
+1 882364 0.01288750750752746
+1 882735 0.01288750750752746
+1 883161 0.02016217762198948
+1 883684 0.02556759030080374
+1 884282 0.02577501501505492
+1 884746 0.01704506020053583
+1 884927 0.02281090003199427
+1 885966 0.01199234924928183
+1 886206 0.02016217762198948
+1 886896 0.01140545001599714
+1 887529 0.02049545933475693
+1 887981 0.02556759030080374
+1 888669 0.01361331290463183
+1 888772 0.01140545001599714
+1 889327 0.02586036298045478
+1 890051 0.02049545933475693
+1 890584 0.01361331290463183
+1 893515 0.02556759030080374
+1 893574 0.01361331290463183
+1 893851 0.01356353828493919
+1 894138 0.02722662580926366
+1 894199 0.01704506020053583
+1 894750 0.02542148858870491
+1 895593 0.01140545001599714
+1 897730 0.02041996935694774
+1 897831 0.01939527223534108
+1 898201 0.02049545933475693
+1 898988 0.01293018149022739
+1 899021 0.01356353828493919
+1 899308 0.01140545001599714
+1 899751 0.02851362503999284
+1 900159 0.01356353828493919
+1 900488 0.01361331290463183
+1 901375 0.01293018149022739
+1 902046 0.01293018149022739
+1 902290 0.02542148858870491
+1 902542 0.01293018149022739
+1 902593 0.01694765905913661
+1 902726 0.01939527223534108
+1 902983 0.02049545933475693
+1 903639 0.01933126126129119
+1 903755 0.01199234924928183
+1 903841 0.02586036298045478
+1 904294 0.02016217762198948
+1 904558 0.01293018149022739
+1 904779 0.03232545372556847
+1 904792 0.01293018149022739
+1 905065 0.03389531811827322
+1 905317 0.01356353828493919
+1 905386 0.02542148858870491
+1 905592 0.01704506020053583
+1 905776 0.01293018149022739
+1 906042 0.01496776720543493
+1 906122 0.01293018149022739
+1 906375 0.01692356855789115
+1 906403 0.03232545372556847
+1 906912 0.02049545933475693
+1 906917 0.02016217762198948
+1 907311 0.01288750750752746
+1 907657 0.01704506020053583
+1 908003 0.02281090003199427
+1 908708 0.01288750750752746
+1 909019 0.02712707656987837
+1 909225 0.01704506020053583
+1 909342 0.03390884571234796
+1 909519 0.02016217762198948
+1 909655 0.01692356855789115
+1 909899 0.02722662580926366
+1 910166 0.01361331290463183
+1 911253 0.01288750750752746
+1 911711 0.01704506020053583
+1 911875 0.01496776720543493
+1 911977 0.01704506020053583
+1 912326 0.02556759030080374
+1 912927 0.01704506020053583
+1 913051 0.02722662580926366
+1 913173 0.01293018149022739
+1 913236 0.02049545933475693
+1 913321 0.01293018149022739
+1 913653 0.02526008068006825
+1 913689 0.02712707656987837
+1 914117 0.02542148858870491
+1 914486 0.01288750750752746
+1 914802 0.01199234924928183
+1 915283 0.02049545933475693
+1 916308 0.01704506020053583
+1 916790 0.02712707656987837
+1 916838 0.02016217762198948
+1 916985 0.01361331290463183
+1 917170 0.02049545933475693
+1 918775 0.02049545933475693
+1 919219 0.03221876876881865
+1 920336 0.02577501501505492
+1 921026 0.01293018149022739
+1 921187 0.01288750750752746
+1 921224 0.01288750750752746
+1 921388 0.01140545001599714
+1 921551 0.02049545933475693
+1 921574 0.01140545001599714
+1 921578 0.02577501501505492
+1 921689 0.01293018149022739
+1 921786 0.02049545933475693
+1 922208 0.01361331290463183
+1 922887 0.01356353828493919
+1 925159 0.02586036298045478
+1 925190 0.02993553441086986
+1 925611 0.01361331290463183
+1 926108 0.02556759030080374
+1 926451 0.01361331290463183
+1 926577 0.02049545933475693
+1 927471 0.01694765905913661
+1 927597 0.02016217762198948
+1 928309 0.01356353828493919
+1 928388 0.009432967147128279
+1 929033 0.02016217762198948
+1 929063 0.01199234924928183
+1 929479 0.1091748146952404
+1 929751 0.02016217762198948
+1 929906 0.004852213986455129
+1 931146 0.01293018149022739
+1 931194 0.004716483573564139
+1 931263 0.004852213986455129
+1 931510 0.01293018149022739
+1 932719 0.01692356855789115
+1 933293 0.01293018149022739
+1 934181 0.02556759030080374
+1 934328 0.02722662580926366
+1 934446 0.01361331290463183
+1 934787 0.01293018149022739
+1 934821 0.02577501501505492
+1 935734 0.01361331290463183
+1 935913 0.01704506020053583
+1 936539 0.01356353828493919
+1 936975 0.01704506020053583
+1 937173 0.0479693969971273
+1 937911 0.01694765905913661
+1 938559 0.01293018149022739
+1 938687 0.01140545001599714
+1 938745 0.02556759030080374
+1 938856 0.01293018149022739
+1 939109 0.02034530742740878
+1 939265 0.01361331290463183
+1 939348 0.01288750750752746
+1 939423 0.01288750750752746
+1 939891 0.02556759030080374
+1 940828 0.02016217762198948
+1 940859 0.01140545001599714
+1 940877 0.02398469849856365
+1 941331 0.004852213986455129
+1 942152 0.01140545001599714
+1 942177 0.02049545933475693
+1 942404 0.01293018149022739
+1 942496 0.02712707656987837
+1 942539 0.0224516508081524
+1 943077 0.01199234924928183
+1 943165 0.02911328391873078
+1 943348 0.02586036298045478
+1 943464 0.02712707656987837
+1 944529 0.02049545933475693
+1 944782 0.01288750750752746
+1 945047 0.01356353828493919
+1 945389 0.01933126126129119
+1 945525 0.01293018149022739
+1 945541 0.1136703630603071
+1 947300 0.01293018149022739
+1 949741 0.02049545933475693
+1 949768 0.01356353828493919
+1 950181 0.01692356855789115
+1 950724 0.01704506020053583
+1 951580 0.01288750750752746
+1 951800 0.01140545001599714
+1 952155 0.01293018149022739
+1 952884 0.01199234924928183
+1 953277 0.01288750750752746
+1 953647 0.02049545933475693
+1 954086 0.01288750750752746
+1 954248 0.02049545933475693
+1 956278 0.01692356855789115
+1 956475 0.02049545933475693
+1 956830 0.01356353828493919
+1 956960 0.02722662580926366
+1 957055 0.01692356855789115
+1 957166 0.01356353828493919
+1 957372 0.01293018149022739
+1 957547 0.01692356855789115
+1 957971 0.01293018149022739
+1 958579 0.003157510085008531
+1 958939 0.01361331290463183
+1 959399 0.01288750750752746
+1 959961 0.01939527223534108
+1 960264 0.01199234924928183
+1 961477 0.01361331290463183
+1 962029 0.02556759030080374
+1 962513 0.01293018149022739
+1 962780 0.02586036298045478
+1 963855 0.01140545001599714
+1 964560 0.02556759030080374
+1 965462 0.01140545001599714
+1 965670 0.02049545933475693
+1 965800 0.01939527223534108
+1 965802 0.01704506020053583
+1 966122 0.01694765905913661
+1 966126 0.02049545933475693
+1 966241 0.02049545933475693
+1 966273 0.01496776720543493
+1 966801 0.01140545001599714
+1 967164 0.006315020170017061
+1 967209 0.01798852387392274
+1 968338 0.01361331290463183
+1 968555 0.01361331290463183
+1 969645 0.01361331290463183
+1 969841 0.006315020170017061
+1 970358 0.02398469849856365
+1 971099 0.01704506020053583
+1 971297 0.01288750750752746
+1 972178 0.02542148858870491
+1 973335 0.01361331290463183
+1 973431 0.02049545933475693
+1 974818 0.01293018149022739
+1 975012 0.01933126126129119
+1 975747 0.02586036298045478
+1 976008 0.02049545933475693
+1 976071 0.01199234924928183
+1 976654 0.01293018149022739
+1 976828 0.01293018149022739
+1 976837 0.02049545933475693
+1 976943 0.0224516508081524
+1 977655 0.01798852387392274
+1 977964 0.01293018149022739
+1 979148 0.01694765905913661
+1 979478 0.02049545933475693
+1 980063 0.01293018149022739
+1 980582 0.01704506020053583
+1 980765 0.01356353828493919
+1 981093 0.01293018149022739
+1 981153 0.02049545933475693
+1 981241 0.01704506020053583
+1 981772 0.02586036298045478
+1 982391 0.01199234924928183
+1 982602 0.02722662580926366
+1 982761 0.004716483573564139
+1 982853 0.02049545933475693
+1 983673 0.02281090003199427
+1 984111 0.01704506020053583
+1 984327 0.02049545933475693
+1 984468 0.01361331290463183
+1 985065 0.01939527223534108
+1 985549 0.02398469849856365
+1 985587 0.02049545933475693
+1 987694 0.0479693969971273
+1 988239 0.02016217762198948
+1 989433 0.0479693969971273
+1 990507 0.03232545372556847
+1 992123 0.01356353828493919
+1 992181 0.01140545001599714
+1 992393 0.02049545933475693
+1 994149 0.01293018149022739
+1 994950 0.01140545001599714
+1 995653 0.01692356855789115
+1 996536 0.01140545001599714
+1 996562 0.01361331290463183
+1 996675 0.02577501501505492
+1 996795 0.01288750750752746
+1 997097 0.01361331290463183
+1 1000335 0.01356353828493919
+1 1000360 0.01356353828493919
+1 1000566 0.01293018149022739
+1 1001206 0.01293018149022739
+1 1001393 0.01361331290463183
+1 1001687 0.01704506020053583
+1 1003223 0.01940885594582051
+1 1003603 0.01704506020053583
+1 1003825 0.01704506020053583
+1 1003989 0.02016217762198948
+1 1004208 0.02041996935694774
+1 1004391 0.01356353828493919
+1 1005084 0.01361331290463183
+1 1005507 0.01694765905913661
+1 1005880 0.02016217762198948
+1 1006311 0.01199234924928183
+1 1007170 0.01704506020053583
+1 1007323 0.01356353828493919
+1 1007434 0.007483883602717465
+1 1007463 0.008522530100267914
+1 1008057 0.01361331290463183
+1 1008288 0.02041996935694774
+1 1008663 0.01496776720543493
+1 1008831 0.01140545001599714
+1 1008901 0.01361331290463183
+1 1008964 0.02586036298045478
+1 1009084 0.01356353828493919
+1 1009117 0.01704506020053583
+1 1009599 0.01288750750752746
+1 1009869 0.01704506020053583
+1 1010085 0.02049545933475693
+1 1010385 0.01692356855789115
+1 1010483 0.01704506020053583
+1 1010597 0.01140545001599714
+1 1010734 0.01361331290463183
+1 1011301 0.01288750750752746
+1 1011598 0.01361331290463183
+1 1011896 0.02556759030080374
+1 1011931 0.01199234924928183
+1 1012163 0.01356353828493919
+1 1012389 0.02049545933475693
+1 1012825 0.02016217762198948
+1 1014581 0.01361331290463183
+1 1015417 0.02049545933475693
+1 1015541 0.01496776720543493
+1 1016264 0.02049545933475693
+1 1016344 0.02016217762198948
+1 1017023 0.01704506020053583
+1 1017231 0.01293018149022739
+1 1017826 0.01356353828493919
+1 1018227 0.02586036298045478
+1 1018247 0.02049545933475693
+1 1018379 0.01704506020053583
+1 1020073 0.01293018149022739
+1 1020555 0.01288750750752746
+1 1020740 0.01650769250747449
+1 1020800 0.01694765905913661
+1 1021380 0.01293018149022739
+1 1022613 0.01199234924928183
+1 1022772 0.01694765905913661
+1 1023393 0.02049545933475693
+1 1024480 0.02049545933475693
+1 1024956 0.02041996935694774
+1 1027053 0.01361331290463183
+1 1027631 0.02016217762198948
+1 1027688 0.01288750750752746
+1 1027697 0.01293018149022739
+1 1027823 0.02016217762198948
+1 1027933 0.02556759030080374
+1 1028185 0.02049545933475693
+1 1028384 0.02556759030080374
+1 1028617 0.02049545933475693
+1 1028638 0.01704506020053583
+1 1028837 0.02712707656987837
+1 1028893 0.005996174624640913
+1 1029655 0.01140545001599714
+1 1029974 0.008522530100267914
+1 1030226 0.01199234924928183
+1 1030719 0.02586036298045478
+1 1031393 0.01694765905913661
+1 1031507 0.01704506020053583
+1 1031649 0.01704506020053583
+1 1032047 0.01692356855789115
+1 1032717 0.02049545933475693
+1 1032791 0.01692356855789115
+1 1032841 0.02586036298045478
+1 1033079 0.01361331290463183
+1 1033093 0.01361331290463183
+1 1033676 0.01704506020053583
+1 1033699 0.03384713711578231
+1 1033833 0.02851362503999284
+1 1034754 0.01704506020053583
+1 1034981 0.02049545933475693
+1 1035161 0.01199234924928183
+1 1036917 0.01361331290463183
+1 1037251 0.03384713711578231
+1 1037273 0.01361331290463183
+1 1037360 0.01263004034003412
+1 1037386 0.02722662580926366
+1 1037582 0.01293018149022739
+1 1037775 0.02016217762198948
+1 1038197 0.01692356855789115
+1 1038215 0.02016217762198948
+1 1038530 0.01361331290463183
+1 1039281 0.02016217762198948
+1 1039363 0.01704506020053583
+1 1039896 0.01694765905913661
+1 1040121 0.02049545933475693
+1 1040325 0.02016217762198948
+1 1041719 0.01199234924928183
+1 1042547 0.01496776720543493
+1 1043926 0.01361331290463183
+1 1044191 0.01293018149022739
+1 1044254 0.02049545933475693
+1 1044295 0.02586036298045478
+1 1044380 0.02722662580926366
+1 1044427 0.02016217762198948
+1 1045248 0.01361331290463183
+1 1045443 0.02586036298045478
+1 1046509 0.01692356855789115
+1 1046561 0.02577501501505492
+1 1046852 0.02049545933475693
+1 1047289 0.02016217762198948
+1 1047335 0.01288750750752746
+1 1047422 0.01356353828493919
+1 1047787 0.01361331290463183
+1 1047993 0.02049545933475693
+1 1048440 0.02586036298045478
+1 1048546 0.02722662580926366
+2 344 0.02712097700963876
+2 711 0.01523477868628074
+2 797 0.02521531586355265
+2 1115 0.01681021057570177
+2 1556 0.01356048850481938
+2 1733 0.02521531586355265
+2 1936 0.01230195276051476
+2 2101 0.0126715797559878
+2 2180 0.01356048850481938
+2 4053 0.02833640893851413
+2 4907 0.02008394134407133
+2 4959 0.004722734823085689
+2 5205 0.01356048850481938
+2 5983 0.01356048850481938
+2 6466 0.01356048850481938
+2 7164 0.01681021057570177
+2 7425 0.01356048850481938
+2 7854 0.01356048850481938
+2 7884 0.0126715797559878
+2 7923 0.01356048850481938
+2 8116 0.02008394134407133
+2 10078 0.03536142771053655
+2 10267 0.02008394134407133
+2 10495 0.02014751034947173
+2 11483 0.01768071385526828
+2 11573 0.02008394134407133
+2 11819 0.0115183192561101
+2 12091 0.04486598081931405
+2 13181 0.01356048850481938
+2 13234 0.005036877587367932
+2 15162 0.0126715797559878
+2 15211 0.01768071385526828
+2 15221 0.02008394134407133
+2 15283 0.01681021057570177
+2 15761 0.0126715797559878
+2 15916 0.01681021057570177
+2 17094 0.02712097700963876
+2 17227 0.01768071385526828
+2 18276 0.02008394134407133
+2 19280 0.01681021057570177
+2 19655 0.02008394134407133
+2 20498 0.01356048850481938
+2 20975 0.04722734823085689
+2 21254 0.0126715797559878
+2 21296 0.0126715797559878
+2 21709 0.02008394134407133
+2 21917 0.0126715797559878
+2 22178 0.02361367411542845
+2 22219 0.01681021057570177
+2 22365 0.02008394134407133
+2 22706 0.0253431595119756
+2 23712 0.0126715797559878
+2 23832 0.02712097700963876
+2 24619 0.02008394134407133
+2 25037 0.0190073696339817
+2 25185 0.02008394134407133
+2 25560 0.01845292914077214
+2 25702 0.02521531586355265
+2 26089 0.02521531586355265
+2 26845 0.01230195276051476
+2 27253 0.02008394134407133
+2 27313 0.01681021057570177
+2 28880 0.01681021057570177
+2 28921 0.01230195276051476
+2 29313 0.04570433605884224
+2 29352 0.01523477868628074
+2 29735 0.01768071385526828
+2 29921 0.02008394134407133
+2 30387 0.02008394134407133
+2 30453 0.01523477868628074
+2 31409 0.01681021057570177
+2 32045 0.0126715797559878
+2 32700 0.01681021057570177
+2 32791 0.01356048850481938
+2 33076 0.02712097700963876
+2 33433 0.03536142771053655
+2 33439 0.01681021057570177
+2 33979 0.02285216802942112
+2 34041 0.02008394134407133
+2 34869 0.01681021057570177
+2 35441 0.04920781104205905
+2 35805 0.01681021057570177
+2 35828 0.01230195276051476
+2 35928 0.01523477868628074
+2 36192 0.01356048850481938
+2 36391 0.02008394134407133
+2 36463 0.01768071385526828
+2 36949 0.0126715797559878
+2 37221 0.01356048850481938
+2 37278 0.0126715797559878
+2 37607 0.01356048850481938
+2 37731 0.01768071385526828
+2 38236 0.02712097700963876
+2 38448 0.0126715797559878
+2 39491 0.02521531586355265
+2 39510 0.01356048850481938
+2 39762 0.02460390552102952
+2 40007 0.01233934480042622
+2 40706 0.0126715797559878
+2 40920 0.004722734823085689
+2 41204 0.02712097700963876
+2 41385 0.01681021057570177
+2 41559 0.0253431595119756
+2 41645 0.01768071385526828
+2 41657 0.02008394134407133
+2 41800 0.05591132644034441
+2 42030 0.01681021057570177
+2 42437 0.02008394134407133
+2 42735 0.0126715797559878
+2 43077 0.02008394134407133
+2 43101 0.01523477868628074
+2 43280 0.0126715797559878
+2 43781 0.02518438793683965
+2 44401 0.01681021057570177
+2 44457 0.0115183192561101
+2 45339 0.02008394134407133
+2 45548 0.01768071385526828
+2 46197 0.0126715797559878
+2 46264 0.0115183192561101
+2 46627 0.006169672400213108
+2 46854 0.0063357898779939
+2 47318 0.0115183192561101
+2 47472 0.0253431595119756
+2 47689 0.01681021057570177
+2 48753 0.01356048850481938
+2 50281 0.01681021057570177
+2 50742 0.06375692011165682
+2 51089 0.02008394134407133
+2 51948 0.0126715797559878
+2 52270 0.02521531586355265
+2 52454 0.02460390552102952
+2 53051 0.02008394134407133
+2 53188 0.0126715797559878
+2 53247 0.03455495776833029
+2 54215 0.0115183192561101
+2 54376 0.02712097700963876
+2 54421 0.02712097700963876
+2 54924 0.0126715797559878
+2 55773 0.0126715797559878
+2 55827 0.01356048850481938
+2 56036 0.01681021057570177
+2 56154 0.02303663851222019
+2 56572 0.01356048850481938
+2 56737 0.02008394134407133
+2 56918 0.0126715797559878
+2 57320 0.02521531586355265
+2 57565 0.01356048850481938
+2 57633 0.02460390552102952
+2 57955 0.0126715797559878
+2 57997 0.01523477868628074
+2 58055 0.01768071385526828
+2 58452 0.0126715797559878
+2 58964 0.02833640893851413
+2 59189 0.01356048850481938
+2 60978 0.0253431595119756
+2 61875 0.0126715797559878
+2 62239 0.01356048850481938
+2 62295 0.0126715797559878
+2 63305 0.02008394134407133
+2 64006 0.02014751034947173
+2 64016 0.01681021057570177
+2 64473 0.01356048850481938
+2 64573 0.01523477868628074
+2 65109 0.02008394134407133
+2 65149 0.01681021057570177
+2 66272 0.02303663851222019
+2 66314 0.01356048850481938
+2 67965 0.0126715797559878
+2 68409 0.01681021057570177
+2 68440 0.004722734823085689
+2 68543 0.0115183192561101
+2 68673 0.0253431595119756
+2 68823 0.02521531586355265
+2 68974 0.01681021057570177
+2 69894 0.02521531586355265
+2 70435 0.01230195276051476
+2 70576 0.02521531586355265
+2 71207 0.01768071385526828
+2 71748 0.0126715797559878
+2 71957 0.02008394134407133
+2 72260 0.01356048850481938
+2 72652 0.01356048850481938
+2 72754 0.0253431595119756
+2 73182 0.0190073696339817
+2 73923 0.0126715797559878
+2 74165 0.02008394134407133
+2 74533 0.0126715797559878
+2 74573 0.02008394134407133
+2 74796 0.0253431595119756
+2 74947 0.02008394134407133
+2 75685 0.01523477868628074
+2 76640 0.02008394134407133
+2 77686 0.0126715797559878
+2 78871 0.01768071385526828
+2 79445 0.03022126552420759
+2 79567 0.02008394134407133
+2 79786 0.01356048850481938
+2 79920 0.01356048850481938
+2 80087 0.01889093929234276
+2 80111 0.02008394134407133
+2 80454 0.0126715797559878
+2 81293 0.01523477868628074
+2 81722 0.03455495776833029
+2 81725 0.0126715797559878
+2 83437 0.02034073275722907
+2 84759 0.01768071385526828
+2 86105 0.0253431595119756
+2 86213 0.02008394134407133
+2 86749 0.01356048850481938
+2 87313 0.006780244252409691
+2 87353 0.0253431595119756
+2 87389 0.01356048850481938
+2 87631 0.02008394134407133
+2 88009 0.02008394134407133
+2 88145 0.02285216802942112
+2 89164 0.0126715797559878
+2 89687 0.0126715797559878
+2 89973 0.01681021057570177
+2 90183 0.01356048850481938
+2 90693 0.02008394134407133
+2 91125 0.02712097700963876
+2 91883 0.01523477868628074
+2 92411 0.01681021057570177
+2 92986 0.02521531586355265
+2 93134 0.0126715797559878
+2 93712 0.0253431595119756
+2 95929 0.01768071385526828
+2 96310 0.0115183192561101
+2 96745 0.02521531586355265
+2 96757 0.02712097700963876
+2 97508 0.01230195276051476
+2 97545 0.0126715797559878
+2 98034 0.02034073275722907
+2 98377 0.02008394134407133
+2 98887 0.0126715797559878
+2 99007 0.01356048850481938
+2 99253 0.0253431595119756
+2 99312 0.02712097700963876
+2 99503 0.01681021057570177
+2 99549 0.0115183192561101
+2 100142 0.01356048850481938
+2 101157 0.01523477868628074
+2 101208 0.01681021057570177
+2 101351 0.0253431595119756
+2 102325 0.02034073275722907
+2 102726 0.0126715797559878
+2 102753 0.01356048850481938
+2 103877 0.02008394134407133
+2 104149 0.0126715797559878
+2 104332 0.01681021057570177
+2 104467 0.01681021057570177
+2 104772 0.0126715797559878
+2 105181 0.02303663851222019
+2 105709 0.01681021057570177
+2 106814 0.01356048850481938
+2 107196 0.0126715797559878
+2 109504 0.01356048850481938
+2 109881 0.02008394134407133
+2 110259 0.01889093929234276
+2 110562 0.0190073696339817
+2 110789 0.02521531586355265
+2 111321 0.02008394134407133
+2 112020 0.0126715797559878
+2 112083 0.01356048850481938
+2 112485 0.0126715797559878
+2 112622 0.02008394134407133
+2 112738 0.02008394134407133
+2 113322 0.01230195276051476
+2 113428 0.01356048850481938
+2 113849 0.1017995946035163
+2 114962 0.01681021057570177
+2 115631 0.0190073696339817
+2 115674 0.02008394134407133
+2 116489 0.02712097700963876
+2 116553 0.02008394134407133
+2 117089 0.02303663851222019
+2 117543 0.02008394134407133
+2 117794 0.0126715797559878
+2 117854 0.05288721466736328
+2 118190 0.0126715797559878
+2 119191 0.02712097700963876
+2 119610 0.0126715797559878
+2 120423 0.0126715797559878
+2 120867 0.01230195276051476
+2 121345 0.02712097700963876
+2 121357 0.02008394134407133
+2 121543 0.02879579814027524
+2 122181 0.02008394134407133
+2 122374 0.0126715797559878
+2 123532 0.02008394134407133
+2 123659 0.01356048850481938
+2 124217 0.01356048850481938
+2 125974 0.01768071385526828
+2 126521 0.01356048850481938
+2 126530 0.01356048850481938
+2 126866 0.02521531586355265
+2 127491 0.01681021057570177
+2 127498 0.01230195276051476
+2 127623 0.01768071385526828
+2 128103 0.01768071385526828
+2 128137 0.0253431595119756
+2 128191 0.01356048850481938
+2 128343 0.02008394134407133
+2 128892 0.01681021057570177
+2 129394 0.01681021057570177
+2 129911 0.07687807385547357
+2 130011 0.01768071385526828
+2 130684 0.01356048850481938
+2 130711 0.02521531586355265
+2 131386 0.01681021057570177
+2 132099 0.01768071385526828
+2 132381 0.01230195276051476
+2 132968 0.01681021057570177
+2 134266 0.0126715797559878
+2 134915 0.01768071385526828
+2 135151 0.02008394134407133
+2 135267 0.04193349483025831
+2 135813 0.01230195276051476
+2 136064 0.02521531586355265
+2 136117 0.01681021057570177
+2 137101 0.02285216802942112
+2 137507 0.02460390552102952
+2 137587 0.0115183192561101
+2 137826 0.0126715797559878
+2 139056 0.0126715797559878
+2 139139 0.01356048850481938
+2 139178 0.02008394134407133
+2 139371 0.0126715797559878
+2 139418 0.02008394134407133
+2 139565 0.02521531586355265
+2 140965 0.02034073275722907
+2 141425 0.02303663851222019
+2 141605 0.03777658190525948
+2 141807 0.01356048850481938
+2 141989 0.0126715797559878
+2 142641 0.02008394134407133
+2 143149 0.01681021057570177
+2 143936 0.01681021057570177
+2 144163 0.02285216802942112
+2 146220 0.0126715797559878
+2 147311 0.02008394134407133
+2 147389 0.02034073275722907
+2 148113 0.0253431595119756
+2 148368 0.03167894938996951
+2 148540 0.01681021057570177
+2 148952 0.02008394134407133
+2 149709 0.01356048850481938
+2 150024 0.01356048850481938
+2 150479 0.02034073275722907
+2 150643 0.01768071385526828
+2 150798 0.0126715797559878
+2 151033 0.01356048850481938
+2 151107 0.02521531586355265
+2 151321 0.0126715797559878
+2 151395 0.01681021057570177
+2 151642 0.01356048850481938
+2 151683 0.002361367411542845
+2 151957 0.01523477868628074
+2 152258 0.02034073275722907
+2 152278 0.0126715797559878
+2 152590 0.005036877587367932
+2 153133 0.01681021057570177
+2 154442 0.02008394134407133
+2 154644 0.01356048850481938
+2 155716 0.01356048850481938
+2 155743 0.0126715797559878
+2 156173 0.02795566322017221
+2 156265 0.01356048850481938
+2 156467 0.01230195276051476
+2 156548 0.02008394134407133
+2 156833 0.03084836200106554
+2 156855 0.01768071385526828
+2 157191 0.0115183192561101
+2 157374 0.0253431595119756
+2 157765 0.02712097700963876
+2 158098 0.01681021057570177
+2 158149 0.02008394134407133
+2 158180 0.01356048850481938
+2 158235 0.0126715797559878
+2 158517 0.0115183192561101
+2 158805 0.02712097700963876
+2 158855 0.03536142771053655
+2 159003 0.01768071385526828
+2 160449 0.0253431595119756
+2 160643 0.01356048850481938
+2 160871 0.0126715797559878
+2 161570 0.02712097700963876
+2 161822 0.01681021057570177
+2 161928 0.01523477868628074
+2 162627 0.04607327702444039
+2 163143 0.02712097700963876
+2 163848 0.01681021057570177
+2 166534 0.01230195276051476
+2 166673 0.01681021057570177
+2 166869 0.01681021057570177
+2 166983 0.01230195276051476
+2 167285 0.03046955737256149
+2 167333 0.01768071385526828
+2 168043 0.01230195276051476
+2 169293 0.01681021057570177
+2 169435 0.01356048850481938
+2 169919 0.01727747888416514
+2 169967 0.0253431595119756
+2 171159 0.01681021057570177
+2 171204 0.0126715797559878
+2 172050 0.01356048850481938
+2 172251 0.01356048850481938
+2 172529 0.0253431595119756
+2 173141 0.02285216802942112
+2 173803 0.02303663851222019
+2 173845 0.009445469646171378
+2 175014 0.01356048850481938
+2 175082 0.01681021057570177
+2 175617 0.01356048850481938
+2 175783 0.0126715797559878
+2 175932 0.0126715797559878
+2 176213 0.01523477868628074
+2 176217 0.0380147392679634
+2 176305 0.01727747888416514
+2 176757 0.02712097700963876
+2 177200 0.01356048850481938
+2 177423 0.02712097700963876
+2 177446 0.009445469646171378
+2 177880 0.02521531586355265
+2 178021 0.0115183192561101
+2 178476 0.02712097700963876
+2 178762 0.01356048850481938
+2 178778 0.01523477868628074
+2 178977 0.01356048850481938
+2 180023 0.01523477868628074
+2 180121 0.0253431595119756
+2 180885 0.01768071385526828
+2 181651 0.02521531586355265
+2 181786 0.0126715797559878
+2 182314 0.01356048850481938
+2 182583 0.0115183192561101
+2 182644 0.01356048850481938
+2 182645 0.01768071385526828
+2 183593 0.03167894938996951
+2 183719 0.01681021057570177
+2 184596 0.01356048850481938
+2 184704 0.0126715797559878
+2 184705 0.01681021057570177
+2 184767 0.01230195276051476
+2 184959 0.01356048850481938
+2 185138 0.01356048850481938
+2 186765 0.006169672400213108
+2 186910 0.0115183192561101
+2 187208 0.01356048850481938
+2 187291 0.02008394134407133
+2 187483 0.02521531586355265
+2 187946 0.02008394134407133
+2 189199 0.01233934480042622
+2 190785 0.01356048850481938
+2 191163 0.01681021057570177
+2 191171 0.0115183192561101
+2 192347 0.01681021057570177
+2 195139 0.01681021057570177
+2 195161 0.01681021057570177
+2 195197 0.0126715797559878
+2 196214 0.0126715797559878
+2 196385 0.02008394134407133
+2 196654 0.0126715797559878
+2 196793 0.01681021057570177
+2 197975 0.01768071385526828
+2 198423 0.01681021057570177
+2 198453 0.02008394134407133
+2 199593 0.01523477868628074
+2 200163 0.0126715797559878
+2 200659 0.02008394134407133
+2 200739 0.005759159628055049
+2 200776 0.005036877587367932
+2 201027 0.01356048850481938
+2 201484 0.01356048850481938
+2 201972 0.0253431595119756
+2 202228 0.02014751034947173
+2 202405 0.01681021057570177
+2 202518 0.01356048850481938
+2 203362 0.01356048850481938
+2 204058 0.02521531586355265
+2 204376 0.01681021057570177
+2 204695 0.01356048850481938
+2 206024 0.01511063276210379
+2 206468 0.0126715797559878
+2 206552 0.006150976380257381
+2 207651 0.0115183192561101
+2 207658 0.0126715797559878
+2 207751 0.0115183192561101
+2 207845 0.0126715797559878
+2 207923 0.0126715797559878
+2 209034 0.01681021057570177
+2 209117 0.01681021057570177
+2 209769 0.0126715797559878
+2 209871 0.02008394134407133
+2 211496 0.01523477868628074
+2 212124 0.01681021057570177
+2 213008 0.02008394134407133
+2 213108 0.02008394134407133
+2 213605 0.0115183192561101
+2 213972 0.01681021057570177
+2 215017 0.0126715797559878
+2 215247 0.0126715797559878
+2 215275 0.01681021057570177
+2 215831 0.03536142771053655
+2 215869 0.02712097700963876
+2 217316 0.01681021057570177
+2 217437 0.0190073696339817
+2 217574 0.02008394134407133
+2 217612 0.01681021057570177
+2 217645 0.01523477868628074
+2 218203 0.01230195276051476
+2 218465 0.0126715797559878
+2 218720 0.02034073275722907
+2 218786 0.02008394134407133
+2 218789 0.02008394134407133
+2 218869 0.01356048850481938
+2 219547 0.01768071385526828
+2 219577 0.0115183192561101
+2 220495 0.01230195276051476
+2 221696 0.02008394134407133
+2 221873 0.0126715797559878
+2 223409 0.02712097700963876
+2 223536 0.0253431595119756
+2 224166 0.0126715797559878
+2 224533 0.02303663851222019
+2 224643 0.0253431595119756
+2 224751 0.02712097700963876
+2 224863 0.01233934480042622
+2 224865 0.02008394134407133
+2 224869 0.02285216802942112
+2 225283 0.0190073696339817
+2 225470 0.0253431595119756
+2 226059 0.01681021057570177
+2 226724 0.0126715797559878
+2 227443 0.01681021057570177
+2 228582 0.0253431595119756
+2 229125 0.0126715797559878
+2 229418 0.01230195276051476
+2 230494 0.006780244252409691
+2 230931 0.02712097700963876
+2 232712 0.01356048850481938
+2 232784 0.01356048850481938
+2 233029 0.02008394134407133
+2 233197 0.02712097700963876
+2 233263 0.0126715797559878
+2 233290 0.02521531586355265
+2 233743 0.02008394134407133
+2 234679 0.02008394134407133
+2 235047 0.01356048850481938
+2 235245 0.02008394134407133
+2 235720 0.01356048850481938
+2 237473 0.01356048850481938
+2 238128 0.01356048850481938
+2 238171 0.0126715797559878
+2 238364 0.01356048850481938
+2 239595 0.0126715797559878
+2 240295 0.02008394134407133
+2 240526 0.006169672400213108
+2 240800 0.0126715797559878
+2 241053 0.03390122126204846
+2 241364 0.0425046134077712
+2 241741 0.0190073696339817
+2 241838 0.02285216802942112
+2 242321 0.02008394134407133
+2 242664 0.01681021057570177
+2 242822 0.006780244252409691
+2 242926 0.01523477868628074
+2 243024 0.04570433605884224
+2 243221 0.0126715797559878
+2 244112 0.01681021057570177
+2 244199 0.0126715797559878
+2 244205 0.01233934480042622
+2 244368 0.01356048850481938
+2 244516 0.01356048850481938
+2 244707 0.01768071385526828
+2 244825 0.01356048850481938
+2 245474 0.0126715797559878
+2 245526 0.02008394134407133
+2 245636 0.04029502069894345
+2 246127 0.0126715797559878
+2 246223 0.02008394134407133
+2 247111 0.01681021057570177
+2 247342 0.02008394134407133
+2 247388 0.01356048850481938
+2 247445 0.02303663851222019
+2 247971 0.01356048850481938
+2 248167 0.01681021057570177
+2 249283 0.0126715797559878
+2 249333 0.02008394134407133
+2 249621 0.02303663851222019
+2 250040 0.0253431595119756
+2 251484 0.01681021057570177
+2 251700 0.01230195276051476
+2 252892 0.01356048850481938
+2 254917 0.02008394134407133
+2 254999 0.01356048850481938
+2 255555 0.01523477868628074
+2 255652 0.02712097700963876
+2 256309 0.02008394134407133
+2 256778 0.02521531586355265
+2 256843 0.01230195276051476
+2 257127 0.01681021057570177
+2 257185 0.01356048850481938
+2 257273 0.02008394134407133
+2 257301 0.03390122126204846
+2 257539 0.01233934480042622
+2 257762 0.0126715797559878
+2 257983 0.01356048850481938
+2 258131 0.01681021057570177
+2 258506 0.01523477868628074
+2 258648 0.02008394134407133
+2 258789 0.01523477868628074
+2 259035 0.02008394134407133
+2 260199 0.008405105287850885
+2 260259 0.02008394134407133
+2 261723 0.0126715797559878
+2 262259 0.03536142771053655
+2 262715 0.02008394134407133
+2 262887 0.01681021057570177
+2 263325 0.01356048850481938
+2 263399 0.01768071385526828
+2 263406 0.0126715797559878
+2 263783 0.01356048850481938
+2 263880 0.0126715797559878
+2 264321 0.01230195276051476
+2 264898 0.01356048850481938
+2 265472 0.01681021057570177
+2 266263 0.0126715797559878
+2 266379 0.03046955737256149
+2 266788 0.01523477868628074
+2 267317 0.02008394134407133
+2 268387 0.04607327702444039
+2 268751 0.02008394134407133
+2 269030 0.02712097700963876
+2 269138 0.01681021057570177
+2 269325 0.02008394134407133
+2 269409 0.02303663851222019
+2 269645 0.02034073275722907
+2 269895 0.01356048850481938
+2 270299 0.02460390552102952
+2 271773 0.01681021057570177
+2 272372 0.0126715797559878
+2 272501 0.02008394134407133
+2 272708 0.02303663851222019
+2 272841 0.01356048850481938
+2 273067 0.0115183192561101
+2 273555 0.09871475840340974
+2 274215 0.02008394134407133
+2 274243 0.01768071385526828
+2 274301 0.0115183192561101
+2 274331 0.02008394134407133
+2 274505 0.02008394134407133
+2 274591 0.02285216802942112
+2 274746 0.05431145046548543
+2 275005 0.01230195276051476
+2 275838 0.0126715797559878
+2 275947 0.02008394134407133
+2 276179 0.0126715797559878
+2 276774 0.01356048850481938
+2 276933 0.02008394134407133
+2 276973 0.0126715797559878
+2 277099 0.01356048850481938
+2 277570 0.0126715797559878
+2 278494 0.01230195276051476
+2 279457 0.01356048850481938
+2 279800 0.006780244252409691
+2 280121 0.01681021057570177
+2 280157 0.02008394134407133
+2 280286 0.01356048850481938
+2 280418 0.02008394134407133
+2 280567 0.0126715797559878
+2 281699 0.0126715797559878
+2 282367 0.01523477868628074
+2 282372 0.01356048850481938
+2 283380 0.01356048850481938
+2 283688 0.05288721466736328
+2 284035 0.02521531586355265
+2 285216 0.02008394134407133
+2 285400 0.02303663851222019
+2 285569 0.01356048850481938
+2 285819 0.01356048850481938
+2 286193 0.03536142771053655
+2 286203 0.01681021057570177
+2 286517 0.0126715797559878
+2 286733 0.02712097700963876
+2 286939 0.01356048850481938
+2 287322 0.02521531586355265
+2 287367 0.0253431595119756
+2 287742 0.01681021057570177
+2 287956 0.01681021057570177
+2 288457 0.0126715797559878
+2 288719 0.01356048850481938
+2 289100 0.02460390552102952
+2 289388 0.0126715797559878
+2 289751 0.02008394134407133
+2 289845 0.02008394134407133
+2 290266 0.02034073275722907
+2 290325 0.01768071385526828
+2 290363 0.02008394134407133
+2 290579 0.02303663851222019
+2 290753 0.03084836200106554
+2 291001 0.0115183192561101
+2 291448 0.01356048850481938
+2 291722 0.01356048850481938
+2 292489 0.01230195276051476
+2 292587 0.03305914376159982
+2 292630 0.02008394134407133
+2 292637 0.02521531586355265
+2 293500 0.006169672400213108
+2 293924 0.02712097700963876
+2 294219 0.01523477868628074
+2 295473 0.0126715797559878
+2 296163 0.0126715797559878
+2 296557 0.0126715797559878
+2 297150 0.01681021057570177
+2 298055 0.01681021057570177
+2 298361 0.01523477868628074
+2 298488 0.01356048850481938
+2 299218 0.01768071385526828
+2 300086 0.0126715797559878
+2 300386 0.01356048850481938
+2 301537 0.0115183192561101
+2 301591 0.004722734823085689
+2 301619 0.02034073275722907
+2 301769 0.02712097700963876
+2 301920 0.02008394134407133
+2 302035 0.01356048850481938
+2 302375 0.01356048850481938
+2 302840 0.02008394134407133
+2 303522 0.02712097700963876
+2 304165 0.0126715797559878
+2 304565 0.01727747888416514
+2 304903 0.01681021057570177
+2 305046 0.02521531586355265
+2 305700 0.02712097700963876
+2 306128 0.02034073275722907
+2 306435 0.02008394134407133
+2 306537 0.01681021057570177
+2 306675 0.0126715797559878
+2 306727 0.01523477868628074
+2 306923 0.01768071385526828
+2 307111 0.02521531586355265
+2 307519 0.02521531586355265
+2 307582 0.0253431595119756
+2 307729 0.0126715797559878
+2 308371 0.01356048850481938
+2 309230 0.02521531586355265
+2 309389 0.0115183192561101
+2 309491 0.01230195276051476
+2 309586 0.0253431595119756
+2 309591 0.02008394134407133
+2 309751 0.0126715797559878
+2 309891 0.02008394134407133
+2 310504 0.01681021057570177
+2 310753 0.01523477868628074
+2 311057 0.0126715797559878
+2 311589 0.02008394134407133
+2 312259 0.02008394134407133
+2 313069 0.01681021057570177
+2 313613 0.01681021057570177
+2 313643 0.02008394134407133
+2 314083 0.02008394134407133
+2 314668 0.02460390552102952
+2 314671 0.01356048850481938
+2 315113 0.0115183192561101
+2 316383 0.0190073696339817
+2 319051 0.02034073275722907
+2 319851 0.01681021057570177
+2 319954 0.01681021057570177
+2 320045 0.0253431595119756
+2 320259 0.0063357898779939
+2 320299 0.02034073275722907
+2 320330 0.0126715797559878
+2 320955 0.01681021057570177
+2 321063 0.02008394134407133
+2 321091 0.01768071385526828
+2 321435 0.0115183192561101
+2 321631 0.01230195276051476
+2 321702 0.0126715797559878
+2 321902 0.04193349483025831
+2 322258 0.01681021057570177
+2 322633 0.02008394134407133
+2 322837 0.01523477868628074
+2 324030 0.01356048850481938
+2 324071 0.0253431595119756
+2 325932 0.02008394134407133
+2 326378 0.01356048850481938
+2 326658 0.02008394134407133
+2 328437 0.01681021057570177
+2 328633 0.01356048850481938
+2 328875 0.01523477868628074
+2 328931 0.01356048850481938
+2 329691 0.02008394134407133
+2 329703 0.03167894938996951
+2 330980 0.0253431595119756
+2 331953 0.01681021057570177
+2 332199 0.02712097700963876
+2 332258 0.01681021057570177
+2 332265 0.01681021057570177
+2 332667 0.01233934480042622
+2 332935 0.01523477868628074
+2 333921 0.0126715797559878
+2 334063 0.0126715797559878
+2 334148 0.01230195276051476
+2 334154 0.02712097700963876
+2 334293 0.01230195276051476
+2 334297 0.02008394134407133
+2 335102 0.0126715797559878
+2 335271 0.0253431595119756
+2 335979 0.01230195276051476
+2 336200 0.006169672400213108
+2 336285 0.01356048850481938
+2 337095 0.01356048850481938
+2 337185 0.02008394134407133
+2 337735 0.0126715797559878
+2 338006 0.02712097700963876
+2 338021 0.01681021057570177
+2 338206 0.03536142771053655
+2 339078 0.02521531586355265
+2 339127 0.01356048850481938
+2 340304 0.01356048850481938
+2 340566 0.01681021057570177
+2 341255 0.0126715797559878
+2 341878 0.0115183192561101
+2 342440 0.01230195276051476
+2 343508 0.01356048850481938
+2 343735 0.02008394134407133
+2 345199 0.01356048850481938
+2 345568 0.01681021057570177
+2 345633 0.02008394134407133
+2 345684 0.01681021057570177
+2 346795 0.07687807385547357
+2 348217 0.02008394134407133
+2 348577 0.02008394134407133
+2 348620 0.02521531586355265
+2 349276 0.0126715797559878
+2 349281 0.01230195276051476
+2 349435 0.0253431595119756
+2 349538 0.01356048850481938
+2 349888 0.01356048850481938
+2 350035 0.01845292914077214
+2 350489 0.0126715797559878
+2 350535 0.01356048850481938
+2 350800 0.05903418528857111
+2 351070 0.01523477868628074
+2 351615 0.01523477868628074
+2 352137 0.02521531586355265
+2 352644 0.01681021057570177
+2 354291 0.0253431595119756
+2 354303 0.01681021057570177
+2 354428 0.0126715797559878
+2 354489 0.01768071385526828
+2 354881 0.01523477868628074
+2 354925 0.0126715797559878
+2 356044 0.0126715797559878
+2 356759 0.01681021057570177
+2 356922 0.01681021057570177
+2 357007 0.0126715797559878
+2 357854 0.0253431595119756
+2 358920 0.01523477868628074
+2 359248 0.0126715797559878
+2 359812 0.02008394134407133
+2 360005 0.0126715797559878
+2 360982 0.0115183192561101
+2 361049 0.01727747888416514
+2 361083 0.02712097700963876
+2 361267 0.0126715797559878
+2 361458 0.01523477868628074
+2 361555 0.0126715797559878
+2 361829 0.03494457902521526
+2 362042 0.01356048850481938
+2 362225 0.0126715797559878
+2 362467 0.02008394134407133
+2 362857 0.1086229009309709
+2 363605 0.01356048850481938
+2 363657 0.02712097700963876
+2 364616 0.01230195276051476
+2 364949 0.0115183192561101
+2 365021 0.01356048850481938
+2 365207 0.0126715797559878
+2 365654 0.01356048850481938
+2 366473 0.01681021057570177
+2 366889 0.01523477868628074
+2 366965 0.0115183192561101
+2 367875 0.01768071385526828
+2 367907 0.01356048850481938
+2 368014 0.0253431595119756
+2 368725 0.01356048850481938
+2 369010 0.02712097700963876
+2 369179 0.01681021057570177
+2 369621 0.01681021057570177
+2 370047 0.01768071385526828
+2 371306 0.01230195276051476
+2 372124 0.02521531586355265
+2 372364 0.02521531586355265
+2 372511 0.02008394134407133
+2 372649 0.01681021057570177
+2 373096 0.01681021057570177
+2 373911 0.0190073696339817
+2 374313 0.01681021057570177
+2 374357 0.0190073696339817
+2 374371 0.0307548819012869
+2 374551 0.03542051117314268
+2 374753 0.01681021057570177
+2 375487 0.01007375517473586
+2 378133 0.01356048850481938
+2 378138 0.004722734823085689
+2 378740 0.01681021057570177
+2 378835 0.01356048850481938
+2 380125 0.0253431595119756
+2 380335 0.0253431595119756
+2 380731 0.01356048850481938
+2 381027 0.01768071385526828
+2 381059 0.02712097700963876
+2 381314 0.02008394134407133
+2 381898 0.0253431595119756
+2 381910 0.0126715797559878
+2 382438 0.01356048850481938
+2 382814 0.02521531586355265
+2 383056 0.01681021057570177
+2 383220 0.01356048850481938
+2 383382 0.01681021057570177
+2 383425 0.01681021057570177
+2 383679 0.0126715797559878
+2 383717 0.02460390552102952
+2 383744 0.01356048850481938
+2 384309 0.01356048850481938
+2 384509 0.01230195276051476
+2 384855 0.02008394134407133
+2 385204 0.0253431595119756
+2 385715 0.0115183192561101
+2 385781 0.02008394134407133
+2 387388 0.01681021057570177
+2 387974 0.02521531586355265
+2 388461 0.01768071385526828
+2 389229 0.02712097700963876
+2 389801 0.01727747888416514
+2 390083 0.0126715797559878
+2 390320 0.02712097700963876
+2 390711 0.0253431595119756
+2 390942 0.02521531586355265
+2 391054 0.006169672400213108
+2 391640 0.01416820446925707
+2 391751 0.0253431595119756
+2 392560 0.01681021057570177
+2 393395 0.02712097700963876
+2 394376 0.01356048850481938
+2 394516 0.0253431595119756
+2 395286 0.02303663851222019
+2 396089 0.02521531586355265
+2 396173 0.01681021057570177
+2 396734 0.01230195276051476
+2 396781 0.02008394134407133
+2 396794 0.01356048850481938
+2 396868 0.0126715797559878
+2 397149 0.01356048850481938
+2 398135 0.01356048850481938
+2 399196 0.0126715797559878
+2 399853 0.01681021057570177
+2 399959 0.01230195276051476
+2 400049 0.01356048850481938
+2 400231 0.03536142771053655
+2 400945 0.01681021057570177
+2 401071 0.02008394134407133
+2 402051 0.02518438793683965
+2 402865 0.01768071385526828
+2 402913 0.02008394134407133
+2 402965 0.01356048850481938
+2 403661 0.0126715797559878
+2 404105 0.02034073275722907
+2 404240 0.01681021057570177
+2 405475 0.02712097700963876
+2 405774 0.01356048850481938
+2 405988 0.0126715797559878
+2 406087 0.01768071385526828
+2 409163 0.02712097700963876
+2 409251 0.01230195276051476
+2 409413 0.009445469646171378
+2 409699 0.02008394134407133
+2 409703 0.0253431595119756
+2 410369 0.02521531586355265
+2 410826 0.02712097700963876
+2 412205 0.0115183192561101
+2 412451 0.0126715797559878
+2 412969 0.01230195276051476
+2 413067 0.02712097700963876
+2 413831 0.02285216802942112
+2 414612 0.01681021057570177
+2 415899 0.01681021057570177
+2 416521 0.01356048850481938
+2 416539 0.02712097700963876
+2 417019 0.0115183192561101
+2 417055 0.01356048850481938
+2 417415 0.0126715797559878
+2 417651 0.02008394134407133
+2 417672 0.01681021057570177
+2 418318 0.0126715797559878
+2 419563 0.03536142771053655
+2 420441 0.02008394134407133
+2 420765 0.01356048850481938
+2 420892 0.01681021057570177
+2 421087 0.0126715797559878
+2 422853 0.01523477868628074
+2 423978 0.01681021057570177
+2 424081 0.01523477868628074
+2 424094 0.01523477868628074
+2 424534 0.02008394134407133
+2 424685 0.0253431595119756
+2 424843 0.0115183192561101
+2 425184 0.0115183192561101
+2 425561 0.0126715797559878
+2 426215 0.01230195276051476
+2 426273 0.01681021057570177
+2 427270 0.01230195276051476
+2 428107 0.02008394134407133
+2 428185 0.01356048850481938
+2 429081 0.01681021057570177
+2 429857 0.02008394134407133
+2 431508 0.0115183192561101
+2 433703 0.01768071385526828
+2 435351 0.02008394134407133
+2 436145 0.01356048850481938
+2 436785 0.02008394134407133
+2 436909 0.0126715797559878
+2 437004 0.02008394134407133
+2 437219 0.02008394134407133
+2 437322 0.01356048850481938
+2 439498 0.007617389343140372
+2 440133 0.02008394134407133
+2 440291 0.03536142771053655
+2 441552 0.0126715797559878
+2 441779 0.01889093929234276
+2 441980 0.02008394134407133
+2 442488 0.01356048850481938
+2 443700 0.0126715797559878
+2 444245 0.0126715797559878
+2 445221 0.02008394134407133
+2 445546 0.0126715797559878
+2 445733 0.0115183192561101
+2 445954 0.0126715797559878
+2 447055 0.02008394134407133
+2 447747 0.01768071385526828
+2 448509 0.0126715797559878
+2 448632 0.01356048850481938
+2 448815 0.03167894938996951
+2 449029 0.0115183192561101
+2 450383 0.01356048850481938
+2 450520 0.02521531586355265
+2 451666 0.01681021057570177
+2 451732 0.01681021057570177
+2 452294 0.01681021057570177
+2 452651 0.02008394134407133
+2 453366 0.01356048850481938
+2 454642 0.0253431595119756
+2 455552 0.01681021057570177
+2 455623 0.01356048850481938
+2 456078 0.01681021057570177
+2 456355 0.0380147392679634
+2 456482 0.02008394134407133
+2 456962 0.01511063276210379
+2 457315 0.01768071385526828
+2 457479 0.02460390552102952
+2 457697 0.02521531586355265
+2 457815 0.01768071385526828
+2 458416 0.02712097700963876
+2 458576 0.0126715797559878
+2 459153 0.0115183192561101
+2 459526 0.01356048850481938
+2 461015 0.02008394134407133
+2 461058 0.01681021057570177
+2 461528 0.02712097700963876
+2 461794 0.01356048850481938
+2 462154 0.01356048850481938
+2 462975 0.0126715797559878
+2 463440 0.0063357898779939
+2 464561 0.01681021057570177
+2 464765 0.01681021057570177
+2 465643 0.02008394134407133
+2 465683 0.0126715797559878
+2 465975 0.01681021057570177
+2 466143 0.03167894938996951
+2 466236 0.02008394134407133
+2 466689 0.0253431595119756
+2 467462 0.0126715797559878
+2 467625 0.0190073696339817
+2 467993 0.01681021057570177
+2 468025 0.01523477868628074
+2 468191 0.01681021057570177
+2 468461 0.0126715797559878
+2 468741 0.01681021057570177
+2 469937 0.0126715797559878
+2 469959 0.01768071385526828
+2 470605 0.01523477868628074
+2 471169 0.02460390552102952
+2 471521 0.0126715797559878
+2 471572 0.0115183192561101
+2 473270 0.0253431595119756
+2 473734 0.01356048850481938
+2 473746 0.02008394134407133
+2 473999 0.0253431595119756
+2 474687 0.02034073275722907
+2 474784 0.01768071385526828
+2 475057 0.01356048850481938
+2 475117 0.01681021057570177
+2 475365 0.0126715797559878
+2 475768 0.0063357898779939
+2 475970 0.04920781104205905
+2 476213 0.0126715797559878
+2 477443 0.01889093929234276
+2 478472 0.02521531586355265
+2 479073 0.02008394134407133
+2 479139 0.0115183192561101
+2 479633 0.01356048850481938
+2 480260 0.02460390552102952
+2 480288 0.01681021057570177
+2 480422 0.01681021057570177
+2 481113 0.02034073275722907
+2 481474 0.01356048850481938
+2 482345 0.01356048850481938
+2 482567 0.02460390552102952
+2 482986 0.02008394134407133
+2 483676 0.01356048850481938
+2 483701 0.0126715797559878
+2 484341 0.02008394134407133
+2 485083 0.02008394134407133
+2 485363 0.01356048850481938
+2 485540 0.0126715797559878
+2 487611 0.01356048850481938
+2 487653 0.02008394134407133
+2 487687 0.0115183192561101
+2 487763 0.01356048850481938
+2 489267 0.0126715797559878
+2 489724 0.02008394134407133
+2 490247 0.0253431595119756
+2 490929 0.01681021057570177
+2 491013 0.01523477868628074
+2 491452 0.01768071385526828
+2 491594 0.0253431595119756
+2 491641 0.01681021057570177
+2 491735 0.01768071385526828
+2 492761 0.0126715797559878
+2 493145 0.006780244252409691
+2 493421 0.01356048850481938
+2 493657 0.01523477868628074
+2 493901 0.02460390552102952
+2 494309 0.02008394134407133
+2 494937 0.02008394134407133
+2 496345 0.0115183192561101
+2 498175 0.01356048850481938
+2 499200 0.01230195276051476
+2 499358 0.01681021057570177
+2 500381 0.02303663851222019
+2 500666 0.01356048850481938
+2 500845 0.02712097700963876
+2 500950 0.0126715797559878
+2 501421 0.006988915805043051
+2 501697 0.0253431595119756
+2 501976 0.0253431595119756
+2 502084 0.02008394134407133
+2 502271 0.01681021057570177
+2 502355 0.01845292914077214
+2 502591 0.0190073696339817
+2 502841 0.01681021057570177
+2 502907 0.0126715797559878
+2 503867 0.01523477868628074
+2 504382 0.01681021057570177
+2 504555 0.01356048850481938
+2 506286 0.0253431595119756
+2 506479 0.01523477868628074
+2 507451 0.01681021057570177
+2 507537 0.02460390552102952
+2 507692 0.04533189828631139
+2 508029 0.01681021057570177
+2 508659 0.01681021057570177
+2 508787 0.0126715797559878
+2 508811 0.0115183192561101
+2 509375 0.0126715797559878
+2 509919 0.01356048850481938
+2 510712 0.0115183192561101
+2 512268 0.0126715797559878
+2 512365 0.03536142771053655
+2 512746 0.008405105287850885
+2 512909 0.0126715797559878
+2 513364 0.01681021057570177
+2 513717 0.01230195276051476
+2 514175 0.01230195276051476
+2 514393 0.02008394134407133
+2 516634 0.04935737920170487
+2 517337 0.02008394134407133
+2 517781 0.01523477868628074
+2 518162 0.0253431595119756
+2 518346 0.01768071385526828
+2 518705 0.02008394134407133
+2 519139 0.03046955737256149
+2 519173 0.01681021057570177
+2 519679 0.0253431595119756
+2 520268 0.02008394134407133
+2 520313 0.02008394134407133
+2 520376 0.01681021057570177
+2 521665 0.01681021057570177
+2 521989 0.01681021057570177
+2 522563 0.01681021057570177
+2 523212 0.0190073696339817
+2 523271 0.02285216802942112
+2 523541 0.01768071385526828
+2 523687 0.0126715797559878
+2 523735 0.01356048850481938
+2 523947 0.01230195276051476
+2 525576 0.01681021057570177
+2 525583 0.02008394134407133
+2 525851 0.0126715797559878
+2 525908 0.0126715797559878
+2 526088 0.0126715797559878
+2 526721 0.01356048850481938
+2 526946 0.01523477868628074
+2 527398 0.01523477868628074
+2 528214 0.02521531586355265
+2 528332 0.01356048850481938
+2 528573 0.01356048850481938
+2 528624 0.01356048850481938
+2 529053 0.01230195276051476
+2 530666 0.01356048850481938
+2 531001 0.01356048850481938
+2 531389 0.02712097700963876
+2 531908 0.01416820446925707
+2 531983 0.0126715797559878
+2 532164 0.02285216802942112
+2 534715 0.0253431595119756
+2 534866 0.0253431595119756
+2 535273 0.01681021057570177
+2 535303 0.0126715797559878
+2 535786 0.0253431595119756
+2 535967 0.01681021057570177
+2 536468 0.0253431595119756
+2 536889 0.01356048850481938
+2 537029 0.0126715797559878
+2 537221 0.02712097700963876
+2 537511 0.01845292914077214
+2 537663 0.01356048850481938
+2 537849 0.02034073275722907
+2 537992 0.02008394134407133
+2 539074 0.02521531586355265
+2 539527 0.0126715797559878
+2 539712 0.0126715797559878
+2 539771 0.01356048850481938
+2 540057 0.02712097700963876
+2 540465 0.02712097700963876
+2 540474 0.01230195276051476
+2 540528 0.02712097700963876
+2 540901 0.02034073275722907
+2 541108 0.01681021057570177
+2 541994 0.01356048850481938
+2 542085 0.01356048850481938
+2 542176 0.02008394134407133
+2 542283 0.0126715797559878
+2 542532 0.03390122126204846
+2 543333 0.009445469646171378
+2 544228 0.01356048850481938
+2 544681 0.01523477868628074
+2 544877 0.01356048850481938
+2 545201 0.0115183192561101
+2 546555 0.0126715797559878
+2 546620 0.0126715797559878
+2 546944 0.0126715797559878
+2 547617 0.01681021057570177
+2 547879 0.02008394134407133
+2 548064 0.0126715797559878
+2 548140 0.01681021057570177
+2 548733 0.01523477868628074
+2 549329 0.02008394134407133
+2 550139 0.01230195276051476
+2 550397 0.0190073696339817
+2 550477 0.01768071385526828
+2 550556 0.0126715797559878
+2 550646 0.01681021057570177
+2 551222 0.01681021057570177
+2 551619 0.01681021057570177
+2 551710 0.02008394134407133
+2 551867 0.0115183192561101
+2 552035 0.01768071385526828
+2 552059 0.01356048850481938
+2 552314 0.01230195276051476
+2 552644 0.01681021057570177
+2 552991 0.02712097700963876
+2 553087 0.0126715797559878
+2 554171 0.006169672400213108
+2 554273 0.01230195276051476
+2 554286 0.01356048850481938
+2 554319 0.01356048850481938
+2 554848 0.03701803440127865
+2 555212 0.0115183192561101
+2 555579 0.01681021057570177
+2 555640 0.01356048850481938
+2 555843 0.01356048850481938
+2 555941 0.01681021057570177
+2 556469 0.02014751034947173
+2 556516 0.0126715797559878
+2 556689 0.02008394134407133
+2 556895 0.01681021057570177
+2 557017 0.02008394134407133
+2 558783 0.0126715797559878
+2 559219 0.01681021057570177
+2 559604 0.02521531586355265
+2 560127 0.01356048850481938
+2 560395 0.0115183192561101
+2 561463 0.01681021057570177
+2 562649 0.02008394134407133
+2 562846 0.03167894938996951
+2 562987 0.02008394134407133
+2 563710 0.02034073275722907
+2 564899 0.02008394134407133
+2 565145 0.02521531586355265
+2 565204 0.02008394134407133
+2 566739 0.0126715797559878
+2 567100 0.0253431595119756
+2 567243 0.01681021057570177
+2 567941 0.01523477868628074
+2 568071 0.01681021057570177
+2 568123 0.01681021057570177
+2 568217 0.02008394134407133
+2 569285 0.0115183192561101
+2 569519 0.0126715797559878
+2 570041 0.01681021057570177
+2 570063 0.01523477868628074
+2 570304 0.01681021057570177
+2 570831 0.02008394134407133
+2 570952 0.03167894938996951
+2 571152 0.04570433605884224
+2 571843 0.01007375517473586
+2 572024 0.02008394134407133
+2 573185 0.01681021057570177
+2 573974 0.01681021057570177
+2 574381 0.02008394134407133
+2 575021 0.02008394134407133
+2 575961 0.02008394134407133
+2 576681 0.0253431595119756
+2 576853 0.0115183192561101
+2 576861 0.01356048850481938
+2 577069 0.01356048850481938
+2 578064 0.0126715797559878
+2 578166 0.0126715797559878
+2 578403 0.01681021057570177
+2 578474 0.01681021057570177
+2 578514 0.02034073275722907
+2 578619 0.02008394134407133
+2 579352 0.0126715797559878
+2 579500 0.0126715797559878
+2 579620 0.0126715797559878
+2 579681 0.01681021057570177
+2 580669 0.02521531586355265
+2 581483 0.02008394134407133
+2 581523 0.01681021057570177
+2 582560 0.0115183192561101
+2 582730 0.01523477868628074
+2 582828 0.01681021057570177
+2 583435 0.01356048850481938
+2 583463 0.01681021057570177
+2 583550 0.0126715797559878
+2 583732 0.01681021057570177
+2 583746 0.05591132644034441
+2 584338 0.01356048850481938
+2 584579 0.0126715797559878
+2 584706 0.01523477868628074
+2 584763 0.05591132644034441
+2 585083 0.02008394134407133
+2 585191 0.0126715797559878
+2 587249 0.01356048850481938
+2 587435 0.02285216802942112
+2 587884 0.0126715797559878
+2 587926 0.0126715797559878
+2 588449 0.01230195276051476
+2 589145 0.0126715797559878
+2 589339 0.0126715797559878
+2 590199 0.0115183192561101
+2 590800 0.02712097700963876
+2 591310 0.01356048850481938
+2 591592 0.0115183192561101
+2 591866 0.01845292914077214
+2 592222 0.0126715797559878
+2 592401 0.0126715797559878
+2 592829 0.01523477868628074
+2 592951 0.01356048850481938
+2 593195 0.01230195276051476
+2 593712 0.01356048850481938
+2 593729 0.01681021057570177
+2 593964 0.0126715797559878
+2 593995 0.01845292914077214
+2 594441 0.0115183192561101
+2 594598 0.01230195276051476
+2 594775 0.04627254300159831
+2 595190 0.0126715797559878
+2 595803 0.1133297457157785
+2 596548 0.01356048850481938
+2 596603 0.03167894938996951
+2 596952 0.01230195276051476
+2 597281 0.01356048850481938
+2 597895 0.01230195276051476
+2 597967 0.0126715797559878
+2 598600 0.0126715797559878
+2 598774 0.009445469646171378
+2 599911 0.01230195276051476
+2 600226 0.009445469646171378
+2 600953 0.01681021057570177
+2 600960 0.02034073275722907
+2 601956 0.0190073696339817
+2 602993 0.02303663851222019
+2 604022 0.01416820446925707
+2 605225 0.03305914376159982
+2 605390 0.02521531586355265
+2 605457 0.0253431595119756
+2 606350 0.0126715797559878
+2 606857 0.02008394134407133
+2 606892 0.0115183192561101
+2 607303 0.02034073275722907
+2 607497 0.02795566322017221
+2 607699 0.02008394134407133
+2 607869 0.01356048850481938
+2 608493 0.01768071385526828
+2 608773 0.0253431595119756
+2 608811 0.02008394134407133
+2 608932 0.0126715797559878
+2 609511 0.01356048850481938
+2 609997 0.0126715797559878
+2 611041 0.0126715797559878
+2 611811 0.01768071385526828
+2 611997 0.05183243665249544
+2 613071 0.02712097700963876
+2 613281 0.02008394134407133
+2 614260 0.02521531586355265
+2 614331 0.0126715797559878
+2 614844 0.02712097700963876
+2 615384 0.0126715797559878
+2 615760 0.02008394134407133
+2 616117 0.03690585828154429
+2 616136 0.01356048850481938
+2 616371 0.02008394134407133
+2 616663 0.02303663851222019
+2 616690 0.01681021057570177
+2 616733 0.02008394134407133
+2 617266 0.01681021057570177
+2 617395 0.01230195276051476
+2 618125 0.03536142771053655
+2 620045 0.01356048850481938
+2 620105 0.02008394134407133
+2 620879 0.02008394134407133
+2 620920 0.02008394134407133
+2 620922 0.01356048850481938
+2 621168 0.01356048850481938
+2 621490 0.01681021057570177
+2 622175 0.0253431595119756
+2 622446 0.01768071385526828
+2 622747 0.01230195276051476
+2 623266 0.02521531586355265
+2 623657 0.02008394134407133
+2 623888 0.02008394134407133
+2 623961 0.01356048850481938
+2 624069 0.0126715797559878
+2 624697 0.02008394134407133
+2 624972 0.01356048850481938
+2 625376 0.01681021057570177
+2 625667 0.01768071385526828
+2 626638 0.01681021057570177
+2 627157 0.01356048850481938
+2 627686 0.01356048850481938
+2 628067 0.05591132644034441
+2 628232 0.02460390552102952
+2 629035 0.02008394134407133
+2 629688 0.01681021057570177
+2 629740 0.0190073696339817
+2 630583 0.01356048850481938
+2 630633 0.01356048850481938
+2 631033 0.02008394134407133
+2 631437 0.02008394134407133
+2 632468 0.0115183192561101
+2 632711 0.01356048850481938
+2 633121 0.02008394134407133
+2 633177 0.02879579814027524
+2 633495 0.01230195276051476
+2 633773 0.02712097700963876
+2 635129 0.02008394134407133
+2 635811 0.02285216802942112
+2 635859 0.02521531586355265
+2 636145 0.01356048850481938
+2 636432 0.0126715797559878
+2 636455 0.0126715797559878
+2 636789 0.01681021057570177
+2 637051 0.0253431595119756
+2 637283 0.0115183192561101
+2 638325 0.01768071385526828
+2 638675 0.01523477868628074
+2 638720 0.0190073696339817
+2 638838 0.01523477868628074
+2 639033 0.02303663851222019
+2 639353 0.01356048850481938
+2 640317 0.01768071385526828
+2 640923 0.01681021057570177
+2 642137 0.02008394134407133
+2 642203 0.05591132644034441
+2 642649 0.02008394134407133
+2 643315 0.02008394134407133
+2 643634 0.01889093929234276
+2 643662 0.02521531586355265
+2 643772 0.0253431595119756
+2 644220 0.006169672400213108
+2 645114 0.0115183192561101
+2 645258 0.01356048850481938
+2 645301 0.01356048850481938
+2 645915 0.01727747888416514
+2 646777 0.02460390552102952
+2 646919 0.01681021057570177
+2 647848 0.01230195276051476
+2 648063 0.0115183192561101
+2 648903 0.02008394134407133
+2 650741 0.01768071385526828
+2 650936 0.01681021057570177
+2 651357 0.01681021057570177
+2 651789 0.02008394134407133
+2 652035 0.01681021057570177
+2 652362 0.01681021057570177
+2 652514 0.01523477868628074
+2 652849 0.02008394134407133
+2 653009 0.02008394134407133
+2 653537 0.02008394134407133
+2 654373 0.01681021057570177
+2 655093 0.02008394134407133
+2 655121 0.0126715797559878
+2 655240 0.01230195276051476
+2 655438 0.02521531586355265
+2 655446 0.01681021057570177
+2 655537 0.02014751034947173
+2 656149 0.0126715797559878
+2 657480 0.02521531586355265
+2 657631 0.02034073275722907
+2 657797 0.01681021057570177
+2 658436 0.0126715797559878
+2 659135 0.01356048850481938
+2 660651 0.01681021057570177
+2 661073 0.01416820446925707
+2 661573 0.006988915805043051
+2 662393 0.01356048850481938
+2 663774 0.01356048850481938
+2 663812 0.01889093929234276
+2 664406 0.01523477868628074
+2 665077 0.02008394134407133
+2 665243 0.01356048850481938
+2 666483 0.01356048850481938
+2 667147 0.01356048850481938
+2 667190 0.01356048850481938
+2 667328 0.01230195276051476
+2 667500 0.01356048850481938
+2 668297 0.03046955737256149
+2 668558 0.0126715797559878
+2 668789 0.01681021057570177
+2 669217 0.0126715797559878
+2 669258 0.01523477868628074
+2 669997 0.02008394134407133
+2 670037 0.01681021057570177
+2 670268 0.0190073696339817
+2 670693 0.01356048850481938
+2 670829 0.01727747888416514
+2 670954 0.0126715797559878
+2 671553 0.04533189828631139
+2 671951 0.0126715797559878
+2 672444 0.01768071385526828
+2 672756 0.01007375517473586
+2 672767 0.0126715797559878
+2 673094 0.0115183192561101
+2 673485 0.01356048850481938
+2 673507 0.0115183192561101
+2 673666 0.01356048850481938
+2 673671 0.02008394134407133
+2 674203 0.0126715797559878
+2 674363 0.02008394134407133
+2 675052 0.0126715797559878
+2 675407 0.02008394134407133
+2 675670 0.0253431595119756
+2 675672 0.01681021057570177
+2 675682 0.0115183192561101
+2 676661 0.0115183192561101
+2 677451 0.01230195276051476
+2 677507 0.02008394134407133
+2 677975 0.02008394134407133
+2 678219 0.0126715797559878
+2 678613 0.01845292914077214
+2 678900 0.01356048850481938
+2 679409 0.0126715797559878
+2 679429 0.0253431595119756
+2 679629 0.0126715797559878
+2 680149 0.01681021057570177
+2 680225 0.01356048850481938
+2 680718 0.02008394134407133
+2 681761 0.02008394134407133
+2 682127 0.01230195276051476
+2 682269 0.0115183192561101
+2 682363 0.01356048850481938
+2 683329 0.01681021057570177
+2 683453 0.01356048850481938
+2 683466 0.03390122126204846
+2 684088 0.01681021057570177
+2 684612 0.02008394134407133
+2 684704 0.01356048850481938
+2 685694 0.03046955737256149
+2 686139 0.02008394134407133
+2 686506 0.01230195276051476
+2 686920 0.01356048850481938
+2 687143 0.01768071385526828
+2 687588 0.02712097700963876
+2 687733 0.01681021057570177
+2 687757 0.0126715797559878
+2 688478 0.01681021057570177
+2 689428 0.01681021057570177
+2 689867 0.0126715797559878
+2 689912 0.0115183192561101
+2 690425 0.02285216802942112
+2 690643 0.02008394134407133
+2 690761 0.02879579814027524
+2 690938 0.0126715797559878
+2 691362 0.02521531586355265
+2 691725 0.01356048850481938
+2 691865 0.0115183192561101
+2 693099 0.0126715797559878
+2 693246 0.01681021057570177
+2 694095 0.02008394134407133
+2 694474 0.02521531586355265
+2 694626 0.0126715797559878
+2 695153 0.01356048850481938
+2 695422 0.02034073275722907
+2 695471 0.02008394134407133
+2 695589 0.01681021057570177
+2 695662 0.0126715797559878
+2 696386 0.02008394134407133
+2 696533 0.1039001661078852
+2 696943 0.01681021057570177
+2 697121 0.01523477868628074
+2 697205 0.03494457902521526
+2 697598 0.01356048850481938
+2 697943 0.02008394134407133
+2 697988 0.01681021057570177
+2 698191 0.01356048850481938
+2 698358 0.02712097700963876
+2 698921 0.01356048850481938
+2 699089 0.02008394134407133
+2 699173 0.02008394134407133
+2 699635 0.02712097700963876
+2 699773 0.01523477868628074
+2 700389 0.01681021057570177
+2 700571 0.02712097700963876
+2 700939 0.02008394134407133
+2 700954 0.01356048850481938
+2 701137 0.01356048850481938
+2 701293 0.01768071385526828
+2 701361 0.01681021057570177
+2 701887 0.02467868960085243
+2 703551 0.01768071385526828
+2 704029 0.02008394134407133
+2 704060 0.0115183192561101
+2 705096 0.0126715797559878
+2 705567 0.0115183192561101
+2 705609 0.02008394134407133
+2 705841 0.0126715797559878
+2 706216 0.02712097700963876
+2 706692 0.01681021057570177
+2 706892 0.01356048850481938
+2 706945 0.02008394134407133
+2 707489 0.01523477868628074
+2 707633 0.01681021057570177
+2 707730 0.02303663851222019
+2 708255 0.01356048850481938
+2 708714 0.02008394134407133
+2 708885 0.01681021057570177
+2 708916 0.05183243665249544
+2 709478 0.01681021057570177
+2 709550 0.03167894938996951
+2 710821 0.02521531586355265
+2 711418 0.02712097700963876
+2 711432 0.01230195276051476
+2 712019 0.01681021057570177
+2 712475 0.02008394134407133
+2 712872 0.01523477868628074
+2 713013 0.03536142771053655
+2 713042 0.0126715797559878
+2 713234 0.01356048850481938
+2 713368 0.02008394134407133
+2 713527 0.01681021057570177
+2 714059 0.0253431595119756
+2 714584 0.01416820446925707
+2 714829 0.01523477868628074
+2 714947 0.02008394134407133
+2 715513 0.03046955737256149
+2 715726 0.01681021057570177
+2 715932 0.02521531586355265
+2 715968 0.0126715797559878
+2 716121 0.01230195276051476
+2 716526 0.01681021057570177
+2 717596 0.01523477868628074
+2 717962 0.0126715797559878
+2 718098 0.01681021057570177
+2 718323 0.0126715797559878
+2 719242 0.01356048850481938
+2 719616 0.01356048850481938
+2 720262 0.01356048850481938
+2 720495 0.01681021057570177
+2 721031 0.01356048850481938
+2 721682 0.01356048850481938
+2 721829 0.01681021057570177
+2 721862 0.02712097700963876
+2 722102 0.02712097700963876
+2 722798 0.0115183192561101
+2 723160 0.0126715797559878
+2 723193 0.02008394134407133
+2 723875 0.02008394134407133
+2 724109 0.02285216802942112
+2 724301 0.02008394134407133
+2 724540 0.02712097700963876
+2 724681 0.02303663851222019
+2 724835 0.02008394134407133
+2 724837 0.0115183192561101
+2 725465 0.0115183192561101
+2 725922 0.01356048850481938
+2 725986 0.01356048850481938
+2 726091 0.0063357898779939
+2 726479 0.02008394134407133
+2 726847 0.02303663851222019
+2 727361 0.01681021057570177
+2 727502 0.0126715797559878
+2 727505 0.0115183192561101
+2 727581 0.02008394134407133
+2 729035 0.01230195276051476
+2 729291 0.01230195276051476
+2 729590 0.0126715797559878
+2 730055 0.01768071385526828
+2 730665 0.01511063276210379
+2 730797 0.02521531586355265
+2 732146 0.0115183192561101
+2 732291 0.0115183192561101
+2 733327 0.01845292914077214
+2 733791 0.0253431595119756
+2 734367 0.003084836200106554
+2 734643 0.02034073275722907
+2 734922 0.02008394134407133
+2 734942 0.02008394134407133
+2 735217 0.01356048850481938
+2 735537 0.02008394134407133
+2 735787 0.02008394134407133
+2 737126 0.02034073275722907
+2 737328 0.02008394134407133
+2 738711 0.0115183192561101
+2 738843 0.02008394134407133
+2 739036 0.01356048850481938
+2 739232 0.03390122126204846
+2 739643 0.02008394134407133
+2 740438 0.0115183192561101
+2 740483 0.01727747888416514
+2 741665 0.0126715797559878
+2 741749 0.01681021057570177
+2 742595 0.01681021057570177
+2 742865 0.01681021057570177
+2 743133 0.02521531586355265
+2 743915 0.01523477868628074
+2 744254 0.02008394134407133
+2 745026 0.01356048850481938
+2 745259 0.01768071385526828
+2 745311 0.04570433605884224
+2 745692 0.02008394134407133
+2 746645 0.01523477868628074
+2 746676 0.01356048850481938
+2 748040 0.0126715797559878
+2 748793 0.01356048850481938
+2 749436 0.01356048850481938
+2 749580 0.05591132644034441
+2 749615 0.01230195276051476
+2 749749 0.01768071385526828
+2 750183 0.0126715797559878
+2 750727 0.01768071385526828
+2 751108 0.02712097700963876
+2 751292 0.02285216802942112
+2 752119 0.02008394134407133
+2 752625 0.02008394134407133
+2 753182 0.01681021057570177
+2 753206 0.01681021057570177
+2 753259 0.02521531586355265
+2 753528 0.0115183192561101
+2 754611 0.02008394134407133
+2 754935 0.02008394134407133
+2 755213 0.02521531586355265
+2 756217 0.02460390552102952
+2 756487 0.02285216802942112
+2 756653 0.0126715797559878
+2 757147 0.01356048850481938
+2 757918 0.01356048850481938
+2 758209 0.01230195276051476
+2 758522 0.006780244252409691
+2 758529 0.0190073696339817
+2 758901 0.01681021057570177
+2 758989 0.01523477868628074
+2 759222 0.01681021057570177
+2 759434 0.01681021057570177
+2 760058 0.0126715797559878
+2 760340 0.01356048850481938
+2 760543 0.01230195276051476
+2 760837 0.005036877587367932
+2 761160 0.02008394134407133
+2 762340 0.01356048850481938
+2 762805 0.02521531586355265
+2 763733 0.0126715797559878
+2 763853 0.0115183192561101
+2 763947 0.0190073696339817
+2 764181 0.01230195276051476
+2 764197 0.02008394134407133
+2 764335 0.0253431595119756
+2 764717 0.01230195276051476
+2 764887 0.03536142771053655
+2 766235 0.0126715797559878
+2 766266 0.0115183192561101
+2 766277 0.02521531586355265
+2 767389 0.0126715797559878
+2 767812 0.02034073275722907
+2 768087 0.0115183192561101
+2 768251 0.01356048850481938
+2 768305 0.02008394134407133
+2 768634 0.0126715797559878
+2 768732 0.02712097700963876
+2 769351 0.02008394134407133
+2 769975 0.01356048850481938
+2 770167 0.0190073696339817
+2 770457 0.02285216802942112
+2 770630 0.01356048850481938
+2 770795 0.0190073696339817
+2 770938 0.0190073696339817
+2 771052 0.01356048850481938
+2 771563 0.01356048850481938
+2 772020 0.02008394134407133
+2 772899 0.01356048850481938
+2 773003 0.0253431595119756
+2 773411 0.0253431595119756
+2 773474 0.02521531586355265
+2 773571 0.01356048850481938
+2 773831 0.0126715797559878
+2 773847 0.0190073696339817
+2 774217 0.02008394134407133
+2 775031 0.0126715797559878
+2 775122 0.0253431595119756
+2 775934 0.01681021057570177
+2 775990 0.0126715797559878
+2 776178 0.01230195276051476
+2 777142 0.01230195276051476
+2 777823 0.0126715797559878
+2 777845 0.0126715797559878
+2 778024 0.01681021057570177
+2 778173 0.01356048850481938
+2 779020 0.0126715797559878
+2 779037 0.01681021057570177
+2 779283 0.02008394134407133
+2 779400 0.01356048850481938
+2 780131 0.02008394134407133
+2 780563 0.02008394134407133
+2 781231 0.0126715797559878
+2 782151 0.01230195276051476
+2 782275 0.02521531586355265
+2 782538 0.0126715797559878
+2 783132 0.0126715797559878
+2 783343 0.01356048850481938
+2 783423 0.01523477868628074
+2 783474 0.01356048850481938
+2 783828 0.0126715797559878
+2 783959 0.01768071385526828
+2 784168 0.02008394134407133
+2 784656 0.01681021057570177
+2 785845 0.006169672400213108
+2 785937 0.02521531586355265
+2 786742 0.0253431595119756
+2 786960 0.0126715797559878
+2 787175 0.0126715797559878
+2 787794 0.03273970431789155
+2 788165 0.01230195276051476
+2 789638 0.03022126552420759
+2 789963 0.02521531586355265
+2 790471 0.0115183192561101
+2 790981 0.01523477868628074
+2 791523 0.0126715797559878
+2 791718 0.0126715797559878
+2 792107 0.02008394134407133
+2 792543 0.01681021057570177
+2 792855 0.0126715797559878
+2 792961 0.01523477868628074
+2 794886 0.01681021057570177
+2 795595 0.02521531586355265
+2 795792 0.02712097700963876
+2 796596 0.0115183192561101
+2 796656 0.0253431595119756
+2 796955 0.02008394134407133
+2 797723 0.02008394134407133
+2 797939 0.01523477868628074
+2 798091 0.02008394134407133
+2 799963 0.02008394134407133
+2 800049 0.01850901720063932
+2 800887 0.01768071385526828
+2 801163 0.01681021057570177
+2 801470 0.01356048850481938
+2 801694 0.01356048850481938
+2 802231 0.01230195276051476
+2 802243 0.01356048850481938
+2 802265 0.02008394134407133
+2 802871 0.0126715797559878
+2 802987 0.02008394134407133
+2 803130 0.0115183192561101
+2 803501 0.01523477868628074
+2 803836 0.0126715797559878
+2 803898 0.02008394134407133
+2 804098 0.04920781104205905
+2 804970 0.0253431595119756
+2 806035 0.01356048850481938
+2 806093 0.02008394134407133
+2 806121 0.01356048850481938
+2 806535 0.02008394134407133
+2 807323 0.01681021057570177
+2 807327 0.01681021057570177
+2 807411 0.02518438793683965
+2 807431 0.01356048850481938
+2 807815 0.01523477868628074
+2 807967 0.02521531586355265
+2 808787 0.02008394134407133
+2 809627 0.02712097700963876
+2 811069 0.01681021057570177
+2 811460 0.0253431595119756
+2 812139 0.01230195276051476
+2 812268 0.01681021057570177
+2 812696 0.0115183192561101
+2 813585 0.01356048850481938
+2 813615 0.02008394134407133
+2 814437 0.0115183192561101
+2 814806 0.01681021057570177
+2 814899 0.0126715797559878
+2 815116 0.01230195276051476
+2 815974 0.0253431595119756
+2 816692 0.04935737920170487
+2 817051 0.01356048850481938
+2 818929 0.01356048850481938
+2 819641 0.0126715797559878
+2 819978 0.0126715797559878
+2 820195 0.0190073696339817
+2 820549 0.01681021057570177
+2 821841 0.01356048850481938
+2 822732 0.01681021057570177
+2 823077 0.02008394134407133
+2 823395 0.0126715797559878
+2 823746 0.01681021057570177
+2 823955 0.01681021057570177
+2 824812 0.01727747888416514
+2 825897 0.01681021057570177
+2 826889 0.0126715797559878
+2 827721 0.05036877587367931
+2 827857 0.01356048850481938
+2 828024 0.005036877587367932
+2 828318 0.0126715797559878
+2 828435 0.02008394134407133
+2 829527 0.01356048850481938
+2 830841 0.01523477868628074
+2 830913 0.02008394134407133
+2 831141 0.02008394134407133
+2 831546 0.02008394134407133
+2 831820 0.01681021057570177
+2 832857 0.01523477868628074
+2 833703 0.02008394134407133
+2 833906 0.01681021057570177
+2 835278 0.0115183192561101
+2 835345 0.0115183192561101
+2 835939 0.02460390552102952
+2 836135 0.01356048850481938
+2 838145 0.0126715797559878
+2 838336 0.02008394134407133
+2 838403 0.02712097700963876
+2 838788 0.01230195276051476
+2 838852 0.01356048850481938
+2 839462 0.0253431595119756
+2 839777 0.07687807385547357
+2 839803 0.01681021057570177
+2 840249 0.02521531586355265
+2 840443 0.03701803440127865
+2 840815 0.0126715797559878
+2 841190 0.02303663851222019
+2 841719 0.02712097700963876
+2 841729 0.01523477868628074
+2 842117 0.01681021057570177
+2 842623 0.004722734823085689
+2 842943 0.01356048850481938
+2 843133 0.01681021057570177
+2 843271 0.0126715797559878
+2 844547 0.01768071385526828
+2 844943 0.04920781104205905
+2 845228 0.01681021057570177
+2 845263 0.01356048850481938
+2 845355 0.01356048850481938
+2 845433 0.01356048850481938
+2 846017 0.02521531586355265
+2 846227 0.01681021057570177
+2 847021 0.01523477868628074
+2 848227 0.01681021057570177
+2 848316 0.01230195276051476
+2 848330 0.02008394134407133
+2 848706 0.03167894938996951
+2 848815 0.02008394134407133
+2 848856 0.01356048850481938
+2 849007 0.0126715797559878
+2 849063 0.04607327702444039
+2 849509 0.0126715797559878
+2 849602 0.0115183192561101
+2 849609 0.01768071385526828
+2 849636 0.02008394134407133
+2 849797 0.0126715797559878
+2 851071 0.04570433605884224
+2 851367 0.02008394134407133
+2 851822 0.0126715797559878
+2 852093 0.01523477868628074
+2 853866 0.0253431595119756
+2 854171 0.02008394134407133
+2 854960 0.006169672400213108
+2 855121 0.02008394134407133
+2 855291 0.01523477868628074
+2 855392 0.02285216802942112
+2 855770 0.01356048850481938
+2 856123 0.0126715797559878
+2 856212 0.02008394134407133
+2 856602 0.03084836200106554
+2 856603 0.02521531586355265
+2 856834 0.0190073696339817
+2 857015 0.01356048850481938
+2 857083 0.01681021057570177
+2 857189 0.02034073275722907
+2 857430 0.04935737920170487
+2 857517 0.0126715797559878
+2 857581 0.02008394134407133
+2 857643 0.02521531586355265
+2 857673 0.01681021057570177
+2 857805 0.006169672400213108
+2 858171 0.02008394134407133
+2 859034 0.0126715797559878
+2 859080 0.0126715797559878
+2 860098 0.0126715797559878
+2 861133 0.0126715797559878
+2 861178 0.02285216802942112
+2 863102 0.02034073275722907
+2 863194 0.01681021057570177
+2 863327 0.01356048850481938
+2 863371 0.01356048850481938
+2 863413 0.03536142771053655
+2 864181 0.01681021057570177
+2 864218 0.0126715797559878
+2 864383 0.01681021057570177
+2 865017 0.02008394134407133
+2 865057 0.02008394134407133
+2 866123 0.02460390552102952
+2 866409 0.01523477868628074
+2 866462 0.0115183192561101
+2 866719 0.0253431595119756
+2 867059 0.01356048850481938
+2 867366 0.0126715797559878
+2 868041 0.01681021057570177
+2 868877 0.02460390552102952
+2 869058 0.0115183192561101
+2 869609 0.0126715797559878
+2 870006 0.0253431595119756
+2 870945 0.02008394134407133
+2 871383 0.03536142771053655
+2 871666 0.02008394134407133
+2 871784 0.01768071385526828
+2 871979 0.0307548819012869
+2 872269 0.0126715797559878
+2 872950 0.02008394134407133
+2 873263 0.02285216802942112
+2 873685 0.01523477868628074
+2 873777 0.02008394134407133
+2 873932 0.01230195276051476
+2 875002 0.01356048850481938
+2 875441 0.07687807385547357
+2 875595 0.02521531586355265
+2 876454 0.0126715797559878
+2 876608 0.02008394134407133
+2 876647 0.03046955737256149
+2 879048 0.0115183192561101
+2 879723 0.02303663851222019
+2 879977 0.01356048850481938
+2 880406 0.0126715797559878
+2 880427 0.01681021057570177
+2 880919 0.02008394134407133
+2 880943 0.01681021057570177
+2 881902 0.02460390552102952
+2 882364 0.0126715797559878
+2 882386 0.01356048850481938
+2 884007 0.01681021057570177
+2 884303 0.02008394134407133
+2 884404 0.0126715797559878
+2 884453 0.02008394134407133
+2 886071 0.0126715797559878
+2 886206 0.02008394134407133
+2 887472 0.01681021057570177
+2 888384 0.02008394134407133
+2 889334 0.0126715797559878
+2 889464 0.0126715797559878
+2 890051 0.02008394134407133
+2 890133 0.0126715797559878
+2 890426 0.02712097700963876
+2 890577 0.01681021057570177
+2 892270 0.02521531586355265
+2 894002 0.03046955737256149
+2 894589 0.01356048850481938
+2 895068 0.0126715797559878
+2 896073 0.0126715797559878
+2 897352 0.01768071385526828
+2 897680 0.01356048850481938
+2 898259 0.01681021057570177
+2 901072 0.0126715797559878
+2 901243 0.01356048850481938
+2 901264 0.01356048850481938
+2 901464 0.01356048850481938
+2 901735 0.02008394134407133
+2 901873 0.01356048850481938
+2 902943 0.01681021057570177
+2 902983 0.02008394134407133
+2 903042 0.0126715797559878
+2 903639 0.0190073696339817
+2 903775 0.01845292914077214
+2 903869 0.01230195276051476
+2 905053 0.0126715797559878
+2 905317 0.01356048850481938
+2 906032 0.01681021057570177
+2 906255 0.02467868960085243
+2 908616 0.02712097700963876
+2 908795 0.0115183192561101
+2 909342 0.03390122126204846
+2 910551 0.01356048850481938
+2 911246 0.0126715797559878
+2 911251 0.01356048850481938
+2 911471 0.01681021057570177
+2 911559 0.02303663851222019
+2 911787 0.01681021057570177
+2 912375 0.02712097700963876
+2 912646 0.01356048850481938
+2 912692 0.0115183192561101
+2 912818 0.01356048850481938
+2 913412 0.01230195276051476
+2 913475 0.0126715797559878
+2 913653 0.02467868960085243
+2 913664 0.01681021057570177
+2 914236 0.01356048850481938
+2 914637 0.0126715797559878
+2 914707 0.02521531586355265
+2 914942 0.0380147392679634
+2 916268 0.01681021057570177
+2 916275 0.02008394134407133
+2 916412 0.0253431595119756
+2 916833 0.02008394134407133
+2 916838 0.02008394134407133
+2 916971 0.0115183192561101
+2 916981 0.02034073275722907
+2 923371 0.01768071385526828
+2 923707 0.02460390552102952
+2 923881 0.01356048850481938
+2 924308 0.02008394134407133
+2 924489 0.01681021057570177
+2 925190 0.01523477868628074
+2 926192 0.02008394134407133
+2 926250 0.0126715797559878
+2 927420 0.02008394134407133
+2 928368 0.0253431595119756
+2 928519 0.0126715797559878
+2 928781 0.0126715797559878
+2 929332 0.01681021057570177
+2 929479 0.1108113069220945
+2 929751 0.02008394134407133
+2 929906 0.01511063276210379
+2 930347 0.01681021057570177
+2 930897 0.01356048850481938
+2 931261 0.02034073275722907
+2 931304 0.0253431595119756
+2 931366 0.01230195276051476
+2 931867 0.0190073696339817
+2 932035 0.02521531586355265
+2 932119 0.02521531586355265
+2 932719 0.01768071385526828
+2 933173 0.01681021057570177
+2 934083 0.0253431595119756
+2 934821 0.0253431595119756
+2 936307 0.0126715797559878
+2 936497 0.02303663851222019
+2 936622 0.0126715797559878
+2 936975 0.01681021057570177
+2 937173 0.02460390552102952
+2 938709 0.0126715797559878
+2 939162 0.02521531586355265
+2 939489 0.02008394134407133
+2 939891 0.02521531586355265
+2 940067 0.01230195276051476
+2 940134 0.01681021057570177
+2 940579 0.02008394134407133
+2 940676 0.02460390552102952
+2 941134 0.0126715797559878
+2 941331 0.01007375517473586
+2 941477 0.02008394134407133
+2 941660 0.008405105287850885
+2 942152 0.0115183192561101
+2 942491 0.01768071385526828
+2 942492 0.01523477868628074
+2 942496 0.02712097700963876
+2 943077 0.01356048850481938
+2 943165 0.02014751034947173
+2 943202 0.0126715797559878
+2 943707 0.02008394134407133
+2 943733 0.01523477868628074
+2 943767 0.02008394134407133
+2 943987 0.0126715797559878
+2 944364 0.0253431595119756
+2 944695 0.0126715797559878
+2 944981 0.01356048850481938
+2 945042 0.0126715797559878
+2 945531 0.0126715797559878
+2 945541 0.1017995946035163
+2 945987 0.01230195276051476
+2 946067 0.0126715797559878
+2 946180 0.0190073696339817
+2 946314 0.0190073696339817
+2 946341 0.02008394134407133
+2 947899 0.02008394134407133
+2 948459 0.03536142771053655
+2 950350 0.0126715797559878
+2 950515 0.0126715797559878
+2 950976 0.0115183192561101
+2 951036 0.0126715797559878
+2 951392 0.0126715797559878
+2 951500 0.01356048850481938
+2 951694 0.02008394134407133
+2 951800 0.0115183192561101
+2 951939 0.02008394134407133
+2 952409 0.01230195276051476
+2 953647 0.02008394134407133
+2 954637 0.01768071385526828
+2 954808 0.03167894938996951
+2 955048 0.0253431595119756
+2 956139 0.02521531586355265
+2 956350 0.01356048850481938
+2 957055 0.01768071385526828
+2 957067 0.0115183192561101
+2 957143 0.02008394134407133
+2 957437 0.0190073696339817
+2 957502 0.01356048850481938
+2 957627 0.01845292914077214
+2 958137 0.02008394134407133
+2 958780 0.0126715797559878
+2 958911 0.01681021057570177
+2 959793 0.01768071385526828
+2 960107 0.02008394134407133
+2 960866 0.01356048850481938
+2 961822 0.01356048850481938
+2 961910 0.01356048850481938
+2 962331 0.02008394134407133
+2 963163 0.01230195276051476
+2 963743 0.02008394134407133
+2 963855 0.0115183192561101
+2 963998 0.02712097700963876
+2 964525 0.01356048850481938
+2 964582 0.02521531586355265
+2 964889 0.01681021057570177
+2 965802 0.0126715797559878
+2 966109 0.0190073696339817
+2 966255 0.02008394134407133
+2 966273 0.01523477868628074
+2 966737 0.02008394134407133
+2 967164 0.006169672400213108
+2 967313 0.002518438793683966
+2 967743 0.01356048850481938
+2 967868 0.02521531586355265
+2 967888 0.01681021057570177
+2 967983 0.02008394134407133
+2 968163 0.0190073696339817
+2 968483 0.02521531586355265
+2 969226 0.0126715797559878
+2 969841 0.01850901720063932
+2 970072 0.0253431595119756
+2 970274 0.0190073696339817
+2 971155 0.0126715797559878
+2 972013 0.01230195276051476
+2 972178 0.02521531586355265
+2 972485 0.01523477868628074
+2 973333 0.01356048850481938
+2 974699 0.02008394134407133
+2 974851 0.01230195276051476
+2 975220 0.01356048850481938
+2 975552 0.01681021057570177
+2 975811 0.02008394134407133
+2 976079 0.02008394134407133
+2 976275 0.0126715797559878
+2 976530 0.01356048850481938
+2 977200 0.02521531586355265
+2 978257 0.04920781104205905
+2 978511 0.02008394134407133
+2 978773 0.0253431595119756
+2 979369 0.01356048850481938
+2 979385 0.01356048850481938
+2 979478 0.02008394134407133
+2 980261 0.01681021057570177
+2 980319 0.0126715797559878
+2 980920 0.0126715797559878
+2 981883 0.01356048850481938
+2 982012 0.0126715797559878
+2 983321 0.0115183192561101
+2 983673 0.0115183192561101
+2 985065 0.0190073696339817
+2 985549 0.02460390552102952
+2 985571 0.02521531586355265
+2 985597 0.02712097700963876
+2 986341 0.02008394134407133
+2 986789 0.02008394134407133
+2 986791 0.02008394134407133
+2 987881 0.0190073696339817
+2 988091 0.02008394134407133
+2 988159 0.02008394134407133
+2 988449 0.01356048850481938
+2 988493 0.01356048850481938
+2 989163 0.02303663851222019
+2 989433 0.02460390552102952
+2 990804 0.0115183192561101
+2 991468 0.0063357898779939
+2 991475 0.02712097700963876
+2 991847 0.02008394134407133
+2 991935 0.01768071385526828
+2 991985 0.01681021057570177
+2 992490 0.01356048850481938
+2 993053 0.03167894938996951
+2 993510 0.02008394134407133
+2 993763 0.0126715797559878
+2 994106 0.0253431595119756
+2 994950 0.0115183192561101
+2 995605 0.01230195276051476
+2 995653 0.01768071385526828
+2 995751 0.02008394134407133
+2 996536 0.0115183192561101
+2 997281 0.02008394134407133
+2 997656 0.01681021057570177
+2 999223 0.02008394134407133
+2 1000099 0.0126715797559878
+2 1000335 0.01356048850481938
+2 1000999 0.01681021057570177
+2 1001147 0.02008394134407133
+2 1002607 0.01681021057570177
+2 1002835 0.02008394134407133
+2 1002921 0.01681021057570177
+2 1003113 0.02008394134407133
+2 1003223 0.03022126552420759
+2 1003403 0.01768071385526828
+2 1003576 0.0126715797559878
+2 1003884 0.02712097700963876
+2 1005765 0.01681021057570177
+2 1006311 0.01230195276051476
+2 1006420 0.02008394134407133
+2 1006560 0.0126715797559878
+2 1006620 0.0126715797559878
+2 1006793 0.02008394134407133
+2 1007607 0.01230195276051476
+2 1007775 0.01356048850481938
+2 1007912 0.0115183192561101
+2 1007977 0.02008394134407133
+2 1008068 0.02712097700963876
+2 1008679 0.0126715797559878
+2 1008831 0.0115183192561101
+2 1008899 0.0126715797559878
+2 1009994 0.01681021057570177
+2 1010769 0.02008394134407133
+2 1010791 0.01356048850481938
+2 1011301 0.0126715797559878
+2 1012185 0.02008394134407133
+2 1013871 0.02008394134407133
+2 1014853 0.01356048850481938
+2 1016179 0.01681021057570177
+2 1016289 0.01681021057570177
+2 1016369 0.006150976380257381
+2 1017114 0.0253431595119756
+2 1017173 0.01681021057570177
+2 1017602 0.02034073275722907
+2 1018165 0.02008394134407133
+2 1018174 0.01356048850481938
+2 1018883 0.02008394134407133
+2 1019196 0.0115183192561101
+2 1019688 0.02712097700963876
+2 1019929 0.0115183192561101
+2 1020006 0.02008394134407133
+2 1020555 0.0126715797559878
+2 1020677 0.01681021057570177
+2 1020740 0.03778187858468551
+2 1021827 0.02008394134407133
+2 1021884 0.0115183192561101
+2 1022182 0.005759159628055049
+2 1022749 0.0126715797559878
+2 1023852 0.01356048850481938
+2 1024122 0.01356048850481938
+2 1024664 0.01356048850481938
+2 1026711 0.01230195276051476
+2 1027300 0.01356048850481938
+2 1027631 0.02008394134407133
+2 1027652 0.01681021057570177
+2 1027973 0.0126715797559878
+2 1028155 0.01768071385526828
+2 1028295 0.0126715797559878
+2 1028315 0.03536142771053655
+2 1028638 0.01681021057570177
+2 1028738 0.02521531586355265
+2 1029602 0.02008394134407133
+2 1030059 0.0126715797559878
+2 1030226 0.01230195276051476
+2 1030554 0.01230195276051476
+2 1031121 0.0126715797559878
+2 1031815 0.02008394134407133
+2 1032173 0.01681021057570177
+2 1032791 0.01768071385526828
+2 1033089 0.01681021057570177
+2 1033256 0.0126715797559878
+2 1033699 0.01768071385526828
+2 1033833 0.0115183192561101
+2 1034350 0.0253431595119756
+2 1034416 0.0253431595119756
+2 1035161 0.01230195276051476
+2 1035177 0.01523477868628074
+2 1035802 0.01681021057570177
+2 1036243 0.01230195276051476
+2 1036844 0.02521531586355265
+2 1037044 0.04607327702444039
+2 1037251 0.01768071385526828
+2 1037326 0.02521531586355265
+2 1037360 0.02467868960085243
+2 1037916 0.02712097700963876
+2 1038731 0.0126715797559878
+2 1038768 0.01681021057570177
+2 1039039 0.01681021057570177
+2 1039166 0.02034073275722907
+2 1039328 0.01681021057570177
+2 1039896 0.01681021057570177
+2 1040201 0.004722734823085689
+2 1040273 0.02034073275722907
+2 1040325 0.02008394134407133
+2 1040381 0.0253431595119756
+2 1040913 0.02034073275722907
+2 1042343 0.02008394134407133
+2 1042627 0.01681021057570177
+2 1042774 0.01681021057570177
+2 1042815 0.01356048850481938
+2 1043231 0.01230195276051476
+2 1046133 0.01681021057570177
+2 1046509 0.01768071385526828
+2 1046561 0.0253431595119756
+2 1047335 0.0126715797559878
+2 1048455 0.02008394134407133
+3 344 0.02630862518991491
+3 711 0.01521563928250282
+3 797 0.02476226142040923
+3 1115 0.01650817428027282
+3 1420 0.01521563928250282
+3 1556 0.01315431259495746
+3 1936 0.01202206384610417
+3 2101 0.01215451805116063
+3 2180 0.01315431259495746
+3 2863 0.01215451805116063
+3 4053 0.0269129587725298
+3 4959 0.008970986257509934
+3 5205 0.01315431259495746
+3 5983 0.01315431259495746
+3 6392 0.01202206384610417
+3 6466 0.01315431259495746
+3 6578 0.01650817428027282
+3 6650 0.01973146889243619
+3 6873 0.02008196643586152
+3 7884 0.01215451805116063
+3 7923 0.01315431259495746
+3 8116 0.02008196643586152
+3 10078 0.03627649181358888
+3 10267 0.02008196643586152
+3 10483 0.01650817428027282
+3 10495 0.01927769282640831
+3 11483 0.01813824590679444
+3 11573 0.02008196643586152
+3 11819 0.01119516842341834
+3 12091 0.04934042441630464
+3 13181 0.01315431259495746
+3 13234 0.004819423206602076
+3 15162 0.01215451805116063
+3 15211 0.01813824590679444
+3 15221 0.02008196643586152
+3 15283 0.01650817428027282
+3 15761 0.01215451805116063
+3 17094 0.02630862518991491
+3 17430 0.01215451805116063
+3 18276 0.02008196643586152
+3 18950 0.01215451805116063
+3 18996 0.02008196643586152
+3 19280 0.01650817428027282
+3 19655 0.02008196643586152
+3 20498 0.01315431259495746
+3 20539 0.01813824590679444
+3 20975 0.04485493128754967
+3 21254 0.01215451805116063
+3 21296 0.01215451805116063
+3 22085 0.02008196643586152
+3 22178 0.0269129587725298
+3 22219 0.01650817428027282
+3 22365 0.02008196643586152
+3 22706 0.02430903610232127
+3 23712 0.01215451805116063
+3 23722 0.01215451805116063
+3 23832 0.02630862518991491
+3 25185 0.02008196643586152
+3 25560 0.01803309576915625
+3 25702 0.02476226142040923
+3 26089 0.02476226142040923
+3 26845 0.01202206384610417
+3 27175 0.01215451805116063
+3 27458 0.01315431259495746
+3 28880 0.01650817428027282
+3 28921 0.01202206384610417
+3 29313 0.04564691784750847
+3 29352 0.01521563928250282
+3 29735 0.01813824590679444
+3 30387 0.02008196643586152
+3 30453 0.01521563928250282
+3 31409 0.01650817428027282
+3 32045 0.01215451805116063
+3 32280 0.01215451805116063
+3 32700 0.01650817428027282
+3 32791 0.01315431259495746
+3 33076 0.02630862518991491
+3 33433 0.03627649181358888
+3 33439 0.01650817428027282
+3 33979 0.02282345892375423
+3 34041 0.02008196643586152
+3 34869 0.01650817428027282
+3 35441 0.04808825538441666
+3 35557 0.01650817428027282
+3 35828 0.01202206384610417
+3 35928 0.01521563928250282
+3 36192 0.01315431259495746
+3 36391 0.02008196643586152
+3 36463 0.01813824590679444
+3 36949 0.01215451805116063
+3 37006 0.01823177707674095
+3 37221 0.01315431259495746
+3 37278 0.01215451805116063
+3 37731 0.01813824590679444
+3 38236 0.02630862518991491
+3 38784 0.01315431259495746
+3 39491 0.02476226142040923
+3 39510 0.01315431259495746
+3 39762 0.02404412769220833
+3 40007 0.01195957756376111
+3 40090 0.01823177707674095
+3 40706 0.01215451805116063
+3 40920 0.004485493128754967
+3 40956 0.02430903610232127
+3 41204 0.02630862518991491
+3 41385 0.01650817428027282
+3 41559 0.02430903610232127
+3 41645 0.01813824590679444
+3 41800 0.06181681944178125
+3 42030 0.01650817428027282
+3 42374 0.02008196643586152
+3 42437 0.02008196643586152
+3 43077 0.02008196643586152
+3 43101 0.01521563928250282
+3 43280 0.01215451805116063
+3 43781 0.02409711603301038
+3 44107 0.01973146889243619
+3 44401 0.01650817428027282
+3 44951 0.01521563928250282
+3 45339 0.02008196643586152
+3 45548 0.01813824590679444
+3 46197 0.01215451805116063
+3 46264 0.01119516842341834
+3 46627 0.005979788781880555
+3 47204 0.01119516842341834
+3 47318 0.01119516842341834
+3 47689 0.01650817428027282
+3 48753 0.01315431259495746
+3 50670 0.01315431259495746
+3 50742 0.06055415723819205
+3 51089 0.02008196643586152
+3 52270 0.02476226142040923
+3 52454 0.02404412769220833
+3 53051 0.02008196643586152
+3 53188 0.01215451805116063
+3 53247 0.0167927526351275
+3 54215 0.01119516842341834
+3 54376 0.02630862518991491
+3 54924 0.01215451805116063
+3 55449 0.01973146889243619
+3 55827 0.01315431259495746
+3 56154 0.02239033684683667
+3 56572 0.01315431259495746
+3 56918 0.01215451805116063
+3 57320 0.02476226142040923
+3 57633 0.02404412769220833
+3 57841 0.01650817428027282
+3 57955 0.01215451805116063
+3 58055 0.01813824590679444
+3 58452 0.01215451805116063
+3 58964 0.03139845190128477
+3 59189 0.01315431259495746
+3 59839 0.01215451805116063
+3 60268 0.02430903610232127
+3 60978 0.02430903610232127
+3 61875 0.01215451805116063
+3 62239 0.01315431259495746
+3 62295 0.01215451805116063
+3 63305 0.02008196643586152
+3 64006 0.01927769282640831
+3 64473 0.01315431259495746
+3 66272 0.02239033684683667
+3 66314 0.01315431259495746
+3 68440 0.004485493128754967
+3 68543 0.01119516842341834
+3 68673 0.02430903610232127
+3 68823 0.02476226142040923
+3 68974 0.01650817428027282
+3 69047 0.01803309576915625
+3 69894 0.02476226142040923
+3 70435 0.01202206384610417
+3 70576 0.02476226142040923
+3 71207 0.01813824590679444
+3 71582 0.01215451805116063
+3 71748 0.01215451805116063
+3 71813 0.02430903610232127
+3 71957 0.02008196643586152
+3 72260 0.01315431259495746
+3 72652 0.01315431259495746
+3 72754 0.02430903610232127
+3 73923 0.01215451805116063
+3 74533 0.01215451805116063
+3 74573 0.02008196643586152
+3 74796 0.02430903610232127
+3 74947 0.02008196643586152
+3 75685 0.01521563928250282
+3 76640 0.02008196643586152
+3 77686 0.01215451805116063
+3 78532 0.01650817428027282
+3 79075 0.01973146889243619
+3 79445 0.02891653923961246
+3 79567 0.02008196643586152
+3 80087 0.01794197251501987
+3 80111 0.02008196643586152
+3 81033 0.02008196643586152
+3 81293 0.01521563928250282
+3 81722 0.03358550527025501
+3 82516 0.01521563928250282
+3 82791 0.01215451805116063
+3 83052 0.01650817428027282
+3 83437 0.01973146889243619
+3 84759 0.01813824590679444
+3 85339 0.01215451805116063
+3 86105 0.02430903610232127
+3 86128 0.01650817428027282
+3 86213 0.02008196643586152
+3 87353 0.02430903610232127
+3 87389 0.01315431259495746
+3 87631 0.02008196643586152
+3 88009 0.02008196643586152
+3 88145 0.02282345892375423
+3 88366 0.01650817428027282
+3 89687 0.01215451805116063
+3 89973 0.01650817428027282
+3 90183 0.01315431259495746
+3 90413 0.01215451805116063
+3 90693 0.02008196643586152
+3 91125 0.02630862518991491
+3 91883 0.01521563928250282
+3 92411 0.01650817428027282
+3 92986 0.02476226142040923
+3 93134 0.01215451805116063
+3 93463 0.02630862518991491
+3 93712 0.02430903610232127
+3 95929 0.01813824590679444
+3 96310 0.01119516842341834
+3 96745 0.02476226142040923
+3 96757 0.02630862518991491
+3 97508 0.01202206384610417
+3 97545 0.01215451805116063
+3 98377 0.02008196643586152
+3 98887 0.01215451805116063
+3 99007 0.01315431259495746
+3 99253 0.02430903610232127
+3 99312 0.02630862518991491
+3 99503 0.01650817428027282
+3 99549 0.01119516842341834
+3 99919 0.01215451805116063
+3 100142 0.01315431259495746
+3 101157 0.01521563928250282
+3 101208 0.01650817428027282
+3 101516 0.01650817428027282
+3 101942 0.01215451805116063
+3 102325 0.01973146889243619
+3 102726 0.01215451805116063
+3 103877 0.02008196643586152
+3 104149 0.01215451805116063
+3 104467 0.01650817428027282
+3 104772 0.01215451805116063
+3 105181 0.02239033684683667
+3 105558 0.02008196643586152
+3 105709 0.01650817428027282
+3 106814 0.01315431259495746
+3 109504 0.01315431259495746
+3 110259 0.0134564793862649
+3 110548 0.02008196643586152
+3 110562 0.01823177707674095
+3 110789 0.02476226142040923
+3 111321 0.02008196643586152
+3 112020 0.01215451805116063
+3 112083 0.01315431259495746
+3 112485 0.01215451805116063
+3 112622 0.02008196643586152
+3 112738 0.02008196643586152
+3 113322 0.01202206384610417
+3 113849 0.10763619807385
+3 114890 0.01215451805116063
+3 114962 0.01650817428027282
+3 115124 0.01215451805116063
+3 115236 0.02476226142040923
+3 115674 0.02008196643586152
+3 116396 0.02430903610232127
+3 116489 0.02630862518991491
+3 117089 0.02239033684683667
+3 117794 0.01215451805116063
+3 117854 0.04819423206602077
+3 119191 0.02630862518991491
+3 120423 0.01215451805116063
+3 120706 0.01215451805116063
+3 120867 0.01202206384610417
+3 121345 0.02630862518991491
+3 121543 0.02798792105854584
+3 122181 0.02008196643586152
+3 123532 0.02008196643586152
+3 123659 0.01315431259495746
+3 124216 0.02476226142040923
+3 124217 0.01315431259495746
+3 124644 0.02008196643586152
+3 125974 0.03627649181358888
+3 126489 0.01315431259495746
+3 126497 0.01650817428027282
+3 126521 0.01315431259495746
+3 126559 0.01315431259495746
+3 126866 0.02476226142040923
+3 127025 0.01650817428027282
+3 127491 0.01650817428027282
+3 127498 0.01202206384610417
+3 127623 0.01813824590679444
+3 128103 0.01813824590679444
+3 128137 0.02430903610232127
+3 128191 0.01315431259495746
+3 128820 0.01215451805116063
+3 128892 0.01650817428027282
+3 129391 0.01119516842341834
+3 129394 0.01650817428027282
+3 129911 0.07555389042884375
+3 130011 0.01813824590679444
+3 130711 0.02476226142040923
+3 132099 0.01813824590679444
+3 132381 0.01202206384610417
+3 134266 0.01215451805116063
+3 134341 0.01215451805116063
+3 134915 0.01813824590679444
+3 135267 0.03434267746765626
+3 135813 0.01202206384610417
+3 136064 0.02476226142040923
+3 136117 0.01650817428027282
+3 136358 0.01215451805116063
+3 137101 0.02282345892375423
+3 137507 0.02404412769220833
+3 137587 0.01119516842341834
+3 137826 0.01215451805116063
+3 139056 0.01215451805116063
+3 139139 0.01315431259495746
+3 139178 0.02008196643586152
+3 139371 0.01215451805116063
+3 139418 0.02008196643586152
+3 139565 0.02476226142040923
+3 141425 0.02239033684683667
+3 141468 0.02430903610232127
+3 141605 0.04337480885941869
+3 141807 0.01315431259495746
+3 141989 0.01215451805116063
+3 142641 0.02008196643586152
+3 143936 0.01650817428027282
+3 144163 0.02282345892375423
+3 144366 0.01215451805116063
+3 144742 0.02430903610232127
+3 146220 0.01215451805116063
+3 147311 0.02008196643586152
+3 147389 0.01973146889243619
+3 148113 0.02430903610232127
+3 148368 0.03038629512790158
+3 148628 0.01650817428027282
+3 148952 0.02008196643586152
+3 149850 0.02476226142040923
+3 150024 0.01315431259495746
+3 150643 0.01813824590679444
+3 151033 0.01315431259495746
+3 151321 0.01215451805116063
+3 151395 0.01650817428027282
+3 151642 0.01315431259495746
+3 151957 0.01521563928250282
+3 152258 0.01973146889243619
+3 152278 0.01215451805116063
+3 154442 0.02008196643586152
+3 154644 0.01315431259495746
+3 155716 0.01315431259495746
+3 156173 0.03434267746765626
+3 156265 0.01315431259495746
+3 156467 0.01202206384610417
+3 156548 0.02008196643586152
+3 156833 0.03587873269128333
+3 156855 0.01813824590679444
+3 157191 0.01119516842341834
+3 157374 0.02430903610232127
+3 157765 0.02630862518991491
+3 158098 0.01650817428027282
+3 158149 0.02008196643586152
+3 158180 0.01315431259495746
+3 158235 0.01215451805116063
+3 158517 0.01119516842341834
+3 158805 0.02630862518991491
+3 158855 0.03627649181358888
+3 159003 0.01813824590679444
+3 160242 0.01215451805116063
+3 160449 0.02430903610232127
+3 160871 0.01215451805116063
+3 161570 0.02630862518991491
+3 161822 0.01650817428027282
+3 161928 0.01521563928250282
+3 162563 0.01813824590679444
+3 162627 0.04478067369367334
+3 163143 0.02630862518991491
+3 163848 0.01650817428027282
+3 164274 0.01813824590679444
+3 166534 0.01202206384610417
+3 166673 0.01650817428027282
+3 166983 0.01202206384610417
+3 167285 0.01521563928250282
+3 167333 0.03627649181358888
+3 168043 0.01202206384610417
+3 169435 0.01315431259495746
+3 169919 0.0167927526351275
+3 169967 0.02430903610232127
+3 171204 0.01215451805116063
+3 172050 0.01315431259495746
+3 172251 0.01315431259495746
+3 172529 0.02430903610232127
+3 173141 0.02282345892375423
+3 173456 0.01803309576915625
+3 173803 0.02239033684683667
+3 173845 0.004485493128754967
+3 174185 0.01315431259495746
+3 175014 0.01315431259495746
+3 175082 0.01650817428027282
+3 175932 0.01215451805116063
+3 176213 0.01521563928250282
+3 176217 0.0364635541534819
+3 176305 0.02239033684683667
+3 176757 0.02630862518991491
+3 177200 0.01315431259495746
+3 177423 0.02630862518991491
+3 177446 0.008970986257509934
+3 177880 0.02476226142040923
+3 178021 0.01119516842341834
+3 178476 0.02630862518991491
+3 178762 0.01315431259495746
+3 178765 0.01119516842341834
+3 178778 0.01521563928250282
+3 178977 0.01315431259495746
+3 179455 0.01823177707674095
+3 180023 0.01521563928250282
+3 180057 0.01119516842341834
+3 180121 0.02430903610232127
+3 180885 0.01813824590679444
+3 181651 0.02476226142040923
+3 181786 0.01215451805116063
+3 182314 0.01315431259495746
+3 182583 0.01119516842341834
+3 182644 0.01315431259495746
+3 182645 0.01813824590679444
+3 183593 0.03038629512790158
+3 183719 0.01650817428027282
+3 184596 0.01315431259495746
+3 184704 0.01215451805116063
+3 184705 0.01650817428027282
+3 184767 0.01202206384610417
+3 184959 0.01315431259495746
+3 185254 0.01315431259495746
+3 186765 0.005979788781880555
+3 187208 0.01315431259495746
+3 187483 0.02476226142040923
+3 189199 0.01195957756376111
+3 190785 0.01315431259495746
+3 191080 0.02008196643586152
+3 191171 0.01119516842341834
+3 193165 0.02282345892375423
+3 194421 0.01650817428027282
+3 194739 0.02630862518991491
+3 195139 0.01650817428027282
+3 196214 0.01215451805116063
+3 196385 0.02008196643586152
+3 196654 0.01215451805116063
+3 196793 0.01650817428027282
+3 197385 0.02476226142040923
+3 197738 0.01119516842341834
+3 197975 0.01813824590679444
+3 198423 0.01650817428027282
+3 198453 0.02008196643586152
+3 198778 0.01315431259495746
+3 199593 0.01521563928250282
+3 200163 0.01215451805116063
+3 200659 0.02008196643586152
+3 200776 0.009638846413204153
+3 201027 0.01315431259495746
+3 201484 0.01315431259495746
+3 201972 0.02430903610232127
+3 202228 0.01927769282640831
+3 202405 0.01650817428027282
+3 202518 0.01315431259495746
+3 203362 0.01315431259495746
+3 203648 0.02008196643586152
+3 204376 0.01650817428027282
+3 204695 0.01315431259495746
+3 206024 0.01445826961980623
+3 207651 0.01119516842341834
+3 207751 0.01119516842341834
+3 207845 0.01215451805116063
+3 207923 0.01215451805116063
+3 209769 0.01215451805116063
+3 209785 0.01119516842341834
+3 209829 0.02476226142040923
+3 209871 0.02008196643586152
+3 211297 0.01650817428027282
+3 211496 0.01521563928250282
+3 212124 0.01650817428027282
+3 212823 0.02008196643586152
+3 213008 0.02008196643586152
+3 213108 0.02008196643586152
+3 213605 0.01119516842341834
+3 213972 0.01650817428027282
+3 214903 0.01315431259495746
+3 215247 0.01215451805116063
+3 215275 0.01650817428027282
+3 215831 0.03627649181358888
+3 215851 0.01813824590679444
+3 215869 0.02630862518991491
+3 217316 0.01650817428027282
+3 217437 0.01823177707674095
+3 217574 0.02008196643586152
+3 217645 0.01521563928250282
+3 218203 0.01202206384610417
+3 218424 0.02008196643586152
+3 218720 0.01973146889243619
+3 218786 0.02008196643586152
+3 218789 0.02008196643586152
+3 218869 0.01315431259495746
+3 219577 0.01119516842341834
+3 220466 0.01650817428027282
+3 220495 0.01202206384610417
+3 221696 0.02008196643586152
+3 222189 0.02008196643586152
+3 223409 0.02630862518991491
+3 223536 0.02430903610232127
+3 223999 0.01823177707674095
+3 224166 0.01215451805116063
+3 224300 0.01215451805116063
+3 224533 0.02239033684683667
+3 224559 0.01215451805116063
+3 224643 0.02430903610232127
+3 224751 0.02630862518991491
+3 224849 0.01521563928250282
+3 224863 0.01195957756376111
+3 224865 0.02008196643586152
+3 224869 0.02282345892375423
+3 225283 0.01823177707674095
+3 225470 0.02430903610232127
+3 228582 0.02430903610232127
+3 229125 0.01215451805116063
+3 229418 0.01202206384610417
+3 230746 0.01315431259495746
+3 230931 0.02630862518991491
+3 232712 0.01315431259495746
+3 232784 0.01315431259495746
+3 233197 0.02630862518991491
+3 233263 0.01215451805116063
+3 233290 0.02476226142040923
+3 233743 0.02008196643586152
+3 235047 0.01315431259495746
+3 235245 0.02008196643586152
+3 235550 0.01119516842341834
+3 235720 0.01315431259495746
+3 236656 0.01215451805116063
+3 237473 0.01315431259495746
+3 238171 0.01215451805116063
+3 238364 0.01315431259495746
+3 238922 0.01650817428027282
+3 239595 0.01215451805116063
+3 239596 0.01823177707674095
+3 240295 0.02008196643586152
+3 240526 0.01195957756376111
+3 241053 0.03288578148739364
+3 241364 0.0403694381587947
+3 241741 0.01823177707674095
+3 241838 0.02282345892375423
+3 242321 0.02008196643586152
+3 242664 0.01650817428027282
+3 242926 0.01521563928250282
+3 243024 0.04564691784750847
+3 244112 0.01650817428027282
+3 244199 0.01215451805116063
+3 244205 0.01195957756376111
+3 244368 0.01315431259495746
+3 244516 0.01315431259495746
+3 244707 0.01813824590679444
+3 244825 0.01315431259495746
+3 245190 0.01215451805116063
+3 245383 0.01215451805116063
+3 245474 0.01215451805116063
+3 245526 0.02008196643586152
+3 245636 0.03855538565281661
+3 246127 0.01215451805116063
+3 247111 0.01650817428027282
+3 247342 0.02008196643586152
+3 247445 0.02239033684683667
+3 247971 0.01315431259495746
+3 248167 0.01650817428027282
+3 249283 0.01215451805116063
+3 249333 0.02008196643586152
+3 249621 0.01119516842341834
+3 250040 0.02430903610232127
+3 251195 0.01215451805116063
+3 251484 0.01650817428027282
+3 251700 0.01202206384610417
+3 252527 0.01650817428027282
+3 252892 0.01315431259495746
+3 254917 0.02008196643586152
+3 254999 0.01315431259495746
+3 255397 0.01215451805116063
+3 255555 0.01521563928250282
+3 255652 0.02630862518991491
+3 255955 0.01315431259495746
+3 256309 0.02008196643586152
+3 256778 0.02476226142040923
+3 256843 0.01202206384610417
+3 257127 0.01650817428027282
+3 257185 0.01315431259495746
+3 257273 0.02008196643586152
+3 257301 0.03288578148739364
+3 257539 0.01195957756376111
+3 257762 0.01215451805116063
+3 258131 0.01650817428027282
+3 258506 0.01521563928250282
+3 258648 0.02008196643586152
+3 258789 0.01521563928250282
+3 259035 0.02008196643586152
+3 261723 0.01215451805116063
+3 262259 0.03627649181358888
+3 262715 0.02008196643586152
+3 263325 0.01315431259495746
+3 263399 0.01813824590679444
+3 263406 0.01215451805116063
+3 263783 0.01315431259495746
+3 263880 0.01215451805116063
+3 264321 0.01202206384610417
+3 264898 0.01315431259495746
+3 265472 0.01650817428027282
+3 266379 0.03043127856500565
+3 266788 0.01521563928250282
+3 266824 0.01215451805116063
+3 267317 0.02008196643586152
+3 267370 0.01650817428027282
+3 268387 0.04478067369367334
+3 268503 0.02008196643586152
+3 269030 0.02630862518991491
+3 269138 0.01650817428027282
+3 269325 0.02008196643586152
+3 269409 0.02239033684683667
+3 269645 0.01973146889243619
+3 269895 0.01315431259495746
+3 269952 0.01973146889243619
+3 270190 0.01650817428027282
+3 270299 0.02404412769220833
+3 271773 0.01650817428027282
+3 272335 0.01215451805116063
+3 272372 0.01215451805116063
+3 272708 0.02239033684683667
+3 272841 0.01315431259495746
+3 273036 0.01973146889243619
+3 273067 0.01119516842341834
+3 273555 0.09567662051008888
+3 274215 0.02008196643586152
+3 274243 0.01813824590679444
+3 274331 0.02008196643586152
+3 274505 0.02008196643586152
+3 274591 0.02282345892375423
+3 274746 0.06279690380256954
+3 275005 0.01202206384610417
+3 275114 0.01315431259495746
+3 275320 0.02476226142040923
+3 276179 0.01215451805116063
+3 276774 0.01315431259495746
+3 276973 0.01215451805116063
+3 277810 0.004819423206602076
+3 278494 0.01202206384610417
+3 278757 0.01973146889243619
+3 280121 0.01650817428027282
+3 280157 0.02008196643586152
+3 280286 0.01315431259495746
+3 280567 0.01215451805116063
+3 280934 0.01215451805116063
+3 281699 0.01215451805116063
+3 282367 0.01521563928250282
+3 282372 0.01315431259495746
+3 283380 0.01315431259495746
+3 283688 0.04578452046271973
+3 284035 0.02476226142040923
+3 284944 0.01202206384610417
+3 285203 0.01119516842341834
+3 285216 0.02008196643586152
+3 285400 0.02239033684683667
+3 285569 0.01315431259495746
+3 285819 0.01315431259495746
+3 286193 0.01813824590679444
+3 286203 0.01650817428027282
+3 286733 0.02630862518991491
+3 286939 0.01315431259495746
+3 287322 0.02476226142040923
+3 287742 0.01650817428027282
+3 287956 0.01650817428027282
+3 288395 0.03038629512790158
+3 288457 0.01215451805116063
+3 289100 0.02404412769220833
+3 289751 0.02008196643586152
+3 289845 0.02008196643586152
+3 290266 0.01973146889243619
+3 290325 0.01813824590679444
+3 290579 0.02239033684683667
+3 290753 0.02391915512752222
+3 290787 0.02008196643586152
+3 291001 0.01119516842341834
+3 291448 0.01315431259495746
+3 291649 0.01215451805116063
+3 291722 0.01315431259495746
+3 292426 0.01315431259495746
+3 292489 0.01202206384610417
+3 292587 0.03139845190128477
+3 292637 0.02476226142040923
+3 293500 0.01195957756376111
+3 293924 0.02630862518991491
+3 294219 0.01521563928250282
+3 295473 0.01215451805116063
+3 296163 0.01215451805116063
+3 296557 0.01215451805116063
+3 297150 0.01650817428027282
+3 298361 0.01521563928250282
+3 298488 0.01315431259495746
+3 299101 0.01650817428027282
+3 299218 0.01813824590679444
+3 300086 0.01215451805116063
+3 300386 0.01315431259495746
+3 301537 0.01119516842341834
+3 301591 0.004485493128754967
+3 301619 0.01973146889243619
+3 301769 0.02630862518991491
+3 301920 0.02008196643586152
+3 301993 0.02282345892375423
+3 302035 0.01315431259495746
+3 302840 0.02008196643586152
+3 303522 0.02630862518991491
+3 304002 0.01650817428027282
+3 304165 0.01215451805116063
+3 304325 0.01215451805116063
+3 304565 0.0167927526351275
+3 304759 0.01973146889243619
+3 304903 0.01650817428027282
+3 305046 0.02476226142040923
+3 305700 0.02630862518991491
+3 306435 0.02008196643586152
+3 306537 0.01650817428027282
+3 306675 0.01215451805116063
+3 306727 0.01521563928250282
+3 306923 0.01813824590679444
+3 307519 0.02476226142040923
+3 307582 0.02430903610232127
+3 307729 0.01215451805116063
+3 308371 0.01315431259495746
+3 309230 0.02476226142040923
+3 309491 0.01202206384610417
+3 309586 0.02430903610232127
+3 309591 0.02008196643586152
+3 309891 0.02008196643586152
+3 310504 0.01650817428027282
+3 310675 0.01215451805116063
+3 310753 0.01521563928250282
+3 311589 0.02008196643586152
+3 312091 0.02008196643586152
+3 313069 0.01650817428027282
+3 313613 0.01650817428027282
+3 313643 0.02008196643586152
+3 313979 0.01650817428027282
+3 314083 0.02008196643586152
+3 314668 0.02404412769220833
+3 315113 0.01119516842341834
+3 316383 0.01823177707674095
+3 318646 0.01521563928250282
+3 319051 0.01973146889243619
+3 319851 0.01650817428027282
+3 319954 0.01650817428027282
+3 319970 0.01315431259495746
+3 320045 0.02430903610232127
+3 320299 0.01973146889243619
+3 320330 0.01215451805116063
+3 320863 0.01315431259495746
+3 320955 0.01650817428027282
+3 321063 0.02008196643586152
+3 321091 0.01813824590679444
+3 321435 0.01119516842341834
+3 321631 0.01202206384610417
+3 321902 0.03434267746765626
+3 322107 0.01215451805116063
+3 322258 0.01650817428027282
+3 322633 0.02008196643586152
+3 322837 0.01521563928250282
+3 324030 0.01315431259495746
+3 324071 0.02430903610232127
+3 324977 0.01650817428027282
+3 325713 0.01521563928250282
+3 325932 0.02008196643586152
+3 326112 0.01215451805116063
+3 326378 0.01315431259495746
+3 326409 0.02476226142040923
+3 326658 0.02008196643586152
+3 328429 0.01813824590679444
+3 328437 0.01650817428027282
+3 328633 0.01315431259495746
+3 328875 0.01521563928250282
+3 328931 0.01315431259495746
+3 329691 0.02008196643586152
+3 329703 0.03038629512790158
+3 329721 0.01215451805116063
+3 331789 0.01119516842341834
+3 331953 0.01650817428027282
+3 332199 0.02630862518991491
+3 332258 0.01650817428027282
+3 332265 0.01650817428027282
+3 332667 0.01195957756376111
+3 332935 0.01521563928250282
+3 333116 0.01315431259495746
+3 333921 0.01215451805116063
+3 334063 0.01215451805116063
+3 334148 0.01202206384610417
+3 334154 0.02630862518991491
+3 334293 0.01202206384610417
+3 335102 0.01215451805116063
+3 335271 0.02430903610232127
+3 335979 0.01202206384610417
+3 337095 0.01315431259495746
+3 337185 0.02008196643586152
+3 337735 0.01215451805116063
+3 338006 0.02630862518991491
+3 338206 0.03627649181358888
+3 338504 0.02476226142040923
+3 339078 0.02476226142040923
+3 339127 0.01315431259495746
+3 340304 0.01315431259495746
+3 340566 0.01650817428027282
+3 341255 0.01215451805116063
+3 341878 0.01119516842341834
+3 342384 0.01119516842341834
+3 342440 0.01202206384610417
+3 343508 0.01315431259495746
+3 343735 0.02008196643586152
+3 345093 0.02430903610232127
+3 345199 0.01315431259495746
+3 345568 0.01650817428027282
+3 345633 0.02008196643586152
+3 345684 0.01650817428027282
+3 346795 0.082422425922375
+3 348217 0.02008196643586152
+3 348620 0.02476226142040923
+3 349276 0.01215451805116063
+3 349281 0.01202206384610417
+3 349435 0.02430903610232127
+3 349538 0.01315431259495746
+3 349888 0.01315431259495746
+3 350035 0.01803309576915625
+3 350103 0.01202206384610417
+3 350535 0.01315431259495746
+3 350800 0.0538259175450596
+3 351070 0.01521563928250282
+3 351615 0.01521563928250282
+3 352137 0.02476226142040923
+3 353320 0.01650817428027282
+3 354291 0.02430903610232127
+3 354428 0.01215451805116063
+3 354489 0.01813824590679444
+3 354881 0.01521563928250282
+3 354925 0.01215451805116063
+3 356044 0.01215451805116063
+3 356759 0.01650817428027282
+3 356922 0.01650817428027282
+3 357007 0.01215451805116063
+3 357162 0.02630862518991491
+3 357854 0.02430903610232127
+3 358920 0.03043127856500565
+3 359248 0.01215451805116063
+3 359443 0.02008196643586152
+3 359812 0.02008196643586152
+3 360005 0.01215451805116063
+3 360982 0.01119516842341834
+3 361049 0.02239033684683667
+3 361083 0.02630862518991491
+3 361267 0.01215451805116063
+3 361458 0.01521563928250282
+3 361555 0.01215451805116063
+3 361829 0.0412112129611875
+3 362042 0.01315431259495746
+3 362225 0.01215451805116063
+3 362467 0.02008196643586152
+3 362857 0.1031663419613642
+3 363555 0.01315431259495746
+3 363605 0.01315431259495746
+3 363657 0.02630862518991491
+3 364616 0.01202206384610417
+3 364949 0.01119516842341834
+3 365021 0.01315431259495746
+3 365207 0.01215451805116063
+3 366022 0.01315431259495746
+3 366889 0.01521563928250282
+3 367875 0.01813824590679444
+3 367907 0.01315431259495746
+3 368014 0.02430903610232127
+3 368725 0.01315431259495746
+3 368734 0.02430903610232127
+3 369010 0.02630862518991491
+3 369621 0.01650817428027282
+3 370047 0.01813824590679444
+3 371306 0.01202206384610417
+3 372124 0.02476226142040923
+3 372364 0.02476226142040923
+3 372511 0.02008196643586152
+3 372649 0.01650817428027282
+3 373096 0.01650817428027282
+3 373230 0.01315431259495746
+3 374161 0.02008196643586152
+3 374313 0.01650817428027282
+3 374371 0.03005515961526042
+3 374551 0.0403694381587947
+3 374753 0.01650817428027282
+3 375487 0.004819423206602076
+3 376527 0.01215451805116063
+3 376529 0.01650817428027282
+3 377688 0.01315431259495746
+3 378133 0.01315431259495746
+3 378740 0.01650817428027282
+3 378835 0.01315431259495746
+3 380125 0.02430903610232127
+3 380335 0.02430903610232127
+3 380731 0.01315431259495746
+3 381027 0.01813824590679444
+3 381059 0.02630862518991491
+3 381314 0.02008196643586152
+3 381898 0.02430903610232127
+3 381910 0.01215451805116063
+3 382438 0.01315431259495746
+3 382796 0.02008196643586152
+3 382814 0.02476226142040923
+3 383056 0.01650817428027282
+3 383220 0.01315431259495746
+3 383382 0.01650817428027282
+3 383717 0.02404412769220833
+3 384309 0.01315431259495746
+3 384855 0.02008196643586152
+3 385144 0.01315431259495746
+3 385204 0.02430903610232127
+3 385715 0.01119516842341834
+3 385781 0.02008196643586152
+3 386025 0.01215451805116063
+3 386345 0.01315431259495746
+3 387388 0.01650817428027282
+3 387974 0.02476226142040923
+3 388326 0.01215451805116063
+3 388461 0.01813824590679444
+3 388496 0.01315431259495746
+3 389229 0.02630862518991491
+3 389623 0.004819423206602076
+3 389801 0.0167927526351275
+3 390320 0.02630862518991491
+3 390694 0.02008196643586152
+3 390711 0.02430903610232127
+3 390811 0.01315431259495746
+3 390942 0.02476226142040923
+3 391054 0.005979788781880555
+3 391640 0.008970986257509934
+3 391750 0.01650817428027282
+3 391751 0.02430903610232127
+3 392560 0.01650817428027282
+3 393395 0.02630862518991491
+3 393845 0.02476226142040923
+3 394516 0.02430903610232127
+3 395286 0.02239033684683667
+3 395513 0.02008196643586152
+3 395557 0.01215451805116063
+3 396089 0.02476226142040923
+3 396173 0.01650817428027282
+3 396734 0.01202206384610417
+3 396794 0.01315431259495746
+3 397149 0.01315431259495746
+3 397220 0.02282345892375423
+3 397506 0.01521563928250282
+3 398135 0.01315431259495746
+3 398214 0.01315431259495746
+3 399196 0.01215451805116063
+3 399853 0.01650817428027282
+3 399959 0.01202206384610417
+3 400231 0.01813824590679444
+3 400945 0.01650817428027282
+3 401071 0.02008196643586152
+3 402051 0.02409711603301038
+3 402865 0.01813824590679444
+3 402913 0.02008196643586152
+3 402965 0.01315431259495746
+3 403661 0.01215451805116063
+3 403884 0.01215451805116063
+3 404390 0.01119516842341834
+3 404918 0.01215451805116063
+3 405475 0.02630862518991491
+3 405988 0.01215451805116063
+3 406087 0.01813824590679444
+3 406402 0.01521563928250282
+3 407191 0.02008196643586152
+3 408237 0.01315431259495746
+3 409163 0.02630862518991491
+3 409251 0.01202206384610417
+3 409413 0.008970986257509934
+3 409699 0.02008196643586152
+3 409703 0.02430903610232127
+3 410006 0.02008196643586152
+3 410369 0.02476226142040923
+3 410826 0.02630862518991491
+3 412205 0.01119516842341834
+3 412401 0.02008196643586152
+3 412451 0.01215451805116063
+3 412969 0.01202206384610417
+3 413067 0.02630862518991491
+3 413673 0.01315431259495746
+3 413831 0.02282345892375423
+3 414453 0.01650817428027282
+3 415899 0.01650817428027282
+3 416280 0.01202206384610417
+3 416539 0.02630862518991491
+3 417019 0.01119516842341834
+3 417055 0.01315431259495746
+3 417415 0.01215451805116063
+3 417651 0.02008196643586152
+3 417672 0.01650817428027282
+3 418318 0.01215451805116063
+3 419563 0.03627649181358888
+3 419676 0.01215451805116063
+3 420441 0.02008196643586152
+3 420765 0.01315431259495746
+3 421087 0.01215451805116063
+3 422853 0.01521563928250282
+3 423978 0.01650817428027282
+3 424026 0.01823177707674095
+3 424081 0.01521563928250282
+3 424094 0.01521563928250282
+3 424534 0.02008196643586152
+3 424685 0.02430903610232127
+3 424843 0.01119516842341834
+3 425184 0.01119516842341834
+3 425368 0.01315431259495746
+3 425561 0.01215451805116063
+3 425891 0.01650817428027282
+3 426111 0.01813824590679444
+3 426215 0.01202206384610417
+3 426273 0.01650817428027282
+3 427270 0.01202206384610417
+3 428185 0.01315431259495746
+3 428813 0.02476226142040923
+3 429857 0.02008196643586152
+3 430331 0.02008196643586152
+3 430417 0.02008196643586152
+3 431304 0.01315431259495746
+3 431508 0.01119516842341834
+3 432790 0.01973146889243619
+3 432875 0.01215451805116063
+3 433703 0.01813824590679444
+3 435229 0.01315431259495746
+3 435351 0.02008196643586152
+3 436594 0.01823177707674095
+3 436785 0.02008196643586152
+3 437219 0.02008196643586152
+3 437322 0.01315431259495746
+3 438918 0.004819423206602076
+3 440291 0.01813824590679444
+3 441395 0.01650817428027282
+3 441552 0.01215451805116063
+3 441779 0.02242746564377483
+3 442775 0.02008196643586152
+3 443700 0.01215451805116063
+3 445221 0.02008196643586152
+3 445546 0.01215451805116063
+3 445733 0.01119516842341834
+3 445954 0.01215451805116063
+3 447055 0.02008196643586152
+3 447747 0.01813824590679444
+3 448509 0.01215451805116063
+3 448632 0.01315431259495746
+3 448815 0.03038629512790158
+3 449029 0.01119516842341834
+3 449121 0.01650817428027282
+3 449596 0.01650817428027282
+3 450383 0.01315431259495746
+3 450520 0.02476226142040923
+3 451355 0.01215451805116063
+3 451370 0.03038629512790158
+3 451666 0.01650817428027282
+3 451732 0.01650817428027282
+3 452294 0.01650817428027282
+3 452651 0.02008196643586152
+3 453366 0.01315431259495746
+3 453412 0.02008196643586152
+3 453817 0.01215451805116063
+3 454642 0.02430903610232127
+3 455135 0.01650817428027282
+3 455552 0.01650817428027282
+3 455623 0.01315431259495746
+3 456078 0.01650817428027282
+3 456114 0.01315431259495746
+3 456355 0.0364635541534819
+3 456482 0.02008196643586152
+3 456945 0.02008196643586152
+3 456962 0.01445826961980623
+3 457305 0.02008196643586152
+3 457315 0.01813824590679444
+3 457479 0.02404412769220833
+3 457697 0.02476226142040923
+3 457795 0.01813824590679444
+3 457815 0.01813824590679444
+3 458297 0.01315431259495746
+3 458416 0.02630862518991491
+3 458576 0.01215451805116063
+3 458695 0.01650817428027282
+3 458798 0.01215451805116063
+3 458904 0.01215451805116063
+3 459153 0.01119516842341834
+3 459526 0.01315431259495746
+3 460286 0.03038629512790158
+3 461015 0.02008196643586152
+3 461528 0.02630862518991491
+3 461794 0.01315431259495746
+3 462154 0.01315431259495746
+3 462975 0.01215451805116063
+3 464561 0.01650817428027282
+3 464765 0.01650817428027282
+3 464974 0.02630862518991491
+3 465643 0.02008196643586152
+3 465683 0.01215451805116063
+3 465706 0.01521563928250282
+3 466134 0.02008196643586152
+3 466143 0.03038629512790158
+3 466236 0.02008196643586152
+3 466689 0.02430903610232127
+3 467462 0.01215451805116063
+3 467993 0.01650817428027282
+3 468025 0.01521563928250282
+3 468191 0.01650817428027282
+3 468461 0.01215451805116063
+3 468741 0.01650817428027282
+3 469445 0.02008196643586152
+3 469937 0.01215451805116063
+3 469959 0.01813824590679444
+3 470605 0.01521563928250282
+3 470800 0.01215451805116063
+3 471169 0.02404412769220833
+3 471521 0.01215451805116063
+3 471572 0.01119516842341834
+3 473270 0.02430903610232127
+3 473734 0.01315431259495746
+3 473999 0.02430903610232127
+3 474382 0.02430903610232127
+3 474687 0.01973146889243619
+3 474784 0.01813824590679444
+3 475117 0.01650817428027282
+3 475365 0.01215451805116063
+3 475970 0.04808825538441666
+3 476213 0.01215451805116063
+3 477443 0.01794197251501987
+3 477764 0.01650817428027282
+3 478472 0.02476226142040923
+3 479073 0.02008196643586152
+3 479139 0.01119516842341834
+3 479633 0.01315431259495746
+3 480260 0.02404412769220833
+3 480288 0.01650817428027282
+3 481113 0.01973146889243619
+3 481474 0.01315431259495746
+3 482345 0.01315431259495746
+3 482567 0.01202206384610417
+3 482986 0.02008196643586152
+3 483701 0.01215451805116063
+3 484341 0.02008196643586152
+3 485083 0.02008196643586152
+3 485540 0.01215451805116063
+3 487611 0.01315431259495746
+3 487653 0.02008196643586152
+3 489267 0.01215451805116063
+3 489724 0.02008196643586152
+3 490247 0.02430903610232127
+3 490733 0.01315431259495746
+3 491013 0.01521563928250282
+3 491206 0.02008196643586152
+3 491337 0.02008196643586152
+3 491452 0.01813824590679444
+3 491594 0.02430903610232127
+3 491641 0.01650817428027282
+3 491735 0.01813824590679444
+3 493106 0.008970986257509934
+3 493421 0.01315431259495746
+3 493657 0.01521563928250282
+3 493901 0.02404412769220833
+3 494309 0.02008196643586152
+3 494937 0.02008196643586152
+3 496345 0.01119516842341834
+3 497931 0.01315431259495746
+3 498175 0.01315431259495746
+3 498366 0.01315431259495746
+3 498773 0.01650817428027282
+3 499200 0.01202206384610417
+3 499358 0.01650817428027282
+3 499457 0.01315431259495746
+3 499829 0.01215451805116063
+3 500381 0.02239033684683667
+3 500666 0.01315431259495746
+3 500950 0.01215451805116063
+3 501449 0.01823177707674095
+3 501976 0.02430903610232127
+3 502084 0.02008196643586152
+3 502271 0.01650817428027282
+3 502355 0.01803309576915625
+3 502591 0.01823177707674095
+3 502617 0.01215451805116063
+3 502841 0.01650817428027282
+3 502898 0.01650817428027282
+3 502907 0.01215451805116063
+3 503136 0.02008196643586152
+3 503867 0.01521563928250282
+3 504382 0.01650817428027282
+3 504555 0.01315431259495746
+3 504748 0.01315431259495746
+3 506286 0.02430903610232127
+3 506479 0.01521563928250282
+3 507451 0.01650817428027282
+3 507537 0.02404412769220833
+3 507692 0.05301365527262285
+3 508029 0.01650817428027282
+3 508266 0.01973146889243619
+3 508659 0.01650817428027282
+3 508787 0.01215451805116063
+3 508811 0.01119516842341834
+3 509919 0.01315431259495746
+3 510712 0.01119516842341834
+3 511703 0.02430903610232127
+3 512365 0.03627649181358888
+3 512453 0.02008196643586152
+3 513717 0.01202206384610417
+3 514175 0.01202206384610417
+3 514393 0.02008196643586152
+3 515063 0.01215451805116063
+3 515491 0.01315431259495746
+3 516634 0.04185852147316389
+3 517159 0.01650817428027282
+3 517337 0.02008196643586152
+3 517781 0.01521563928250282
+3 518162 0.02430903610232127
+3 518271 0.01215451805116063
+3 518346 0.01813824590679444
+3 518705 0.02008196643586152
+3 519139 0.01521563928250282
+3 519173 0.01650817428027282
+3 519679 0.02430903610232127
+3 520184 0.01650817428027282
+3 520268 0.02008196643586152
+3 521989 0.01650817428027282
+3 523212 0.01823177707674095
+3 523271 0.02282345892375423
+3 523541 0.01813824590679444
+3 523687 0.01215451805116063
+3 523735 0.01315431259495746
+3 523947 0.01202206384610417
+3 525583 0.02008196643586152
+3 525851 0.01215451805116063
+3 525908 0.01215451805116063
+3 526088 0.01215451805116063
+3 526721 0.01315431259495746
+3 526946 0.01521563928250282
+3 527327 0.01650817428027282
+3 527398 0.01521563928250282
+3 527639 0.02008196643586152
+3 528214 0.02476226142040923
+3 528332 0.01315431259495746
+3 528573 0.01315431259495746
+3 528624 0.01315431259495746
+3 529029 0.01650817428027282
+3 529053 0.01202206384610417
+3 531389 0.02630862518991491
+3 531908 0.0134564793862649
+3 531983 0.01215451805116063
+3 532033 0.01215451805116063
+3 532164 0.02282345892375423
+3 532361 0.01215451805116063
+3 532980 0.01202206384610417
+3 533265 0.004485493128754967
+3 534715 0.02430903610232127
+3 534866 0.02430903610232127
+3 534939 0.01813824590679444
+3 535273 0.01650817428027282
+3 535303 0.01215451805116063
+3 535786 0.02430903610232127
+3 536468 0.02430903610232127
+3 536889 0.01315431259495746
+3 537221 0.02630862518991491
+3 537511 0.01803309576915625
+3 537520 0.01650817428027282
+3 537663 0.01315431259495746
+3 537705 0.01650817428027282
+3 537849 0.01973146889243619
+3 537992 0.02008196643586152
+3 539527 0.01215451805116063
+3 539771 0.01315431259495746
+3 540465 0.02630862518991491
+3 540474 0.01202206384610417
+3 540528 0.02630862518991491
+3 541994 0.01315431259495746
+3 542176 0.02008196643586152
+3 542532 0.03288578148739364
+3 543158 0.01215451805116063
+3 543333 0.0134564793862649
+3 544109 0.01813824590679444
+3 544228 0.01315431259495746
+3 544477 0.02476226142040923
+3 544717 0.01119516842341834
+3 544877 0.01315431259495746
+3 545201 0.01119516842341834
+3 546555 0.01215451805116063
+3 546620 0.01215451805116063
+3 548140 0.01650817428027282
+3 548733 0.01521563928250282
+3 549329 0.02008196643586152
+3 550139 0.01202206384610417
+3 550397 0.01823177707674095
+3 550646 0.01650817428027282
+3 551032 0.01315431259495746
+3 551222 0.01650817428027282
+3 551305 0.02008196643586152
+3 551355 0.02008196643586152
+3 551592 0.01813824590679444
+3 551619 0.01650817428027282
+3 551710 0.02008196643586152
+3 551867 0.01119516842341834
+3 552035 0.01813824590679444
+3 552314 0.01202206384610417
+3 552644 0.01650817428027282
+3 552991 0.02630862518991491
+3 553087 0.01215451805116063
+3 554171 0.005979788781880555
+3 554273 0.01202206384610417
+3 554286 0.01315431259495746
+3 554848 0.02989894390940278
+3 555212 0.01119516842341834
+3 555579 0.01650817428027282
+3 555640 0.01315431259495746
+3 555843 0.01315431259495746
+3 555941 0.01650817428027282
+3 556469 0.01927769282640831
+3 556516 0.01215451805116063
+3 556689 0.02008196643586152
+3 556895 0.01650817428027282
+3 557017 0.02008196643586152
+3 557217 0.02008196643586152
+3 558654 0.01650817428027282
+3 558783 0.01215451805116063
+3 559219 0.01650817428027282
+3 559355 0.02008196643586152
+3 559604 0.02476226142040923
+3 559651 0.01215451805116063
+3 560127 0.01315431259495746
+3 560324 0.01315431259495746
+3 560395 0.01119516842341834
+3 560989 0.01215451805116063
+3 561463 0.01650817428027282
+3 562454 0.01215451805116063
+3 562649 0.02008196643586152
+3 562846 0.03038629512790158
+3 562987 0.02008196643586152
+3 563710 0.01973146889243619
+3 563718 0.01315431259495746
+3 564899 0.02008196643586152
+3 565145 0.02476226142040923
+3 565204 0.02008196643586152
+3 567100 0.02430903610232127
+3 567769 0.02008196643586152
+3 567843 0.01650817428027282
+3 567941 0.01521563928250282
+3 568071 0.01650817428027282
+3 568123 0.01650817428027282
+3 568217 0.02008196643586152
+3 569519 0.01215451805116063
+3 570041 0.01650817428027282
+3 570063 0.01521563928250282
+3 570304 0.01650817428027282
+3 570952 0.03038629512790158
+3 571152 0.04564691784750847
+3 571450 0.01973146889243619
+3 571843 0.009638846413204153
+3 572024 0.02008196643586152
+3 572514 0.01315431259495746
+3 573185 0.01650817428027282
+3 573974 0.01650817428027282
+3 574381 0.02008196643586152
+3 575021 0.02008196643586152
+3 575961 0.02008196643586152
+3 576681 0.02430903610232127
+3 576853 0.01119516842341834
+3 576861 0.01315431259495746
+3 577069 0.01315431259495746
+3 578039 0.01973146889243619
+3 578064 0.01215451805116063
+3 578166 0.01215451805116063
+3 578403 0.01650817428027282
+3 578474 0.01650817428027282
+3 578514 0.01973146889243619
+3 578619 0.02008196643586152
+3 579352 0.01215451805116063
+3 579500 0.01215451805116063
+3 579620 0.01215451805116063
+3 579681 0.01650817428027282
+3 579768 0.01315431259495746
+3 580669 0.02476226142040923
+3 581435 0.01215451805116063
+3 582560 0.01119516842341834
+3 582730 0.01521563928250282
+3 582828 0.01650817428027282
+3 583463 0.01650817428027282
+3 583550 0.01215451805116063
+3 583611 0.02008196643586152
+3 583732 0.01650817428027282
+3 583746 0.04807974845471875
+3 584579 0.01215451805116063
+3 584706 0.01521563928250282
+3 584763 0.04807974845471875
+3 585083 0.02008196643586152
+3 585191 0.01215451805116063
+3 587435 0.02282345892375423
+3 587884 0.01215451805116063
+3 588449 0.01202206384610417
+3 589334 0.02008196643586152
+3 589339 0.01215451805116063
+3 590108 0.02430903610232127
+3 590199 0.01119516842341834
+3 590800 0.02630862518991491
+3 591310 0.01315431259495746
+3 591592 0.01119516842341834
+3 591866 0.0360661915383125
+3 592222 0.01215451805116063
+3 592829 0.01521563928250282
+3 592865 0.02008196643586152
+3 592951 0.01315431259495746
+3 593712 0.01315431259495746
+3 593729 0.01650817428027282
+3 593964 0.01215451805116063
+3 593995 0.01803309576915625
+3 594441 0.01119516842341834
+3 594598 0.01202206384610417
+3 594775 0.053818099036925
+3 595190 0.01215451805116063
+3 595373 0.01215451805116063
+3 595803 0.1084370221485467
+3 596032 0.01315431259495746
+3 596548 0.01315431259495746
+3 596603 0.03038629512790158
+3 596952 0.01202206384610417
+3 597895 0.01202206384610417
+3 597967 0.01215451805116063
+3 598774 0.008970986257509934
+3 600226 0.01794197251501987
+3 600792 0.01215451805116063
+3 600953 0.01650817428027282
+3 600960 0.01973146889243619
+3 601680 0.01973146889243619
+3 601956 0.01823177707674095
+3 602178 0.01315431259495746
+3 602993 0.02239033684683667
+3 604022 0.0134564793862649
+3 605225 0.03139845190128477
+3 605390 0.02476226142040923
+3 605457 0.02430903610232127
+3 606350 0.01215451805116063
+3 606892 0.01119516842341834
+3 607497 0.03434267746765626
+3 607699 0.02008196643586152
+3 607869 0.01315431259495746
+3 608493 0.01813824590679444
+3 608773 0.02430903610232127
+3 608811 0.02008196643586152
+3 608932 0.01215451805116063
+3 609181 0.01215451805116063
+3 609511 0.01315431259495746
+3 610634 0.01650817428027282
+3 611811 0.01813824590679444
+3 611997 0.05037825790538251
+3 613071 0.02630862518991491
+3 613124 0.01202206384610417
+3 613281 0.02008196643586152
+3 614260 0.02476226142040923
+3 614331 0.01215451805116063
+3 614844 0.02630862518991491
+3 615384 0.01215451805116063
+3 615760 0.02008196643586152
+3 616117 0.0360661915383125
+3 616136 0.01315431259495746
+3 616663 0.02239033684683667
+3 616733 0.02008196643586152
+3 617266 0.01650817428027282
+3 617395 0.01202206384610417
+3 618125 0.03627649181358888
+3 620045 0.01315431259495746
+3 620105 0.02008196643586152
+3 620879 0.02008196643586152
+3 620920 0.02008196643586152
+3 620922 0.01315431259495746
+3 621490 0.01650817428027282
+3 622175 0.02430903610232127
+3 622446 0.01813824590679444
+3 622747 0.01202206384610417
+3 622774 0.01650817428027282
+3 623266 0.02476226142040923
+3 623640 0.01650817428027282
+3 623657 0.02008196643586152
+3 623888 0.02008196643586152
+3 623961 0.01315431259495746
+3 624069 0.01215451805116063
+3 624386 0.01315431259495746
+3 624697 0.02008196643586152
+3 624972 0.01315431259495746
+3 625376 0.01650817428027282
+3 625532 0.01202206384610417
+3 625667 0.01813824590679444
+3 625769 0.01521563928250282
+3 626638 0.01650817428027282
+3 626791 0.02008196643586152
+3 627157 0.01315431259495746
+3 627686 0.01315431259495746
+3 628067 0.04807974845471875
+3 628232 0.02404412769220833
+3 629035 0.02008196643586152
+3 629688 0.01650817428027282
+3 629740 0.01823177707674095
+3 630633 0.01315431259495746
+3 631033 0.02008196643586152
+3 631437 0.02008196643586152
+3 632711 0.01315431259495746
+3 633121 0.02008196643586152
+3 633177 0.0167927526351275
+3 633495 0.01202206384610417
+3 633773 0.02630862518991491
+3 635129 0.02008196643586152
+3 635811 0.02282345892375423
+3 635859 0.02476226142040923
+3 636432 0.01215451805116063
+3 636455 0.01215451805116063
+3 636789 0.01650817428027282
+3 636869 0.02008196643586152
+3 637283 0.01119516842341834
+3 638103 0.01650817428027282
+3 638133 0.02008196643586152
+3 638838 0.01521563928250282
+3 639033 0.02239033684683667
+3 639348 0.01813824590679444
+3 639353 0.01315431259495746
+3 640317 0.01813824590679444
+3 640525 0.02430903610232127
+3 640923 0.01650817428027282
+3 641623 0.01650817428027282
+3 642137 0.02008196643586152
+3 642203 0.06181681944178125
+3 642649 0.02008196643586152
+3 642952 0.01650817428027282
+3 643315 0.02008196643586152
+3 643634 0.0134564793862649
+3 643662 0.02476226142040923
+3 643772 0.02430903610232127
+3 644220 0.005979788781880555
+3 645114 0.01119516842341834
+3 645258 0.01315431259495746
+3 645301 0.01315431259495746
+3 645345 0.01215451805116063
+3 645347 0.02476226142040923
+3 645915 0.0167927526351275
+3 646777 0.02404412769220833
+3 647092 0.01215451805116063
+3 647848 0.01202206384610417
+3 648063 0.01119516842341834
+3 648903 0.02008196643586152
+3 650741 0.01813824590679444
+3 650936 0.01650817428027282
+3 651357 0.01650817428027282
+3 651520 0.01215451805116063
+3 652035 0.01650817428027282
+3 652362 0.01650817428027282
+3 652514 0.01521563928250282
+3 653009 0.02008196643586152
+3 653537 0.02008196643586152
+3 654373 0.01650817428027282
+3 655093 0.02008196643586152
+3 655240 0.01202206384610417
+3 655438 0.02476226142040923
+3 655446 0.01650817428027282
+3 655537 0.01445826961980623
+3 655929 0.02008196643586152
+3 656149 0.01215451805116063
+3 656972 0.01973146889243619
+3 657480 0.02476226142040923
+3 657631 0.01973146889243619
+3 657797 0.01650817428027282
+3 659057 0.0167927526351275
+3 659135 0.01315431259495746
+3 659879 0.01215451805116063
+3 660651 0.01650817428027282
+3 661073 0.01794197251501987
+3 661759 0.02008196643586152
+3 662393 0.01315431259495746
+3 663717 0.01315431259495746
+3 663774 0.01315431259495746
+3 663812 0.02242746564377483
+3 664406 0.01521563928250282
+3 665243 0.01315431259495746
+3 665736 0.02430903610232127
+3 667147 0.01315431259495746
+3 667328 0.01202206384610417
+3 667500 0.01315431259495746
+3 668297 0.03043127856500565
+3 668558 0.01215451805116063
+3 668629 0.01315431259495746
+3 668789 0.01650817428027282
+3 669217 0.01215451805116063
+3 669258 0.01521563928250282
+3 669540 0.01973146889243619
+3 670037 0.01650817428027282
+3 670268 0.01823177707674095
+3 670633 0.01315431259495746
+3 670693 0.01315431259495746
+3 670829 0.0167927526351275
+3 670954 0.01215451805116063
+3 671553 0.04337480885941869
+3 671951 0.01215451805116063
+3 672756 0.01445826961980623
+3 672767 0.01215451805116063
+3 673507 0.01119516842341834
+3 673666 0.01315431259495746
+3 673671 0.02008196643586152
+3 674203 0.01215451805116063
+3 674363 0.02008196643586152
+3 675052 0.01215451805116063
+3 675670 0.02430903610232127
+3 675672 0.01650817428027282
+3 675682 0.01119516842341834
+3 675721 0.01823177707674095
+3 675808 0.005979788781880555
+3 676661 0.01119516842341834
+3 676881 0.01650817428027282
+3 677507 0.02008196643586152
+3 677812 0.01315431259495746
+3 677975 0.02008196643586152
+3 678219 0.01215451805116063
+3 678613 0.01803309576915625
+3 678900 0.01315431259495746
+3 679409 0.01215451805116063
+3 679429 0.02430903610232127
+3 680149 0.01650817428027282
+3 680225 0.01315431259495746
+3 681130 0.01202206384610417
+3 681761 0.02008196643586152
+3 681967 0.01215451805116063
+3 682127 0.01202206384610417
+3 682269 0.01119516842341834
+3 682363 0.01315431259495746
+3 683232 0.01650817428027282
+3 683329 0.01650817428027282
+3 683466 0.03288578148739364
+3 683612 0.01650817428027282
+3 684316 0.01973146889243619
+3 684612 0.02008196643586152
+3 684704 0.01315431259495746
+3 684793 0.02008196643586152
+3 685694 0.03043127856500565
+3 686139 0.02008196643586152
+3 686506 0.01202206384610417
+3 686920 0.01315431259495746
+3 687143 0.01813824590679444
+3 687588 0.02630862518991491
+3 687733 0.01650817428027282
+3 688081 0.01973146889243619
+3 688478 0.01650817428027282
+3 689428 0.01650817428027282
+3 689867 0.01215451805116063
+3 689891 0.02476226142040923
+3 689912 0.01119516842341834
+3 690425 0.02282345892375423
+3 690643 0.02008196643586152
+3 690761 0.02798792105854584
+3 691362 0.02476226142040923
+3 691725 0.01315431259495746
+3 691865 0.01119516842341834
+3 691995 0.02008196643586152
+3 693099 0.01215451805116063
+3 693219 0.01315431259495746
+3 693232 0.01973146889243619
+3 693246 0.01650817428027282
+3 694474 0.02476226142040923
+3 694626 0.01215451805116063
+3 694675 0.02008196643586152
+3 695153 0.01315431259495746
+3 695422 0.01973146889243619
+3 695471 0.02008196643586152
+3 695539 0.01202206384610417
+3 695589 0.01650817428027282
+3 695979 0.01215451805116063
+3 696533 0.1054090885257417
+3 696943 0.01650817428027282
+3 697121 0.01521563928250282
+3 697205 0.0412112129611875
+3 697560 0.01315431259495746
+3 697598 0.01315431259495746
+3 697920 0.02430903610232127
+3 697943 0.02008196643586152
+3 697988 0.01650817428027282
+3 698358 0.02630862518991491
+3 699080 0.02476226142040923
+3 699089 0.02008196643586152
+3 699173 0.02008196643586152
+3 699635 0.02630862518991491
+3 699773 0.01521563928250282
+3 700389 0.01650817428027282
+3 700492 0.01215451805116063
+3 700593 0.01315431259495746
+3 700939 0.02008196643586152
+3 700954 0.01315431259495746
+3 701137 0.01315431259495746
+3 701293 0.01813824590679444
+3 701887 0.02989894390940278
+3 703551 0.01813824590679444
+3 704029 0.02008196643586152
+3 704060 0.01119516842341834
+3 705567 0.01119516842341834
+3 705609 0.02008196643586152
+3 705885 0.01215451805116063
+3 706216 0.02630862518991491
+3 706892 0.01315431259495746
+3 706945 0.02008196643586152
+3 707328 0.01973146889243619
+3 707489 0.01521563928250282
+3 707633 0.01650817428027282
+3 707730 0.02239033684683667
+3 708885 0.01650817428027282
+3 708916 0.05037825790538251
+3 709181 0.02430903610232127
+3 709478 0.01650817428027282
+3 709550 0.03038629512790158
+3 710821 0.02476226142040923
+3 710948 0.01650817428027282
+3 711418 0.02630862518991491
+3 712019 0.01650817428027282
+3 712475 0.02008196643586152
+3 712872 0.01521563928250282
+3 713013 0.03627649181358888
+3 713042 0.01215451805116063
+3 713081 0.01215451805116063
+3 713234 0.01315431259495746
+3 713527 0.01650817428027282
+3 713803 0.01650817428027282
+3 714059 0.02430903610232127
+3 714584 0.0134564793862649
+3 714797 0.01650817428027282
+3 714829 0.01521563928250282
+3 714947 0.02008196643586152
+3 715513 0.01521563928250282
+3 715726 0.01650817428027282
+3 715932 0.02476226142040923
+3 715968 0.01215451805116063
+3 716121 0.01202206384610417
+3 716526 0.01650817428027282
+3 717962 0.01215451805116063
+3 718098 0.01650817428027282
+3 718323 0.01215451805116063
+3 719242 0.01315431259495746
+3 719243 0.01215451805116063
+3 720262 0.01315431259495746
+3 720346 0.01315431259495746
+3 721031 0.01315431259495746
+3 721682 0.01315431259495746
+3 721829 0.01650817428027282
+3 721862 0.02630862518991491
+3 722102 0.02630862518991491
+3 722798 0.01119516842341834
+3 723036 0.01215451805116063
+3 723160 0.01215451805116063
+3 723193 0.02008196643586152
+3 724109 0.02282345892375423
+3 724152 0.01650817428027282
+3 724540 0.02630862518991491
+3 724681 0.02239033684683667
+3 725465 0.01119516842341834
+3 725922 0.01315431259495746
+3 726479 0.02008196643586152
+3 726847 0.02239033684683667
+3 727361 0.01650817428027282
+3 727502 0.01215451805116063
+3 727505 0.01119516842341834
+3 727581 0.02008196643586152
+3 729291 0.01202206384610417
+3 729590 0.01215451805116063
+3 730055 0.01813824590679444
+3 730665 0.009638846413204153
+3 730797 0.02476226142040923
+3 731312 0.02430903610232127
+3 732291 0.01119516842341834
+3 732534 0.01823177707674095
+3 733327 0.01803309576915625
+3 734395 0.01973146889243619
+3 734922 0.02008196643586152
+3 734942 0.02008196643586152
+3 735217 0.01315431259495746
+3 735537 0.02008196643586152
+3 735787 0.02008196643586152
+3 735844 0.02008196643586152
+3 736082 0.02430903610232127
+3 737126 0.01973146889243619
+3 737328 0.02008196643586152
+3 737638 0.01315431259495746
+3 738711 0.01119516842341834
+3 738843 0.02008196643586152
+3 739036 0.01315431259495746
+3 739232 0.03288578148739364
+3 739643 0.02008196643586152
+3 740438 0.01119516842341834
+3 740483 0.0167927526351275
+3 741212 0.01823177707674095
+3 741749 0.01650817428027282
+3 742595 0.01650817428027282
+3 742865 0.01650817428027282
+3 743133 0.02476226142040923
+3 743915 0.01521563928250282
+3 744254 0.02008196643586152
+3 744649 0.02008196643586152
+3 745259 0.01813824590679444
+3 745311 0.04564691784750847
+3 746194 0.01315431259495746
+3 746645 0.01521563928250282
+3 746958 0.01803309576915625
+3 747497 0.01650817428027282
+3 748040 0.01215451805116063
+3 748793 0.01315431259495746
+3 749436 0.01315431259495746
+3 749580 0.04807974845471875
+3 749615 0.01202206384610417
+3 749749 0.01813824590679444
+3 750183 0.01215451805116063
+3 750727 0.01813824590679444
+3 751108 0.02630862518991491
+3 751292 0.02282345892375423
+3 752119 0.02008196643586152
+3 752625 0.02008196643586152
+3 753206 0.01650817428027282
+3 753528 0.01119516842341834
+3 754935 0.02008196643586152
+3 755213 0.02476226142040923
+3 756217 0.02404412769220833
+3 756487 0.02282345892375423
+3 756653 0.01215451805116063
+3 757147 0.01315431259495746
+3 757918 0.01315431259495746
+3 758209 0.01202206384610417
+3 758529 0.01823177707674095
+3 758901 0.01650817428027282
+3 758950 0.01215451805116063
+3 758989 0.01521563928250282
+3 759434 0.01650817428027282
+3 760058 0.01215451805116063
+3 760340 0.01315431259495746
+3 760543 0.01202206384610417
+3 761160 0.02008196643586152
+3 762340 0.01315431259495746
+3 762805 0.02476226142040923
+3 763733 0.01215451805116063
+3 764181 0.01202206384610417
+3 764335 0.02430903610232127
+3 764717 0.01202206384610417
+3 764887 0.03627649181358888
+3 765813 0.01215451805116063
+3 766235 0.01215451805116063
+3 766266 0.01119516842341834
+3 766277 0.02476226142040923
+3 767389 0.01215451805116063
+3 767812 0.01973146889243619
+3 768087 0.01119516842341834
+3 768251 0.01315431259495746
+3 768305 0.02008196643586152
+3 768634 0.01215451805116063
+3 768732 0.02630862518991491
+3 769351 0.02008196643586152
+3 769423 0.01215451805116063
+3 770167 0.01823177707674095
+3 770457 0.02282345892375423
+3 770651 0.02008196643586152
+3 770795 0.01823177707674095
+3 770938 0.01823177707674095
+3 771052 0.01315431259495746
+3 772899 0.01315431259495746
+3 773411 0.02430903610232127
+3 773474 0.02476226142040923
+3 773571 0.01315431259495746
+3 773831 0.01215451805116063
+3 774217 0.02008196643586152
+3 775122 0.02430903610232127
+3 775934 0.01650817428027282
+3 775990 0.01215451805116063
+3 776178 0.01202206384610417
+3 777142 0.01202206384610417
+3 777423 0.02008196643586152
+3 777823 0.01215451805116063
+3 778024 0.01650817428027282
+3 779020 0.01215451805116063
+3 779400 0.01315431259495746
+3 780069 0.01823177707674095
+3 780131 0.02008196643586152
+3 781097 0.01119516842341834
+3 782275 0.02476226142040923
+3 782538 0.01215451805116063
+3 783132 0.01215451805116063
+3 783343 0.01315431259495746
+3 783474 0.01315431259495746
+3 783959 0.01813824590679444
+3 784168 0.02008196643586152
+3 784538 0.02239033684683667
+3 784656 0.01650817428027282
+3 784699 0.02008196643586152
+3 785937 0.02476226142040923
+3 786960 0.01215451805116063
+3 787794 0.0313262508429135
+3 788165 0.01202206384610417
+3 788859 0.01202206384610417
+3 789638 0.03373596244621454
+3 789963 0.02476226142040923
+3 790471 0.01119516842341834
+3 790872 0.01315431259495746
+3 790981 0.01521563928250282
+3 791523 0.01215451805116063
+3 792107 0.02008196643586152
+3 792543 0.01650817428027282
+3 792961 0.01521563928250282
+3 793291 0.01315431259495746
+3 795595 0.02476226142040923
+3 795792 0.02630862518991491
+3 796596 0.01119516842341834
+3 796656 0.02430903610232127
+3 796955 0.02008196643586152
+3 797723 0.02008196643586152
+3 798091 0.02008196643586152
+3 800049 0.01793936634564167
+3 800887 0.01813824590679444
+3 801070 0.01215451805116063
+3 801163 0.01650817428027282
+3 801470 0.01315431259495746
+3 801694 0.01315431259495746
+3 802871 0.01215451805116063
+3 802987 0.02008196643586152
+3 803130 0.01119516842341834
+3 803150 0.02430903610232127
+3 803501 0.01521563928250282
+3 803836 0.01215451805116063
+3 803898 0.02008196643586152
+3 803924 0.01315431259495746
+3 804098 0.04808825538441666
+3 804350 0.01650817428027282
+3 804396 0.01823177707674095
+3 804970 0.02430903610232127
+3 806035 0.01315431259495746
+3 806093 0.02008196643586152
+3 806121 0.01315431259495746
+3 807323 0.01650817428027282
+3 807327 0.01650817428027282
+3 807411 0.02409711603301038
+3 807431 0.01315431259495746
+3 807533 0.02239033684683667
+3 807815 0.01521563928250282
+3 807967 0.02476226142040923
+3 809627 0.02630862518991491
+3 810985 0.01650817428027282
+3 811460 0.02430903610232127
+3 812139 0.01202206384610417
+3 812268 0.01650817428027282
+3 812696 0.01119516842341834
+3 813585 0.01315431259495746
+3 813615 0.02008196643586152
+3 814437 0.01119516842341834
+3 814806 0.01650817428027282
+3 814899 0.01215451805116063
+3 815116 0.01202206384610417
+3 815974 0.02430903610232127
+3 816692 0.04185852147316389
+3 817051 0.01315431259495746
+3 818929 0.01315431259495746
+3 819434 0.01521563928250282
+3 819978 0.01215451805116063
+3 820549 0.01650817428027282
+3 821513 0.01521563928250282
+3 821841 0.01315431259495746
+3 822037 0.01650817428027282
+3 822280 0.02476226142040923
+3 822732 0.01650817428027282
+3 823077 0.02008196643586152
+3 823746 0.01650817428027282
+3 823955 0.01650817428027282
+3 824812 0.03358550527025501
+3 825897 0.01650817428027282
+3 825936 0.01650817428027282
+3 826121 0.02008196643586152
+3 826889 0.01215451805116063
+3 827550 0.01650817428027282
+3 827721 0.05783307847922492
+3 827857 0.01315431259495746
+3 828024 0.01927769282640831
+3 828318 0.01215451805116063
+3 829527 0.01315431259495746
+3 830273 0.01315431259495746
+3 830841 0.01521563928250282
+3 830913 0.02008196643586152
+3 831141 0.02008196643586152
+3 831419 0.02008196643586152
+3 831820 0.01650817428027282
+3 832741 0.01119516842341834
+3 833703 0.02008196643586152
+3 833906 0.01650817428027282
+3 834626 0.01650817428027282
+3 835278 0.01119516842341834
+3 835345 0.01119516842341834
+3 835939 0.02404412769220833
+3 838145 0.01215451805116063
+3 838336 0.02008196643586152
+3 838403 0.02630862518991491
+3 838788 0.01202206384610417
+3 839462 0.02430903610232127
+3 839777 0.082422425922375
+3 840023 0.02008196643586152
+3 840443 0.04484841586410417
+3 840815 0.01215451805116063
+3 841190 0.02239033684683667
+3 841441 0.02008196643586152
+3 841719 0.02630862518991491
+3 841729 0.01521563928250282
+3 842117 0.01650817428027282
+3 842623 0.004485493128754967
+3 843133 0.01650817428027282
+3 843271 0.01215451805116063
+3 843580 0.02008196643586152
+3 843981 0.01215451805116063
+3 844547 0.01813824590679444
+3 844943 0.04808825538441666
+3 845228 0.01650817428027282
+3 845263 0.01315431259495746
+3 845355 0.01315431259495746
+3 845433 0.01315431259495746
+3 846017 0.02476226142040923
+3 846227 0.01650817428027282
+3 847021 0.01521563928250282
+3 847387 0.02008196643586152
+3 848316 0.01202206384610417
+3 848330 0.02008196643586152
+3 848565 0.01215451805116063
+3 848706 0.03038629512790158
+3 848815 0.02008196643586152
+3 848856 0.01315431259495746
+3 849063 0.04478067369367334
+3 849509 0.01215451805116063
+3 849602 0.01119516842341834
+3 849609 0.01813824590679444
+3 849797 0.01215451805116063
+3 851071 0.04564691784750847
+3 851822 0.01215451805116063
+3 852093 0.01521563928250282
+3 853056 0.01315431259495746
+3 853866 0.02430903610232127
+3 854171 0.02008196643586152
+3 854276 0.01315431259495746
+3 854960 0.01793936634564167
+3 855121 0.02008196643586152
+3 855392 0.02282345892375423
+3 855720 0.02008196643586152
+3 855770 0.01315431259495746
+3 855980 0.01650817428027282
+3 856212 0.02008196643586152
+3 856586 0.01973146889243619
+3 856602 0.02989894390940278
+3 856603 0.02476226142040923
+3 856834 0.01823177707674095
+3 857015 0.01315431259495746
+3 857083 0.01650817428027282
+3 857189 0.01973146889243619
+3 857253 0.01521563928250282
+3 857430 0.053818099036925
+3 857517 0.01215451805116063
+3 857581 0.02008196643586152
+3 857643 0.02476226142040923
+3 857673 0.01650817428027282
+3 857805 0.005979788781880555
+3 858148 0.01119516842341834
+3 858171 0.02008196643586152
+3 859034 0.01215451805116063
+3 859080 0.01215451805116063
+3 859737 0.01823177707674095
+3 860357 0.02008196643586152
+3 861133 0.01215451805116063
+3 861178 0.02282345892375423
+3 862367 0.01202206384610417
+3 863327 0.01315431259495746
+3 863371 0.01315431259495746
+3 863413 0.03627649181358888
+3 864181 0.01650817428027282
+3 864383 0.01650817428027282
+3 865017 0.02008196643586152
+3 865057 0.02008196643586152
+3 865514 0.01215451805116063
+3 866123 0.01202206384610417
+3 866409 0.01521563928250282
+3 866462 0.01119516842341834
+3 866719 0.02430903610232127
+3 867366 0.01215451805116063
+3 868041 0.01650817428027282
+3 868877 0.01202206384610417
+3 869058 0.01119516842341834
+3 869609 0.01215451805116063
+3 870006 0.02430903610232127
+3 870945 0.02008196643586152
+3 871079 0.01650817428027282
+3 871383 0.01813824590679444
+3 871396 0.01215451805116063
+3 871784 0.01813824590679444
+3 871979 0.03005515961526042
+3 872135 0.01202206384610417
+3 872269 0.01215451805116063
+3 872950 0.02008196643586152
+3 873263 0.02282345892375423
+3 873471 0.01973146889243619
+3 873685 0.01521563928250282
+3 873932 0.01202206384610417
+3 875002 0.01315431259495746
+3 875441 0.07555389042884375
+3 875595 0.02476226142040923
+3 875898 0.01973146889243619
+3 876454 0.01215451805116063
+3 876608 0.02008196643586152
+3 876647 0.01521563928250282
+3 877104 0.01215451805116063
+3 877876 0.01215451805116063
+3 879048 0.01119516842341834
+3 879723 0.02239033684683667
+3 880406 0.01215451805116063
+3 880943 0.01650817428027282
+3 881902 0.02404412769220833
+3 882364 0.01215451805116063
+3 882386 0.01315431259495746
+3 883891 0.01315431259495746
+3 884007 0.01650817428027282
+3 884301 0.01315431259495746
+3 884303 0.02008196643586152
+3 884404 0.01215451805116063
+3 884406 0.01650817428027282
+3 884453 0.02008196643586152
+3 884677 0.0167927526351275
+3 885188 0.01215451805116063
+3 886206 0.02008196643586152
+3 887472 0.01650817428027282
+3 888384 0.02008196643586152
+3 889334 0.01215451805116063
+3 889464 0.01215451805116063
+3 890051 0.02008196643586152
+3 890315 0.01315431259495746
+3 890426 0.02630862518991491
+3 890577 0.01650817428027282
+3 890762 0.01215451805116063
+3 892003 0.02404412769220833
+3 892161 0.01215451805116063
+3 892270 0.02476226142040923
+3 893230 0.01215451805116063
+3 894002 0.03043127856500565
+3 894068 0.01215451805116063
+3 894425 0.02008196643586152
+3 894705 0.01823177707674095
+3 895068 0.01215451805116063
+3 896073 0.01215451805116063
+3 896663 0.02430903610232127
+3 896697 0.02008196643586152
+3 897352 0.01813824590679444
+3 897680 0.01315431259495746
+3 898259 0.01650817428027282
+3 898317 0.01315431259495746
+3 898682 0.02008196643586152
+3 901072 0.01215451805116063
+3 901243 0.01315431259495746
+3 901264 0.01315431259495746
+3 901464 0.01315431259495746
+3 901735 0.02008196643586152
+3 901873 0.01315431259495746
+3 902983 0.02008196643586152
+3 903042 0.01215451805116063
+3 903639 0.01823177707674095
+3 903775 0.01803309576915625
+3 903869 0.01202206384610417
+3 905317 0.01315431259495746
+3 906255 0.01793936634564167
+3 908616 0.02630862518991491
+3 908667 0.01973146889243619
+3 909093 0.02430903610232127
+3 909342 0.03288578148739364
+3 909925 0.01315431259495746
+3 910551 0.01315431259495746
+3 911246 0.01215451805116063
+3 911251 0.01315431259495746
+3 911471 0.01650817428027282
+3 911559 0.02798792105854584
+3 912375 0.02630862518991491
+3 912692 0.01119516842341834
+3 912818 0.01315431259495746
+3 913412 0.01202206384610417
+3 913653 0.02391915512752222
+3 914190 0.01315431259495746
+3 914236 0.01315431259495746
+3 914637 0.01215451805116063
+3 914707 0.02476226142040923
+3 914767 0.01650817428027282
+3 914942 0.0364635541534819
+3 916268 0.01650817428027282
+3 916275 0.02008196643586152
+3 916412 0.02430903610232127
+3 916833 0.02008196643586152
+3 916838 0.02008196643586152
+3 916971 0.01119516842341834
+3 918612 0.01119516842341834
+3 921027 0.02430903610232127
+3 922137 0.01315431259495746
+3 923371 0.01813824590679444
+3 923707 0.02404412769220833
+3 924308 0.02008196643586152
+3 924489 0.01650817428027282
+3 925190 0.01521563928250282
+3 926178 0.01650817428027282
+3 926192 0.02008196643586152
+3 926250 0.01215451805116063
+3 927420 0.02008196643586152
+3 928368 0.02430903610232127
+3 929327 0.01202206384610417
+3 929479 0.1132564453551488
+3 929751 0.02008196643586152
+3 929906 0.01445826961980623
+3 930347 0.01650817428027282
+3 930866 0.02008196643586152
+3 930897 0.01315431259495746
+3 931304 0.02430903610232127
+3 931366 0.01202206384610417
+3 932026 0.02630862518991491
+3 932035 0.02476226142040923
+3 932119 0.02476226142040923
+3 932719 0.01813824590679444
+3 933067 0.01119516842341834
+3 934083 0.02430903610232127
+3 934821 0.02430903610232127
+3 936042 0.01650817428027282
+3 936497 0.02239033684683667
+3 936622 0.01215451805116063
+3 936975 0.01650817428027282
+3 937173 0.02404412769220833
+3 938709 0.01215451805116063
+3 939162 0.02476226142040923
+3 939489 0.02008196643586152
+3 939846 0.02008196643586152
+3 939891 0.02476226142040923
+3 940067 0.01202206384610417
+3 940134 0.01650817428027282
+3 940274 0.01650817428027282
+3 940579 0.02008196643586152
+3 940676 0.02404412769220833
+3 941134 0.01215451805116063
+3 941331 0.009638846413204153
+3 941477 0.02008196643586152
+3 942127 0.01973146889243619
+3 942152 0.01119516842341834
+3 942492 0.01521563928250282
+3 942496 0.02630862518991491
+3 943077 0.01315431259495746
+3 943165 0.01927769282640831
+3 943202 0.01215451805116063
+3 943707 0.02008196643586152
+3 943733 0.01521563928250282
+3 943767 0.02008196643586152
+3 943987 0.01215451805116063
+3 944364 0.02430903610232127
+3 944695 0.01215451805116063
+3 945531 0.01215451805116063
+3 945541 0.09866651490102916
+3 945987 0.01202206384610417
+3 946067 0.01215451805116063
+3 946180 0.01823177707674095
+3 946341 0.02008196643586152
+3 947899 0.02008196643586152
+3 948459 0.01813824590679444
+3 950350 0.01215451805116063
+3 950515 0.01215451805116063
+3 950864 0.01215451805116063
+3 950976 0.01119516842341834
+3 951036 0.01215451805116063
+3 951392 0.01215451805116063
+3 951500 0.01315431259495746
+3 951694 0.02008196643586152
+3 951800 0.01119516842341834
+3 951939 0.02008196643586152
+3 953647 0.02008196643586152
+3 954637 0.01813824590679444
+3 954808 0.03038629512790158
+3 955048 0.02430903610232127
+3 956139 0.02476226142040923
+3 956350 0.01315431259495746
+3 956356 0.01202206384610417
+3 956997 0.01315431259495746
+3 957055 0.01813824590679444
+3 957067 0.01119516842341834
+3 957098 0.01973146889243619
+3 957143 0.02008196643586152
+3 957437 0.01823177707674095
+3 957502 0.01315431259495746
+3 957627 0.01803309576915625
+3 958137 0.02008196643586152
+3 958171 0.01315431259495746
+3 958780 0.01215451805116063
+3 958911 0.01650817428027282
+3 959102 0.01215451805116063
+3 959356 0.01650817428027282
+3 959793 0.01813824590679444
+3 959815 0.01215451805116063
+3 960107 0.02008196643586152
+3 961822 0.01315431259495746
+3 961910 0.01315431259495746
+3 963163 0.01202206384610417
+3 963743 0.02008196643586152
+3 963855 0.01119516842341834
+3 963998 0.02630862518991491
+3 964258 0.02008196643586152
+3 964421 0.02008196643586152
+3 964525 0.01315431259495746
+3 964582 0.02476226142040923
+3 964889 0.01650817428027282
+3 965480 0.02630862518991491
+3 965716 0.01215451805116063
+3 965802 0.01215451805116063
+3 966255 0.02008196643586152
+3 966273 0.01521563928250282
+3 966385 0.01650817428027282
+3 966683 0.02008196643586152
+3 967164 0.005979788781880555
+3 967265 0.01119516842341834
+3 967743 0.01315431259495746
+3 967868 0.02476226142040923
+3 967888 0.01650817428027282
+3 967983 0.02008196643586152
+3 968014 0.01215451805116063
+3 968163 0.01823177707674095
+3 968483 0.02476226142040923
+3 969028 0.01973146889243619
+3 969226 0.01215451805116063
+3 969841 0.01195957756376111
+3 970072 0.02430903610232127
+3 970274 0.01823177707674095
+3 971047 0.01650817428027282
+3 971155 0.01215451805116063
+3 972013 0.01202206384610417
+3 972178 0.02476226142040923
+3 972485 0.01521563928250282
+3 973333 0.01315431259495746
+3 973783 0.01315431259495746
+3 974699 0.02008196643586152
+3 974851 0.01202206384610417
+3 975220 0.01315431259495746
+3 975811 0.02008196643586152
+3 975881 0.01215451805116063
+3 976079 0.02008196643586152
+3 976275 0.01215451805116063
+3 976530 0.01315431259495746
+3 976949 0.02008196643586152
+3 977200 0.02476226142040923
+3 977595 0.01650817428027282
+3 978257 0.04808825538441666
+3 978511 0.02008196643586152
+3 978773 0.02430903610232127
+3 979369 0.01315431259495746
+3 979478 0.02008196643586152
+3 979904 0.0167927526351275
+3 980261 0.01650817428027282
+3 980319 0.01215451805116063
+3 980920 0.01215451805116063
+3 981883 0.01315431259495746
+3 982012 0.01215451805116063
+3 982150 0.01215451805116063
+3 983321 0.01119516842341834
+3 983673 0.01119516842341834
+3 985065 0.01823177707674095
+3 985549 0.02404412769220833
+3 985571 0.02476226142040923
+3 985597 0.02630862518991491
+3 986341 0.02008196643586152
+3 986791 0.02008196643586152
+3 987881 0.01823177707674095
+3 988122 0.01119516842341834
+3 988159 0.02008196643586152
+3 988493 0.01315431259495746
+3 988911 0.02008196643586152
+3 989086 0.02239033684683667
+3 989163 0.02239033684683667
+3 989433 0.02404412769220833
+3 989808 0.01315431259495746
+3 990675 0.02008196643586152
+3 990804 0.01119516842341834
+3 991475 0.02630862518991491
+3 991847 0.02008196643586152
+3 991935 0.01813824590679444
+3 991985 0.01650817428027282
+3 992490 0.01315431259495746
+3 993053 0.03038629512790158
+3 993510 0.02008196643586152
+3 994106 0.02430903610232127
+3 994950 0.01119516842341834
+3 995085 0.01973146889243619
+3 995605 0.01202206384610417
+3 995653 0.01813824590679444
+3 995751 0.02008196643586152
+3 996536 0.01119516842341834
+3 997281 0.02008196643586152
+3 997656 0.01650817428027282
+3 997868 0.01315431259495746
+3 999223 0.02008196643586152
+3 1000099 0.01215451805116063
+3 1000335 0.01315431259495746
+3 1000999 0.01650817428027282
+3 1001147 0.02008196643586152
+3 1002607 0.01650817428027282
+3 1002750 0.01315431259495746
+3 1002835 0.02008196643586152
+3 1003113 0.02008196643586152
+3 1003223 0.03373596244621454
+3 1003403 0.01813824590679444
+3 1003884 0.02630862518991491
+3 1004928 0.01315431259495746
+3 1006311 0.01202206384610417
+3 1006420 0.02008196643586152
+3 1006560 0.01215451805116063
+3 1006620 0.01215451805116063
+3 1006710 0.02476226142040923
+3 1007404 0.01315431259495746
+3 1007775 0.01315431259495746
+3 1007912 0.01119516842341834
+3 1008068 0.02630862518991491
+3 1008679 0.01215451805116063
+3 1008831 0.01119516842341834
+3 1008899 0.01215451805116063
+3 1009041 0.02008196643586152
+3 1009994 0.01650817428027282
+3 1010369 0.01823177707674095
+3 1010438 0.01215451805116063
+3 1010769 0.02008196643586152
+3 1011301 0.01215451805116063
+3 1012185 0.02008196643586152
+3 1013015 0.02630862518991491
+3 1013016 0.01315431259495746
+3 1013871 0.02008196643586152
+3 1014853 0.01315431259495746
+3 1014914 0.01650817428027282
+3 1016179 0.01650817428027282
+3 1016289 0.01650817428027282
+3 1017114 0.02430903610232127
+3 1017173 0.01650817428027282
+3 1017484 0.01803309576915625
+3 1017602 0.01973146889243619
+3 1018174 0.01315431259495746
+3 1018883 0.02008196643586152
+3 1019278 0.01650817428027282
+3 1019929 0.01119516842341834
+3 1020006 0.02008196643586152
+3 1020555 0.01215451805116063
+3 1020677 0.01650817428027282
+3 1020740 0.0403694381587947
+3 1021827 0.02008196643586152
+3 1021884 0.01119516842341834
+3 1023852 0.01315431259495746
+3 1025861 0.01813824590679444
+3 1026711 0.01202206384610417
+3 1027300 0.01315431259495746
+3 1027631 0.02008196643586152
+3 1027973 0.01215451805116063
+3 1028295 0.01215451805116063
+3 1028315 0.01813824590679444
+3 1028638 0.01650817428027282
+3 1028738 0.02476226142040923
+3 1029602 0.02008196643586152
+3 1030059 0.01215451805116063
+3 1030226 0.01202206384610417
+3 1030554 0.01202206384610417
+3 1031121 0.01215451805116063
+3 1031815 0.02008196643586152
+3 1032047 0.02008196643586152
+3 1032173 0.01650817428027282
+3 1032791 0.01813824590679444
+3 1033256 0.01215451805116063
+3 1033581 0.01650817428027282
+3 1033699 0.01813824590679444
+3 1033833 0.01119516842341834
+3 1034054 0.01650817428027282
+3 1034350 0.02430903610232127
+3 1034416 0.02430903610232127
+3 1035161 0.01202206384610417
+3 1035312 0.01315431259495746
+3 1036096 0.01973146889243619
+3 1036844 0.02476226142040923
+3 1037044 0.04478067369367334
+3 1037251 0.01813824590679444
+3 1037326 0.02476226142040923
+3 1037360 0.02391915512752222
+3 1037916 0.02630862518991491
+3 1038315 0.01315431259495746
+3 1038731 0.01215451805116063
+3 1038768 0.01650817428027282
+3 1039039 0.01650817428027282
+3 1039166 0.01973146889243619
+3 1039328 0.01650817428027282
+3 1039629 0.02630862518991491
+3 1039896 0.01650817428027282
+3 1040201 0.004485493128754967
+3 1040273 0.01973146889243619
+3 1040325 0.02008196643586152
+3 1040381 0.02430903610232127
+3 1040479 0.01803309576915625
+3 1040913 0.01973146889243619
+3 1042343 0.02008196643586152
+3 1042627 0.01650817428027282
+3 1042774 0.01650817428027282
+3 1042815 0.01315431259495746
+3 1043231 0.01202206384610417
+3 1043931 0.02008196643586152
+3 1046133 0.01650817428027282
+3 1046509 0.01813824590679444
+3 1046561 0.02430903610232127
+3 1047335 0.01215451805116063
+3 1048455 0.02008196643586152
+4 344 0.02837632374130612
+4 711 0.0151656036122675
+4 797 0.02573096828667612
+4 1115 0.01715397885778408
+4 1556 0.01418816187065306
+4 1733 0.02573096828667612
+4 1936 0.01275459788430996
+4 2101 0.01364951393205028
+4 2180 0.01418816187065306
+4 2808 0.01418816187065306
+4 3320 0.01418816187065306
+4 4053 0.0264358624887623
+4 4959 0.00528717249775246
+4 5205 0.01418816187065306
+4 5983 0.01418816187065306
+4 7884 0.01364951393205028
+4 8055 0.01364951393205028
+4 8116 0.02008530766406564
+4 8731 0.01364951393205028
+4 9798 0.02573096828667612
+4 10078 0.03297694465079107
+4 10267 0.02008530766406564
+4 10495 0.02186611337945473
+4 11483 0.01648847232539554
+4 11573 0.02008530766406564
+4 12091 0.03965379373314344
+4 13181 0.01418816187065306
+4 13234 0.005466528344863682
+4 13997 0.01364951393205028
+4 14910 0.01418816187065306
+4 15211 0.01648847232539554
+4 15221 0.02008530766406564
+4 15233 0.02729902786410057
+4 15283 0.01715397885778408
+4 15351 0.01364951393205028
+4 15795 0.01715397885778408
+4 15916 0.01715397885778408
+4 17094 0.02837632374130612
+4 17227 0.03297694465079107
+4 17831 0.01275459788430996
+4 18305 0.02047427089807543
+4 19280 0.01715397885778408
+4 20498 0.01418816187065306
+4 20625 0.02008530766406564
+4 20975 0.04229737998201968
+4 21254 0.01364951393205028
+4 21296 0.01364951393205028
+4 22178 0.01057434499550492
+4 22219 0.01715397885778408
+4 22706 0.02729902786410057
+4 23541 0.01364951393205028
+4 23712 0.01364951393205028
+4 23832 0.02837632374130612
+4 24619 0.02008530766406564
+4 25185 0.02008530766406564
+4 25364 0.02128224280597959
+4 26089 0.02573096828667612
+4 26273 0.01715397885778408
+4 26845 0.01275459788430996
+4 26849 0.01715397885778408
+4 27313 0.01715397885778408
+4 28880 0.01715397885778408
+4 28921 0.01275459788430996
+4 29352 0.0151656036122675
+4 29368 0.01217453668277288
+4 29735 0.01648847232539554
+4 30387 0.02008530766406564
+4 30453 0.0151656036122675
+4 30862 0.02008530766406564
+4 30952 0.01715397885778408
+4 31409 0.01715397885778408
+4 32700 0.01715397885778408
+4 33117 0.02837632374130612
+4 33433 0.03297694465079107
+4 33439 0.01715397885778408
+4 33979 0.02274840541840125
+4 34024 0.01715397885778408
+4 34041 0.02008530766406564
+4 34475 0.01418816187065306
+4 34749 0.01418816187065306
+4 34869 0.01715397885778408
+4 35441 0.05101839153723984
+4 35828 0.01275459788430996
+4 35928 0.0151656036122675
+4 36089 0.02573096828667612
+4 36192 0.01418816187065306
+4 36233 0.01364951393205028
+4 36318 0.006824756966025142
+4 36391 0.02008530766406564
+4 36463 0.01648847232539554
+4 36949 0.01364951393205028
+4 37221 0.01418816187065306
+4 37278 0.01364951393205028
+4 37584 0.01418816187065306
+4 37607 0.01418816187065306
+4 37731 0.01648847232539554
+4 38236 0.02837632374130612
+4 38451 0.02008530766406564
+4 38933 0.01364951393205028
+4 39762 0.02550919576861992
+4 40007 0.01299725962753113
+4 40706 0.01364951393205028
+4 41204 0.02837632374130612
+4 41385 0.01715397885778408
+4 41559 0.02729902786410057
+4 41645 0.01648847232539554
+4 41657 0.02008530766406564
+4 41800 0.07016854597045903
+4 42030 0.01715397885778408
+4 42437 0.02008530766406564
+4 43077 0.02008530766406564
+4 43280 0.01364951393205028
+4 43781 0.02733264172431841
+4 44401 0.01715397885778408
+4 44457 0.01217453668277288
+4 45548 0.01648847232539554
+4 46197 0.01364951393205028
+4 46264 0.01217453668277288
+4 46627 0.006498629813765564
+4 46854 0.006824756966025142
+4 47318 0.01217453668277288
+4 47689 0.01715397885778408
+4 48505 0.02729902786410057
+4 48753 0.01418816187065306
+4 48859 0.01275459788430996
+4 49689 0.01364951393205028
+4 50281 0.01715397885778408
+4 50701 0.01715397885778408
+4 50742 0.0634460699730295
+4 50840 0.01715397885778408
+4 51948 0.01364951393205028
+4 52454 0.02550919576861992
+4 53051 0.02008530766406564
+4 53247 0.05478541507247794
+4 54376 0.02837632374130612
+4 54744 0.01715397885778408
+4 54924 0.01364951393205028
+4 55827 0.01418816187065306
+4 56036 0.01715397885778408
+4 56154 0.02434907336554575
+4 56572 0.01418816187065306
+4 56737 0.02008530766406564
+4 56909 0.01715397885778408
+4 56918 0.01364951393205028
+4 57320 0.02573096828667612
+4 57633 0.02550919576861992
+4 57655 0.01715397885778408
+4 57663 0.01715397885778408
+4 57955 0.01364951393205028
+4 57997 0.0151656036122675
+4 58055 0.03297694465079107
+4 58964 0.03701020748426721
+4 59189 0.01418816187065306
+4 59891 0.02837632374130612
+4 60226 0.01715397885778408
+4 60437 0.01715397885778408
+4 60978 0.02729902786410057
+4 61875 0.01364951393205028
+4 62111 0.01275459788430996
+4 62239 0.01418816187065306
+4 62295 0.01364951393205028
+4 64006 0.02733264172431841
+4 64016 0.01715397885778408
+4 64473 0.01418816187065306
+4 64573 0.030331207224535
+4 65109 0.02008530766406564
+4 65911 0.01364951393205028
+4 66314 0.01418816187065306
+4 67945 0.01364951393205028
+4 67965 0.01364951393205028
+4 68409 0.01715397885778408
+4 68440 0.00528717249775246
+4 68543 0.01217453668277288
+4 68673 0.02729902786410057
+4 68974 0.01715397885778408
+4 69894 0.02573096828667612
+4 70435 0.01275459788430996
+4 70576 0.02573096828667612
+4 71207 0.01648847232539554
+4 71748 0.01364951393205028
+4 71957 0.02008530766406564
+4 72260 0.01418816187065306
+4 72652 0.01418816187065306
+4 72754 0.02729902786410057
+4 73182 0.02047427089807543
+4 73289 0.01364951393205028
+4 74533 0.01364951393205028
+4 74573 0.02008530766406564
+4 74796 0.02729902786410057
+4 74947 0.02008530766406564
+4 75685 0.0151656036122675
+4 76640 0.02008530766406564
+4 77686 0.01364951393205028
+4 78325 0.01364951393205028
+4 78871 0.01648847232539554
+4 79445 0.02186611337945473
+4 79567 0.02008530766406564
+4 79606 0.01418816187065306
+4 79920 0.01418816187065306
+4 80087 0.01586151749325737
+4 80111 0.02008530766406564
+4 81293 0.0151656036122675
+4 81725 0.01364951393205028
+4 83437 0.02128224280597959
+4 84189 0.01715397885778408
+4 84759 0.01648847232539554
+4 86213 0.02008530766406564
+4 86749 0.01418816187065306
+4 86773 0.01715397885778408
+4 87353 0.02729902786410057
+4 87631 0.02008530766406564
+4 87942 0.00709408093532653
+4 88009 0.02008530766406564
+4 88145 0.02274840541840125
+4 89687 0.01364951393205028
+4 90183 0.01418816187065306
+4 90435 0.01715397885778408
+4 91883 0.030331207224535
+4 92411 0.01715397885778408
+4 92804 0.01715397885778408
+4 92986 0.02573096828667612
+4 93712 0.02729902786410057
+4 94511 0.01364951393205028
+4 95951 0.01364951393205028
+4 96061 0.02008530766406564
+4 96310 0.01217453668277288
+4 96315 0.01418816187065306
+4 96745 0.02573096828667612
+4 96757 0.02837632374130612
+4 97508 0.01275459788430996
+4 97545 0.01364951393205028
+4 98377 0.02008530766406564
+4 99007 0.01418816187065306
+4 99253 0.02729902786410057
+4 99503 0.01715397885778408
+4 99549 0.01217453668277288
+4 99619 0.01418816187065306
+4 100142 0.01418816187065306
+4 101157 0.0151656036122675
+4 101208 0.01715397885778408
+4 101522 0.01364951393205028
+4 101749 0.02008530766406564
+4 102726 0.01364951393205028
+4 103877 0.02008530766406564
+4 104149 0.01364951393205028
+4 104467 0.01715397885778408
+4 104772 0.01364951393205028
+4 105709 0.01715397885778408
+4 106814 0.01418816187065306
+4 109504 0.01418816187065306
+4 110259 0.02114868999100984
+4 110562 0.02047427089807543
+4 110789 0.02573096828667612
+4 111321 0.02008530766406564
+4 112020 0.01364951393205028
+4 112485 0.01364951393205028
+4 112738 0.02008530766406564
+4 112983 0.01715397885778408
+4 113209 0.01364951393205028
+4 113322 0.01275459788430996
+4 113403 0.01715397885778408
+4 113849 0.09747944720648347
+4 114869 0.01715397885778408
+4 114962 0.01715397885778408
+4 115631 0.02047427089807543
+4 115674 0.02008530766406564
+4 116489 0.02837632374130612
+4 116553 0.02008530766406564
+4 117089 0.0486981467310915
+4 117543 0.02008530766406564
+4 117794 0.01364951393205028
+4 117854 0.05466528344863682
+4 119191 0.02837632374130612
+4 119538 0.006824756966025142
+4 120867 0.01275459788430996
+4 121345 0.02837632374130612
+4 121357 0.02008530766406564
+4 121543 0.03043634170693219
+4 121581 0.01217453668277288
+4 122181 0.02008530766406564
+4 122374 0.01364951393205028
+4 122660 0.01418816187065306
+4 123081 0.01418816187065306
+4 123532 0.02008530766406564
+4 123659 0.01418816187065306
+4 124217 0.01418816187065306
+4 125934 0.01715397885778408
+4 125974 0.01648847232539554
+4 126521 0.01418816187065306
+4 126866 0.02573096828667612
+4 127319 0.01217453668277288
+4 127491 0.01715397885778408
+4 127498 0.01275459788430996
+4 127623 0.01648847232539554
+4 128103 0.01648847232539554
+4 128137 0.02729902786410057
+4 128191 0.01418816187065306
+4 128892 0.01715397885778408
+4 129385 0.01418816187065306
+4 129394 0.01715397885778408
+4 129911 0.06315169137341313
+4 130011 0.01648847232539554
+4 131386 0.01715397885778408
+4 132099 0.01648847232539554
+4 132381 0.01275459788430996
+4 132671 0.02008530766406564
+4 132968 0.01715397885778408
+4 134266 0.01364951393205028
+4 134915 0.01648847232539554
+4 135267 0.04911798217932131
+4 135813 0.01275459788430996
+4 136064 0.02573096828667612
+4 136117 0.01715397885778408
+4 136890 0.01217453668277288
+4 137101 0.02274840541840125
+4 137587 0.01217453668277288
+4 137769 0.01418816187065306
+4 139002 0.01364951393205028
+4 139056 0.01364951393205028
+4 139139 0.01418816187065306
+4 139178 0.02008530766406564
+4 139371 0.01364951393205028
+4 139418 0.02008530766406564
+4 139565 0.02573096828667612
+4 140468 0.01364951393205028
+4 140965 0.02128224280597959
+4 141160 0.01364951393205028
+4 141425 0.02434907336554575
+4 141605 0.04099896258647761
+4 141807 0.01418816187065306
+4 141989 0.01364951393205028
+4 142641 0.02008530766406564
+4 143936 0.01715397885778408
+4 144093 0.01364951393205028
+4 144163 0.02274840541840125
+4 144395 0.01418816187065306
+4 144641 0.02008530766406564
+4 146455 0.01418816187065306
+4 147389 0.02128224280597959
+4 148113 0.02729902786410057
+4 148368 0.03412378483012571
+4 148952 0.02008530766406564
+4 149011 0.01364951393205028
+4 149382 0.01364951393205028
+4 149709 0.01418816187065306
+4 149734 0.01364951393205028
+4 150024 0.01418816187065306
+4 150479 0.02128224280597959
+4 150643 0.01648847232539554
+4 151033 0.01418816187065306
+4 151395 0.01715397885778408
+4 151567 0.01364951393205028
+4 151642 0.01418816187065306
+4 151683 0.00264358624887623
+4 151957 0.0151656036122675
+4 152258 0.02128224280597959
+4 152590 0.005466528344863682
+4 153133 0.01715397885778408
+4 154442 0.02008530766406564
+4 154635 0.01418816187065306
+4 154644 0.01418816187065306
+4 155716 0.01418816187065306
+4 156173 0.02806741838818361
+4 156467 0.01275459788430996
+4 156548 0.02008530766406564
+4 156833 0.03249314906882782
+4 156855 0.01648847232539554
+4 157191 0.01217453668277288
+4 157374 0.02729902786410057
+4 157905 0.01364951393205028
+4 158098 0.01715397885778408
+4 158180 0.01418816187065306
+4 158235 0.01364951393205028
+4 158517 0.01217453668277288
+4 158805 0.02837632374130612
+4 158855 0.03297694465079107
+4 159003 0.01648847232539554
+4 160189 0.01418816187065306
+4 160449 0.02729902786410057
+4 160643 0.01418816187065306
+4 160749 0.01418816187065306
+4 160871 0.01364951393205028
+4 161570 0.02837632374130612
+4 162627 0.0486981467310915
+4 163143 0.02837632374130612
+4 163848 0.01715397885778408
+4 164029 0.01418816187065306
+4 166534 0.01275459788430996
+4 166673 0.01715397885778408
+4 166962 0.01715397885778408
+4 167285 0.030331207224535
+4 167333 0.01648847232539554
+4 168043 0.01275459788430996
+4 169293 0.01715397885778408
+4 169435 0.01418816187065306
+4 169919 0.01826180502415931
+4 171204 0.01364951393205028
+4 171889 0.02008530766406564
+4 172251 0.01418816187065306
+4 172659 0.01715397885778408
+4 173141 0.02274840541840125
+4 173803 0.02434907336554575
+4 173845 0.01586151749325737
+4 175014 0.01418816187065306
+4 175082 0.01715397885778408
+4 175617 0.01418816187065306
+4 176213 0.0151656036122675
+4 176305 0.01217453668277288
+4 176609 0.01217453668277288
+4 176757 0.02837632374130612
+4 177200 0.01418816187065306
+4 177423 0.02837632374130612
+4 177446 0.01057434499550492
+4 177880 0.02573096828667612
+4 178021 0.01217453668277288
+4 178476 0.02837632374130612
+4 178762 0.01418816187065306
+4 178778 0.0151656036122675
+4 178977 0.01418816187065306
+4 179834 0.01715397885778408
+4 180023 0.0151656036122675
+4 180121 0.02729902786410057
+4 180885 0.01648847232539554
+4 181553 0.01275459788430996
+4 181786 0.01364951393205028
+4 182314 0.01418816187065306
+4 182332 0.01715397885778408
+4 182583 0.01217453668277288
+4 183308 0.01364951393205028
+4 183719 0.01715397885778408
+4 183903 0.01418816187065306
+4 184596 0.01418816187065306
+4 184704 0.01364951393205028
+4 184705 0.01715397885778408
+4 184767 0.01275459788430996
+4 184959 0.01418816187065306
+4 185138 0.01418816187065306
+4 186104 0.02008530766406564
+4 186553 0.01418816187065306
+4 186765 0.006498629813765564
+4 186949 0.02008530766406564
+4 187483 0.02573096828667612
+4 189199 0.01299725962753113
+4 190785 0.01418816187065306
+4 191163 0.01715397885778408
+4 191171 0.01217453668277288
+4 191972 0.01364951393205028
+4 192347 0.01715397885778408
+4 195139 0.01715397885778408
+4 195161 0.01715397885778408
+4 195197 0.01364951393205028
+4 195691 0.02837632374130612
+4 195722 0.01418816187065306
+4 196385 0.02008530766406564
+4 196654 0.01364951393205028
+4 196793 0.01715397885778408
+4 197975 0.01648847232539554
+4 198423 0.01715397885778408
+4 198453 0.02008530766406564
+4 199593 0.0151656036122675
+4 200163 0.01364951393205028
+4 200659 0.02008530766406564
+4 200739 0.006087268341386438
+4 200776 0.005466528344863682
+4 201027 0.01418816187065306
+4 201088 0.01364951393205028
+4 201565 0.01715397885778408
+4 201972 0.02729902786410057
+4 202228 0.005466528344863682
+4 202405 0.01715397885778408
+4 203362 0.01418816187065306
+4 203476 0.01715397885778408
+4 203699 0.01364951393205028
+4 204376 0.01715397885778408
+4 205541 0.01364951393205028
+4 206024 0.01639958503459105
+4 206468 0.01364951393205028
+4 206552 0.00637729894215498
+4 207643 0.01217453668277288
+4 207651 0.01217453668277288
+4 207658 0.01364951393205028
+4 207660 0.01364951393205028
+4 207720 0.01364951393205028
+4 207845 0.01364951393205028
+4 207923 0.01364951393205028
+4 209871 0.02008530766406564
+4 211496 0.0151656036122675
+4 213008 0.02008530766406564
+4 214240 0.02008530766406564
+4 215247 0.01364951393205028
+4 215275 0.01715397885778408
+4 215831 0.03297694465079107
+4 217316 0.01715397885778408
+4 217437 0.02047427089807543
+4 217574 0.02008530766406564
+4 217645 0.0151656036122675
+4 218203 0.01275459788430996
+4 218720 0.02128224280597959
+4 218789 0.02008530766406564
+4 218869 0.01418816187065306
+4 218883 0.01715397885778408
+4 219547 0.03297694465079107
+4 219577 0.01217453668277288
+4 220495 0.01275459788430996
+4 221596 0.01715397885778408
+4 221696 0.02008530766406564
+4 221873 0.01364951393205028
+4 224158 0.01715397885778408
+4 224533 0.02434907336554575
+4 224643 0.02729902786410057
+4 224704 0.01418816187065306
+4 224751 0.02837632374130612
+4 224863 0.01299725962753113
+4 224869 0.02274840541840125
+4 225283 0.02047427089807543
+4 225470 0.02729902786410057
+4 226059 0.01715397885778408
+4 227757 0.0151656036122675
+4 228582 0.02729902786410057
+4 229418 0.01275459788430996
+4 230536 0.01715397885778408
+4 230931 0.02837632374130612
+4 232712 0.01418816187065306
+4 232784 0.01418816187065306
+4 233263 0.01364951393205028
+4 233290 0.02573096828667612
+4 233743 0.02008530766406564
+4 234679 0.02008530766406564
+4 235047 0.01418816187065306
+4 237473 0.01418816187065306
+4 238038 0.01418816187065306
+4 238364 0.01418816187065306
+4 239595 0.01364951393205028
+4 240295 0.02008530766406564
+4 240526 0.006498629813765564
+4 241001 0.02008530766406564
+4 241053 0.03547040467663266
+4 241364 0.03172303498651475
+4 241741 0.02047427089807543
+4 241838 0.02274840541840125
+4 242321 0.02008530766406564
+4 242664 0.01715397885778408
+4 242744 0.02008530766406564
+4 242822 0.00709408093532653
+4 242926 0.0151656036122675
+4 243024 0.04549681083680249
+4 243221 0.01364951393205028
+4 244199 0.01364951393205028
+4 244205 0.01299725962753113
+4 244368 0.01418816187065306
+4 244707 0.01648847232539554
+4 244825 0.01418816187065306
+4 245214 0.02729902786410057
+4 245474 0.01364951393205028
+4 245526 0.02008530766406564
+4 245636 0.03279917006918209
+4 246127 0.01364951393205028
+4 246223 0.02008530766406564
+4 246943 0.01418816187065306
+4 247111 0.01715397885778408
+4 247342 0.02008530766406564
+4 247629 0.02008530766406564
+4 247971 0.01418816187065306
+4 248167 0.01715397885778408
+4 248179 0.02128224280597959
+4 248297 0.02008530766406564
+4 249333 0.02008530766406564
+4 249621 0.03652361004831862
+4 250040 0.02729902786410057
+4 251251 0.01418816187065306
+4 251484 0.01715397885778408
+4 251700 0.01275459788430996
+4 252431 0.01715397885778408
+4 252434 0.01364951393205028
+4 252637 0.01364951393205028
+4 254999 0.01418816187065306
+4 255555 0.0151656036122675
+4 255652 0.02837632374130612
+4 256309 0.02008530766406564
+4 256713 0.01715397885778408
+4 256778 0.02573096828667612
+4 256843 0.01275459788430996
+4 257127 0.01715397885778408
+4 257185 0.01418816187065306
+4 257273 0.02008530766406564
+4 257301 0.03547040467663266
+4 257539 0.01949588944129669
+4 258131 0.01715397885778408
+4 259035 0.02008530766406564
+4 259545 0.02008530766406564
+4 260259 0.02008530766406564
+4 261723 0.01364951393205028
+4 262547 0.01418816187065306
+4 262715 0.02008530766406564
+4 263325 0.01418816187065306
+4 263399 0.01648847232539554
+4 263406 0.01364951393205028
+4 263783 0.01418816187065306
+4 263808 0.01715397885778408
+4 263880 0.01364951393205028
+4 264321 0.01275459788430996
+4 266063 0.02729902786410057
+4 266379 0.030331207224535
+4 266788 0.0151656036122675
+4 268387 0.0486981467310915
+4 269030 0.02837632374130612
+4 269035 0.02008530766406564
+4 269138 0.01715397885778408
+4 269253 0.02008530766406564
+4 269264 0.00709408093532653
+4 269325 0.02008530766406564
+4 269409 0.02434907336554575
+4 269645 0.02128224280597959
+4 269895 0.01418816187065306
+4 270299 0.02550919576861992
+4 270530 0.01715397885778408
+4 271773 0.01715397885778408
+4 271879 0.01418816187065306
+4 272372 0.01364951393205028
+4 272501 0.02008530766406564
+4 272708 0.02434907336554575
+4 273067 0.01217453668277288
+4 273555 0.09098081739271789
+4 273739 0.0151656036122675
+4 274215 0.02008530766406564
+4 274243 0.01648847232539554
+4 274261 0.01715397885778408
+4 274301 0.01217453668277288
+4 274331 0.02008530766406564
+4 274505 0.02008530766406564
+4 274591 0.02274840541840125
+4 274746 0.0713768287196582
+4 275005 0.01275459788430996
+4 275947 0.02008530766406564
+4 276179 0.01364951393205028
+4 276774 0.01418816187065306
+4 276973 0.01364951393205028
+4 277729 0.02008530766406564
+4 278494 0.01275459788430996
+4 279457 0.01418816187065306
+4 279800 0.00709408093532653
+4 280157 0.02008530766406564
+4 280286 0.01418816187065306
+4 280567 0.01364951393205028
+4 281451 0.02128224280597959
+4 281699 0.01364951393205028
+4 282367 0.0151656036122675
+4 282635 0.01418816187065306
+4 283023 0.01715397885778408
+4 283688 0.05739854762106866
+4 285400 0.02434907336554575
+4 285569 0.01418816187065306
+4 285819 0.01418816187065306
+4 286193 0.04946541697618662
+4 286517 0.01364951393205028
+4 286733 0.02837632374130612
+4 286939 0.01418816187065306
+4 287322 0.02573096828667612
+4 287690 0.01418816187065306
+4 287742 0.01715397885778408
+4 288457 0.01364951393205028
+4 289100 0.02550919576861992
+4 289188 0.01418816187065306
+4 289751 0.02008530766406564
+4 289845 0.02008530766406564
+4 290266 0.02128224280597959
+4 290325 0.01648847232539554
+4 290579 0.02434907336554575
+4 290753 0.05198903851012451
+4 291001 0.02434907336554575
+4 291044 0.01418816187065306
+4 291062 0.01418816187065306
+4 291722 0.01418816187065306
+4 292489 0.01275459788430996
+4 292587 0.04229737998201968
+4 292630 0.02008530766406564
+4 292637 0.02573096828667612
+4 293924 0.02837632374130612
+4 294219 0.0151656036122675
+4 295473 0.01364951393205028
+4 296163 0.01364951393205028
+4 297583 0.01364951393205028
+4 298055 0.01715397885778408
+4 298361 0.030331207224535
+4 298488 0.01418816187065306
+4 298857 0.02008530766406564
+4 298958 0.02008530766406564
+4 300073 0.01418816187065306
+4 300086 0.01364951393205028
+4 300314 0.01364951393205028
+4 301537 0.01217453668277288
+4 301591 0.00528717249775246
+4 301619 0.02128224280597959
+4 301920 0.02008530766406564
+4 302035 0.01418816187065306
+4 302840 0.02008530766406564
+4 303522 0.02837632374130612
+4 304565 0.01826180502415931
+4 304903 0.01715397885778408
+4 305046 0.02573096828667612
+4 305700 0.02837632374130612
+4 306128 0.02128224280597959
+4 306375 0.02008530766406564
+4 306435 0.02008530766406564
+4 306537 0.01715397885778408
+4 306638 0.01364951393205028
+4 306675 0.01364951393205028
+4 306727 0.0151656036122675
+4 306923 0.01648847232539554
+4 307519 0.02573096828667612
+4 307582 0.02729902786410057
+4 307729 0.01364951393205028
+4 308371 0.01418816187065306
+4 309389 0.01217453668277288
+4 309491 0.01275459788430996
+4 309586 0.02729902786410057
+4 309891 0.02008530766406564
+4 310753 0.0151656036122675
+4 310855 0.01275459788430996
+4 311589 0.02008530766406564
+4 313069 0.01715397885778408
+4 313613 0.01715397885778408
+4 313643 0.02008530766406564
+4 313953 0.01364951393205028
+4 314149 0.02047427089807543
+4 314242 0.01364951393205028
+4 314671 0.01418816187065306
+4 315113 0.01217453668277288
+4 316383 0.02047427089807543
+4 317135 0.02008530766406564
+4 318078 0.01364951393205028
+4 319851 0.01715397885778408
+4 320045 0.02729902786410057
+4 320299 0.02128224280597959
+4 320330 0.01364951393205028
+4 320888 0.006824756966025142
+4 320955 0.01715397885778408
+4 321063 0.02008530766406564
+4 321091 0.01648847232539554
+4 321435 0.01217453668277288
+4 321631 0.01275459788430996
+4 321902 0.04911798217932131
+4 322258 0.01715397885778408
+4 322633 0.02008530766406564
+4 322837 0.0151656036122675
+4 324030 0.01418816187065306
+4 324085 0.02008530766406564
+4 325932 0.02008530766406564
+4 326378 0.01418816187065306
+4 326658 0.02008530766406564
+4 326903 0.01275459788430996
+4 328437 0.01715397885778408
+4 328547 0.01418816187065306
+4 328633 0.01418816187065306
+4 328897 0.02008530766406564
+4 328931 0.01418816187065306
+4 329007 0.01715397885778408
+4 329691 0.02008530766406564
+4 329703 0.03412378483012571
+4 331109 0.01418816187065306
+4 331953 0.01715397885778408
+4 332157 0.01364951393205028
+4 332199 0.02837632374130612
+4 332265 0.01715397885778408
+4 332443 0.02008530766406564
+4 332667 0.01949588944129669
+4 332773 0.02008530766406564
+4 332935 0.0151656036122675
+4 333921 0.01364951393205028
+4 334063 0.01364951393205028
+4 334148 0.01275459788430996
+4 334154 0.02837632374130612
+4 334293 0.01275459788430996
+4 334467 0.02008530766406564
+4 334695 0.01715397885778408
+4 335979 0.01275459788430996
+4 336200 0.006498629813765564
+4 337095 0.01418816187065306
+4 337185 0.02008530766406564
+4 337735 0.01364951393205028
+4 338006 0.02837632374130612
+4 338015 0.01364951393205028
+4 338206 0.01648847232539554
+4 339078 0.02573096828667612
+4 339283 0.02008530766406564
+4 340304 0.01418816187065306
+4 341255 0.01364951393205028
+4 341742 0.01364951393205028
+4 342053 0.01217453668277288
+4 343013 0.02008530766406564
+4 343508 0.01418816187065306
+4 343735 0.02008530766406564
+4 345199 0.01418816187065306
+4 345633 0.02008530766406564
+4 345684 0.01715397885778408
+4 345929 0.01418816187065306
+4 346155 0.01418816187065306
+4 346795 0.07016854597045903
+4 348217 0.02008530766406564
+4 348577 0.02008530766406564
+4 348620 0.02573096828667612
+4 349045 0.01715397885778408
+4 349276 0.01364951393205028
+4 349281 0.01275459788430996
+4 349435 0.02729902786410057
+4 349538 0.01418816187065306
+4 349888 0.01418816187065306
+4 350035 0.03826379365292988
+4 350489 0.01364951393205028
+4 350535 0.01418816187065306
+4 350800 0.06080248372415328
+4 351070 0.0151656036122675
+4 351615 0.0151656036122675
+4 352137 0.02573096828667612
+4 352484 0.01418816187065306
+4 354251 0.01418816187065306
+4 354291 0.02729902786410057
+4 354303 0.01715397885778408
+4 354428 0.01364951393205028
+4 354489 0.01648847232539554
+4 354881 0.0151656036122675
+4 354925 0.01364951393205028
+4 356044 0.01364951393205028
+4 356741 0.01418816187065306
+4 356922 0.01715397885778408
+4 357007 0.01364951393205028
+4 357667 0.01418816187065306
+4 357854 0.02729902786410057
+4 358469 0.02008530766406564
+4 358920 0.0151656036122675
+4 359248 0.01364951393205028
+4 359812 0.02008530766406564
+4 360005 0.01364951393205028
+4 360838 0.01364951393205028
+4 360982 0.01217453668277288
+4 361049 0.01826180502415931
+4 361083 0.02837632374130612
+4 361267 0.01364951393205028
+4 361458 0.0151656036122675
+4 361555 0.01364951393205028
+4 361829 0.02806741838818361
+4 362042 0.01418816187065306
+4 362225 0.01364951393205028
+4 362467 0.02008530766406564
+4 362857 0.09516910495954427
+4 363605 0.01418816187065306
+4 364616 0.01275459788430996
+4 364949 0.01217453668277288
+4 365021 0.01418816187065306
+4 365207 0.01364951393205028
+4 365617 0.02729902786410057
+4 365654 0.01418816187065306
+4 366889 0.0151656036122675
+4 366965 0.02434907336554575
+4 367288 0.01418816187065306
+4 368725 0.01418816187065306
+4 369010 0.02837632374130612
+4 369621 0.01715397885778408
+4 370016 0.01418816187065306
+4 370047 0.01648847232539554
+4 370715 0.02047427089807543
+4 371306 0.01275459788430996
+4 371979 0.01715397885778408
+4 372124 0.02573096828667612
+4 372364 0.02573096828667612
+4 372511 0.02008530766406564
+4 372649 0.01715397885778408
+4 373096 0.01715397885778408
+4 373911 0.02047427089807543
+4 374313 0.01715397885778408
+4 374357 0.02047427089807543
+4 374371 0.0318864947107749
+4 374551 0.03965379373314344
+4 374753 0.01715397885778408
+4 375102 0.01715397885778408
+4 375473 0.01715397885778408
+4 375487 0.01639958503459105
+4 377039 0.01418816187065306
+4 377587 0.01715397885778408
+4 378138 0.00528717249775246
+4 378740 0.01715397885778408
+4 380125 0.02729902786410057
+4 380335 0.02729902786410057
+4 380731 0.01418816187065306
+4 381027 0.01648847232539554
+4 381059 0.02837632374130612
+4 381314 0.02008530766406564
+4 381898 0.02729902786410057
+4 381910 0.01364951393205028
+4 382345 0.02008530766406564
+4 382438 0.01418816187065306
+4 383056 0.01715397885778408
+4 383220 0.01418816187065306
+4 383382 0.01715397885778408
+4 383425 0.01715397885778408
+4 383717 0.02550919576861992
+4 384509 0.01275459788430996
+4 384855 0.02008530766406564
+4 385204 0.02729902786410057
+4 385715 0.01217453668277288
+4 385781 0.02008530766406564
+4 387388 0.01715397885778408
+4 387974 0.02573096828667612
+4 388189 0.01364951393205028
+4 389237 0.01217453668277288
+4 389801 0.01826180502415931
+4 390075 0.02008530766406564
+4 390320 0.02837632374130612
+4 390942 0.02573096828667612
+4 391054 0.006498629813765564
+4 391640 0.01586151749325737
+4 391751 0.02729902786410057
+4 393135 0.01364951393205028
+4 393395 0.02837632374130612
+4 394376 0.01418816187065306
+4 394516 0.02729902786410057
+4 395286 0.02434907336554575
+4 396089 0.02573096828667612
+4 396173 0.01715397885778408
+4 396734 0.01275459788430996
+4 396794 0.01418816187065306
+4 398135 0.01418816187065306
+4 399959 0.01275459788430996
+4 400049 0.01418816187065306
+4 400231 0.03297694465079107
+4 401071 0.02008530766406564
+4 402051 0.02733264172431841
+4 402865 0.01648847232539554
+4 402965 0.01418816187065306
+4 403500 0.01418816187065306
+4 403661 0.01364951393205028
+4 404835 0.02573096828667612
+4 405774 0.01418816187065306
+4 405988 0.01364951393205028
+4 406087 0.01648847232539554
+4 409251 0.01275459788430996
+4 409413 0.01057434499550492
+4 409629 0.02573096828667612
+4 409699 0.02008530766406564
+4 409703 0.02729902786410057
+4 410369 0.02573096828667612
+4 410796 0.01364951393205028
+4 410826 0.02837632374130612
+4 412190 0.01364951393205028
+4 412205 0.01217453668277288
+4 412451 0.01364951393205028
+4 412969 0.01275459788430996
+4 413067 0.02837632374130612
+4 413831 0.02274840541840125
+4 414251 0.01217453668277288
+4 416521 0.01418816187065306
+4 417055 0.01418816187065306
+4 417415 0.01364951393205028
+4 417651 0.02008530766406564
+4 419050 0.02729902786410057
+4 420441 0.02008530766406564
+4 421087 0.01364951393205028
+4 422853 0.0151656036122675
+4 423978 0.01715397885778408
+4 424081 0.0151656036122675
+4 424356 0.01364951393205028
+4 424534 0.02008530766406564
+4 424685 0.02729902786410057
+4 424843 0.01217453668277288
+4 425077 0.02008530766406564
+4 425184 0.01217453668277288
+4 425561 0.01364951393205028
+4 426215 0.01275459788430996
+4 426273 0.01715397885778408
+4 428107 0.02008530766406564
+4 428185 0.01418816187065306
+4 429857 0.02008530766406564
+4 432044 0.01364951393205028
+4 433703 0.01648847232539554
+4 433859 0.02008530766406564
+4 434511 0.02008530766406564
+4 435351 0.02008530766406564
+4 436785 0.02008530766406564
+4 436807 0.01418816187065306
+4 436909 0.01364951393205028
+4 437219 0.02008530766406564
+4 437322 0.01418816187065306
+4 437511 0.02008530766406564
+4 439498 0.007582801806133749
+4 440133 0.02008530766406564
+4 440291 0.03297694465079107
+4 440895 0.01364951393205028
+4 441552 0.01364951393205028
+4 441779 0.02114868999100984
+4 442488 0.01418816187065306
+4 443926 0.01418816187065306
+4 444629 0.01275459788430996
+4 445221 0.02008530766406564
+4 445546 0.01364951393205028
+4 445733 0.01217453668277288
+4 445954 0.01364951393205028
+4 446053 0.01715397885778408
+4 447055 0.02008530766406564
+4 447186 0.02729902786410057
+4 447747 0.01648847232539554
+4 448632 0.01418816187065306
+4 449029 0.01217453668277288
+4 449357 0.01715397885778408
+4 450383 0.01418816187065306
+4 450520 0.02573096828667612
+4 451666 0.01715397885778408
+4 452294 0.01715397885778408
+4 453366 0.01418816187065306
+4 454642 0.02729902786410057
+4 455552 0.01715397885778408
+4 455623 0.01418816187065306
+4 456078 0.01715397885778408
+4 456962 0.01093305668972736
+4 457315 0.03297694465079107
+4 457479 0.02550919576861992
+4 457697 0.02573096828667612
+4 457815 0.01648847232539554
+4 457845 0.02008530766406564
+4 458416 0.02837632374130612
+4 458576 0.01364951393205028
+4 459153 0.01217453668277288
+4 459526 0.01418816187065306
+4 461015 0.02008530766406564
+4 461058 0.01715397885778408
+4 461528 0.02837632374130612
+4 461703 0.01715397885778408
+4 461794 0.01418816187065306
+4 462975 0.01364951393205028
+4 463141 0.01418816187065306
+4 464561 0.01715397885778408
+4 464765 0.01715397885778408
+4 465011 0.01364951393205028
+4 465683 0.01364951393205028
+4 466236 0.02008530766406564
+4 466689 0.02729902786410057
+4 467404 0.01715397885778408
+4 467462 0.01364951393205028
+4 467625 0.02047427089807543
+4 467993 0.01715397885778408
+4 468025 0.0151656036122675
+4 468741 0.01715397885778408
+4 469937 0.01364951393205028
+4 470605 0.0151656036122675
+4 471169 0.02550919576861992
+4 471521 0.01364951393205028
+4 471572 0.01217453668277288
+4 473270 0.02729902786410057
+4 473734 0.01418816187065306
+4 473947 0.01715397885778408
+4 473999 0.02729902786410057
+4 474349 0.0151656036122675
+4 474687 0.02128224280597959
+4 474726 0.01418816187065306
+4 474784 0.01648847232539554
+4 475057 0.01418816187065306
+4 475095 0.02008530766406564
+4 475117 0.01715397885778408
+4 475690 0.02729902786410057
+4 475768 0.006824756966025142
+4 475970 0.05101839153723984
+4 476213 0.01364951393205028
+4 477443 0.02114868999100984
+4 478160 0.02128224280597959
+4 478472 0.02573096828667612
+4 478911 0.01364951393205028
+4 479073 0.02008530766406564
+4 479139 0.01217453668277288
+4 479633 0.01418816187065306
+4 479889 0.01715397885778408
+4 480288 0.01715397885778408
+4 481113 0.02128224280597959
+4 481243 0.01715397885778408
+4 481474 0.01418816187065306
+4 481579 0.01364951393205028
+4 482333 0.01715397885778408
+4 482345 0.01418816187065306
+4 482567 0.03826379365292988
+4 482986 0.02008530766406564
+4 483676 0.01418816187065306
+4 483701 0.01364951393205028
+4 484341 0.02008530766406564
+4 485083 0.02008530766406564
+4 485540 0.01364951393205028
+4 486092 0.01715397885778408
+4 487201 0.02008530766406564
+4 487611 0.01418816187065306
+4 487653 0.02008530766406564
+4 489724 0.02008530766406564
+4 490247 0.02729902786410057
+4 491013 0.0151656036122675
+4 491641 0.01715397885778408
+4 493106 0.00528717249775246
+4 493421 0.01418816187065306
+4 493657 0.0151656036122675
+4 493901 0.02550919576861992
+4 494309 0.02008530766406564
+4 494937 0.02008530766406564
+4 496345 0.01217453668277288
+4 496754 0.00709408093532653
+4 498175 0.01418816187065306
+4 499009 0.02008530766406564
+4 499200 0.01275459788430996
+4 499358 0.01715397885778408
+4 500265 0.01715397885778408
+4 500381 0.02434907336554575
+4 500666 0.01418816187065306
+4 501421 0.007016854597045903
+4 501976 0.02729902786410057
+4 502084 0.02008530766406564
+4 502210 0.01715397885778408
+4 502271 0.01715397885778408
+4 502355 0.01913189682646494
+4 502591 0.02047427089807543
+4 502841 0.01715397885778408
+4 502907 0.01364951393205028
+4 503476 0.02008530766406564
+4 503867 0.0151656036122675
+4 504373 0.01715397885778408
+4 504382 0.01715397885778408
+4 504555 0.01418816187065306
+4 504613 0.01364951393205028
+4 504825 0.01715397885778408
+4 506286 0.02729902786410057
+4 506479 0.0151656036122675
+4 507207 0.02008530766406564
+4 507451 0.01715397885778408
+4 507537 0.02550919576861992
+4 507692 0.06013181179350049
+4 508659 0.01715397885778408
+4 508787 0.01364951393205028
+4 508811 0.01217453668277288
+4 509375 0.01364951393205028
+4 509919 0.01418816187065306
+4 512268 0.01364951393205028
+4 512365 0.03297694465079107
+4 512746 0.00857698942889204
+4 512909 0.01364951393205028
+4 514175 0.01275459788430996
+4 514393 0.02008530766406564
+4 516634 0.05848766832389008
+4 517337 0.02008530766406564
+4 517781 0.0151656036122675
+4 518346 0.01648847232539554
+4 518705 0.02008530766406564
+4 519139 0.04549681083680249
+4 519173 0.01715397885778408
+4 519679 0.02729902786410057
+4 520268 0.02008530766406564
+4 520636 0.01364951393205028
+4 521989 0.01715397885778408
+4 522736 0.01418816187065306
+4 523212 0.02047427089807543
+4 523271 0.02274840541840125
+4 523541 0.01648847232539554
+4 523651 0.02008530766406564
+4 523687 0.01364951393205028
+4 523735 0.01418816187065306
+4 523947 0.02550919576861992
+4 525576 0.01715397885778408
+4 525583 0.02008530766406564
+4 525851 0.01364951393205028
+4 525908 0.01364951393205028
+4 526642 0.01364951393205028
+4 526721 0.01418816187065306
+4 526946 0.0151656036122675
+4 527398 0.0151656036122675
+4 528214 0.02573096828667612
+4 528332 0.01418816187065306
+4 528573 0.01418816187065306
+4 528624 0.01418816187065306
+4 529053 0.01275459788430996
+4 531001 0.01418816187065306
+4 531803 0.01715397885778408
+4 531904 0.02573096828667612
+4 531908 0.01586151749325737
+4 531983 0.01364951393205028
+4 532070 0.01418816187065306
+4 533265 0.00528717249775246
+4 534866 0.02729902786410057
+4 535273 0.01715397885778408
+4 535303 0.01364951393205028
+4 535746 0.01715397885778408
+4 535786 0.02729902786410057
+4 535967 0.01715397885778408
+4 536468 0.02729902786410057
+4 537135 0.01217453668277288
+4 537139 0.01364951393205028
+4 537221 0.02837632374130612
+4 537511 0.01913189682646494
+4 537663 0.01418816187065306
+4 537849 0.02128224280597959
+4 537992 0.02008530766406564
+4 538111 0.01418816187065306
+4 539074 0.02573096828667612
+4 539527 0.01364951393205028
+4 539771 0.01418816187065306
+4 540465 0.02837632374130612
+4 540474 0.01275459788430996
+4 540528 0.02837632374130612
+4 540901 0.02128224280597959
+4 541108 0.01715397885778408
+4 541710 0.02008530766406564
+4 541994 0.01418816187065306
+4 542085 0.01418816187065306
+4 542153 0.01275459788430996
+4 542532 0.03547040467663266
+4 543333 0.01586151749325737
+4 544681 0.0151656036122675
+4 544877 0.01418816187065306
+4 545201 0.01217453668277288
+4 545429 0.02573096828667612
+4 546223 0.01418816187065306
+4 546555 0.01364951393205028
+4 546620 0.01364951393205028
+4 547095 0.01418816187065306
+4 547617 0.01715397885778408
+4 547879 0.02008530766406564
+4 548140 0.01715397885778408
+4 548321 0.02008530766406564
+4 548733 0.0151656036122675
+4 548845 0.01715397885778408
+4 549329 0.02008530766406564
+4 550081 0.01364951393205028
+4 550139 0.01275459788430996
+4 550397 0.02047427089807543
+4 550477 0.01648847232539554
+4 550646 0.01715397885778408
+4 551619 0.01715397885778408
+4 551710 0.02008530766406564
+4 551867 0.01217453668277288
+4 552035 0.03297694465079107
+4 552314 0.01275459788430996
+4 552599 0.01715397885778408
+4 552644 0.01715397885778408
+4 552942 0.01364951393205028
+4 552991 0.02837632374130612
+4 553834 0.02008530766406564
+4 554171 0.006498629813765564
+4 554273 0.01275459788430996
+4 554848 0.04549040869635895
+4 555579 0.01715397885778408
+4 555640 0.01418816187065306
+4 555843 0.01418816187065306
+4 555941 0.01715397885778408
+4 556469 0.02186611337945473
+4 556689 0.02008530766406564
+4 556895 0.01715397885778408
+4 557381 0.01648847232539554
+4 558783 0.01364951393205028
+4 559219 0.01715397885778408
+4 559602 0.01364951393205028
+4 559604 0.02573096828667612
+4 560395 0.01217453668277288
+4 560837 0.01418816187065306
+4 561463 0.01715397885778408
+4 561843 0.01715397885778408
+4 561953 0.01418816187065306
+4 562649 0.02008530766406564
+4 564899 0.02008530766406564
+4 565145 0.02573096828667612
+4 566760 0.01418816187065306
+4 567100 0.02729902786410057
+4 567641 0.01418816187065306
+4 567941 0.0151656036122675
+4 568123 0.01715397885778408
+4 568621 0.01418816187065306
+4 569285 0.02434907336554575
+4 569519 0.01364951393205028
+4 569793 0.01715397885778408
+4 570041 0.01715397885778408
+4 570063 0.0151656036122675
+4 570304 0.01715397885778408
+4 570831 0.02008530766406564
+4 570952 0.03412378483012571
+4 571152 0.02274840541840125
+4 571334 0.01418816187065306
+4 571843 0.01093305668972736
+4 572024 0.02008530766406564
+4 574381 0.02008530766406564
+4 574999 0.01275459788430996
+4 575021 0.02008530766406564
+4 575961 0.02008530766406564
+4 576681 0.02729902786410057
+4 576853 0.01217453668277288
+4 576861 0.01418816187065306
+4 577069 0.01418816187065306
+4 577338 0.01418816187065306
+4 578166 0.01364951393205028
+4 578474 0.01715397885778408
+4 578619 0.02008530766406564
+4 578875 0.01364951393205028
+4 579500 0.01364951393205028
+4 579620 0.01364951393205028
+4 579681 0.01715397885778408
+4 580669 0.02573096828667612
+4 581523 0.01715397885778408
+4 582093 0.01217453668277288
+4 582560 0.01217453668277288
+4 582730 0.0151656036122675
+4 582828 0.01715397885778408
+4 583435 0.01418816187065306
+4 583463 0.01715397885778408
+4 583732 0.01715397885778408
+4 583746 0.05613483677636722
+4 584338 0.01418816187065306
+4 584579 0.01364951393205028
+4 584763 0.05613483677636722
+4 585083 0.02008530766406564
+4 585191 0.01364951393205028
+4 586329 0.02008530766406564
+4 587249 0.01418816187065306
+4 587435 0.02274840541840125
+4 588449 0.01275459788430996
+4 589339 0.01364951393205028
+4 590199 0.01217453668277288
+4 590800 0.02837632374130612
+4 590929 0.02008530766406564
+4 591310 0.01418816187065306
+4 591415 0.01715397885778408
+4 591866 0.01913189682646494
+4 592222 0.01364951393205028
+4 592401 0.01364951393205028
+4 592829 0.0151656036122675
+4 592903 0.01364951393205028
+4 592951 0.01418816187065306
+4 593712 0.01418816187065306
+4 593964 0.01364951393205028
+4 593995 0.01913189682646494
+4 594441 0.01217453668277288
+4 594598 0.01275459788430996
+4 594775 0.03899177888259339
+4 595075 0.01275459788430996
+4 595190 0.01364951393205028
+4 595803 0.1011307743799781
+4 596548 0.01418816187065306
+4 596952 0.01275459788430996
+4 597895 0.01275459788430996
+4 597917 0.01715397885778408
+4 597967 0.01364951393205028
+4 598563 0.02837632374130612
+4 598600 0.01364951393205028
+4 598774 0.01057434499550492
+4 599081 0.01715397885778408
+4 599911 0.02550919576861992
+4 600226 0.01057434499550492
+4 600953 0.01715397885778408
+4 600989 0.01715397885778408
+4 601956 0.02047427089807543
+4 602993 0.02434907336554575
+4 604022 0.01586151749325737
+4 605225 0.03701020748426721
+4 605390 0.02573096828667612
+4 605457 0.02729902786410057
+4 606277 0.01364951393205028
+4 606350 0.01364951393205028
+4 606857 0.02008530766406564
+4 607303 0.02128224280597959
+4 607497 0.02806741838818361
+4 607699 0.02008530766406564
+4 607869 0.01418816187065306
+4 608048 0.02008530766406564
+4 608773 0.02729902786410057
+4 608811 0.02008530766406564
+4 609511 0.01418816187065306
+4 609985 0.01715397885778408
+4 609997 0.01364951393205028
+4 610885 0.02008530766406564
+4 611041 0.01364951393205028
+4 611811 0.01648847232539554
+4 611862 0.01364951393205028
+4 613071 0.02837632374130612
+4 613281 0.02008530766406564
+4 614260 0.02573096828667612
+4 614772 0.01217453668277288
+4 614844 0.02837632374130612
+4 615384 0.01364951393205028
+4 616117 0.03826379365292988
+4 616136 0.01418816187065306
+4 616371 0.02008530766406564
+4 616663 0.02434907336554575
+4 616997 0.01364951393205028
+4 617266 0.01715397885778408
+4 617395 0.01275459788430996
+4 618125 0.03297694465079107
+4 618773 0.02729902786410057
+4 620045 0.01418816187065306
+4 620105 0.02008530766406564
+4 620879 0.02008530766406564
+4 620920 0.02008530766406564
+4 620922 0.01418816187065306
+4 621135 0.01418816187065306
+4 621490 0.01715397885778408
+4 622175 0.01418816187065306
+4 622446 0.01648847232539554
+4 622747 0.01275459788430996
+4 623063 0.02008530766406564
+4 623266 0.02573096828667612
+4 623888 0.02008530766406564
+4 624069 0.01364951393205028
+4 624697 0.02008530766406564
+4 624972 0.01418816187065306
+4 625376 0.01715397885778408
+4 625667 0.01648847232539554
+4 626081 0.02008530766406564
+4 626638 0.01715397885778408
+4 627157 0.01418816187065306
+4 627631 0.02008530766406564
+4 627635 0.01715397885778408
+4 627686 0.01418816187065306
+4 627841 0.01418816187065306
+4 627927 0.01418816187065306
+4 628067 0.06315169137341313
+4 628232 0.02550919576861992
+4 629035 0.02008530766406564
+4 629688 0.01715397885778408
+4 629740 0.02047427089807543
+4 630633 0.01418816187065306
+4 631033 0.02008530766406564
+4 631125 0.01418816187065306
+4 631189 0.01715397885778408
+4 631437 0.02008530766406564
+4 631969 0.01418816187065306
+4 632373 0.01715397885778408
+4 632711 0.01418816187065306
+4 633177 0.02434907336554575
+4 633605 0.01418816187065306
+4 635129 0.02008530766406564
+4 635811 0.02274840541840125
+4 636432 0.01364951393205028
+4 636455 0.01364951393205028
+4 637283 0.01217453668277288
+4 637813 0.01364951393205028
+4 638325 0.01648847232539554
+4 638675 0.0151656036122675
+4 638720 0.02047427089807543
+4 638838 0.0151656036122675
+4 639033 0.02434907336554575
+4 639353 0.01418816187065306
+4 640317 0.01648847232539554
+4 641686 0.01275459788430996
+4 642137 0.02008530766406564
+4 642203 0.07016854597045903
+4 642575 0.02008530766406564
+4 642649 0.02008530766406564
+4 643315 0.02008530766406564
+4 643634 0.01586151749325737
+4 643662 0.02573096828667612
+4 643772 0.02729902786410057
+4 644220 0.006498629813765564
+4 645114 0.01217453668277288
+4 645301 0.01418816187065306
+4 645915 0.01826180502415931
+4 646777 0.02550919576861992
+4 648063 0.01217453668277288
+4 648903 0.02008530766406564
+4 650741 0.01648847232539554
+4 650936 0.01715397885778408
+4 651357 0.01715397885778408
+4 651789 0.02008530766406564
+4 651855 0.02008530766406564
+4 651996 0.02128224280597959
+4 652362 0.01715397885778408
+4 652514 0.0151656036122675
+4 652849 0.02008530766406564
+4 653009 0.02008530766406564
+4 653537 0.02008530766406564
+4 655093 0.02008530766406564
+4 655121 0.01364951393205028
+4 655240 0.01275459788430996
+4 655438 0.02573096828667612
+4 655446 0.01715397885778408
+4 655537 0.03279917006918209
+4 656149 0.01364951393205028
+4 657480 0.02573096828667612
+4 657631 0.02128224280597959
+4 657797 0.01715397885778408
+4 658436 0.01364951393205028
+4 658442 0.01418816187065306
+4 660651 0.01715397885778408
+4 661073 0.01057434499550492
+4 661573 0.007016854597045903
+4 662565 0.01715397885778408
+4 663774 0.01418816187065306
+4 663812 0.01057434499550492
+4 665077 0.02008530766406564
+4 665243 0.01418816187065306
+4 666483 0.01418816187065306
+4 667328 0.01275459788430996
+4 667457 0.01364951393205028
+4 667500 0.01418816187065306
+4 668297 0.030331207224535
+4 668558 0.01364951393205028
+4 669243 0.01364951393205028
+4 669258 0.0151656036122675
+4 669273 0.02008530766406564
+4 670037 0.01715397885778408
+4 670268 0.02047427089807543
+4 670693 0.01418816187065306
+4 670829 0.01826180502415931
+4 671553 0.04919875510377313
+4 672444 0.01648847232539554
+4 672756 0.01093305668972736
+4 672767 0.01364951393205028
+4 673507 0.01217453668277288
+4 673666 0.01418816187065306
+4 673671 0.02008530766406564
+4 673732 0.01364951393205028
+4 674203 0.01364951393205028
+4 674363 0.02008530766406564
+4 675052 0.01364951393205028
+4 675407 0.02008530766406564
+4 675670 0.02729902786410057
+4 675672 0.01715397885778408
+4 675682 0.01217453668277288
+4 675794 0.01364951393205028
+4 676661 0.01217453668277288
+4 677451 0.01275459788430996
+4 677507 0.02008530766406564
+4 677975 0.02008530766406564
+4 678219 0.01364951393205028
+4 678900 0.01418816187065306
+4 678999 0.02008530766406564
+4 679409 0.01364951393205028
+4 679429 0.02729902786410057
+4 680132 0.02837632374130612
+4 680149 0.01715397885778408
+4 680225 0.01418816187065306
+4 681763 0.01217453668277288
+4 682127 0.01275459788430996
+4 682269 0.01217453668277288
+4 682303 0.02008530766406564
+4 683329 0.01715397885778408
+4 683453 0.01418816187065306
+4 683466 0.03547040467663266
+4 684612 0.02008530766406564
+4 684704 0.01418816187065306
+4 686139 0.02008530766406564
+4 686506 0.01275459788430996
+4 686920 0.01418816187065306
+4 687057 0.01418816187065306
+4 687143 0.01648847232539554
+4 687588 0.02837632374130612
+4 687593 0.01418816187065306
+4 687733 0.01715397885778408
+4 687757 0.01364951393205028
+4 690425 0.02274840541840125
+4 690593 0.01364951393205028
+4 690643 0.02008530766406564
+4 690761 0.02434907336554575
+4 690938 0.01364951393205028
+4 691362 0.02573096828667612
+4 691725 0.01418816187065306
+4 691865 0.01217453668277288
+4 693099 0.01364951393205028
+4 693246 0.01715397885778408
+4 694474 0.02573096828667612
+4 694626 0.01364951393205028
+4 695153 0.01418816187065306
+4 695422 0.02128224280597959
+4 695471 0.02008530766406564
+4 695589 0.01715397885778408
+4 695893 0.01715397885778408
+4 696087 0.02047427089807543
+4 696200 0.01418816187065306
+4 696533 0.1057434499550492
+4 696943 0.01715397885778408
+4 697121 0.0151656036122675
+4 697205 0.02806741838818361
+4 697943 0.02008530766406564
+4 697988 0.01715397885778408
+4 698358 0.02837632374130612
+4 699173 0.02008530766406564
+4 699635 0.02837632374130612
+4 699773 0.030331207224535
+4 700325 0.01217453668277288
+4 700571 0.02837632374130612
+4 700859 0.01418816187065306
+4 700939 0.02008530766406564
+4 700954 0.01418816187065306
+4 700963 0.01715397885778408
+4 701293 0.01648847232539554
+4 701689 0.01715397885778408
+4 701887 0.02599451925506226
+4 702222 0.01715397885778408
+4 703551 0.01648847232539554
+4 703750 0.01715397885778408
+4 704029 0.02008530766406564
+4 704060 0.01217453668277288
+4 704658 0.01418816187065306
+4 705567 0.01217453668277288
+4 705609 0.02008530766406564
+4 705841 0.01364951393205028
+4 706216 0.02837632374130612
+4 706569 0.02008530766406564
+4 706892 0.01418816187065306
+4 706945 0.02008530766406564
+4 707025 0.01364951393205028
+4 707307 0.01418816187065306
+4 707489 0.0151656036122675
+4 707633 0.01715397885778408
+4 707730 0.02434907336554575
+4 708400 0.01715397885778408
+4 708407 0.01418816187065306
+4 708636 0.02837632374130612
+4 708714 0.02008530766406564
+4 708885 0.01715397885778408
+4 708916 0.05478541507247794
+4 709478 0.01715397885778408
+4 709550 0.03412378483012571
+4 709947 0.01364951393205028
+4 710821 0.02573096828667612
+4 711025 0.01418816187065306
+4 711106 0.01715397885778408
+4 711418 0.02837632374130612
+4 711432 0.01275459788430996
+4 712019 0.01715397885778408
+4 712475 0.02008530766406564
+4 712835 0.02008530766406564
+4 712872 0.0151656036122675
+4 713013 0.01648847232539554
+4 713234 0.01418816187065306
+4 713527 0.01715397885778408
+4 714059 0.02729902786410057
+4 714584 0.00528717249775246
+4 715513 0.04549681083680249
+4 715726 0.01715397885778408
+4 715865 0.02008530766406564
+4 715932 0.02573096828667612
+4 715968 0.01364951393205028
+4 716121 0.01275459788430996
+4 716526 0.01715397885778408
+4 717596 0.0151656036122675
+4 717962 0.01364951393205028
+4 718098 0.01715397885778408
+4 720262 0.01418816187065306
+4 720453 0.02008530766406564
+4 720495 0.01715397885778408
+4 721031 0.01418816187065306
+4 721682 0.01418816187065306
+4 721829 0.01715397885778408
+4 721862 0.02837632374130612
+4 722102 0.02837632374130612
+4 723193 0.02008530766406564
+4 723620 0.01418816187065306
+4 724109 0.02274840541840125
+4 724782 0.01364951393205028
+4 724835 0.02008530766406564
+4 724837 0.01217453668277288
+4 725465 0.01217453668277288
+4 725922 0.01418816187065306
+4 726847 0.02434907336554575
+4 727325 0.01418816187065306
+4 727505 0.01217453668277288
+4 727581 0.02008530766406564
+4 729035 0.01275459788430996
+4 729291 0.01275459788430996
+4 729399 0.0151656036122675
+4 729590 0.01364951393205028
+4 729700 0.006824756966025142
+4 730055 0.01648847232539554
+4 730334 0.01364951393205028
+4 730665 0.01639958503459105
+4 730797 0.02573096828667612
+4 731955 0.02573096828667612
+4 732291 0.01217453668277288
+4 733327 0.01913189682646494
+4 734367 0.003249314906882782
+4 734922 0.02008530766406564
+4 734942 0.02008530766406564
+4 735156 0.02008530766406564
+4 735217 0.01418816187065306
+4 735537 0.02008530766406564
+4 735787 0.02008530766406564
+4 737126 0.02128224280597959
+4 737319 0.02008530766406564
+4 737328 0.02008530766406564
+4 737771 0.02008530766406564
+4 738711 0.01217453668277288
+4 739232 0.03547040467663266
+4 739643 0.02008530766406564
+4 740153 0.01364951393205028
+4 740483 0.01826180502415931
+4 742331 0.02008530766406564
+4 742595 0.01715397885778408
+4 742865 0.01715397885778408
+4 743133 0.02573096828667612
+4 743915 0.0151656036122675
+4 744254 0.02008530766406564
+4 745259 0.01648847232539554
+4 745311 0.04549681083680249
+4 745692 0.02008530766406564
+4 746645 0.0151656036122675
+4 746676 0.01418816187065306
+4 747728 0.01364951393205028
+4 748040 0.01364951393205028
+4 748793 0.01418816187065306
+4 749436 0.01418816187065306
+4 749580 0.06315169137341313
+4 749615 0.01275459788430996
+4 749749 0.01648847232539554
+4 750183 0.01364951393205028
+4 750727 0.01648847232539554
+4 751292 0.02274840541840125
+4 752119 0.02008530766406564
+4 752155 0.02008530766406564
+4 752625 0.02008530766406564
+4 753206 0.01715397885778408
+4 753528 0.01217453668277288
+4 753656 0.01715397885778408
+4 754573 0.02837632374130612
+4 754935 0.02008530766406564
+4 756217 0.02550919576861992
+4 756487 0.02274840541840125
+4 756653 0.01364951393205028
+4 756915 0.01418816187065306
+4 757918 0.01418816187065306
+4 758209 0.01275459788430996
+4 758429 0.0151656036122675
+4 758522 0.00709408093532653
+4 758529 0.02047427089807543
+4 758989 0.0151656036122675
+4 759036 0.01418816187065306
+4 759434 0.01715397885778408
+4 759876 0.01364951393205028
+4 760340 0.01418816187065306
+4 760543 0.01275459788430996
+4 760837 0.01639958503459105
+4 761160 0.02008530766406564
+4 762340 0.01418816187065306
+4 762805 0.02573096828667612
+4 762819 0.02008530766406564
+4 763733 0.01364951393205028
+4 763947 0.02047427089807543
+4 764181 0.01275459788430996
+4 764197 0.02008530766406564
+4 764717 0.01275459788430996
+4 764850 0.02837632374130612
+4 764887 0.03297694465079107
+4 765016 0.02047427089807543
+4 766266 0.01217453668277288
+4 767389 0.01364951393205028
+4 767812 0.02128224280597959
+4 768087 0.01217453668277288
+4 768251 0.01418816187065306
+4 768305 0.02008530766406564
+4 768732 0.02837632374130612
+4 769351 0.02008530766406564
+4 770167 0.02047427089807543
+4 770457 0.02274840541840125
+4 770795 0.02047427089807543
+4 770938 0.02047427089807543
+4 771052 0.01418816187065306
+4 772020 0.02008530766406564
+4 772079 0.02008530766406564
+4 772814 0.01364951393205028
+4 772899 0.01418816187065306
+4 773411 0.02729902786410057
+4 773474 0.02573096828667612
+4 773831 0.01364951393205028
+4 773847 0.02047427089807543
+4 774217 0.02008530766406564
+4 774656 0.01715397885778408
+4 775031 0.01364951393205028
+4 775990 0.01364951393205028
+4 776178 0.01275459788430996
+4 777142 0.01275459788430996
+4 777741 0.01715397885778408
+4 777823 0.01364951393205028
+4 777845 0.01364951393205028
+4 778024 0.01715397885778408
+4 778173 0.01418816187065306
+4 778310 0.01715397885778408
+4 778375 0.02008530766406564
+4 779400 0.01418816187065306
+4 780041 0.01715397885778408
+4 780131 0.02008530766406564
+4 780563 0.02008530766406564
+4 782151 0.02550919576861992
+4 782275 0.02573096828667612
+4 783027 0.01418816187065306
+4 783132 0.01364951393205028
+4 783229 0.01364951393205028
+4 783343 0.01418816187065306
+4 783423 0.0151656036122675
+4 783474 0.01418816187065306
+4 783959 0.01648847232539554
+4 784656 0.01715397885778408
+4 784801 0.01217453668277288
+4 785845 0.01299725962753113
+4 785937 0.02573096828667612
+4 786780 0.00857698942889204
+4 787794 0.03826569841404577
+4 788055 0.01418816187065306
+4 788165 0.01275459788430996
+4 789193 0.01418816187065306
+4 789638 0.02186611337945473
+4 790327 0.0151656036122675
+4 790471 0.01217453668277288
+4 790981 0.0151656036122675
+4 791523 0.01364951393205028
+4 792107 0.02008530766406564
+4 792543 0.01715397885778408
+4 792961 0.0151656036122675
+4 794073 0.02008530766406564
+4 794886 0.01715397885778408
+4 794899 0.01364951393205028
+4 795595 0.02573096828667612
+4 797723 0.02008530766406564
+4 797939 0.0151656036122675
+4 797940 0.01364951393205028
+4 798005 0.02008530766406564
+4 798091 0.02008530766406564
+4 800049 0.006498629813765564
+4 800587 0.02047427089807543
+4 800887 0.01648847232539554
+4 801567 0.01364951393205028
+4 801694 0.01418816187065306
+4 802231 0.02550919576861992
+4 802871 0.01364951393205028
+4 802987 0.02008530766406564
+4 803130 0.01217453668277288
+4 803501 0.0151656036122675
+4 803836 0.01364951393205028
+4 803898 0.02008530766406564
+4 804098 0.02550919576861992
+4 804280 0.01364951393205028
+4 804970 0.02729902786410057
+4 806035 0.01418816187065306
+4 806121 0.01418816187065306
+4 807323 0.01715397885778408
+4 807327 0.01715397885778408
+4 807411 0.02186611337945473
+4 807945 0.0151656036122675
+4 807967 0.02573096828667612
+4 809627 0.02837632374130612
+4 812268 0.01715397885778408
+4 812696 0.01217453668277288
+4 813585 0.01418816187065306
+4 813615 0.02008530766406564
+4 814437 0.01217453668277288
+4 814735 0.01715397885778408
+4 814806 0.01715397885778408
+4 814899 0.01364951393205028
+4 815505 0.01715397885778408
+4 815974 0.02729902786410057
+4 816599 0.01715397885778408
+4 816692 0.05198903851012451
+4 817051 0.01418816187065306
+4 818929 0.01418816187065306
+4 818973 0.01364951393205028
+4 819641 0.01364951393205028
+4 819978 0.01364951393205028
+4 820195 0.02047427089807543
+4 821841 0.01418816187065306
+4 822732 0.01715397885778408
+4 823077 0.02008530766406564
+4 823427 0.01364951393205028
+4 823685 0.01418816187065306
+4 823746 0.01715397885778408
+4 823955 0.01715397885778408
+4 824361 0.01418816187065306
+4 824812 0.01826180502415931
+4 825171 0.01418816187065306
+4 825897 0.01715397885778408
+4 826889 0.01364951393205028
+4 827721 0.04373222675890946
+4 827857 0.01418816187065306
+4 828024 0.005466528344863682
+4 828318 0.01364951393205028
+4 829527 0.01418816187065306
+4 829919 0.01364951393205028
+4 830301 0.01715397885778408
+4 830841 0.0151656036122675
+4 830863 0.02008530766406564
+4 830913 0.02008530766406564
+4 830981 0.01418816187065306
+4 831546 0.02008530766406564
+4 831820 0.01715397885778408
+4 832325 0.02008530766406564
+4 832857 0.030331207224535
+4 832986 0.01418816187065306
+4 833552 0.01418816187065306
+4 833703 0.02008530766406564
+4 833935 0.02008530766406564
+4 835278 0.01217453668277288
+4 835345 0.01217453668277288
+4 835939 0.02550919576861992
+4 838145 0.01364951393205028
+4 838336 0.02008530766406564
+4 838403 0.02837632374130612
+4 838788 0.01275459788430996
+4 839462 0.02729902786410057
+4 839777 0.07016854597045903
+4 839803 0.01715397885778408
+4 840249 0.02573096828667612
+4 840443 0.03899177888259339
+4 840815 0.01364951393205028
+4 840994 0.02729902786410057
+4 841719 0.02837632374130612
+4 841729 0.0151656036122675
+4 842117 0.01715397885778408
+4 842623 0.00528717249775246
+4 842627 0.01217453668277288
+4 842931 0.02008530766406564
+4 842943 0.01418816187065306
+4 843133 0.01715397885778408
+4 843271 0.01364951393205028
+4 844547 0.01648847232539554
+4 844781 0.02008530766406564
+4 845228 0.01715397885778408
+4 845355 0.01418816187065306
+4 845433 0.01418816187065306
+4 846017 0.02573096828667612
+4 846227 0.01715397885778408
+4 847021 0.0151656036122675
+4 847931 0.02008530766406564
+4 848227 0.01715397885778408
+4 848316 0.01275459788430996
+4 848330 0.02008530766406564
+4 848815 0.02008530766406564
+4 848856 0.01418816187065306
+4 849063 0.0486981467310915
+4 849509 0.01364951393205028
+4 849602 0.01217453668277288
+4 849609 0.01648847232539554
+4 849611 0.01364951393205028
+4 849797 0.01364951393205028
+4 851071 0.04549681083680249
+4 851719 0.02837632374130612
+4 851822 0.01364951393205028
+4 852093 0.0151656036122675
+4 853214 0.006824756966025142
+4 853866 0.02729902786410057
+4 853948 0.01418816187065306
+4 853993 0.01217453668277288
+4 854081 0.01715397885778408
+4 854171 0.02008530766406564
+4 854960 0.006498629813765564
+4 855392 0.02274840541840125
+4 855770 0.01418816187065306
+4 856212 0.02008530766406564
+4 856337 0.01275459788430996
+4 856602 0.02599451925506226
+4 856711 0.01648847232539554
+4 856834 0.02047427089807543
+4 857015 0.01418816187065306
+4 857083 0.01715397885778408
+4 857189 0.02128224280597959
+4 857430 0.06498629813765565
+4 857517 0.01364951393205028
+4 857581 0.02008530766406564
+4 857643 0.02573096828667612
+4 857673 0.01715397885778408
+4 857688 0.01418816187065306
+4 857805 0.006498629813765564
+4 858171 0.02008530766406564
+4 859027 0.01715397885778408
+4 859080 0.01364951393205028
+4 860258 0.01364951393205028
+4 861133 0.01364951393205028
+4 861178 0.02274840541840125
+4 861630 0.01418816187065306
+4 863194 0.01715397885778408
+4 863327 0.01418816187065306
+4 863371 0.01418816187065306
+4 863413 0.03297694465079107
+4 864135 0.02008530766406564
+4 864181 0.01715397885778408
+4 864195 0.01715397885778408
+4 864218 0.01364951393205028
+4 864383 0.01715397885778408
+4 865017 0.02008530766406564
+4 865057 0.02008530766406564
+4 865241 0.02008530766406564
+4 865319 0.02008530766406564
+4 866123 0.02550919576861992
+4 866409 0.0151656036122675
+4 866462 0.01217453668277288
+4 867366 0.01364951393205028
+4 868041 0.01715397885778408
+4 868877 0.03826379365292988
+4 869609 0.01364951393205028
+4 869834 0.01364951393205028
+4 870006 0.02729902786410057
+4 870374 0.02008530766406564
+4 871383 0.04946541697618662
+4 871666 0.02008530766406564
+4 871784 0.01648847232539554
+4 871979 0.0318864947107749
+4 872950 0.02008530766406564
+4 873263 0.02274840541840125
+4 873685 0.030331207224535
+4 873777 0.02008530766406564
+4 873932 0.01275459788430996
+4 874471 0.01275459788430996
+4 875002 0.01418816187065306
+4 875441 0.06315169137341313
+4 875521 0.02729902786410057
+4 875595 0.02573096828667612
+4 876454 0.01364951393205028
+4 876608 0.02008530766406564
+4 876647 0.030331207224535
+4 879048 0.01217453668277288
+4 879316 0.01364951393205028
+4 879723 0.02434907336554575
+4 879977 0.01418816187065306
+4 880406 0.01364951393205028
+4 880427 0.01715397885778408
+4 880919 0.02008530766406564
+4 880943 0.01715397885778408
+4 881541 0.01418816187065306
+4 882364 0.01364951393205028
+4 882386 0.01418816187065306
+4 884303 0.02008530766406564
+4 884404 0.01364951393205028
+4 886071 0.01364951393205028
+4 886206 0.02008530766406564
+4 887472 0.01715397885778408
+4 888241 0.01364951393205028
+4 888384 0.02008530766406564
+4 888493 0.01418816187065306
+4 889464 0.01364951393205028
+4 890051 0.02008530766406564
+4 890426 0.02837632374130612
+4 890577 0.01715397885778408
+4 892270 0.02573096828667612
+4 894589 0.01418816187065306
+4 896073 0.01364951393205028
+4 898059 0.01715397885778408
+4 898259 0.01715397885778408
+4 899515 0.02008530766406564
+4 899643 0.01648847232539554
+4 900403 0.01418816187065306
+4 901072 0.01364951393205028
+4 901243 0.01418816187065306
+4 901264 0.01418816187065306
+4 901873 0.01418816187065306
+4 902373 0.02008530766406564
+4 902983 0.02008530766406564
+4 903042 0.01364951393205028
+4 903639 0.02047427089807543
+4 903775 0.01913189682646494
+4 903869 0.01275459788430996
+4 905317 0.01418816187065306
+4 906032 0.01715397885778408
+4 906255 0.02599451925506226
+4 908616 0.02837632374130612
+4 908795 0.01217453668277288
+4 909342 0.03547040467663266
+4 910551 0.01418816187065306
+4 911251 0.01418816187065306
+4 911471 0.01715397885778408
+4 911581 0.01418816187065306
+4 911945 0.006824756966025142
+4 912375 0.02837632374130612
+4 912646 0.01418816187065306
+4 912692 0.01217453668277288
+4 912818 0.01418816187065306
+4 913451 0.02008530766406564
+4 913653 0.02599451925506226
+4 914131 0.01418816187065306
+4 914236 0.01418816187065306
+4 914637 0.01364951393205028
+4 915249 0.01364951393205028
+4 915825 0.01418816187065306
+4 916268 0.01715397885778408
+4 916275 0.02008530766406564
+4 916412 0.02729902786410057
+4 916838 0.02008530766406564
+4 916971 0.01217453668277288
+4 919266 0.01418816187065306
+4 923371 0.01648847232539554
+4 923707 0.02550919576861992
+4 924308 0.02008530766406564
+4 924489 0.01715397885778408
+4 924493 0.01364951393205028
+4 925190 0.0151656036122675
+4 926192 0.02008530766406564
+4 926250 0.01364951393205028
+4 927420 0.02008530766406564
+4 928368 0.02729902786410057
+4 928519 0.01364951393205028
+4 928613 0.02008530766406564
+4 928781 0.01364951393205028
+4 928839 0.02008530766406564
+4 929033 0.02008530766406564
+4 929479 0.1093305668972736
+4 929751 0.02008530766406564
+4 930347 0.01715397885778408
+4 930897 0.01418816187065306
+4 931261 0.02128224280597959
+4 931304 0.02729902786410057
+4 931366 0.01275459788430996
+4 932119 0.02573096828667612
+4 932719 0.03297694465079107
+4 933173 0.01715397885778408
+4 933335 0.02008530766406564
+4 934821 0.02729902786410057
+4 935168 0.02008530766406564
+4 936307 0.01364951393205028
+4 936497 0.01826180502415931
+4 936622 0.01364951393205028
+4 936975 0.01715397885778408
+4 937173 0.02550919576861992
+4 937285 0.01364951393205028
+4 937288 0.01364951393205028
+4 938684 0.01364951393205028
+4 938709 0.01364951393205028
+4 939162 0.02573096828667612
+4 939891 0.02573096828667612
+4 940067 0.01275459788430996
+4 940134 0.01715397885778408
+4 940168 0.01715397885778408
+4 940579 0.02008530766406564
+4 940676 0.02550919576861992
+4 941134 0.01364951393205028
+4 941331 0.01639958503459105
+4 941477 0.02008530766406564
+4 941660 0.00857698942889204
+4 942152 0.01217453668277288
+4 942491 0.03297694465079107
+4 942496 0.02837632374130612
+4 943077 0.01418816187065306
+4 943165 0.02733264172431841
+4 943481 0.0151656036122675
+4 943707 0.02008530766406564
+4 943733 0.0151656036122675
+4 943767 0.02008530766406564
+4 943987 0.01364951393205028
+4 944052 0.02008530766406564
+4 944364 0.02729902786410057
+4 944695 0.01364951393205028
+4 945531 0.01364951393205028
+4 945541 0.08773150248583511
+4 946067 0.01364951393205028
+4 946180 0.02047427089807543
+4 948301 0.02573096828667612
+4 948459 0.04946541697618662
+4 948550 0.01715397885778408
+4 949467 0.02008530766406564
+4 949858 0.01418816187065306
+4 950976 0.01217453668277288
+4 951036 0.01364951393205028
+4 951392 0.01364951393205028
+4 951500 0.01418816187065306
+4 951694 0.02008530766406564
+4 951800 0.01217453668277288
+4 951939 0.02008530766406564
+4 952409 0.01275459788430996
+4 952789 0.01715397885778408
+4 953399 0.01715397885778408
+4 953647 0.02008530766406564
+4 954637 0.01648847232539554
+4 954808 0.03412378483012571
+4 955048 0.02729902786410057
+4 956139 0.02573096828667612
+4 956350 0.01418816187065306
+4 957055 0.01648847232539554
+4 957067 0.01217453668277288
+4 957143 0.02008530766406564
+4 957437 0.02047427089807543
+4 957502 0.01418816187065306
+4 958137 0.02008530766406564
+4 958780 0.01364951393205028
+4 958911 0.01715397885778408
+4 959793 0.01648847232539554
+4 960107 0.02008530766406564
+4 960271 0.01364951393205028
+4 961910 0.01418816187065306
+4 963743 0.02008530766406564
+4 963855 0.01217453668277288
+4 963998 0.02837632374130612
+4 964525 0.01418816187065306
+4 964582 0.02573096828667612
+4 964889 0.01715397885778408
+4 965802 0.01364951393205028
+4 966109 0.02047427089807543
+4 966255 0.02008530766406564
+4 966273 0.0151656036122675
+4 967133 0.01364951393205028
+4 967164 0.006498629813765564
+4 967313 0.002733264172431841
+4 967743 0.01418816187065306
+4 967868 0.02573096828667612
+4 967888 0.01715397885778408
+4 967983 0.02008530766406564
+4 968163 0.02047427089807543
+4 968483 0.02573096828667612
+4 969226 0.01364951393205028
+4 969841 0.01949588944129669
+4 970072 0.02729902786410057
+4 970265 0.01364951393205028
+4 970274 0.02047427089807543
+4 971015 0.01715397885778408
+4 971155 0.01364951393205028
+4 972013 0.01275459788430996
+4 972178 0.02573096828667612
+4 972485 0.0151656036122675
+4 973099 0.01418816187065306
+4 973333 0.01418816187065306
+4 974072 0.01364951393205028
+4 974851 0.01275459788430996
+4 975811 0.02008530766406564
+4 976079 0.02008530766406564
+4 976275 0.01364951393205028
+4 976530 0.01418816187065306
+4 977200 0.02573096828667612
+4 977905 0.01217453668277288
+4 978257 0.05101839153723984
+4 978511 0.02008530766406564
+4 978773 0.02729902786410057
+4 979369 0.01418816187065306
+4 979478 0.02008530766406564
+4 979847 0.01715397885778408
+4 980261 0.01715397885778408
+4 980319 0.01364951393205028
+4 980920 0.01364951393205028
+4 981883 0.01418816187065306
+4 982012 0.01364951393205028
+4 983673 0.01217453668277288
+4 984683 0.02008530766406564
+4 985065 0.02047427089807543
+4 985549 0.02550919576861992
+4 985571 0.02573096828667612
+4 986341 0.02008530766406564
+4 986791 0.02008530766406564
+4 987519 0.02729902786410057
+4 987881 0.02047427089807543
+4 988091 0.02008530766406564
+4 989163 0.02434907336554575
+4 989433 0.02550919576861992
+4 990804 0.01217453668277288
+4 991468 0.006824756966025142
+4 991475 0.02837632374130612
+4 991935 0.01648847232539554
+4 991985 0.01715397885778408
+4 992490 0.01418816187065306
+4 993053 0.03412378483012571
+4 993510 0.02008530766406564
+4 994106 0.02729902786410057
+4 994950 0.01217453668277288
+4 995605 0.01275459788430996
+4 995653 0.01648847232539554
+4 995751 0.02008530766406564
+4 996536 0.01217453668277288
+4 997796 0.02729902786410057
+4 997962 0.02008530766406564
+4 997977 0.02008530766406564
+4 998855 0.01418816187065306
+4 999264 0.01364951393205028
+4 1000099 0.01364951393205028
+4 1000335 0.01418816187065306
+4 1000999 0.01715397885778408
+4 1001147 0.02008530766406564
+4 1001734 0.01715397885778408
+4 1002607 0.01715397885778408
+4 1002835 0.02008530766406564
+4 1003113 0.02008530766406564
+4 1003223 0.03279917006918209
+4 1003403 0.01648847232539554
+4 1003884 0.02837632374130612
+4 1005765 0.01715397885778408
+4 1006311 0.01275459788430996
+4 1006420 0.02008530766406564
+4 1006560 0.01364951393205028
+4 1006793 0.02008530766406564
+4 1007602 0.01418816187065306
+4 1007775 0.01418816187065306
+4 1007912 0.01217453668277288
+4 1007977 0.02008530766406564
+4 1008679 0.01364951393205028
+4 1008831 0.01217453668277288
+4 1008899 0.01364951393205028
+4 1009994 0.01715397885778408
+4 1010769 0.02008530766406564
+4 1010791 0.01418816187065306
+4 1011301 0.01364951393205028
+4 1011321 0.02729902786410057
+4 1012185 0.02008530766406564
+4 1012987 0.02008530766406564
+4 1013009 0.01418816187065306
+4 1014667 0.01418816187065306
+4 1014853 0.01418816187065306
+4 1015484 0.01418816187065306
+4 1016179 0.01715397885778408
+4 1016289 0.01715397885778408
+4 1016369 0.00637729894215498
+4 1017173 0.01715397885778408
+4 1017602 0.02128224280597959
+4 1018165 0.02008530766406564
+4 1018883 0.02008530766406564
+4 1019196 0.01217453668277288
+4 1019328 0.01364951393205028
+4 1019929 0.01217453668277288
+4 1020006 0.02008530766406564
+4 1020555 0.01364951393205028
+4 1020677 0.01715397885778408
+4 1020740 0.03965379373314344
+4 1021827 0.02008530766406564
+4 1021884 0.01217453668277288
+4 1022182 0.006087268341386438
+4 1023273 0.01275459788430996
+4 1026711 0.01275459788430996
+4 1026790 0.01364951393205028
+4 1027300 0.01418816187065306
+4 1027631 0.02008530766406564
+4 1027652 0.01715397885778408
+4 1027973 0.01364951393205028
+4 1028155 0.03297694465079107
+4 1028295 0.01364951393205028
+4 1028315 0.04946541697618662
+4 1028638 0.01715397885778408
+4 1028912 0.01364951393205028
+4 1029870 0.02573096828667612
+4 1030059 0.01364951393205028
+4 1030226 0.01275459788430996
+4 1031121 0.01364951393205028
+4 1032791 0.01648847232539554
+4 1033089 0.01715397885778408
+4 1033256 0.01364951393205028
+4 1033699 0.01648847232539554
+4 1033833 0.01217453668277288
+4 1034350 0.02729902786410057
+4 1034513 0.02008530766406564
+4 1035161 0.01275459788430996
+4 1035177 0.030331207224535
+4 1036844 0.02573096828667612
+4 1037044 0.02434907336554575
+4 1037226 0.02008530766406564
+4 1037251 0.01648847232539554
+4 1037326 0.02573096828667612
+4 1037360 0.01299725962753113
+4 1037916 0.02837632374130612
+4 1038731 0.01364951393205028
+4 1039281 0.02008530766406564
+4 1039328 0.01715397885778408
+4 1039896 0.01715397885778408
+4 1040201 0.01057434499550492
+4 1040273 0.02128224280597959
+4 1040325 0.02008530766406564
+4 1040381 0.02729902786410057
+4 1040891 0.01648847232539554
+4 1040913 0.02128224280597959
+4 1041230 0.01364951393205028
+4 1042343 0.02008530766406564
+4 1042547 0.0151656036122675
+4 1042627 0.01715397885778408
+4 1042774 0.01715397885778408
+4 1042815 0.01418816187065306
+4 1043231 0.01275459788430996
+4 1043781 0.01364951393205028
+4 1044112 0.01364951393205028
+4 1046133 0.01715397885778408
+4 1046509 0.01648847232539554
+4 1046561 0.02729902786410057
+4 1046703 0.01715397885778408
+4 1047335 0.01364951393205028
+4 1047547 0.01217453668277288
+4 1048455 0.02008530766406564
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/vectorizer_result04.mtx
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/vectorizer_result04.mtx	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,9697 @@
+%%MatrixMarket matrix coordinate real general
+%
+4 1048577 9694
+1 71 0.01361331290463183
+1 1450 0.01361331290463183
+1 1961 0.01140545001599714
+1 3747 0.01361331290463183
+1 3795 0.02049545933475693
+1 4053 0.01414945072069242
+1 4357 0.01293018149022739
+1 4379 0.02049545933475693
+1 4727 0.01140545001599714
+1 5795 0.01704506020053583
+1 6201 0.02556759030080374
+1 7170 0.01199234924928183
+1 8116 0.02049545933475693
+1 8523 0.01293018149022739
+1 8531 0.01704506020053583
+1 9300 0.02041996935694774
+1 10078 0.05077070567367346
+1 10495 0.02911328391873078
+1 12091 0.0471648357356414
+1 12155 0.01704506020053583
+1 13013 0.01356353828493919
+1 13181 0.01361331290463183
+1 13234 0.009704427972910257
+1 13280 0.01361331290463183
+1 14120 0.01704506020053583
+1 14527 0.01361331290463183
+1 14873 0.01293018149022739
+1 15083 0.01361331290463183
+1 15241 0.01293018149022739
+1 15283 0.01694765905913661
+1 16177 0.01140545001599714
+1 17436 0.01361331290463183
+1 19449 0.02016217762198948
+1 20413 0.01361331290463183
+1 20975 0.05188131930920554
+1 21084 0.01293018149022739
+1 21531 0.01288750750752746
+1 22178 0.004716483573564139
+1 22283 0.01496776720543493
+1 22554 0.01939527223534108
+1 22570 0.01293018149022739
+1 22706 0.02586036298045478
+1 22715 0.01288750750752746
+1 23188 0.01361331290463183
+1 23698 0.01140545001599714
+1 24309 0.02016217762198948
+1 24510 0.01293018149022739
+1 24541 0.01288750750752746
+1 25019 0.01140545001599714
+1 26513 0.01199234924928183
+1 26569 0.01692356855789115
+1 26721 0.01293018149022739
+1 27172 0.01293018149022739
+1 27389 0.02556759030080374
+1 28621 0.01293018149022739
+1 29313 0.0224516508081524
+1 29735 0.03384713711578231
+1 30007 0.02556759030080374
+1 30445 0.01361331290463183
+1 30453 0.04490330161630479
+1 30833 0.01199234924928183
+1 31159 0.01704506020053583
+1 31588 0.02577501501505492
+1 31713 0.01704506020053583
+1 31931 0.02049545933475693
+1 31963 0.01288750750752746
+1 33113 0.01356353828493919
+1 33433 0.01692356855789115
+1 33979 0.0224516508081524
+1 34869 0.01293018149022739
+1 35056 0.01704506020053583
+1 35828 0.01199234924928183
+1 35928 0.01496776720543493
+1 36463 0.01692356855789115
+1 36581 0.01361331290463183
+1 37021 0.01293018149022739
+1 37256 0.01361331290463183
+1 37731 0.01692356855789115
+1 37831 0.01361331290463183
+1 37859 0.01140545001599714
+1 38203 0.01288750750752746
+1 38978 0.02049545933475693
+1 39526 0.01293018149022739
+1 39705 0.01140545001599714
+1 39762 0.02398469849856365
+1 40007 0.01263004034003412
+1 40920 0.004716483573564139
+1 40975 0.01199234924928183
+1 41367 0.01704506020053583
+1 41385 0.01704506020053583
+1 41559 0.02577501501505492
+1 41645 0.01692356855789115
+1 41800 0.03474305741210783
+1 42042 0.02049545933475693
+1 42057 0.01361331290463183
+1 42103 0.01293018149022739
+1 43077 0.02016217762198948
+1 43474 0.01361331290463183
+1 43781 0.01455664195936539
+1 43937 0.02049545933475693
+1 44401 0.01694765905913661
+1 45359 0.02016217762198948
+1 45447 0.0224516508081524
+1 45548 0.01692356855789115
+1 45746 0.01704506020053583
+1 46264 0.01140545001599714
+1 46627 0.006315020170017061
+1 48545 0.01199234924928183
+1 50045 0.02016217762198948
+1 50271 0.01356353828493919
+1 50742 0.05188131930920554
+1 50871 0.01356353828493919
+1 51188 0.01293018149022739
+1 51486 0.02049545933475693
+1 52094 0.01704506020053583
+1 52548 0.02016217762198948
+1 52666 0.01293018149022739
+1 52833 0.003157510085008531
+1 53247 0.0171081750239957
+1 53497 0.01293018149022739
+1 54371 0.01694765905913661
+1 55601 0.01288750750752746
+1 55999 0.02049545933475693
+1 56154 0.02281090003199427
+1 57027 0.01356353828493919
+1 57543 0.02049545933475693
+1 57633 0.02398469849856365
+1 58055 0.03384713711578231
+1 58277 0.01704506020053583
+1 58575 0.02722662580926366
+1 58845 0.01361331290463183
+1 58964 0.01886593429425656
+1 59388 0.02016217762198948
+1 59679 0.01199234924928183
+1 60697 0.01140545001599714
+1 61549 0.01361331290463183
+1 61808 0.01694765905913661
+1 63149 0.02722662580926366
+1 63376 0.01704506020053583
+1 63572 0.02577501501505492
+1 64006 0.01455664195936539
+1 64516 0.01939527223534108
+1 64603 0.01293018149022739
+1 65817 0.03597704774784548
+1 65933 0.01704506020053583
+1 66000 0.02556759030080374
+1 66876 0.01704506020053583
+1 68440 0.004716483573564139
+1 68573 0.004852213986455129
+1 68580 0.01293018149022739
+1 68652 0.02712707656987837
+1 69297 0.01692356855789115
+1 69935 0.01293018149022739
+1 70576 0.02542148858870491
+1 70624 0.01293018149022739
+1 71183 0.01361331290463183
+1 71207 0.01692356855789115
+1 71899 0.01704506020053583
+1 72251 0.01293018149022739
+1 72260 0.01361331290463183
+1 72351 0.02049545933475693
+1 73005 0.01140545001599714
+1 73254 0.02556759030080374
+1 73634 0.01288750750752746
+1 73697 0.02049545933475693
+1 73778 0.01288750750752746
+1 75637 0.01704506020053583
+1 75685 0.01496776720543493
+1 75704 0.01361331290463183
+1 76187 0.01199234924928183
+1 76858 0.01293018149022739
+1 77048 0.01288750750752746
+1 78508 0.02586036298045478
+1 78527 0.01704506020053583
+1 78675 0.02049545933475693
+1 78707 0.01694765905913661
+1 79120 0.02016217762198948
+1 79445 0.01455664195936539
+1 79790 0.01694765905913661
+1 80087 0.01886593429425656
+1 80609 0.01199234924928183
+1 80905 0.004852213986455129
+1 82100 0.02586036298045478
+1 82173 0.02722662580926366
+1 82201 0.02049545933475693
+1 82271 0.01288750750752746
+1 82571 0.01704506020053583
+1 84117 0.01694765905913661
+1 84121 0.01692356855789115
+1 84237 0.01199234924928183
+1 84537 0.01704506020053583
+1 84759 0.01692356855789115
+1 84903 0.02016217762198948
+1 85626 0.01356353828493919
+1 86448 0.01704506020053583
+1 86660 0.02016217762198948
+1 87096 0.02041996935694774
+1 87353 0.02586036298045478
+1 87707 0.01199234924928183
+1 88009 0.02016217762198948
+1 88211 0.02722662580926366
+1 88664 0.01694765905913661
+1 88833 0.01293018149022739
+1 89435 0.04032435524397896
+1 89687 0.01288750750752746
+1 89756 0.02016217762198948
+1 90120 0.01288750750752746
+1 90183 0.01356353828493919
+1 90989 0.01361331290463183
+1 91110 0.01704506020053583
+1 91282 0.02586036298045478
+1 91883 0.01496776720543493
+1 92150 0.008473829529568305
+1 92381 0.01288750750752746
+1 92647 0.01199234924928183
+1 92978 0.01293018149022739
+1 93065 0.01140545001599714
+1 93388 0.01293018149022739
+1 93406 0.01140545001599714
+1 93417 0.01694765905913661
+1 93712 0.02577501501505492
+1 94188 0.01293018149022739
+1 94221 0.02556759030080374
+1 94259 0.01288750750752746
+1 96081 0.01361331290463183
+1 96221 0.02049545933475693
+1 96696 0.02049545933475693
+1 97297 0.006806656452315914
+1 97508 0.01199234924928183
+1 98059 0.01933126126129119
+1 98487 0.02016217762198948
+1 101157 0.01496776720543493
+1 101160 0.02577501501505492
+1 101208 0.01694765905913661
+1 101540 0.01704506020053583
+1 103145 0.01939527223534108
+1 104074 0.01199234924928183
+1 104706 0.02016217762198948
+1 104938 0.01704506020053583
+1 105145 0.01704506020053583
+1 105358 0.02034530742740878
+1 105921 0.02586036298045478
+1 105948 0.02712707656987837
+1 106156 0.008522530100267914
+1 106509 0.02016217762198948
+1 109504 0.01356353828493919
+1 109529 0.02049545933475693
+1 110330 0.01361331290463183
+1 110789 0.02556759030080374
+1 110861 0.01361331290463183
+1 110947 0.02556759030080374
+1 111143 0.01692356855789115
+1 111321 0.02049545933475693
+1 111856 0.01293018149022739
+1 111958 0.01361331290463183
+1 111967 0.02542148858870491
+1 112038 0.02556759030080374
+1 112421 0.02049545933475693
+1 112496 0.01361331290463183
+1 113403 0.01694765905913661
+1 113849 0.1041978328052815
+1 114627 0.01293018149022739
+1 115516 0.01361331290463183
+1 115880 0.01361331290463183
+1 117089 0.02281090003199427
+1 117854 0.07278320979682694
+1 118102 0.02041996935694774
+1 118488 0.01704506020053583
+1 118551 0.02049545933475693
+1 118698 0.02556759030080374
+1 118709 0.01293018149022739
+1 119005 0.01496776720543493
+1 119077 0.02049545933475693
+1 119191 0.02712707656987837
+1 120259 0.01293018149022739
+1 121062 0.02016217762198948
+1 121084 0.01361331290463183
+1 121345 0.02722662580926366
+1 121543 0.05132452507198711
+1 122073 0.02049545933475693
+1 122233 0.02049545933475693
+1 122281 0.01356353828493919
+1 122952 0.01361331290463183
+1 123115 0.02049545933475693
+1 123373 0.01293018149022739
+1 123479 0.02577501501505492
+1 124323 0.01704506020053583
+1 124374 0.02016217762198948
+1 125247 0.0171081750239957
+1 126547 0.02556759030080374
+1 126637 0.02049545933475693
+1 126866 0.02542148858870491
+1 126939 0.02049545933475693
+1 126952 0.01496776720543493
+1 127272 0.01361331290463183
+1 127498 0.01199234924928183
+1 127623 0.01692356855789115
+1 127834 0.02542148858870491
+1 128206 0.01293018149022739
+1 129468 0.01288750750752746
+1 129759 0.02712707656987837
+1 129911 0.08338333778905878
+1 131247 0.01293018149022739
+1 131807 0.01704506020053583
+1 131871 0.01496776720543493
+1 132030 0.01361331290463183
+1 132381 0.01199234924928183
+1 133691 0.02049545933475693
+1 134266 0.01288750750752746
+1 134438 0.01293018149022739
+1 134487 0.01704506020053583
+1 134551 0.0224516508081524
+1 135077 0.02577501501505492
+1 135267 0.02084583444726469
+1 136117 0.01694765905913661
+1 136140 0.01704506020053583
+1 136851 0.01293018149022739
+1 136976 0.01361331290463183
+1 137533 0.02722662580926366
+1 137854 0.01692356855789115
+1 138050 0.01496776720543493
+1 138618 0.01939527223534108
+1 139470 0.02016217762198948
+1 139565 0.02542148858870491
+1 140648 0.01496776720543493
+1 141330 0.02556759030080374
+1 141425 0.02281090003199427
+1 141605 0.03881771189164103
+1 141768 0.01140545001599714
+1 142118 0.02556759030080374
+1 142205 0.01361331290463183
+1 142893 0.02542148858870491
+1 143431 0.01293018149022739
+1 143525 0.01293018149022739
+1 143694 0.01356353828493919
+1 143936 0.01704506020053583
+1 144331 0.01361331290463183
+1 145073 0.01704506020053583
+1 145676 0.01361331290463183
+1 146399 0.02049545933475693
+1 147359 0.01293018149022739
+1 147558 0.02586036298045478
+1 147574 0.01704506020053583
+1 148930 0.02722662580926366
+1 150040 0.01704506020053583
+1 150170 0.02049545933475693
+1 150496 0.02556759030080374
+1 150611 0.02556759030080374
+1 150643 0.01692356855789115
+1 151395 0.01694765905913661
+1 151579 0.02281090003199427
+1 151957 0.01496776720543493
+1 152459 0.01356353828493919
+1 153795 0.01496776720543493
+1 153875 0.02049545933475693
+1 154338 0.01356353828493919
+1 154728 0.02281090003199427
+1 155628 0.01704506020053583
+1 156173 0.02779444592968626
+1 156548 0.02016217762198948
+1 156833 0.01894506051005118
+1 156912 0.01704506020053583
+1 157801 0.02586036298045478
+1 158180 0.01356353828493919
+1 158355 0.01361331290463183
+1 158855 0.01692356855789115
+1 160378 0.02586036298045478
+1 160925 0.01692356855789115
+1 161065 0.01293018149022739
+1 161313 0.02398469849856365
+1 162025 0.0224516508081524
+1 162176 0.01288750750752746
+1 163623 0.01704506020053583
+1 163848 0.01704506020053583
+1 164325 0.01288750750752746
+1 164433 0.02049545933475693
+1 165135 0.01288750750752746
+1 165145 0.01361331290463183
+1 165706 0.01288750750752746
+1 166361 0.02049545933475693
+1 166529 0.01288750750752746
+1 166972 0.03232545372556847
+1 167024 0.01293018149022739
+1 168043 0.02398469849856365
+1 168155 0.02049545933475693
+1 168301 0.01356353828493919
+1 168697 0.02586036298045478
+1 168709 0.01704506020053583
+1 168911 0.02016217762198948
+1 169435 0.01361331290463183
+1 169561 0.01704506020053583
+1 169919 0.02281090003199427
+1 169950 0.01288750750752746
+1 171015 0.01704506020053583
+1 171841 0.01199234924928183
+1 172016 0.004852213986455129
+1 172029 0.02722662580926366
+1 172064 0.03991907505598997
+1 172229 0.01361331290463183
+1 173141 0.0224516508081524
+1 173730 0.01361331290463183
+1 173803 0.04562180006398854
+1 173845 0.004716483573564139
+1 175014 0.01356353828493919
+1 175809 0.01361331290463183
+1 176763 0.01704506020053583
+1 176979 0.01694765905913661
+1 177175 0.01199234924928183
+1 177590 0.01694765905913661
+1 177649 0.01293018149022739
+1 178632 0.01288750750752746
+1 178977 0.01356353828493919
+1 179452 0.01361331290463183
+1 180023 0.01496776720543493
+1 180178 0.01293018149022739
+1 180190 0.01694765905913661
+1 180885 0.03384713711578231
+1 181003 0.01199234924928183
+1 182530 0.01361331290463183
+1 182753 0.01704506020053583
+1 184705 0.01694765905913661
+1 184797 0.01293018149022739
+1 184846 0.02722662580926366
+1 184926 0.01140545001599714
+1 185507 0.01704506020053583
+1 185842 0.01361331290463183
+1 186516 0.01293018149022739
+1 186765 0.02526008068006825
+1 187533 0.01140545001599714
+1 188359 0.01694765905913661
+1 188578 0.02556759030080374
+1 188899 0.02049545933475693
+1 189199 0.02526008068006825
+1 189809 0.01361331290463183
+1 190016 0.01288750750752746
+1 190250 0.00644375375376373
+1 191326 0.01293018149022739
+1 191804 0.01692356855789115
+1 191833 0.006806656452315914
+1 191947 0.01694765905913661
+1 192236 0.01361331290463183
+1 192658 0.01704506020053583
+1 193647 0.01361331290463183
+1 194677 0.02722662580926366
+1 194755 0.0224516508081524
+1 195041 0.01199234924928183
+1 195301 0.01694765905913661
+1 196266 0.02722662580926366
+1 197703 0.01361331290463183
+1 198666 0.01293018149022739
+1 198995 0.01704506020053583
+1 200634 0.01293018149022739
+1 200714 0.02577501501505492
+1 201020 0.01361331290463183
+1 201220 0.01293018149022739
+1 201992 0.01356353828493919
+1 202228 0.009704427972910257
+1 202617 0.02586036298045478
+1 203323 0.02049545933475693
+1 204167 0.01293018149022739
+1 205133 0.01704506020053583
+1 205941 0.02049545933475693
+1 205982 0.01361331290463183
+1 206024 0.0339654979051859
+1 206369 0.01356353828493919
+1 206674 0.01288750750752746
+1 206811 0.01692356855789115
+1 207565 0.02049545933475693
+1 208850 0.01939527223534108
+1 209165 0.01692356855789115
+1 209641 0.01356353828493919
+1 209936 0.01496776720543493
+1 210181 0.02542148858870491
+1 210811 0.01361331290463183
+1 211061 0.02556759030080374
+1 211492 0.01361331290463183
+1 211750 0.01293018149022739
+1 212303 0.02049545933475693
+1 212405 0.01140545001599714
+1 212754 0.02722662580926366
+1 213008 0.02049545933475693
+1 213207 0.02577501501505492
+1 213263 0.005702725007998568
+1 214213 0.02556759030080374
+1 214254 0.01199234924928183
+1 214344 0.02049545933475693
+1 214398 0.02586036298045478
+1 214525 0.01704506020053583
+1 214601 0.01356353828493919
+1 214615 0.01496776720543493
+1 215089 0.02049545933475693
+1 215763 0.02016217762198948
+1 216417 0.01140545001599714
+1 216761 0.02016217762198948
+1 217211 0.02722662580926366
+1 217645 0.01496776720543493
+1 217666 0.01361331290463183
+1 218203 0.02398469849856365
+1 218789 0.02016217762198948
+1 219534 0.01694765905913661
+1 220097 0.01361331290463183
+1 220308 0.01293018149022739
+1 220381 0.02016217762198948
+1 221089 0.01496776720543493
+1 221756 0.01939527223534108
+1 222567 0.01496776720543493
+1 223505 0.01704506020053583
+1 224247 0.01293018149022739
+1 224863 0.02526008068006825
+1 226327 0.01293018149022739
+1 227270 0.02722662580926366
+1 228624 0.01704506020053583
+1 228665 0.02049545933475693
+1 229186 0.01288750750752746
+1 229418 0.01199234924928183
+1 229618 0.01704506020053583
+1 230862 0.01361331290463183
+1 230931 0.02712707656987837
+1 232810 0.02049545933475693
+1 232916 0.02586036298045478
+1 233017 0.01704506020053583
+1 233179 0.02049545933475693
+1 233751 0.02049545933475693
+1 236223 0.01356353828493919
+1 239147 0.02049545933475693
+1 239793 0.01293018149022739
+1 241053 0.03403328226157958
+1 241364 0.0235824178678207
+1 241990 0.02577501501505492
+1 242202 0.01356353828493919
+1 242321 0.02049545933475693
+1 242591 0.01361331290463183
+1 242926 0.01496776720543493
+1 243024 0.06735495242445719
+1 243701 0.02398469849856365
+1 243877 0.01293018149022739
+1 244205 0.01263004034003412
+1 244218 0.01694765905913661
+1 244510 0.02049545933475693
+1 245474 0.01293018149022739
+1 245636 0.0339654979051859
+1 245788 0.01293018149022739
+1 246127 0.01293018149022739
+1 247111 0.01694765905913661
+1 248595 0.01704506020053583
+1 248983 0.01356353828493919
+1 249229 0.01496776720543493
+1 249275 0.01692356855789115
+1 250141 0.01293018149022739
+1 251886 0.01361331290463183
+1 252811 0.01496776720543493
+1 252819 0.01293018149022739
+1 253233 0.02016217762198948
+1 253574 0.01704506020053583
+1 255500 0.02041996935694774
+1 255652 0.02722662580926366
+1 256843 0.01199234924928183
+1 257127 0.01704506020053583
+1 258709 0.01140545001599714
+1 258887 0.01288750750752746
+1 259377 0.01356353828493919
+1 259515 0.0224516508081524
+1 259741 0.002426106993227564
+1 260335 0.02049545933475693
+1 260411 0.01361331290463183
+1 261723 0.01140545001599714
+1 262082 0.01361331290463183
+1 262259 0.01692356855789115
+1 262309 0.02049545933475693
+1 262953 0.02722662580926366
+1 263097 0.01361331290463183
+1 263399 0.05077070567367346
+1 263803 0.01293018149022739
+1 263942 0.02049545933475693
+1 264221 0.01704506020053583
+1 265123 0.01361331290463183
+1 266206 0.01356353828493919
+1 266379 0.01496776720543493
+1 266693 0.02016217762198948
+1 267815 0.01361331290463183
+1 268386 0.01293018149022739
+1 269409 0.02281090003199427
+1 269543 0.01140545001599714
+1 271641 0.01288750750752746
+1 271924 0.01704506020053583
+1 272472 0.01361331290463183
+1 272708 0.02281090003199427
+1 273555 0.07578024204020474
+1 274215 0.02049545933475693
+1 274331 0.02049545933475693
+1 274453 0.01704506020053583
+1 274505 0.02016217762198948
+1 274591 0.0224516508081524
+1 274746 0.03301538501494898
+1 274988 0.02556759030080374
+1 275061 0.01692356855789115
+1 275802 0.01199234924928183
+1 275990 0.01361331290463183
+1 276174 0.02016217762198948
+1 276909 0.02049545933475693
+1 278156 0.01288750750752746
+1 278168 0.01293018149022739
+1 278393 0.02398469849856365
+1 279328 0.006315020170017061
+1 279450 0.01704506020053583
+1 281403 0.01356353828493919
+1 282367 0.01496776720543493
+1 282934 0.02049545933475693
+1 282991 0.01694765905913661
+1 283330 0.01361331290463183
+1 283688 0.03881771189164103
+1 283691 0.01140545001599714
+1 284432 0.02556759030080374
+1 285489 0.01293018149022739
+1 285779 0.006948611482421565
+1 285819 0.01356353828493919
+1 286193 0.01692356855789115
+1 286749 0.02586036298045478
+1 287608 0.01704506020053583
+1 288003 0.01361331290463183
+1 288945 0.02586036298045478
+1 288997 0.01692356855789115
+1 289077 0.02016217762198948
+1 289100 0.02398469849856365
+1 289751 0.02016217762198948
+1 290392 0.01199234924928183
+1 290579 0.02281090003199427
+1 290753 0.01894506051005118
+1 291001 0.02851362503999284
+1 291225 0.01288750750752746
+1 291521 0.02556759030080374
+1 291669 0.02049545933475693
+1 292280 0.01140545001599714
+1 292489 0.01199234924928183
+1 292568 0.01694765905913661
+1 292587 0.02829890144138484
+1 293311 0.01140545001599714
+1 293638 0.01288750750752746
+1 294136 0.01361331290463183
+1 294219 0.01496776720543493
+1 294754 0.02034530742740878
+1 295159 0.01293018149022739
+1 296095 0.02586036298045478
+1 296927 0.01704506020053583
+1 297373 0.02049545933475693
+1 297837 0.02016217762198948
+1 298763 0.04562180006398854
+1 298946 0.02722662580926366
+1 299085 0.01140545001599714
+1 301537 0.01140545001599714
+1 301591 0.004716483573564139
+1 302243 0.0224516508081524
+1 303240 0.01496776720543493
+1 303481 0.01361331290463183
+1 303522 0.02712707656987837
+1 303848 0.01704506020053583
+1 303857 0.01288750750752746
+1 304765 0.01361331290463183
+1 305297 0.01939527223534108
+1 305932 0.01293018149022739
+1 306200 0.02049545933475693
+1 306523 0.01361331290463183
+1 306643 0.02556759030080374
+1 306669 0.02034530742740878
+1 306725 0.01704506020053583
+1 306899 0.01361331290463183
+1 306923 0.01692356855789115
+1 308371 0.01356353828493919
+1 310126 0.02049545933475693
+1 310491 0.01496776720543493
+1 311309 0.01496776720543493
+1 312047 0.02049545933475693
+1 312066 0.02577501501505492
+1 312563 0.01694765905913661
+1 312627 0.01140545001599714
+1 312736 0.02016217762198948
+1 312927 0.01293018149022739
+1 314000 0.01704506020053583
+1 314811 0.02049545933475693
+1 315119 0.02586036298045478
+1 315147 0.008522530100267914
+1 315195 0.02049545933475693
+1 315997 0.01293018149022739
+1 317063 0.02016217762198948
+1 317067 0.01496776720543493
+1 318160 0.01293018149022739
+1 319389 0.02049545933475693
+1 319840 0.01361331290463183
+1 320042 0.01704506020053583
+1 320265 0.01496776720543493
+1 320299 0.02041996935694774
+1 320387 0.01704506020053583
+1 320955 0.01694765905913661
+1 320967 0.01692356855789115
+1 321099 0.01496776720543493
+1 321610 0.006781769142469593
+1 321741 0.01293018149022739
+1 321902 0.02084583444726469
+1 322633 0.02016217762198948
+1 322837 0.02993553441086986
+1 324037 0.01293018149022739
+1 324228 0.02722662580926366
+1 325096 0.02016217762198948
+1 326118 0.01704506020053583
+1 326565 0.01293018149022739
+1 326597 0.01356353828493919
+1 326658 0.02016217762198948
+1 327161 0.01361331290463183
+1 327167 0.02049545933475693
+1 328615 0.01704506020053583
+1 328620 0.01288750750752746
+1 329027 0.01939527223534108
+1 329167 0.02556759030080374
+1 329458 0.01356353828493919
+1 329642 0.01939527223534108
+1 329992 0.01356353828493919
+1 330243 0.006465090745113694
+1 331433 0.02577501501505492
+1 332667 0.03157510085008531
+1 332935 0.01496776720543493
+1 333604 0.01361331290463183
+1 334106 0.02016217762198948
+1 334154 0.02712707656987837
+1 334370 0.01288750750752746
+1 334678 0.01293018149022739
+1 335067 0.01199234924928183
+1 335280 0.01496776720543493
+1 336091 0.01361331290463183
+1 337601 0.01704506020053583
+1 337652 0.01694765905913661
+1 338304 0.01933126126129119
+1 338867 0.02722662580926366
+1 339455 0.02542148858870491
+1 341043 0.01293018149022739
+1 341165 0.01361331290463183
+1 341600 0.01361331290463183
+1 341681 0.01496776720543493
+1 342475 0.02556759030080374
+1 342993 0.01704506020053583
+1 343650 0.01356353828493919
+1 343735 0.02049545933475693
+1 344641 0.01356353828493919
+1 344913 0.02034530742740878
+1 344984 0.02049545933475693
+1 345169 0.01361331290463183
+1 345542 0.02556759030080374
+1 345589 0.02577501501505492
+1 346164 0.01293018149022739
+1 346605 0.02049545933475693
+1 346795 0.07643472630663722
+1 347052 0.01361331290463183
+1 347646 0.006315020170017061
+1 347906 0.01361331290463183
+1 348014 0.02586036298045478
+1 348217 0.02049545933475693
+1 348585 0.01694765905913661
+1 348826 0.01704506020053583
+1 349783 0.01692356855789115
+1 350035 0.01798852387392274
+1 350500 0.01356353828493919
+1 350800 0.08961318789771865
+1 351048 0.01939527223534108
+1 351497 0.02586036298045478
+1 351644 0.02049545933475693
+1 352137 0.02542148858870491
+1 352213 0.01356353828493919
+1 354008 0.02542148858870491
+1 354157 0.01692356855789115
+1 354291 0.02586036298045478
+1 354451 0.01199234924928183
+1 354489 0.03384713711578231
+1 355227 0.01288750750752746
+1 356006 0.01361331290463183
+1 356319 0.01361331290463183
+1 356425 0.02016217762198948
+1 356810 0.01293018149022739
+1 356922 0.01694765905913661
+1 357237 0.01692356855789115
+1 357320 0.02542148858870491
+1 357854 0.02586036298045478
+1 358193 0.01692356855789115
+1 358506 0.01288750750752746
+1 359006 0.01361331290463183
+1 359038 0.01704506020053583
+1 359374 0.01496776720543493
+1 359583 0.01704506020053583
+1 359812 0.02016217762198948
+1 360019 0.01199234924928183
+1 360222 0.01361331290463183
+1 360780 0.02016217762198948
+1 361555 0.01288750750752746
+1 361829 0.03474305741210783
+1 362356 0.01199234924928183
+1 362545 0.01140545001599714
+1 362705 0.02542148858870491
+1 362857 0.1084791221919752
+1 363219 0.02049545933475693
+1 363605 0.01356353828493919
+1 364103 0.01140545001599714
+1 364616 0.01199234924928183
+1 365021 0.01356353828493919
+1 365566 0.01293018149022739
+1 367497 0.02398469849856365
+1 368023 0.02712707656987837
+1 368458 0.01293018149022739
+1 369657 0.02016217762198948
+1 370479 0.02586036298045478
+1 370800 0.0224516508081524
+1 371564 0.02722662580926366
+1 372021 0.01798852387392274
+1 372416 0.01694765905913661
+1 372511 0.02016217762198948
+1 373594 0.01798852387392274
+1 374276 0.02049545933475693
+1 374371 0.02998087312320456
+1 374383 0.01293018149022739
+1 374535 0.01692356855789115
+1 374551 0.03773186858851311
+1 374827 0.01704506020053583
+1 375064 0.02049545933475693
+1 375487 0.004852213986455129
+1 375839 0.02016217762198948
+1 376471 0.01361331290463183
+1 377373 0.02049545933475693
+1 378562 0.01199234924928183
+1 379345 0.02586036298045478
+1 380001 0.01140545001599714
+1 380189 0.01356353828493919
+1 380504 0.01361331290463183
+1 381027 0.01692356855789115
+1 381251 0.01199234924928183
+1 381254 0.01496776720543493
+1 381326 0.02016217762198948
+1 381767 0.02016217762198948
+1 381876 0.02586036298045478
+1 382003 0.01356353828493919
+1 382219 0.01361331290463183
+1 382741 0.01293018149022739
+1 382986 0.02041996935694774
+1 383116 0.01704506020053583
+1 383251 0.01288750750752746
+1 383442 0.02722662580926366
+1 383717 0.02398469849856365
+1 384538 0.01140545001599714
+1 384555 0.02049545933475693
+1 384591 0.01361331290463183
+1 385120 0.01361331290463183
+1 385334 0.01361331290463183
+1 385663 0.01356353828493919
+1 385715 0.01140545001599714
+1 386673 0.01140545001599714
+1 386694 0.01361331290463183
+1 386837 0.01356353828493919
+1 387163 0.01199234924928183
+1 387674 0.01692356855789115
+1 388810 0.01288750750752746
+1 389163 0.01293018149022739
+1 389583 0.02049545933475693
+1 389911 0.02049545933475693
+1 390487 0.02049545933475693
+1 390545 0.01293018149022739
+1 390747 0.02722662580926366
+1 391054 0.01263004034003412
+1 391264 0.01704506020053583
+1 391388 0.01361331290463183
+1 391640 0.01414945072069242
+1 392546 0.01293018149022739
+1 393324 0.02041996935694774
+1 393865 0.01288750750752746
+1 393871 0.007483883602717465
+1 394259 0.02281090003199427
+1 394535 0.02016217762198948
+1 394971 0.01692356855789115
+1 395286 0.02281090003199427
+1 396304 0.01361331290463183
+1 396376 0.01694765905913661
+1 396628 0.01140545001599714
+1 396734 0.01199234924928183
+1 396794 0.01361331290463183
+1 397379 0.01704506020053583
+1 397417 0.01293018149022739
+1 397741 0.01140545001599714
+1 398081 0.02016217762198948
+1 398473 0.02049545933475693
+1 399187 0.02049545933475693
+1 399417 0.02049545933475693
+1 400558 0.01293018149022739
+1 401145 0.02049545933475693
+1 401643 0.02041996935694774
+1 402051 0.02911328391873078
+1 402286 0.01288750750752746
+1 402595 0.01293018149022739
+1 402865 0.01692356855789115
+1 404975 0.02586036298045478
+1 405010 0.03384713711578231
+1 405118 0.01361331290463183
+1 406087 0.01692356855789115
+1 406118 0.01361331290463183
+1 407121 0.01293018149022739
+1 407418 0.01293018149022739
+1 407511 0.01293018149022739
+1 407591 0.02016217762198948
+1 408537 0.02016217762198948
+1 408634 0.01199234924928183
+1 409126 0.02577501501505492
+1 409221 0.01694765905913661
+1 409372 0.01361331290463183
+1 409413 0.01886593429425656
+1 410955 0.01293018149022739
+1 411904 0.01694765905913661
+1 412880 0.01496776720543493
+1 412942 0.01293018149022739
+1 412969 0.01199234924928183
+1 413310 0.02016217762198948
+1 413708 0.01293018149022739
+1 413831 0.04490330161630479
+1 413833 0.01140545001599714
+1 413915 0.02049545933475693
+1 414201 0.01288750750752746
+1 414254 0.02049545933475693
+1 414796 0.01293018149022739
+1 414949 0.01293018149022739
+1 417360 0.01361331290463183
+1 417536 0.01293018149022739
+1 417651 0.02016217762198948
+1 417792 0.02586036298045478
+1 418390 0.02542148858870491
+1 419302 0.01199234924928183
+1 419563 0.01692356855789115
+1 421305 0.02034530742740878
+1 421524 0.02049545933475693
+1 421637 0.02041996935694774
+1 422376 0.01293018149022739
+1 422853 0.01496776720543493
+1 423196 0.006781769142469593
+1 423215 0.02049545933475693
+1 423226 0.01704506020053583
+1 424081 0.01496776720543493
+1 424732 0.01293018149022739
+1 424779 0.006465090745113694
+1 424853 0.01496776720543493
+1 425604 0.02049545933475693
+1 426088 0.01293018149022739
+1 426273 0.01694765905913661
+1 427623 0.02586036298045478
+1 428246 0.02049545933475693
+1 429212 0.02586036298045478
+1 430433 0.01496776720543493
+1 431838 0.02049545933475693
+1 432309 0.02041996935694774
+1 432900 0.01293018149022739
+1 433579 0.01361331290463183
+1 433580 0.01361331290463183
+1 433660 0.02712707656987837
+1 433703 0.03384713711578231
+1 433799 0.01361331290463183
+1 435563 0.02722662580926366
+1 435799 0.02016217762198948
+1 436398 0.02577501501505492
+1 436785 0.02016217762198948
+1 436999 0.01288750750752746
+1 437329 0.01361331290463183
+1 437949 0.02556759030080374
+1 438783 0.01356353828493919
+1 438887 0.01704506020053583
+1 438918 0.004852213986455129
+1 439173 0.02577501501505492
+1 439437 0.01496776720543493
+1 439494 0.02577501501505492
+1 440511 0.02556759030080374
+1 441779 0.01886593429425656
+1 441796 0.02041996935694774
+1 441866 0.01361331290463183
+1 442049 0.01199234924928183
+1 442111 0.0224516508081524
+1 442233 0.02049545933475693
+1 442639 0.01361331290463183
+1 443127 0.02016217762198948
+1 444007 0.02049545933475693
+1 445249 0.02586036298045478
+1 445400 0.004716483573564139
+1 445700 0.01939527223534108
+1 445954 0.01293018149022739
+1 446103 0.02016217762198948
+1 446153 0.02016217762198948
+1 446209 0.01692356855789115
+1 446807 0.01293018149022739
+1 447159 0.02049545933475693
+1 447290 0.01939527223534108
+1 447344 0.02722662580926366
+1 447797 0.02016217762198948
+1 448035 0.02556759030080374
+1 448531 0.02049545933475693
+1 448986 0.01288750750752746
+1 449363 0.01199234924928183
+1 450291 0.01694765905913661
+1 451111 0.01692356855789115
+1 451278 0.02041996935694774
+1 451525 0.02049545933475693
+1 451804 0.01704506020053583
+1 452179 0.01704506020053583
+1 453327 0.01694765905913661
+1 454179 0.01293018149022739
+1 455513 0.01798852387392274
+1 455686 0.02542148858870491
+1 455894 0.006806656452315914
+1 456657 0.01199234924928183
+1 456962 0.004852213986455129
+1 457209 0.02049545933475693
+1 457274 0.01361331290463183
+1 457315 0.03384713711578231
+1 458947 0.01496776720543493
+1 459526 0.01356353828493919
+1 460216 0.03232545372556847
+1 460685 0.02722662580926366
+1 461570 0.02041996935694774
+1 461611 0.02556759030080374
+1 462159 0.02049545933475693
+1 462548 0.01140545001599714
+1 462564 0.02049545933475693
+1 462608 0.01140545001599714
+1 463141 0.01356353828493919
+1 463352 0.01199234924928183
+1 464481 0.01293018149022739
+1 465254 0.01704506020053583
+1 465266 0.01288750750752746
+1 465756 0.02556759030080374
+1 465963 0.02049545933475693
+1 466438 0.01455664195936539
+1 466571 0.004716483573564139
+1 466584 0.01293018149022739
+1 467139 0.01356353828493919
+1 468324 0.01199234924928183
+1 468541 0.01288750750752746
+1 469367 0.01694765905913661
+1 469551 0.02016217762198948
+1 471169 0.02398469849856365
+1 472716 0.01293018149022739
+1 472853 0.02586036298045478
+1 473155 0.01140545001599714
+1 473999 0.02586036298045478
+1 474473 0.01496776720543493
+1 474936 0.01356353828493919
+1 475970 0.07195409549569096
+1 476119 0.02016217762198948
+1 476285 0.02722662580926366
+1 476647 0.02281090003199427
+1 477443 0.0235824178678207
+1 477456 0.02556759030080374
+1 478713 0.01361331290463183
+1 479073 0.02049545933475693
+1 479139 0.01140545001599714
+1 479803 0.02049545933475693
+1 482577 0.01140545001599714
+1 483281 0.01293018149022739
+1 484832 0.01293018149022739
+1 485083 0.02049545933475693
+1 485190 0.01356353828493919
+1 487611 0.01361331290463183
+1 487784 0.01293018149022739
+1 488279 0.01694765905913661
+1 488347 0.01361331290463183
+1 489840 0.01694765905913661
+1 491013 0.02993553441086986
+1 491068 0.01356353828493919
+1 491655 0.01199234924928183
+1 491943 0.02016217762198948
+1 492238 0.01293018149022739
+1 492687 0.00235824178678207
+1 493281 0.02586036298045478
+1 493426 0.01293018149022739
+1 493657 0.01496776720543493
+1 493733 0.01140545001599714
+1 494069 0.01704506020053583
+1 495899 0.01939527223534108
+1 496345 0.04562180006398854
+1 496663 0.01288750750752746
+1 496888 0.01704506020053583
+1 497055 0.01694765905913661
+1 497483 0.01694765905913661
+1 498936 0.01288750750752746
+1 499109 0.02049545933475693
+1 499200 0.01199234924928183
+1 499957 0.01293018149022739
+1 500160 0.01293018149022739
+1 500349 0.02722662580926366
+1 500381 0.02851362503999284
+1 500761 0.01704506020053583
+1 500985 0.02049545933475693
+1 501028 0.01293018149022739
+1 501139 0.01293018149022739
+1 501317 0.01692356855789115
+1 502355 0.01798852387392274
+1 503389 0.01704506020053583
+1 503918 0.01293018149022739
+1 505418 0.01704506020053583
+1 506286 0.02577501501505492
+1 507082 0.01356353828493919
+1 507451 0.01694765905913661
+1 507537 0.02398469849856365
+1 507692 0.02668717692550321
+1 508581 0.02049545933475693
+1 508811 0.01140545001599714
+1 508960 0.01293018149022739
+1 509120 0.02542148858870491
+1 509855 0.01704506020053583
+1 511339 0.02281090003199427
+1 512719 0.02016217762198948
+1 514175 0.01199234924928183
+1 515429 0.01288750750752746
+1 515880 0.01704506020053583
+1 515907 0.01361331290463183
+1 515937 0.02034530742740878
+1 516634 0.03789012102010237
+1 516710 0.02049545933475693
+1 516962 0.01356353828493919
+1 517185 0.01356353828493919
+1 517217 0.02049545933475693
+1 517378 0.02722662580926366
+1 517781 0.02993553441086986
+1 518705 0.02016217762198948
+1 519139 0.01496776720543493
+1 519173 0.01704506020053583
+1 519695 0.02722662580926366
+1 521891 0.02041996935694774
+1 521976 0.01199234924928183
+1 523541 0.03384713711578231
+1 523610 0.01704506020053583
+1 523947 0.02398469849856365
+1 524129 0.01288750750752746
+1 524452 0.01293018149022739
+1 524467 0.02049545933475693
+1 524615 0.01704506020053583
+1 525068 0.01361331290463183
+1 525242 0.01140545001599714
+1 525851 0.01293018149022739
+1 526501 0.01361331290463183
+1 526631 0.01692356855789115
+1 526946 0.01496776720543493
+1 527398 0.01496776720543493
+1 527459 0.01692356855789115
+1 527700 0.02577501501505492
+1 527844 0.01694765905913661
+1 527924 0.01356353828493919
+1 528265 0.02049545933475693
+1 528415 0.01704506020053583
+1 529041 0.02049545933475693
+1 529053 0.01199234924928183
+1 529526 0.01288750750752746
+1 529667 0.01694765905913661
+1 530783 0.02542148858870491
+1 531214 0.01704506020053583
+1 531476 0.01356353828493919
+1 531603 0.01361331290463183
+1 531892 0.02586036298045478
+1 531908 0.009432967147128279
+1 532864 0.01704506020053583
+1 534501 0.01704506020053583
+1 535367 0.01140545001599714
+1 535850 0.01293018149022739
+1 536468 0.02577501501505492
+1 537663 0.01356353828493919
+1 537711 0.01293018149022739
+1 538064 0.01293018149022739
+1 538243 0.02722662580926366
+1 538261 0.01361331290463183
+1 538530 0.01694765905913661
+1 538777 0.01293018149022739
+1 539146 0.02586036298045478
+1 539578 0.01293018149022739
+1 539615 0.02577501501505492
+1 539761 0.01293018149022739
+1 540474 0.01199234924928183
+1 540828 0.01293018149022739
+1 541542 0.005702725007998568
+1 542303 0.01496776720543493
+1 542717 0.01140545001599714
+1 543072 0.01704506020053583
+1 543333 0.004716483573564139
+1 544493 0.02398469849856365
+1 544792 0.01293018149022739
+1 545012 0.02712707656987837
+1 545682 0.02577501501505492
+1 547282 0.01704506020053583
+1 548065 0.02049545933475693
+1 548529 0.01140545001599714
+1 548733 0.01496776720543493
+1 548907 0.01199234924928183
+1 550009 0.01933126126129119
+1 550139 0.01199234924928183
+1 550966 0.01694765905913661
+1 551957 0.01293018149022739
+1 552035 0.01692356855789115
+1 552304 0.01288750750752746
+1 552335 0.02556759030080374
+1 552480 0.01356353828493919
+1 552680 0.01293018149022739
+1 552697 0.01293018149022739
+1 552971 0.01361331290463183
+1 552988 0.02049545933475693
+1 553493 0.01140545001599714
+1 554119 0.01692356855789115
+1 554556 0.00644375375376373
+1 554632 0.01704506020053583
+1 554848 0.01894506051005118
+1 555579 0.01694765905913661
+1 555843 0.01356353828493919
+1 556469 0.01455664195936539
+1 556895 0.01694765905913661
+1 556930 0.01361331290463183
+1 557129 0.02049545933475693
+1 557352 0.01199234924928183
+1 557409 0.02016217762198948
+1 557524 0.01288750750752746
+1 558042 0.01933126126129119
+1 558644 0.01361331290463183
+1 559064 0.02049545933475693
+1 559604 0.02542148858870491
+1 559683 0.01288750750752746
+1 559688 0.01361331290463183
+1 559810 0.01694765905913661
+1 559965 0.01361331290463183
+1 560113 0.02586036298045478
+1 560764 0.01140545001599714
+1 560989 0.02049545933475693
+1 561463 0.01694765905913661
+1 562049 0.01361331290463183
+1 562113 0.02722662580926366
+1 562588 0.02722662580926366
+1 563641 0.02049545933475693
+1 564195 0.02049545933475693
+1 564379 0.02712707656987837
+1 564626 0.01293018149022739
+1 565337 0.01361331290463183
+1 565501 0.01933126126129119
+1 566115 0.01293018149022739
+1 566949 0.02556759030080374
+1 567052 0.02542148858870491
+1 567100 0.02577501501505492
+1 567941 0.02993553441086986
+1 567997 0.01140545001599714
+1 569365 0.01361331290463183
+1 570714 0.01361331290463183
+1 571250 0.02016217762198948
+1 571494 0.02049545933475693
+1 571843 0.004852213986455129
+1 572401 0.02712707656987837
+1 573038 0.01356353828493919
+1 573319 0.02016217762198948
+1 574219 0.01361331290463183
+1 575787 0.01293018149022739
+1 576019 0.01199234924928183
+1 576353 0.01199234924928183
+1 576627 0.01293018149022739
+1 576681 0.02586036298045478
+1 576861 0.01361331290463183
+1 577859 0.01933126126129119
+1 577930 0.02586036298045478
+1 578488 0.02049545933475693
+1 578535 0.02712707656987837
+1 579551 0.02556759030080374
+1 580277 0.01704506020053583
+1 580669 0.02542148858870491
+1 580960 0.01361331290463183
+1 581772 0.02049545933475693
+1 582654 0.02049545933475693
+1 582828 0.01694765905913661
+1 583732 0.01694765905913661
+1 583746 0.08338333778905878
+1 583994 0.02049545933475693
+1 584443 0.02722662580926366
+1 584579 0.01288750750752746
+1 584654 0.01496776720543493
+1 584763 0.02049545933475693
+1 585083 0.02016217762198948
+1 585127 0.02016217762198948
+1 585552 0.01704506020053583
+1 586390 0.01293018149022739
+1 586954 0.02712707656987837
+1 587435 0.04490330161630479
+1 588425 0.01140545001599714
+1 588426 0.01140545001599714
+1 588885 0.02586036298045478
+1 589265 0.01704506020053583
+1 589371 0.01694765905913661
+1 589945 0.01356353828493919
+1 590266 0.02712707656987837
+1 590694 0.01288750750752746
+1 590800 0.02722662580926366
+1 590865 0.006948611482421565
+1 591139 0.0224516508081524
+1 591289 0.01361331290463183
+1 591633 0.01361331290463183
+1 591784 0.01694765905913661
+1 591984 0.02049545933475693
+1 592437 0.01140545001599714
+1 592448 0.01293018149022739
+1 592529 0.01361331290463183
+1 593505 0.01356353828493919
+1 594441 0.01140545001599714
+1 594557 0.01293018149022739
+1 594775 0.04736265127512796
+1 595515 0.02049545933475693
+1 595651 0.02016217762198948
+1 595803 0.1164531356749231
+1 596491 0.01361331290463183
+1 596524 0.01293018149022739
+1 596952 0.02398469849856365
+1 596957 0.01704506020053583
+1 597645 0.01140545001599714
+1 597738 0.01356353828493919
+1 597967 0.01288750750752746
+1 598195 0.01356353828493919
+1 598774 0.0235824178678207
+1 598934 0.01293018149022739
+1 599004 0.01704506020053583
+1 599367 0.01199234924928183
+1 600226 0.009432967147128279
+1 600255 0.01293018149022739
+1 600443 0.0171081750239957
+1 600507 0.01140545001599714
+1 600625 0.02016217762198948
+1 600969 0.02542148858870491
+1 601117 0.01704506020053583
+1 601627 0.02049545933475693
+1 603369 0.01361331290463183
+1 603425 0.02049545933475693
+1 603523 0.01361331290463183
+1 603686 0.01356353828493919
+1 603746 0.02398469849856365
+1 604022 0.03301538501494898
+1 604967 0.0171081750239957
+1 605225 0.01886593429425656
+1 605238 0.02556759030080374
+1 605362 0.01356353828493919
+1 605390 0.02556759030080374
+1 605457 0.02577501501505492
+1 606357 0.01356353828493919
+1 606540 0.02281090003199427
+1 607497 0.02779444592968626
+1 608010 0.02586036298045478
+1 608257 0.01361331290463183
+1 608545 0.01496776720543493
+1 608785 0.03221876876881865
+1 608824 0.01704506020053583
+1 609253 0.02398469849856365
+1 609417 0.01704506020053583
+1 610498 0.01704506020053583
+1 611811 0.05077070567367346
+1 611941 0.01140545001599714
+1 611997 0.02281090003199427
+1 612291 0.03403328226157958
+1 613450 0.01704506020053583
+1 614180 0.01288750750752746
+1 614272 0.02542148858870491
+1 615932 0.03232545372556847
+1 616117 0.01798852387392274
+1 616187 0.01140545001599714
+1 616388 0.02586036298045478
+1 616663 0.02281090003199427
+1 616727 0.01692356855789115
+1 618071 0.01692356855789115
+1 618555 0.01288750750752746
+1 618867 0.01694765905913661
+1 618906 0.01140545001599714
+1 619831 0.01140545001599714
+1 620105 0.02049545933475693
+1 620187 0.01288750750752746
+1 620620 0.0224516508081524
+1 621180 0.01140545001599714
+1 621248 0.01361331290463183
+1 621662 0.006806656452315914
+1 622446 0.01692356855789115
+1 623732 0.01704506020053583
+1 624069 0.01293018149022739
+1 624263 0.02049545933475693
+1 624726 0.02722662580926366
+1 626083 0.01704506020053583
+1 626638 0.01704506020053583
+1 626817 0.01199234924928183
+1 627628 0.01361331290463183
+1 627927 0.01692356855789115
+1 628067 0.04169166889452939
+1 628232 0.02398469849856365
+1 629651 0.02049545933475693
+1 629740 0.01939527223534108
+1 630158 0.01361331290463183
+1 631027 0.01694765905913661
+1 631897 0.02049545933475693
+1 632018 0.01288750750752746
+1 632711 0.01361331290463183
+1 634085 0.01140545001599714
+1 634277 0.02049545933475693
+1 634651 0.02049545933475693
+1 634713 0.01293018149022739
+1 635047 0.01361331290463183
+1 635129 0.02049545933475693
+1 635232 0.01356353828493919
+1 635393 0.01361331290463183
+1 635517 0.00707472536034621
+1 635661 0.01140545001599714
+1 635701 0.01496776720543493
+1 635811 0.0224516508081524
+1 636431 0.02398469849856365
+1 637921 0.02049545933475693
+1 637956 0.04490330161630479
+1 638257 0.02049545933475693
+1 638838 0.01496776720543493
+1 639033 0.02281090003199427
+1 639362 0.01940885594582051
+1 640317 0.01692356855789115
+1 640423 0.03384713711578231
+1 642025 0.01356353828493919
+1 642072 0.02712707656987837
+1 642203 0.03474305741210783
+1 643634 0.0471648357356414
+1 644130 0.01704506020053583
+1 644220 0.006315020170017061
+1 644307 0.01293018149022739
+1 644859 0.01356353828493919
+1 645114 0.01140545001599714
+1 645310 0.01361331290463183
+1 645915 0.0171081750239957
+1 646256 0.02542148858870491
+1 646405 0.01694765905913661
+1 646777 0.0479693969971273
+1 647198 0.01293018149022739
+1 647200 0.01704506020053583
+1 648281 0.01293018149022739
+1 648501 0.03384713711578231
+1 648903 0.02049545933475693
+1 649720 0.01293018149022739
+1 649815 0.02016217762198948
+1 650631 0.02049545933475693
+1 650713 0.01694765905913661
+1 650738 0.02049545933475693
+1 650741 0.01692356855789115
+1 651126 0.01694765905913661
+1 651135 0.01293018149022739
+1 651336 0.02016217762198948
+1 651505 0.01361331290463183
+1 651981 0.02398469849856365
+1 652641 0.01356353828493919
+1 653537 0.02016217762198948
+1 654251 0.02577501501505492
+1 654583 0.02586036298045478
+1 655093 0.02016217762198948
+1 656049 0.01694765905913661
+1 656381 0.02722662580926366
+1 656539 0.01140545001599714
+1 657473 0.01704506020053583
+1 658533 0.01496776720543493
+1 659033 0.02049545933475693
+1 660027 0.02049545933475693
+1 660488 0.01704506020053583
+1 660569 0.02049545933475693
+1 660651 0.01704506020053583
+1 660704 0.01361331290463183
+1 661025 0.02016217762198948
+1 661073 0.009432967147128279
+1 661111 0.01496776720543493
+1 661192 0.02556759030080374
+1 661271 0.01692356855789115
+1 661431 0.01361331290463183
+1 662465 0.01293018149022739
+1 663717 0.01140545001599714
+1 663812 0.03301538501494898
+1 664078 0.01293018149022739
+1 664662 0.01704506020053583
+1 664715 0.01496776720543493
+1 664723 0.01704506020053583
+1 664784 0.01704506020053583
+1 664885 0.01361331290463183
+1 665255 0.02586036298045478
+1 666805 0.01798852387392274
+1 667328 0.01199234924928183
+1 668677 0.01288750750752746
+1 669344 0.02712707656987837
+1 670037 0.01704506020053583
+1 670693 0.01356353828493919
+1 670895 0.02049545933475693
+1 670928 0.01293018149022739
+1 671553 0.06793099581037181
+1 671833 0.02041996935694774
+1 672119 0.02712707656987837
+1 672440 0.02712707656987837
+1 672756 0.009704427972910257
+1 672914 0.01704506020053583
+1 673457 0.02722662580926366
+1 673966 0.02556759030080374
+1 674737 0.01356353828493919
+1 675057 0.02398469849856365
+1 675682 0.01140545001599714
+1 676073 0.02577501501505492
+1 676087 0.01293018149022739
+1 676173 0.01694765905913661
+1 676294 0.01293018149022739
+1 676661 0.01140545001599714
+1 676953 0.02586036298045478
+1 677831 0.02049545933475693
+1 677975 0.02016217762198948
+1 678195 0.02722662580926366
+1 678765 0.02049545933475693
+1 678873 0.02049545933475693
+1 678900 0.01361331290463183
+1 679099 0.02542148858870491
+1 679155 0.01496776720543493
+1 679981 0.02049545933475693
+1 680105 0.02586036298045478
+1 680225 0.01356353828493919
+1 680236 0.01361331290463183
+1 680290 0.02556759030080374
+1 680613 0.01356353828493919
+1 680743 0.02542148858870491
+1 681863 0.02016217762198948
+1 682186 0.01704506020053583
+1 683127 0.01293018149022739
+1 683365 0.01361331290463183
+1 684224 0.03232545372556847
+1 684978 0.01361331290463183
+1 685546 0.01694765905913661
+1 685829 0.01704506020053583
+1 686055 0.01694765905913661
+1 686103 0.02049545933475693
+1 686273 0.02034530742740878
+1 686506 0.01199234924928183
+1 686850 0.01361331290463183
+1 687390 0.02034530742740878
+1 687695 0.02049545933475693
+1 687835 0.02049545933475693
+1 688437 0.01199234924928183
+1 688459 0.02281090003199427
+1 688605 0.02556759030080374
+1 688632 0.02016217762198948
+1 688840 0.006465090745113694
+1 689688 0.01361331290463183
+1 690033 0.01293018149022739
+1 691865 0.01140545001599714
+1 692163 0.01694765905913661
+1 692213 0.02722662580926366
+1 692595 0.01293018149022739
+1 693099 0.01288750750752746
+1 693123 0.01293018149022739
+1 693162 0.02049545933475693
+1 693631 0.02586036298045478
+1 694516 0.01939527223534108
+1 694626 0.01288750750752746
+1 695225 0.01704506020053583
+1 695732 0.01694765905913661
+1 696087 0.01933126126129119
+1 696153 0.02049545933475693
+1 696533 0.101404396831629
+1 697205 0.03474305741210783
+1 697685 0.01704506020053583
+1 698200 0.02049545933475693
+1 698282 0.01288750750752746
+1 699773 0.01496776720543493
+1 699833 0.01199234924928183
+1 700325 0.01140545001599714
+1 700543 0.01496776720543493
+1 700664 0.01361331290463183
+1 700954 0.01356353828493919
+1 701382 0.01939527223534108
+1 701449 0.01288750750752746
+1 701483 0.02049545933475693
+1 701887 0.02526008068006825
+1 703177 0.01140545001599714
+1 703557 0.01199234924928183
+1 704029 0.02049545933475693
+1 704060 0.01140545001599714
+1 704566 0.01140545001599714
+1 704965 0.02016217762198948
+1 705799 0.02722662580926366
+1 706066 0.01293018149022739
+1 706945 0.02049545933475693
+1 707882 0.01694765905913661
+1 708916 0.07413542510398138
+1 709231 0.02586036298045478
+1 709550 0.03221876876881865
+1 709593 0.01692356855789115
+1 710402 0.02722662580926366
+1 710518 0.02577501501505492
+1 712019 0.01704506020053583
+1 713111 0.01199234924928183
+1 713527 0.01694765905913661
+1 713863 0.01293018149022739
+1 714293 0.02016217762198948
+1 714584 0.01414945072069242
+1 714650 0.01293018149022739
+1 715662 0.01293018149022739
+1 715726 0.01704506020053583
+1 715864 0.01199234924928183
+1 716392 0.01199234924928183
+1 717363 0.01140545001599714
+1 717778 0.02049545933475693
+1 719739 0.01496776720543493
+1 720262 0.01361331290463183
+1 720815 0.01293018149022739
+1 721031 0.01356353828493919
+1 721051 0.01361331290463183
+1 721075 0.01704506020053583
+1 721302 0.02556759030080374
+1 721313 0.01704506020053583
+1 722747 0.02049545933475693
+1 724001 0.01704506020053583
+1 724014 0.02586036298045478
+1 724109 0.0224516508081524
+1 724601 0.01496776720543493
+1 725633 0.006948611482421565
+1 726075 0.02049545933475693
+1 726090 0.01199234924928183
+1 726227 0.02722662580926366
+1 726240 0.01293018149022739
+1 727015 0.02049545933475693
+1 727180 0.01361331290463183
+1 727446 0.01361331290463183
+1 727505 0.01140545001599714
+1 727581 0.02049545933475693
+1 727672 0.01704506020053583
+1 728728 0.01356353828493919
+1 729285 0.04032435524397896
+1 729291 0.03597704774784548
+1 729809 0.02049545933475693
+1 729834 0.02041996935694774
+1 730055 0.03384713711578231
+1 730665 0.01455664195936539
+1 730903 0.01692356855789115
+1 730957 0.02049545933475693
+1 731440 0.01361331290463183
+1 731441 0.01704506020053583
+1 731483 0.006315020170017061
+1 731614 0.02049545933475693
+1 732091 0.01694765905913661
+1 732147 0.01704506020053583
+1 732196 0.01288750750752746
+1 732490 0.01288750750752746
+1 732854 0.01361331290463183
+1 733111 0.01361331290463183
+1 733295 0.02586036298045478
+1 733327 0.01798852387392274
+1 733707 0.02049545933475693
+1 734263 0.01496776720543493
+1 735889 0.02049545933475693
+1 736468 0.01293018149022739
+1 736622 0.01140545001599714
+1 736997 0.01140545001599714
+1 737030 0.01694765905913661
+1 738105 0.004716483573564139
+1 738364 0.02049545933475693
+1 739210 0.01361331290463183
+1 739232 0.03390884571234796
+1 740385 0.01288750750752746
+1 740483 0.02281090003199427
+1 740485 0.02556759030080374
+1 740911 0.02016217762198948
+1 741572 0.01704506020053583
+1 742066 0.02712707656987837
+1 742179 0.01140545001599714
+1 742551 0.01356353828493919
+1 742801 0.02041996935694774
+1 743062 0.01704506020053583
+1 743984 0.01199234924928183
+1 743997 0.01692356855789115
+1 744306 0.01694765905913661
+1 744709 0.0171081750239957
+1 744939 0.01361331290463183
+1 745255 0.02049545933475693
+1 745617 0.01704506020053583
+1 746645 0.01496776720543493
+1 747117 0.01361331290463183
+1 747297 0.02049545933475693
+1 748091 0.02049545933475693
+1 748256 0.01361331290463183
+1 748413 0.01694765905913661
+1 748826 0.02041996935694774
+1 748883 0.03221876876881865
+1 749315 0.02049545933475693
+1 749580 0.04169166889452939
+1 749615 0.01199234924928183
+1 749656 0.02556759030080374
+1 749748 0.01704506020053583
+1 749749 0.01692356855789115
+1 750324 0.02586036298045478
+1 750727 0.03384713711578231
+1 751252 0.01361331290463183
+1 751381 0.01704506020053583
+1 752035 0.01356353828493919
+1 752119 0.02049545933475693
+1 752641 0.02556759030080374
+1 753133 0.03384713711578231
+1 753459 0.01288750750752746
+1 753528 0.01140545001599714
+1 753639 0.01199234924928183
+1 754239 0.01361331290463183
+1 754619 0.02049545933475693
+1 754779 0.01288750750752746
+1 756487 0.04490330161630479
+1 756584 0.01704506020053583
+1 757561 0.02041996935694774
+1 759215 0.01199234924928183
+1 759447 0.01293018149022739
+1 760289 0.02049545933475693
+1 760543 0.01199234924928183
+1 761273 0.02016217762198948
+1 761433 0.01694765905913661
+1 761553 0.01704506020053583
+1 761622 0.01361331290463183
+1 761645 0.01361331290463183
+1 761987 0.02556759030080374
+1 763195 0.01356353828493919
+1 763724 0.01496776720543493
+1 763729 0.02712707656987837
+1 764181 0.01199234924928183
+1 766423 0.01293018149022739
+1 767385 0.01361331290463183
+1 767389 0.01288750750752746
+1 767558 0.01288750750752746
+1 767976 0.01694765905913661
+1 768113 0.01361331290463183
+1 768305 0.02016217762198948
+1 768559 0.01199234924928183
+1 768797 0.01496776720543493
+1 769919 0.01293018149022739
+1 770332 0.01199234924928183
+1 770657 0.02049545933475693
+1 770929 0.01704506020053583
+1 771052 0.01356353828493919
+1 771262 0.01939527223534108
+1 772092 0.03403328226157958
+1 772554 0.01140545001599714
+1 772561 0.02016217762198948
+1 772934 0.008473829529568305
+1 773001 0.01288750750752746
+1 774488 0.005996174624640913
+1 774517 0.02049545933475693
+1 775342 0.02586036298045478
+1 775913 0.01361331290463183
+1 776018 0.02041996935694774
+1 776537 0.02049545933475693
+1 777439 0.02281090003199427
+1 777576 0.01288750750752746
+1 777779 0.01356353828493919
+1 778628 0.02034530742740878
+1 778895 0.01496776720543493
+1 778939 0.02049545933475693
+1 778950 0.02049545933475693
+1 780300 0.01288750750752746
+1 780327 0.01704506020053583
+1 780471 0.01293018149022739
+1 780503 0.01293018149022739
+1 780988 0.01361331290463183
+1 781011 0.02556759030080374
+1 781488 0.01356353828493919
+1 782059 0.01288750750752746
+1 782062 0.01293018149022739
+1 782955 0.02034530742740878
+1 783132 0.01288750750752746
+1 783318 0.01704506020053583
+1 783398 0.02542148858870491
+1 783959 0.01692356855789115
+1 783989 0.01496776720543493
+1 784349 0.01694765905913661
+1 784856 0.01704506020053583
+1 784979 0.01288750750752746
+1 785063 0.01293018149022739
+1 785281 0.02722662580926366
+1 785301 0.02556759030080374
+1 785829 0.02049545933475693
+1 785845 0.01263004034003412
+1 786501 0.02016217762198948
+1 786541 0.006948611482421565
+1 787008 0.01288750750752746
+1 787189 0.01199234924928183
+1 787202 0.01288750750752746
+1 787639 0.01356353828493919
+1 787794 0.01698274895259295
+1 788020 0.01694765905913661
+1 789638 0.01940885594582051
+1 790231 0.02016217762198948
+1 790864 0.01293018149022739
+1 790981 0.01496776720543493
+1 790988 0.01356353828493919
+1 791373 0.01140545001599714
+1 791534 0.01704506020053583
+1 791823 0.01356353828493919
+1 792010 0.02586036298045478
+1 792961 0.01496776720543493
+1 793059 0.02722662580926366
+1 793326 0.01288750750752746
+1 794791 0.01199234924928183
+1 795059 0.02586036298045478
+1 795438 0.02049545933475693
+1 795944 0.01704506020053583
+1 796515 0.02049545933475693
+1 797773 0.02722662580926366
+1 798447 0.01356353828493919
+1 799101 0.01496776720543493
+1 799895 0.02049545933475693
+1 800049 0.03157510085008531
+1 800887 0.03384713711578231
+1 800985 0.01704506020053583
+1 801329 0.02049545933475693
+1 801330 0.01361331290463183
+1 802416 0.01694765905913661
+1 803130 0.01140545001599714
+1 803287 0.01140545001599714
+1 803307 0.01496776720543493
+1 803637 0.02016217762198948
+1 804196 0.01694765905913661
+1 804440 0.02556759030080374
+1 804743 0.01361331290463183
+1 804844 0.01293018149022739
+1 805347 0.02577501501505492
+1 807045 0.01140545001599714
+1 807411 0.02911328391873078
+1 808640 0.01496776720543493
+1 809627 0.02722662580926366
+1 810876 0.02722662580926366
+1 811349 0.02722662580926366
+1 811434 0.02586036298045478
+1 811481 0.02542148858870491
+1 812268 0.01704506020053583
+1 812302 0.01293018149022739
+1 812497 0.02722662580926366
+1 812696 0.01140545001599714
+1 813267 0.01704506020053583
+1 813615 0.02016217762198948
+1 813906 0.01704506020053583
+1 814545 0.01356353828493919
+1 814806 0.01704506020053583
+1 815494 0.02722662580926366
+1 815600 0.02556759030080374
+1 815701 0.01293018149022739
+1 816692 0.07578024204020474
+1 816940 0.01704506020053583
+1 817968 0.01140545001599714
+1 818176 0.01704506020053583
+1 819250 0.01288750750752746
+1 819900 0.01933126126129119
+1 820145 0.01496776720543493
+1 820379 0.01361331290463183
+1 821307 0.01293018149022739
+1 821831 0.03403328226157958
+1 822211 0.02049545933475693
+1 822594 0.006315020170017061
+1 822745 0.01140545001599714
+1 823212 0.02577501501505492
+1 823746 0.01704506020053583
+1 823946 0.01361331290463183
+1 824078 0.01356353828493919
+1 824152 0.01140545001599714
+1 824291 0.01704506020053583
+1 824489 0.01361331290463183
+1 824837 0.01704506020053583
+1 824930 0.02586036298045478
+1 825105 0.01704506020053583
+1 825475 0.01939527223534108
+1 826512 0.01293018149022739
+1 827226 0.01694765905913661
+1 827721 0.04852213986455129
+1 827795 0.01704506020053583
+1 827855 0.01356353828493919
+1 828802 0.01199234924928183
+1 829813 0.01694765905913661
+1 830407 0.01293018149022739
+1 830913 0.02016217762198948
+1 832683 0.01199234924928183
+1 833320 0.01496776720543493
+1 833703 0.02016217762198948
+1 833915 0.02016217762198948
+1 835603 0.02049545933475693
+1 836051 0.01694765905913661
+1 836371 0.02556759030080374
+1 836692 0.0171081750239957
+1 836963 0.01694765905913661
+1 837643 0.01694765905913661
+1 837767 0.01692356855789115
+1 837913 0.01692356855789115
+1 838184 0.02049545933475693
+1 838308 0.01933126126129119
+1 838336 0.02049545933475693
+1 838374 0.01496776720543493
+1 838403 0.02712707656987837
+1 839777 0.07643472630663722
+1 840228 0.01361331290463183
+1 840443 0.03789012102010237
+1 840956 0.02722662580926366
+1 841301 0.01496776720543493
+1 841731 0.02712707656987837
+1 842199 0.02281090003199427
+1 842363 0.02049545933475693
+1 842623 0.004716483573564139
+1 842805 0.02016217762198948
+1 843731 0.01199234924928183
+1 844284 0.01293018149022739
+1 844361 0.01293018149022739
+1 844458 0.01361331290463183
+1 844547 0.01692356855789115
+1 844786 0.01361331290463183
+1 844943 0.02398469849856365
+1 845433 0.01356353828493919
+1 845637 0.02049545933475693
+1 845725 0.01704506020053583
+1 846396 0.02049545933475693
+1 846434 0.01288750750752746
+1 847021 0.01496776720543493
+1 847218 0.02712707656987837
+1 847913 0.01704506020053583
+1 848856 0.01361331290463183
+1 849063 0.0171081750239957
+1 849148 0.01694765905913661
+1 849609 0.01692356855789115
+1 849899 0.01293018149022739
+1 851835 0.01694765905913661
+1 852093 0.01496776720543493
+1 854017 0.01293018149022739
+1 854171 0.02049545933475693
+1 854608 0.006465090745113694
+1 855040 0.01704506020053583
+1 855392 0.0224516508081524
+1 856237 0.01361331290463183
+1 856602 0.03157510085008531
+1 857015 0.01361331290463183
+1 857189 0.02034530742740878
+1 857358 0.01361331290463183
+1 857430 0.03157510085008531
+1 857672 0.03232545372556847
+1 857805 0.02526008068006825
+1 857953 0.02049545933475693
+1 858166 0.01704506020053583
+1 859080 0.01288750750752746
+1 859618 0.01293018149022739
+1 859763 0.0171081750239957
+1 861077 0.01692356855789115
+1 861178 0.0224516508081524
+1 861227 0.02049545933475693
+1 862919 0.01140545001599714
+1 863413 0.05077070567367346
+1 863755 0.01199234924928183
+1 863945 0.01361331290463183
+1 864181 0.01694765905913661
+1 865684 0.01288750750752746
+1 866509 0.01704506020053583
+1 867010 0.01704506020053583
+1 867503 0.02016217762198948
+1 868178 0.01694765905913661
+1 868463 0.004852213986455129
+1 868877 0.01199234924928183
+1 869445 0.01288750750752746
+1 870090 0.01361331290463183
+1 870867 0.02556759030080374
+1 871335 0.02049545933475693
+1 871383 0.01692356855789115
+1 871629 0.01704506020053583
+1 871784 0.01692356855789115
+1 871979 0.02998087312320456
+1 873263 0.0224516508081524
+1 873685 0.02993553441086986
+1 874205 0.01939527223534108
+1 874352 0.01293018149022739
+1 874471 0.01199234924928183
+1 875018 0.02542148858870491
+1 875441 0.08338333778905878
+1 877438 0.02016217762198948
+1 877795 0.01199234924928183
+1 878248 0.01704506020053583
+1 878970 0.01694765905913661
+1 879193 0.02049545933475693
+1 879202 0.02712707656987837
+1 879560 0.01361331290463183
+1 879723 0.04562180006398854
+1 880146 0.01361331290463183
+1 880380 0.01293018149022739
+1 880406 0.01293018149022739
+1 881003 0.01704506020053583
+1 881447 0.02993553441086986
+1 881630 0.02049545933475693
+1 881960 0.01293018149022739
+1 882364 0.01288750750752746
+1 882735 0.01288750750752746
+1 883161 0.02016217762198948
+1 883684 0.02556759030080374
+1 884282 0.02577501501505492
+1 884746 0.01704506020053583
+1 884927 0.02281090003199427
+1 885966 0.01199234924928183
+1 886206 0.02016217762198948
+1 886896 0.01140545001599714
+1 887529 0.02049545933475693
+1 887981 0.02556759030080374
+1 888669 0.01361331290463183
+1 888772 0.01140545001599714
+1 889327 0.02586036298045478
+1 890051 0.02049545933475693
+1 890584 0.01361331290463183
+1 893515 0.02556759030080374
+1 893574 0.01361331290463183
+1 893851 0.01356353828493919
+1 894138 0.02722662580926366
+1 894199 0.01704506020053583
+1 894750 0.02542148858870491
+1 895593 0.01140545001599714
+1 897730 0.02041996935694774
+1 897831 0.01939527223534108
+1 898201 0.02049545933475693
+1 898988 0.01293018149022739
+1 899021 0.01356353828493919
+1 899308 0.01140545001599714
+1 899751 0.02851362503999284
+1 900159 0.01356353828493919
+1 900488 0.01361331290463183
+1 901375 0.01293018149022739
+1 902046 0.01293018149022739
+1 902290 0.02542148858870491
+1 902542 0.01293018149022739
+1 902593 0.01694765905913661
+1 902726 0.01939527223534108
+1 902983 0.02049545933475693
+1 903639 0.01933126126129119
+1 903755 0.01199234924928183
+1 903841 0.02586036298045478
+1 904294 0.02016217762198948
+1 904558 0.01293018149022739
+1 904779 0.03232545372556847
+1 904792 0.01293018149022739
+1 905065 0.03389531811827322
+1 905317 0.01356353828493919
+1 905386 0.02542148858870491
+1 905592 0.01704506020053583
+1 905776 0.01293018149022739
+1 906042 0.01496776720543493
+1 906122 0.01293018149022739
+1 906375 0.01692356855789115
+1 906403 0.03232545372556847
+1 906912 0.02049545933475693
+1 906917 0.02016217762198948
+1 907311 0.01288750750752746
+1 907657 0.01704506020053583
+1 908003 0.02281090003199427
+1 908708 0.01288750750752746
+1 909019 0.02712707656987837
+1 909225 0.01704506020053583
+1 909342 0.03390884571234796
+1 909519 0.02016217762198948
+1 909655 0.01692356855789115
+1 909899 0.02722662580926366
+1 910166 0.01361331290463183
+1 911253 0.01288750750752746
+1 911711 0.01704506020053583
+1 911875 0.01496776720543493
+1 911977 0.01704506020053583
+1 912326 0.02556759030080374
+1 912927 0.01704506020053583
+1 913051 0.02722662580926366
+1 913173 0.01293018149022739
+1 913236 0.02049545933475693
+1 913321 0.01293018149022739
+1 913653 0.02526008068006825
+1 913689 0.02712707656987837
+1 914117 0.02542148858870491
+1 914486 0.01288750750752746
+1 914802 0.01199234924928183
+1 915283 0.02049545933475693
+1 916308 0.01704506020053583
+1 916790 0.02712707656987837
+1 916838 0.02016217762198948
+1 916985 0.01361331290463183
+1 917170 0.02049545933475693
+1 918775 0.02049545933475693
+1 919219 0.03221876876881865
+1 920336 0.02577501501505492
+1 921026 0.01293018149022739
+1 921187 0.01288750750752746
+1 921224 0.01288750750752746
+1 921388 0.01140545001599714
+1 921551 0.02049545933475693
+1 921574 0.01140545001599714
+1 921578 0.02577501501505492
+1 921689 0.01293018149022739
+1 921786 0.02049545933475693
+1 922208 0.01361331290463183
+1 922887 0.01356353828493919
+1 925159 0.02586036298045478
+1 925190 0.02993553441086986
+1 925611 0.01361331290463183
+1 926108 0.02556759030080374
+1 926451 0.01361331290463183
+1 926577 0.02049545933475693
+1 927471 0.01694765905913661
+1 927597 0.02016217762198948
+1 928309 0.01356353828493919
+1 928388 0.009432967147128279
+1 929033 0.02016217762198948
+1 929063 0.01199234924928183
+1 929479 0.1091748146952404
+1 929751 0.02016217762198948
+1 929906 0.004852213986455129
+1 931146 0.01293018149022739
+1 931194 0.004716483573564139
+1 931263 0.004852213986455129
+1 931510 0.01293018149022739
+1 932719 0.01692356855789115
+1 933293 0.01293018149022739
+1 934181 0.02556759030080374
+1 934328 0.02722662580926366
+1 934446 0.01361331290463183
+1 934787 0.01293018149022739
+1 934821 0.02577501501505492
+1 935734 0.01361331290463183
+1 935913 0.01704506020053583
+1 936539 0.01356353828493919
+1 936975 0.01704506020053583
+1 937173 0.0479693969971273
+1 937911 0.01694765905913661
+1 938559 0.01293018149022739
+1 938687 0.01140545001599714
+1 938745 0.02556759030080374
+1 938856 0.01293018149022739
+1 939109 0.02034530742740878
+1 939265 0.01361331290463183
+1 939348 0.01288750750752746
+1 939423 0.01288750750752746
+1 939891 0.02556759030080374
+1 940828 0.02016217762198948
+1 940859 0.01140545001599714
+1 940877 0.02398469849856365
+1 941331 0.004852213986455129
+1 942152 0.01140545001599714
+1 942177 0.02049545933475693
+1 942404 0.01293018149022739
+1 942496 0.02712707656987837
+1 942539 0.0224516508081524
+1 943077 0.01199234924928183
+1 943165 0.02911328391873078
+1 943348 0.02586036298045478
+1 943464 0.02712707656987837
+1 944529 0.02049545933475693
+1 944782 0.01288750750752746
+1 945047 0.01356353828493919
+1 945389 0.01933126126129119
+1 945525 0.01293018149022739
+1 945541 0.1136703630603071
+1 947300 0.01293018149022739
+1 949741 0.02049545933475693
+1 949768 0.01356353828493919
+1 950181 0.01692356855789115
+1 950724 0.01704506020053583
+1 951580 0.01288750750752746
+1 951800 0.01140545001599714
+1 952155 0.01293018149022739
+1 952884 0.01199234924928183
+1 953277 0.01288750750752746
+1 953647 0.02049545933475693
+1 954086 0.01288750750752746
+1 954248 0.02049545933475693
+1 956278 0.01692356855789115
+1 956475 0.02049545933475693
+1 956830 0.01356353828493919
+1 956960 0.02722662580926366
+1 957055 0.01692356855789115
+1 957166 0.01356353828493919
+1 957372 0.01293018149022739
+1 957547 0.01692356855789115
+1 957971 0.01293018149022739
+1 958579 0.003157510085008531
+1 958939 0.01361331290463183
+1 959399 0.01288750750752746
+1 959961 0.01939527223534108
+1 960264 0.01199234924928183
+1 961477 0.01361331290463183
+1 962029 0.02556759030080374
+1 962513 0.01293018149022739
+1 962780 0.02586036298045478
+1 963855 0.01140545001599714
+1 964560 0.02556759030080374
+1 965462 0.01140545001599714
+1 965670 0.02049545933475693
+1 965800 0.01939527223534108
+1 965802 0.01704506020053583
+1 966122 0.01694765905913661
+1 966126 0.02049545933475693
+1 966241 0.02049545933475693
+1 966273 0.01496776720543493
+1 966801 0.01140545001599714
+1 967164 0.006315020170017061
+1 967209 0.01798852387392274
+1 968338 0.01361331290463183
+1 968555 0.01361331290463183
+1 969645 0.01361331290463183
+1 969841 0.006315020170017061
+1 970358 0.02398469849856365
+1 971099 0.01704506020053583
+1 971297 0.01288750750752746
+1 972178 0.02542148858870491
+1 973335 0.01361331290463183
+1 973431 0.02049545933475693
+1 974818 0.01293018149022739
+1 975012 0.01933126126129119
+1 975747 0.02586036298045478
+1 976008 0.02049545933475693
+1 976071 0.01199234924928183
+1 976654 0.01293018149022739
+1 976828 0.01293018149022739
+1 976837 0.02049545933475693
+1 976943 0.0224516508081524
+1 977655 0.01798852387392274
+1 977964 0.01293018149022739
+1 979148 0.01694765905913661
+1 979478 0.02049545933475693
+1 980063 0.01293018149022739
+1 980582 0.01704506020053583
+1 980765 0.01356353828493919
+1 981093 0.01293018149022739
+1 981153 0.02049545933475693
+1 981241 0.01704506020053583
+1 981772 0.02586036298045478
+1 982391 0.01199234924928183
+1 982602 0.02722662580926366
+1 982761 0.004716483573564139
+1 982853 0.02049545933475693
+1 983673 0.02281090003199427
+1 984111 0.01704506020053583
+1 984327 0.02049545933475693
+1 984468 0.01361331290463183
+1 985065 0.01939527223534108
+1 985549 0.02398469849856365
+1 985587 0.02049545933475693
+1 987694 0.0479693969971273
+1 988239 0.02016217762198948
+1 989433 0.0479693969971273
+1 990507 0.03232545372556847
+1 992123 0.01356353828493919
+1 992181 0.01140545001599714
+1 992393 0.02049545933475693
+1 994149 0.01293018149022739
+1 994950 0.01140545001599714
+1 995653 0.01692356855789115
+1 996536 0.01140545001599714
+1 996562 0.01361331290463183
+1 996675 0.02577501501505492
+1 996795 0.01288750750752746
+1 997097 0.01361331290463183
+1 1000335 0.01356353828493919
+1 1000360 0.01356353828493919
+1 1000566 0.01293018149022739
+1 1001206 0.01293018149022739
+1 1001393 0.01361331290463183
+1 1001687 0.01704506020053583
+1 1003223 0.01940885594582051
+1 1003603 0.01704506020053583
+1 1003825 0.01704506020053583
+1 1003989 0.02016217762198948
+1 1004208 0.02041996935694774
+1 1004391 0.01356353828493919
+1 1005084 0.01361331290463183
+1 1005507 0.01694765905913661
+1 1005880 0.02016217762198948
+1 1006311 0.01199234924928183
+1 1007170 0.01704506020053583
+1 1007323 0.01356353828493919
+1 1007434 0.007483883602717465
+1 1007463 0.008522530100267914
+1 1008057 0.01361331290463183
+1 1008288 0.02041996935694774
+1 1008663 0.01496776720543493
+1 1008831 0.01140545001599714
+1 1008901 0.01361331290463183
+1 1008964 0.02586036298045478
+1 1009084 0.01356353828493919
+1 1009117 0.01704506020053583
+1 1009599 0.01288750750752746
+1 1009869 0.01704506020053583
+1 1010085 0.02049545933475693
+1 1010385 0.01692356855789115
+1 1010483 0.01704506020053583
+1 1010597 0.01140545001599714
+1 1010734 0.01361331290463183
+1 1011301 0.01288750750752746
+1 1011598 0.01361331290463183
+1 1011896 0.02556759030080374
+1 1011931 0.01199234924928183
+1 1012163 0.01356353828493919
+1 1012389 0.02049545933475693
+1 1012825 0.02016217762198948
+1 1014581 0.01361331290463183
+1 1015417 0.02049545933475693
+1 1015541 0.01496776720543493
+1 1016264 0.02049545933475693
+1 1016344 0.02016217762198948
+1 1017023 0.01704506020053583
+1 1017231 0.01293018149022739
+1 1017826 0.01356353828493919
+1 1018227 0.02586036298045478
+1 1018247 0.02049545933475693
+1 1018379 0.01704506020053583
+1 1020073 0.01293018149022739
+1 1020555 0.01288750750752746
+1 1020740 0.01650769250747449
+1 1020800 0.01694765905913661
+1 1021380 0.01293018149022739
+1 1022613 0.01199234924928183
+1 1022772 0.01694765905913661
+1 1023393 0.02049545933475693
+1 1024480 0.02049545933475693
+1 1024956 0.02041996935694774
+1 1027053 0.01361331290463183
+1 1027631 0.02016217762198948
+1 1027688 0.01288750750752746
+1 1027697 0.01293018149022739
+1 1027823 0.02016217762198948
+1 1027933 0.02556759030080374
+1 1028185 0.02049545933475693
+1 1028384 0.02556759030080374
+1 1028617 0.02049545933475693
+1 1028638 0.01704506020053583
+1 1028837 0.02712707656987837
+1 1028893 0.005996174624640913
+1 1029655 0.01140545001599714
+1 1029974 0.008522530100267914
+1 1030226 0.01199234924928183
+1 1030719 0.02586036298045478
+1 1031393 0.01694765905913661
+1 1031507 0.01704506020053583
+1 1031649 0.01704506020053583
+1 1032047 0.01692356855789115
+1 1032717 0.02049545933475693
+1 1032791 0.01692356855789115
+1 1032841 0.02586036298045478
+1 1033079 0.01361331290463183
+1 1033093 0.01361331290463183
+1 1033676 0.01704506020053583
+1 1033699 0.03384713711578231
+1 1033833 0.02851362503999284
+1 1034754 0.01704506020053583
+1 1034981 0.02049545933475693
+1 1035161 0.01199234924928183
+1 1036917 0.01361331290463183
+1 1037251 0.03384713711578231
+1 1037273 0.01361331290463183
+1 1037360 0.01263004034003412
+1 1037386 0.02722662580926366
+1 1037582 0.01293018149022739
+1 1037775 0.02016217762198948
+1 1038197 0.01692356855789115
+1 1038215 0.02016217762198948
+1 1038530 0.01361331290463183
+1 1039281 0.02016217762198948
+1 1039363 0.01704506020053583
+1 1039896 0.01694765905913661
+1 1040121 0.02049545933475693
+1 1040325 0.02016217762198948
+1 1041719 0.01199234924928183
+1 1042547 0.01496776720543493
+1 1043926 0.01361331290463183
+1 1044191 0.01293018149022739
+1 1044254 0.02049545933475693
+1 1044295 0.02586036298045478
+1 1044380 0.02722662580926366
+1 1044427 0.02016217762198948
+1 1045248 0.01361331290463183
+1 1045443 0.02586036298045478
+1 1046509 0.01692356855789115
+1 1046561 0.02577501501505492
+1 1046852 0.02049545933475693
+1 1047289 0.02016217762198948
+1 1047335 0.01288750750752746
+1 1047422 0.01356353828493919
+1 1047787 0.01361331290463183
+1 1047993 0.02049545933475693
+1 1048440 0.02586036298045478
+1 1048546 0.02722662580926366
+2 344 0.02712097700963876
+2 711 0.01523477868628074
+2 797 0.02521531586355265
+2 1115 0.01681021057570177
+2 1556 0.01356048850481938
+2 1733 0.02521531586355265
+2 1936 0.01230195276051476
+2 2101 0.0126715797559878
+2 2180 0.01356048850481938
+2 4053 0.02833640893851413
+2 4907 0.02008394134407133
+2 4959 0.004722734823085689
+2 5205 0.01356048850481938
+2 5983 0.01356048850481938
+2 6466 0.01356048850481938
+2 7164 0.01681021057570177
+2 7425 0.01356048850481938
+2 7854 0.01356048850481938
+2 7884 0.0126715797559878
+2 7923 0.01356048850481938
+2 8116 0.02008394134407133
+2 10078 0.03536142771053655
+2 10267 0.02008394134407133
+2 10495 0.02014751034947173
+2 11483 0.01768071385526828
+2 11573 0.02008394134407133
+2 11819 0.0115183192561101
+2 12091 0.04486598081931405
+2 13181 0.01356048850481938
+2 13234 0.005036877587367932
+2 15162 0.0126715797559878
+2 15211 0.01768071385526828
+2 15221 0.02008394134407133
+2 15283 0.01681021057570177
+2 15761 0.0126715797559878
+2 15916 0.01681021057570177
+2 17094 0.02712097700963876
+2 17227 0.01768071385526828
+2 18276 0.02008394134407133
+2 19280 0.01681021057570177
+2 19655 0.02008394134407133
+2 20498 0.01356048850481938
+2 20975 0.04722734823085689
+2 21254 0.0126715797559878
+2 21296 0.0126715797559878
+2 21709 0.02008394134407133
+2 21917 0.0126715797559878
+2 22178 0.02361367411542845
+2 22219 0.01681021057570177
+2 22365 0.02008394134407133
+2 22706 0.0253431595119756
+2 23712 0.0126715797559878
+2 23832 0.02712097700963876
+2 24619 0.02008394134407133
+2 25037 0.0190073696339817
+2 25185 0.02008394134407133
+2 25560 0.01845292914077214
+2 25702 0.02521531586355265
+2 26089 0.02521531586355265
+2 26845 0.01230195276051476
+2 27253 0.02008394134407133
+2 27313 0.01681021057570177
+2 28880 0.01681021057570177
+2 28921 0.01230195276051476
+2 29313 0.04570433605884224
+2 29352 0.01523477868628074
+2 29735 0.01768071385526828
+2 29921 0.02008394134407133
+2 30387 0.02008394134407133
+2 30453 0.01523477868628074
+2 31409 0.01681021057570177
+2 32045 0.0126715797559878
+2 32700 0.01681021057570177
+2 32791 0.01356048850481938
+2 33076 0.02712097700963876
+2 33433 0.03536142771053655
+2 33439 0.01681021057570177
+2 33979 0.02285216802942112
+2 34041 0.02008394134407133
+2 34869 0.01681021057570177
+2 35441 0.04920781104205905
+2 35805 0.01681021057570177
+2 35828 0.01230195276051476
+2 35928 0.01523477868628074
+2 36192 0.01356048850481938
+2 36391 0.02008394134407133
+2 36463 0.01768071385526828
+2 36949 0.0126715797559878
+2 37221 0.01356048850481938
+2 37278 0.0126715797559878
+2 37607 0.01356048850481938
+2 37731 0.01768071385526828
+2 38236 0.02712097700963876
+2 38448 0.0126715797559878
+2 39491 0.02521531586355265
+2 39510 0.01356048850481938
+2 39762 0.02460390552102952
+2 40007 0.01233934480042622
+2 40706 0.0126715797559878
+2 40920 0.004722734823085689
+2 41204 0.02712097700963876
+2 41385 0.01681021057570177
+2 41559 0.0253431595119756
+2 41645 0.01768071385526828
+2 41657 0.02008394134407133
+2 41800 0.05591132644034441
+2 42030 0.01681021057570177
+2 42437 0.02008394134407133
+2 42735 0.0126715797559878
+2 43077 0.02008394134407133
+2 43101 0.01523477868628074
+2 43280 0.0126715797559878
+2 43781 0.02518438793683965
+2 44401 0.01681021057570177
+2 44457 0.0115183192561101
+2 45339 0.02008394134407133
+2 45548 0.01768071385526828
+2 46197 0.0126715797559878
+2 46264 0.0115183192561101
+2 46627 0.006169672400213108
+2 46854 0.0063357898779939
+2 47318 0.0115183192561101
+2 47472 0.0253431595119756
+2 47689 0.01681021057570177
+2 48753 0.01356048850481938
+2 50281 0.01681021057570177
+2 50742 0.06375692011165682
+2 51089 0.02008394134407133
+2 51948 0.0126715797559878
+2 52270 0.02521531586355265
+2 52454 0.02460390552102952
+2 53051 0.02008394134407133
+2 53188 0.0126715797559878
+2 53247 0.03455495776833029
+2 54215 0.0115183192561101
+2 54376 0.02712097700963876
+2 54421 0.02712097700963876
+2 54924 0.0126715797559878
+2 55773 0.0126715797559878
+2 55827 0.01356048850481938
+2 56036 0.01681021057570177
+2 56154 0.02303663851222019
+2 56572 0.01356048850481938
+2 56737 0.02008394134407133
+2 56918 0.0126715797559878
+2 57320 0.02521531586355265
+2 57565 0.01356048850481938
+2 57633 0.02460390552102952
+2 57955 0.0126715797559878
+2 57997 0.01523477868628074
+2 58055 0.01768071385526828
+2 58452 0.0126715797559878
+2 58964 0.02833640893851413
+2 59189 0.01356048850481938
+2 60978 0.0253431595119756
+2 61875 0.0126715797559878
+2 62239 0.01356048850481938
+2 62295 0.0126715797559878
+2 63305 0.02008394134407133
+2 64006 0.02014751034947173
+2 64016 0.01681021057570177
+2 64473 0.01356048850481938
+2 64573 0.01523477868628074
+2 65109 0.02008394134407133
+2 65149 0.01681021057570177
+2 66272 0.02303663851222019
+2 66314 0.01356048850481938
+2 67965 0.0126715797559878
+2 68409 0.01681021057570177
+2 68440 0.004722734823085689
+2 68543 0.0115183192561101
+2 68673 0.0253431595119756
+2 68823 0.02521531586355265
+2 68974 0.01681021057570177
+2 69894 0.02521531586355265
+2 70435 0.01230195276051476
+2 70576 0.02521531586355265
+2 71207 0.01768071385526828
+2 71748 0.0126715797559878
+2 71957 0.02008394134407133
+2 72260 0.01356048850481938
+2 72652 0.01356048850481938
+2 72754 0.0253431595119756
+2 73182 0.0190073696339817
+2 73923 0.0126715797559878
+2 74165 0.02008394134407133
+2 74533 0.0126715797559878
+2 74573 0.02008394134407133
+2 74796 0.0253431595119756
+2 74947 0.02008394134407133
+2 75685 0.01523477868628074
+2 76640 0.02008394134407133
+2 77686 0.0126715797559878
+2 78871 0.01768071385526828
+2 79445 0.03022126552420759
+2 79567 0.02008394134407133
+2 79786 0.01356048850481938
+2 79920 0.01356048850481938
+2 80087 0.01889093929234276
+2 80111 0.02008394134407133
+2 80454 0.0126715797559878
+2 81293 0.01523477868628074
+2 81722 0.03455495776833029
+2 81725 0.0126715797559878
+2 83437 0.02034073275722907
+2 84759 0.01768071385526828
+2 86105 0.0253431595119756
+2 86213 0.02008394134407133
+2 86749 0.01356048850481938
+2 87313 0.006780244252409691
+2 87353 0.0253431595119756
+2 87389 0.01356048850481938
+2 87631 0.02008394134407133
+2 88009 0.02008394134407133
+2 88145 0.02285216802942112
+2 89164 0.0126715797559878
+2 89687 0.0126715797559878
+2 89973 0.01681021057570177
+2 90183 0.01356048850481938
+2 90693 0.02008394134407133
+2 91125 0.02712097700963876
+2 91883 0.01523477868628074
+2 92411 0.01681021057570177
+2 92986 0.02521531586355265
+2 93134 0.0126715797559878
+2 93712 0.0253431595119756
+2 95929 0.01768071385526828
+2 96310 0.0115183192561101
+2 96745 0.02521531586355265
+2 96757 0.02712097700963876
+2 97508 0.01230195276051476
+2 97545 0.0126715797559878
+2 98034 0.02034073275722907
+2 98377 0.02008394134407133
+2 98887 0.0126715797559878
+2 99007 0.01356048850481938
+2 99253 0.0253431595119756
+2 99312 0.02712097700963876
+2 99503 0.01681021057570177
+2 99549 0.0115183192561101
+2 100142 0.01356048850481938
+2 101157 0.01523477868628074
+2 101208 0.01681021057570177
+2 101351 0.0253431595119756
+2 102325 0.02034073275722907
+2 102726 0.0126715797559878
+2 102753 0.01356048850481938
+2 103877 0.02008394134407133
+2 104149 0.0126715797559878
+2 104332 0.01681021057570177
+2 104467 0.01681021057570177
+2 104772 0.0126715797559878
+2 105181 0.02303663851222019
+2 105709 0.01681021057570177
+2 106814 0.01356048850481938
+2 107196 0.0126715797559878
+2 109504 0.01356048850481938
+2 109881 0.02008394134407133
+2 110259 0.01889093929234276
+2 110562 0.0190073696339817
+2 110789 0.02521531586355265
+2 111321 0.02008394134407133
+2 112020 0.0126715797559878
+2 112083 0.01356048850481938
+2 112485 0.0126715797559878
+2 112622 0.02008394134407133
+2 112738 0.02008394134407133
+2 113322 0.01230195276051476
+2 113428 0.01356048850481938
+2 113849 0.1017995946035163
+2 114962 0.01681021057570177
+2 115631 0.0190073696339817
+2 115674 0.02008394134407133
+2 116489 0.02712097700963876
+2 116553 0.02008394134407133
+2 117089 0.02303663851222019
+2 117543 0.02008394134407133
+2 117794 0.0126715797559878
+2 117854 0.05288721466736328
+2 118190 0.0126715797559878
+2 119191 0.02712097700963876
+2 119610 0.0126715797559878
+2 120423 0.0126715797559878
+2 120867 0.01230195276051476
+2 121345 0.02712097700963876
+2 121357 0.02008394134407133
+2 121543 0.02879579814027524
+2 122181 0.02008394134407133
+2 122374 0.0126715797559878
+2 123532 0.02008394134407133
+2 123659 0.01356048850481938
+2 124217 0.01356048850481938
+2 125974 0.01768071385526828
+2 126521 0.01356048850481938
+2 126530 0.01356048850481938
+2 126866 0.02521531586355265
+2 127491 0.01681021057570177
+2 127498 0.01230195276051476
+2 127623 0.01768071385526828
+2 128103 0.01768071385526828
+2 128137 0.0253431595119756
+2 128191 0.01356048850481938
+2 128343 0.02008394134407133
+2 128892 0.01681021057570177
+2 129394 0.01681021057570177
+2 129911 0.07687807385547357
+2 130011 0.01768071385526828
+2 130684 0.01356048850481938
+2 130711 0.02521531586355265
+2 131386 0.01681021057570177
+2 132099 0.01768071385526828
+2 132381 0.01230195276051476
+2 132968 0.01681021057570177
+2 134266 0.0126715797559878
+2 134915 0.01768071385526828
+2 135151 0.02008394134407133
+2 135267 0.04193349483025831
+2 135813 0.01230195276051476
+2 136064 0.02521531586355265
+2 136117 0.01681021057570177
+2 137101 0.02285216802942112
+2 137507 0.02460390552102952
+2 137587 0.0115183192561101
+2 137826 0.0126715797559878
+2 139056 0.0126715797559878
+2 139139 0.01356048850481938
+2 139178 0.02008394134407133
+2 139371 0.0126715797559878
+2 139418 0.02008394134407133
+2 139565 0.02521531586355265
+2 140965 0.02034073275722907
+2 141425 0.02303663851222019
+2 141605 0.03777658190525948
+2 141807 0.01356048850481938
+2 141989 0.0126715797559878
+2 142641 0.02008394134407133
+2 143149 0.01681021057570177
+2 143936 0.01681021057570177
+2 144163 0.02285216802942112
+2 146220 0.0126715797559878
+2 147311 0.02008394134407133
+2 147389 0.02034073275722907
+2 148113 0.0253431595119756
+2 148368 0.03167894938996951
+2 148540 0.01681021057570177
+2 148952 0.02008394134407133
+2 149709 0.01356048850481938
+2 150024 0.01356048850481938
+2 150479 0.02034073275722907
+2 150643 0.01768071385526828
+2 150798 0.0126715797559878
+2 151033 0.01356048850481938
+2 151107 0.02521531586355265
+2 151321 0.0126715797559878
+2 151395 0.01681021057570177
+2 151642 0.01356048850481938
+2 151683 0.002361367411542845
+2 151957 0.01523477868628074
+2 152258 0.02034073275722907
+2 152278 0.0126715797559878
+2 152590 0.005036877587367932
+2 153133 0.01681021057570177
+2 154442 0.02008394134407133
+2 154644 0.01356048850481938
+2 155716 0.01356048850481938
+2 155743 0.0126715797559878
+2 156173 0.02795566322017221
+2 156265 0.01356048850481938
+2 156467 0.01230195276051476
+2 156548 0.02008394134407133
+2 156833 0.03084836200106554
+2 156855 0.01768071385526828
+2 157191 0.0115183192561101
+2 157374 0.0253431595119756
+2 157765 0.02712097700963876
+2 158098 0.01681021057570177
+2 158149 0.02008394134407133
+2 158180 0.01356048850481938
+2 158235 0.0126715797559878
+2 158517 0.0115183192561101
+2 158805 0.02712097700963876
+2 158855 0.03536142771053655
+2 159003 0.01768071385526828
+2 160449 0.0253431595119756
+2 160643 0.01356048850481938
+2 160871 0.0126715797559878
+2 161570 0.02712097700963876
+2 161822 0.01681021057570177
+2 161928 0.01523477868628074
+2 162627 0.04607327702444039
+2 163143 0.02712097700963876
+2 163848 0.01681021057570177
+2 166534 0.01230195276051476
+2 166673 0.01681021057570177
+2 166869 0.01681021057570177
+2 166983 0.01230195276051476
+2 167285 0.03046955737256149
+2 167333 0.01768071385526828
+2 168043 0.01230195276051476
+2 169293 0.01681021057570177
+2 169435 0.01356048850481938
+2 169919 0.01727747888416514
+2 169967 0.0253431595119756
+2 171159 0.01681021057570177
+2 171204 0.0126715797559878
+2 172050 0.01356048850481938
+2 172251 0.01356048850481938
+2 172529 0.0253431595119756
+2 173141 0.02285216802942112
+2 173803 0.02303663851222019
+2 173845 0.009445469646171378
+2 175014 0.01356048850481938
+2 175082 0.01681021057570177
+2 175617 0.01356048850481938
+2 175783 0.0126715797559878
+2 175932 0.0126715797559878
+2 176213 0.01523477868628074
+2 176217 0.0380147392679634
+2 176305 0.01727747888416514
+2 176757 0.02712097700963876
+2 177200 0.01356048850481938
+2 177423 0.02712097700963876
+2 177446 0.009445469646171378
+2 177880 0.02521531586355265
+2 178021 0.0115183192561101
+2 178476 0.02712097700963876
+2 178762 0.01356048850481938
+2 178778 0.01523477868628074
+2 178977 0.01356048850481938
+2 180023 0.01523477868628074
+2 180121 0.0253431595119756
+2 180885 0.01768071385526828
+2 181651 0.02521531586355265
+2 181786 0.0126715797559878
+2 182314 0.01356048850481938
+2 182583 0.0115183192561101
+2 182644 0.01356048850481938
+2 182645 0.01768071385526828
+2 183593 0.03167894938996951
+2 183719 0.01681021057570177
+2 184596 0.01356048850481938
+2 184704 0.0126715797559878
+2 184705 0.01681021057570177
+2 184767 0.01230195276051476
+2 184959 0.01356048850481938
+2 185138 0.01356048850481938
+2 186765 0.006169672400213108
+2 186910 0.0115183192561101
+2 187208 0.01356048850481938
+2 187291 0.02008394134407133
+2 187483 0.02521531586355265
+2 187946 0.02008394134407133
+2 189199 0.01233934480042622
+2 190785 0.01356048850481938
+2 191163 0.01681021057570177
+2 191171 0.0115183192561101
+2 192347 0.01681021057570177
+2 195139 0.01681021057570177
+2 195161 0.01681021057570177
+2 195197 0.0126715797559878
+2 196214 0.0126715797559878
+2 196385 0.02008394134407133
+2 196654 0.0126715797559878
+2 196793 0.01681021057570177
+2 197975 0.01768071385526828
+2 198423 0.01681021057570177
+2 198453 0.02008394134407133
+2 199593 0.01523477868628074
+2 200163 0.0126715797559878
+2 200659 0.02008394134407133
+2 200739 0.005759159628055049
+2 200776 0.005036877587367932
+2 201027 0.01356048850481938
+2 201484 0.01356048850481938
+2 201972 0.0253431595119756
+2 202228 0.02014751034947173
+2 202405 0.01681021057570177
+2 202518 0.01356048850481938
+2 203362 0.01356048850481938
+2 204058 0.02521531586355265
+2 204376 0.01681021057570177
+2 204695 0.01356048850481938
+2 206024 0.01511063276210379
+2 206468 0.0126715797559878
+2 206552 0.006150976380257381
+2 207651 0.0115183192561101
+2 207658 0.0126715797559878
+2 207751 0.0115183192561101
+2 207845 0.0126715797559878
+2 207923 0.0126715797559878
+2 209034 0.01681021057570177
+2 209117 0.01681021057570177
+2 209769 0.0126715797559878
+2 209871 0.02008394134407133
+2 211496 0.01523477868628074
+2 212124 0.01681021057570177
+2 213008 0.02008394134407133
+2 213108 0.02008394134407133
+2 213605 0.0115183192561101
+2 213972 0.01681021057570177
+2 215017 0.0126715797559878
+2 215247 0.0126715797559878
+2 215275 0.01681021057570177
+2 215831 0.03536142771053655
+2 215869 0.02712097700963876
+2 217316 0.01681021057570177
+2 217437 0.0190073696339817
+2 217574 0.02008394134407133
+2 217612 0.01681021057570177
+2 217645 0.01523477868628074
+2 218203 0.01230195276051476
+2 218465 0.0126715797559878
+2 218720 0.02034073275722907
+2 218786 0.02008394134407133
+2 218789 0.02008394134407133
+2 218869 0.01356048850481938
+2 219547 0.01768071385526828
+2 219577 0.0115183192561101
+2 220495 0.01230195276051476
+2 221696 0.02008394134407133
+2 221873 0.0126715797559878
+2 223409 0.02712097700963876
+2 223536 0.0253431595119756
+2 224166 0.0126715797559878
+2 224533 0.02303663851222019
+2 224643 0.0253431595119756
+2 224751 0.02712097700963876
+2 224863 0.01233934480042622
+2 224865 0.02008394134407133
+2 224869 0.02285216802942112
+2 225283 0.0190073696339817
+2 225470 0.0253431595119756
+2 226059 0.01681021057570177
+2 226724 0.0126715797559878
+2 227443 0.01681021057570177
+2 228582 0.0253431595119756
+2 229125 0.0126715797559878
+2 229418 0.01230195276051476
+2 230494 0.006780244252409691
+2 230931 0.02712097700963876
+2 232712 0.01356048850481938
+2 232784 0.01356048850481938
+2 233029 0.02008394134407133
+2 233197 0.02712097700963876
+2 233263 0.0126715797559878
+2 233290 0.02521531586355265
+2 233743 0.02008394134407133
+2 234679 0.02008394134407133
+2 235047 0.01356048850481938
+2 235245 0.02008394134407133
+2 235720 0.01356048850481938
+2 237473 0.01356048850481938
+2 238128 0.01356048850481938
+2 238171 0.0126715797559878
+2 238364 0.01356048850481938
+2 239595 0.0126715797559878
+2 240295 0.02008394134407133
+2 240526 0.006169672400213108
+2 240800 0.0126715797559878
+2 241053 0.03390122126204846
+2 241364 0.0425046134077712
+2 241741 0.0190073696339817
+2 241838 0.02285216802942112
+2 242321 0.02008394134407133
+2 242664 0.01681021057570177
+2 242822 0.006780244252409691
+2 242926 0.01523477868628074
+2 243024 0.04570433605884224
+2 243221 0.0126715797559878
+2 244112 0.01681021057570177
+2 244199 0.0126715797559878
+2 244205 0.01233934480042622
+2 244368 0.01356048850481938
+2 244516 0.01356048850481938
+2 244707 0.01768071385526828
+2 244825 0.01356048850481938
+2 245474 0.0126715797559878
+2 245526 0.02008394134407133
+2 245636 0.04029502069894345
+2 246127 0.0126715797559878
+2 246223 0.02008394134407133
+2 247111 0.01681021057570177
+2 247342 0.02008394134407133
+2 247388 0.01356048850481938
+2 247445 0.02303663851222019
+2 247971 0.01356048850481938
+2 248167 0.01681021057570177
+2 249283 0.0126715797559878
+2 249333 0.02008394134407133
+2 249621 0.02303663851222019
+2 250040 0.0253431595119756
+2 251484 0.01681021057570177
+2 251700 0.01230195276051476
+2 252892 0.01356048850481938
+2 254917 0.02008394134407133
+2 254999 0.01356048850481938
+2 255555 0.01523477868628074
+2 255652 0.02712097700963876
+2 256309 0.02008394134407133
+2 256778 0.02521531586355265
+2 256843 0.01230195276051476
+2 257127 0.01681021057570177
+2 257185 0.01356048850481938
+2 257273 0.02008394134407133
+2 257301 0.03390122126204846
+2 257539 0.01233934480042622
+2 257762 0.0126715797559878
+2 257983 0.01356048850481938
+2 258131 0.01681021057570177
+2 258506 0.01523477868628074
+2 258648 0.02008394134407133
+2 258789 0.01523477868628074
+2 259035 0.02008394134407133
+2 260199 0.008405105287850885
+2 260259 0.02008394134407133
+2 261723 0.0126715797559878
+2 262259 0.03536142771053655
+2 262715 0.02008394134407133
+2 262887 0.01681021057570177
+2 263325 0.01356048850481938
+2 263399 0.01768071385526828
+2 263406 0.0126715797559878
+2 263783 0.01356048850481938
+2 263880 0.0126715797559878
+2 264321 0.01230195276051476
+2 264898 0.01356048850481938
+2 265472 0.01681021057570177
+2 266263 0.0126715797559878
+2 266379 0.03046955737256149
+2 266788 0.01523477868628074
+2 267317 0.02008394134407133
+2 268387 0.04607327702444039
+2 268751 0.02008394134407133
+2 269030 0.02712097700963876
+2 269138 0.01681021057570177
+2 269325 0.02008394134407133
+2 269409 0.02303663851222019
+2 269645 0.02034073275722907
+2 269895 0.01356048850481938
+2 270299 0.02460390552102952
+2 271773 0.01681021057570177
+2 272372 0.0126715797559878
+2 272501 0.02008394134407133
+2 272708 0.02303663851222019
+2 272841 0.01356048850481938
+2 273067 0.0115183192561101
+2 273555 0.09871475840340974
+2 274215 0.02008394134407133
+2 274243 0.01768071385526828
+2 274301 0.0115183192561101
+2 274331 0.02008394134407133
+2 274505 0.02008394134407133
+2 274591 0.02285216802942112
+2 274746 0.05431145046548543
+2 275005 0.01230195276051476
+2 275838 0.0126715797559878
+2 275947 0.02008394134407133
+2 276179 0.0126715797559878
+2 276774 0.01356048850481938
+2 276933 0.02008394134407133
+2 276973 0.0126715797559878
+2 277099 0.01356048850481938
+2 277570 0.0126715797559878
+2 278494 0.01230195276051476
+2 279457 0.01356048850481938
+2 279800 0.006780244252409691
+2 280121 0.01681021057570177
+2 280157 0.02008394134407133
+2 280286 0.01356048850481938
+2 280418 0.02008394134407133
+2 280567 0.0126715797559878
+2 281699 0.0126715797559878
+2 282367 0.01523477868628074
+2 282372 0.01356048850481938
+2 283380 0.01356048850481938
+2 283688 0.05288721466736328
+2 284035 0.02521531586355265
+2 285216 0.02008394134407133
+2 285400 0.02303663851222019
+2 285569 0.01356048850481938
+2 285819 0.01356048850481938
+2 286193 0.03536142771053655
+2 286203 0.01681021057570177
+2 286517 0.0126715797559878
+2 286733 0.02712097700963876
+2 286939 0.01356048850481938
+2 287322 0.02521531586355265
+2 287367 0.0253431595119756
+2 287742 0.01681021057570177
+2 287956 0.01681021057570177
+2 288457 0.0126715797559878
+2 288719 0.01356048850481938
+2 289100 0.02460390552102952
+2 289388 0.0126715797559878
+2 289751 0.02008394134407133
+2 289845 0.02008394134407133
+2 290266 0.02034073275722907
+2 290325 0.01768071385526828
+2 290363 0.02008394134407133
+2 290579 0.02303663851222019
+2 290753 0.03084836200106554
+2 291001 0.0115183192561101
+2 291448 0.01356048850481938
+2 291722 0.01356048850481938
+2 292489 0.01230195276051476
+2 292587 0.03305914376159982
+2 292630 0.02008394134407133
+2 292637 0.02521531586355265
+2 293500 0.006169672400213108
+2 293924 0.02712097700963876
+2 294219 0.01523477868628074
+2 295473 0.0126715797559878
+2 296163 0.0126715797559878
+2 296557 0.0126715797559878
+2 297150 0.01681021057570177
+2 298055 0.01681021057570177
+2 298361 0.01523477868628074
+2 298488 0.01356048850481938
+2 299218 0.01768071385526828
+2 300086 0.0126715797559878
+2 300386 0.01356048850481938
+2 301537 0.0115183192561101
+2 301591 0.004722734823085689
+2 301619 0.02034073275722907
+2 301769 0.02712097700963876
+2 301920 0.02008394134407133
+2 302035 0.01356048850481938
+2 302375 0.01356048850481938
+2 302840 0.02008394134407133
+2 303522 0.02712097700963876
+2 304165 0.0126715797559878
+2 304565 0.01727747888416514
+2 304903 0.01681021057570177
+2 305046 0.02521531586355265
+2 305700 0.02712097700963876
+2 306128 0.02034073275722907
+2 306435 0.02008394134407133
+2 306537 0.01681021057570177
+2 306675 0.0126715797559878
+2 306727 0.01523477868628074
+2 306923 0.01768071385526828
+2 307111 0.02521531586355265
+2 307519 0.02521531586355265
+2 307582 0.0253431595119756
+2 307729 0.0126715797559878
+2 308371 0.01356048850481938
+2 309230 0.02521531586355265
+2 309389 0.0115183192561101
+2 309491 0.01230195276051476
+2 309586 0.0253431595119756
+2 309591 0.02008394134407133
+2 309751 0.0126715797559878
+2 309891 0.02008394134407133
+2 310504 0.01681021057570177
+2 310753 0.01523477868628074
+2 311057 0.0126715797559878
+2 311589 0.02008394134407133
+2 312259 0.02008394134407133
+2 313069 0.01681021057570177
+2 313613 0.01681021057570177
+2 313643 0.02008394134407133
+2 314083 0.02008394134407133
+2 314668 0.02460390552102952
+2 314671 0.01356048850481938
+2 315113 0.0115183192561101
+2 316383 0.0190073696339817
+2 319051 0.02034073275722907
+2 319851 0.01681021057570177
+2 319954 0.01681021057570177
+2 320045 0.0253431595119756
+2 320259 0.0063357898779939
+2 320299 0.02034073275722907
+2 320330 0.0126715797559878
+2 320955 0.01681021057570177
+2 321063 0.02008394134407133
+2 321091 0.01768071385526828
+2 321435 0.0115183192561101
+2 321631 0.01230195276051476
+2 321702 0.0126715797559878
+2 321902 0.04193349483025831
+2 322258 0.01681021057570177
+2 322633 0.02008394134407133
+2 322837 0.01523477868628074
+2 324030 0.01356048850481938
+2 324071 0.0253431595119756
+2 325932 0.02008394134407133
+2 326378 0.01356048850481938
+2 326658 0.02008394134407133
+2 328437 0.01681021057570177
+2 328633 0.01356048850481938
+2 328875 0.01523477868628074
+2 328931 0.01356048850481938
+2 329691 0.02008394134407133
+2 329703 0.03167894938996951
+2 330980 0.0253431595119756
+2 331953 0.01681021057570177
+2 332199 0.02712097700963876
+2 332258 0.01681021057570177
+2 332265 0.01681021057570177
+2 332667 0.01233934480042622
+2 332935 0.01523477868628074
+2 333921 0.0126715797559878
+2 334063 0.0126715797559878
+2 334148 0.01230195276051476
+2 334154 0.02712097700963876
+2 334293 0.01230195276051476
+2 334297 0.02008394134407133
+2 335102 0.0126715797559878
+2 335271 0.0253431595119756
+2 335979 0.01230195276051476
+2 336200 0.006169672400213108
+2 336285 0.01356048850481938
+2 337095 0.01356048850481938
+2 337185 0.02008394134407133
+2 337735 0.0126715797559878
+2 338006 0.02712097700963876
+2 338021 0.01681021057570177
+2 338206 0.03536142771053655
+2 339078 0.02521531586355265
+2 339127 0.01356048850481938
+2 340304 0.01356048850481938
+2 340566 0.01681021057570177
+2 341255 0.0126715797559878
+2 341878 0.0115183192561101
+2 342440 0.01230195276051476
+2 343508 0.01356048850481938
+2 343735 0.02008394134407133
+2 345199 0.01356048850481938
+2 345568 0.01681021057570177
+2 345633 0.02008394134407133
+2 345684 0.01681021057570177
+2 346795 0.07687807385547357
+2 348217 0.02008394134407133
+2 348577 0.02008394134407133
+2 348620 0.02521531586355265
+2 349276 0.0126715797559878
+2 349281 0.01230195276051476
+2 349435 0.0253431595119756
+2 349538 0.01356048850481938
+2 349888 0.01356048850481938
+2 350035 0.01845292914077214
+2 350489 0.0126715797559878
+2 350535 0.01356048850481938
+2 350800 0.05903418528857111
+2 351070 0.01523477868628074
+2 351615 0.01523477868628074
+2 352137 0.02521531586355265
+2 352644 0.01681021057570177
+2 354291 0.0253431595119756
+2 354303 0.01681021057570177
+2 354428 0.0126715797559878
+2 354489 0.01768071385526828
+2 354881 0.01523477868628074
+2 354925 0.0126715797559878
+2 356044 0.0126715797559878
+2 356759 0.01681021057570177
+2 356922 0.01681021057570177
+2 357007 0.0126715797559878
+2 357854 0.0253431595119756
+2 358920 0.01523477868628074
+2 359248 0.0126715797559878
+2 359812 0.02008394134407133
+2 360005 0.0126715797559878
+2 360982 0.0115183192561101
+2 361049 0.01727747888416514
+2 361083 0.02712097700963876
+2 361267 0.0126715797559878
+2 361458 0.01523477868628074
+2 361555 0.0126715797559878
+2 361829 0.03494457902521526
+2 362042 0.01356048850481938
+2 362225 0.0126715797559878
+2 362467 0.02008394134407133
+2 362857 0.1086229009309709
+2 363605 0.01356048850481938
+2 363657 0.02712097700963876
+2 364616 0.01230195276051476
+2 364949 0.0115183192561101
+2 365021 0.01356048850481938
+2 365207 0.0126715797559878
+2 365654 0.01356048850481938
+2 366473 0.01681021057570177
+2 366889 0.01523477868628074
+2 366965 0.0115183192561101
+2 367875 0.01768071385526828
+2 367907 0.01356048850481938
+2 368014 0.0253431595119756
+2 368725 0.01356048850481938
+2 369010 0.02712097700963876
+2 369179 0.01681021057570177
+2 369621 0.01681021057570177
+2 370047 0.01768071385526828
+2 371306 0.01230195276051476
+2 372124 0.02521531586355265
+2 372364 0.02521531586355265
+2 372511 0.02008394134407133
+2 372649 0.01681021057570177
+2 373096 0.01681021057570177
+2 373911 0.0190073696339817
+2 374313 0.01681021057570177
+2 374357 0.0190073696339817
+2 374371 0.0307548819012869
+2 374551 0.03542051117314268
+2 374753 0.01681021057570177
+2 375487 0.01007375517473586
+2 378133 0.01356048850481938
+2 378138 0.004722734823085689
+2 378740 0.01681021057570177
+2 378835 0.01356048850481938
+2 380125 0.0253431595119756
+2 380335 0.0253431595119756
+2 380731 0.01356048850481938
+2 381027 0.01768071385526828
+2 381059 0.02712097700963876
+2 381314 0.02008394134407133
+2 381898 0.0253431595119756
+2 381910 0.0126715797559878
+2 382438 0.01356048850481938
+2 382814 0.02521531586355265
+2 383056 0.01681021057570177
+2 383220 0.01356048850481938
+2 383382 0.01681021057570177
+2 383425 0.01681021057570177
+2 383679 0.0126715797559878
+2 383717 0.02460390552102952
+2 383744 0.01356048850481938
+2 384309 0.01356048850481938
+2 384509 0.01230195276051476
+2 384855 0.02008394134407133
+2 385204 0.0253431595119756
+2 385715 0.0115183192561101
+2 385781 0.02008394134407133
+2 387388 0.01681021057570177
+2 387974 0.02521531586355265
+2 388461 0.01768071385526828
+2 389229 0.02712097700963876
+2 389801 0.01727747888416514
+2 390083 0.0126715797559878
+2 390320 0.02712097700963876
+2 390711 0.0253431595119756
+2 390942 0.02521531586355265
+2 391054 0.006169672400213108
+2 391640 0.01416820446925707
+2 391751 0.0253431595119756
+2 392560 0.01681021057570177
+2 393395 0.02712097700963876
+2 394376 0.01356048850481938
+2 394516 0.0253431595119756
+2 395286 0.02303663851222019
+2 396089 0.02521531586355265
+2 396173 0.01681021057570177
+2 396734 0.01230195276051476
+2 396781 0.02008394134407133
+2 396794 0.01356048850481938
+2 396868 0.0126715797559878
+2 397149 0.01356048850481938
+2 398135 0.01356048850481938
+2 399196 0.0126715797559878
+2 399853 0.01681021057570177
+2 399959 0.01230195276051476
+2 400049 0.01356048850481938
+2 400231 0.03536142771053655
+2 400945 0.01681021057570177
+2 401071 0.02008394134407133
+2 402051 0.02518438793683965
+2 402865 0.01768071385526828
+2 402913 0.02008394134407133
+2 402965 0.01356048850481938
+2 403661 0.0126715797559878
+2 404105 0.02034073275722907
+2 404240 0.01681021057570177
+2 405475 0.02712097700963876
+2 405774 0.01356048850481938
+2 405988 0.0126715797559878
+2 406087 0.01768071385526828
+2 409163 0.02712097700963876
+2 409251 0.01230195276051476
+2 409413 0.009445469646171378
+2 409699 0.02008394134407133
+2 409703 0.0253431595119756
+2 410369 0.02521531586355265
+2 410826 0.02712097700963876
+2 412205 0.0115183192561101
+2 412451 0.0126715797559878
+2 412969 0.01230195276051476
+2 413067 0.02712097700963876
+2 413831 0.02285216802942112
+2 414612 0.01681021057570177
+2 415899 0.01681021057570177
+2 416521 0.01356048850481938
+2 416539 0.02712097700963876
+2 417019 0.0115183192561101
+2 417055 0.01356048850481938
+2 417415 0.0126715797559878
+2 417651 0.02008394134407133
+2 417672 0.01681021057570177
+2 418318 0.0126715797559878
+2 419563 0.03536142771053655
+2 420441 0.02008394134407133
+2 420765 0.01356048850481938
+2 420892 0.01681021057570177
+2 421087 0.0126715797559878
+2 422853 0.01523477868628074
+2 423978 0.01681021057570177
+2 424081 0.01523477868628074
+2 424094 0.01523477868628074
+2 424534 0.02008394134407133
+2 424685 0.0253431595119756
+2 424843 0.0115183192561101
+2 425184 0.0115183192561101
+2 425561 0.0126715797559878
+2 426215 0.01230195276051476
+2 426273 0.01681021057570177
+2 427270 0.01230195276051476
+2 428107 0.02008394134407133
+2 428185 0.01356048850481938
+2 429081 0.01681021057570177
+2 429857 0.02008394134407133
+2 431508 0.0115183192561101
+2 433703 0.01768071385526828
+2 435351 0.02008394134407133
+2 436145 0.01356048850481938
+2 436785 0.02008394134407133
+2 436909 0.0126715797559878
+2 437004 0.02008394134407133
+2 437219 0.02008394134407133
+2 437322 0.01356048850481938
+2 439498 0.007617389343140372
+2 440133 0.02008394134407133
+2 440291 0.03536142771053655
+2 441552 0.0126715797559878
+2 441779 0.01889093929234276
+2 441980 0.02008394134407133
+2 442488 0.01356048850481938
+2 443700 0.0126715797559878
+2 444245 0.0126715797559878
+2 445221 0.02008394134407133
+2 445546 0.0126715797559878
+2 445733 0.0115183192561101
+2 445954 0.0126715797559878
+2 447055 0.02008394134407133
+2 447747 0.01768071385526828
+2 448509 0.0126715797559878
+2 448632 0.01356048850481938
+2 448815 0.03167894938996951
+2 449029 0.0115183192561101
+2 450383 0.01356048850481938
+2 450520 0.02521531586355265
+2 451666 0.01681021057570177
+2 451732 0.01681021057570177
+2 452294 0.01681021057570177
+2 452651 0.02008394134407133
+2 453366 0.01356048850481938
+2 454642 0.0253431595119756
+2 455552 0.01681021057570177
+2 455623 0.01356048850481938
+2 456078 0.01681021057570177
+2 456355 0.0380147392679634
+2 456482 0.02008394134407133
+2 456962 0.01511063276210379
+2 457315 0.01768071385526828
+2 457479 0.02460390552102952
+2 457697 0.02521531586355265
+2 457815 0.01768071385526828
+2 458416 0.02712097700963876
+2 458576 0.0126715797559878
+2 459153 0.0115183192561101
+2 459526 0.01356048850481938
+2 461015 0.02008394134407133
+2 461058 0.01681021057570177
+2 461528 0.02712097700963876
+2 461794 0.01356048850481938
+2 462154 0.01356048850481938
+2 462975 0.0126715797559878
+2 463440 0.0063357898779939
+2 464561 0.01681021057570177
+2 464765 0.01681021057570177
+2 465643 0.02008394134407133
+2 465683 0.0126715797559878
+2 465975 0.01681021057570177
+2 466143 0.03167894938996951
+2 466236 0.02008394134407133
+2 466689 0.0253431595119756
+2 467462 0.0126715797559878
+2 467625 0.0190073696339817
+2 467993 0.01681021057570177
+2 468025 0.01523477868628074
+2 468191 0.01681021057570177
+2 468461 0.0126715797559878
+2 468741 0.01681021057570177
+2 469937 0.0126715797559878
+2 469959 0.01768071385526828
+2 470605 0.01523477868628074
+2 471169 0.02460390552102952
+2 471521 0.0126715797559878
+2 471572 0.0115183192561101
+2 473270 0.0253431595119756
+2 473734 0.01356048850481938
+2 473746 0.02008394134407133
+2 473999 0.0253431595119756
+2 474687 0.02034073275722907
+2 474784 0.01768071385526828
+2 475057 0.01356048850481938
+2 475117 0.01681021057570177
+2 475365 0.0126715797559878
+2 475768 0.0063357898779939
+2 475970 0.04920781104205905
+2 476213 0.0126715797559878
+2 477443 0.01889093929234276
+2 478472 0.02521531586355265
+2 479073 0.02008394134407133
+2 479139 0.0115183192561101
+2 479633 0.01356048850481938
+2 480260 0.02460390552102952
+2 480288 0.01681021057570177
+2 480422 0.01681021057570177
+2 481113 0.02034073275722907
+2 481474 0.01356048850481938
+2 482345 0.01356048850481938
+2 482567 0.02460390552102952
+2 482986 0.02008394134407133
+2 483676 0.01356048850481938
+2 483701 0.0126715797559878
+2 484341 0.02008394134407133
+2 485083 0.02008394134407133
+2 485363 0.01356048850481938
+2 485540 0.0126715797559878
+2 487611 0.01356048850481938
+2 487653 0.02008394134407133
+2 487687 0.0115183192561101
+2 487763 0.01356048850481938
+2 489267 0.0126715797559878
+2 489724 0.02008394134407133
+2 490247 0.0253431595119756
+2 490929 0.01681021057570177
+2 491013 0.01523477868628074
+2 491452 0.01768071385526828
+2 491594 0.0253431595119756
+2 491641 0.01681021057570177
+2 491735 0.01768071385526828
+2 492761 0.0126715797559878
+2 493145 0.006780244252409691
+2 493421 0.01356048850481938
+2 493657 0.01523477868628074
+2 493901 0.02460390552102952
+2 494309 0.02008394134407133
+2 494937 0.02008394134407133
+2 496345 0.0115183192561101
+2 498175 0.01356048850481938
+2 499200 0.01230195276051476
+2 499358 0.01681021057570177
+2 500381 0.02303663851222019
+2 500666 0.01356048850481938
+2 500845 0.02712097700963876
+2 500950 0.0126715797559878
+2 501421 0.006988915805043051
+2 501697 0.0253431595119756
+2 501976 0.0253431595119756
+2 502084 0.02008394134407133
+2 502271 0.01681021057570177
+2 502355 0.01845292914077214
+2 502591 0.0190073696339817
+2 502841 0.01681021057570177
+2 502907 0.0126715797559878
+2 503867 0.01523477868628074
+2 504382 0.01681021057570177
+2 504555 0.01356048850481938
+2 506286 0.0253431595119756
+2 506479 0.01523477868628074
+2 507451 0.01681021057570177
+2 507537 0.02460390552102952
+2 507692 0.04533189828631139
+2 508029 0.01681021057570177
+2 508659 0.01681021057570177
+2 508787 0.0126715797559878
+2 508811 0.0115183192561101
+2 509375 0.0126715797559878
+2 509919 0.01356048850481938
+2 510712 0.0115183192561101
+2 512268 0.0126715797559878
+2 512365 0.03536142771053655
+2 512746 0.008405105287850885
+2 512909 0.0126715797559878
+2 513364 0.01681021057570177
+2 513717 0.01230195276051476
+2 514175 0.01230195276051476
+2 514393 0.02008394134407133
+2 516634 0.04935737920170487
+2 517337 0.02008394134407133
+2 517781 0.01523477868628074
+2 518162 0.0253431595119756
+2 518346 0.01768071385526828
+2 518705 0.02008394134407133
+2 519139 0.03046955737256149
+2 519173 0.01681021057570177
+2 519679 0.0253431595119756
+2 520268 0.02008394134407133
+2 520313 0.02008394134407133
+2 520376 0.01681021057570177
+2 521665 0.01681021057570177
+2 521989 0.01681021057570177
+2 522563 0.01681021057570177
+2 523212 0.0190073696339817
+2 523271 0.02285216802942112
+2 523541 0.01768071385526828
+2 523687 0.0126715797559878
+2 523735 0.01356048850481938
+2 523947 0.01230195276051476
+2 525576 0.01681021057570177
+2 525583 0.02008394134407133
+2 525851 0.0126715797559878
+2 525908 0.0126715797559878
+2 526088 0.0126715797559878
+2 526721 0.01356048850481938
+2 526946 0.01523477868628074
+2 527398 0.01523477868628074
+2 528214 0.02521531586355265
+2 528332 0.01356048850481938
+2 528573 0.01356048850481938
+2 528624 0.01356048850481938
+2 529053 0.01230195276051476
+2 530666 0.01356048850481938
+2 531001 0.01356048850481938
+2 531389 0.02712097700963876
+2 531908 0.01416820446925707
+2 531983 0.0126715797559878
+2 532164 0.02285216802942112
+2 534715 0.0253431595119756
+2 534866 0.0253431595119756
+2 535273 0.01681021057570177
+2 535303 0.0126715797559878
+2 535786 0.0253431595119756
+2 535967 0.01681021057570177
+2 536468 0.0253431595119756
+2 536889 0.01356048850481938
+2 537029 0.0126715797559878
+2 537221 0.02712097700963876
+2 537511 0.01845292914077214
+2 537663 0.01356048850481938
+2 537849 0.02034073275722907
+2 537992 0.02008394134407133
+2 539074 0.02521531586355265
+2 539527 0.0126715797559878
+2 539712 0.0126715797559878
+2 539771 0.01356048850481938
+2 540057 0.02712097700963876
+2 540465 0.02712097700963876
+2 540474 0.01230195276051476
+2 540528 0.02712097700963876
+2 540901 0.02034073275722907
+2 541108 0.01681021057570177
+2 541994 0.01356048850481938
+2 542085 0.01356048850481938
+2 542176 0.02008394134407133
+2 542283 0.0126715797559878
+2 542532 0.03390122126204846
+2 543333 0.009445469646171378
+2 544228 0.01356048850481938
+2 544681 0.01523477868628074
+2 544877 0.01356048850481938
+2 545201 0.0115183192561101
+2 546555 0.0126715797559878
+2 546620 0.0126715797559878
+2 546944 0.0126715797559878
+2 547617 0.01681021057570177
+2 547879 0.02008394134407133
+2 548064 0.0126715797559878
+2 548140 0.01681021057570177
+2 548733 0.01523477868628074
+2 549329 0.02008394134407133
+2 550139 0.01230195276051476
+2 550397 0.0190073696339817
+2 550477 0.01768071385526828
+2 550556 0.0126715797559878
+2 550646 0.01681021057570177
+2 551222 0.01681021057570177
+2 551619 0.01681021057570177
+2 551710 0.02008394134407133
+2 551867 0.0115183192561101
+2 552035 0.01768071385526828
+2 552059 0.01356048850481938
+2 552314 0.01230195276051476
+2 552644 0.01681021057570177
+2 552991 0.02712097700963876
+2 553087 0.0126715797559878
+2 554171 0.006169672400213108
+2 554273 0.01230195276051476
+2 554286 0.01356048850481938
+2 554319 0.01356048850481938
+2 554848 0.03701803440127865
+2 555212 0.0115183192561101
+2 555579 0.01681021057570177
+2 555640 0.01356048850481938
+2 555843 0.01356048850481938
+2 555941 0.01681021057570177
+2 556469 0.02014751034947173
+2 556516 0.0126715797559878
+2 556689 0.02008394134407133
+2 556895 0.01681021057570177
+2 557017 0.02008394134407133
+2 558783 0.0126715797559878
+2 559219 0.01681021057570177
+2 559604 0.02521531586355265
+2 560127 0.01356048850481938
+2 560395 0.0115183192561101
+2 561463 0.01681021057570177
+2 562649 0.02008394134407133
+2 562846 0.03167894938996951
+2 562987 0.02008394134407133
+2 563710 0.02034073275722907
+2 564899 0.02008394134407133
+2 565145 0.02521531586355265
+2 565204 0.02008394134407133
+2 566739 0.0126715797559878
+2 567100 0.0253431595119756
+2 567243 0.01681021057570177
+2 567941 0.01523477868628074
+2 568071 0.01681021057570177
+2 568123 0.01681021057570177
+2 568217 0.02008394134407133
+2 569285 0.0115183192561101
+2 569519 0.0126715797559878
+2 570041 0.01681021057570177
+2 570063 0.01523477868628074
+2 570304 0.01681021057570177
+2 570831 0.02008394134407133
+2 570952 0.03167894938996951
+2 571152 0.04570433605884224
+2 571843 0.01007375517473586
+2 572024 0.02008394134407133
+2 573185 0.01681021057570177
+2 573974 0.01681021057570177
+2 574381 0.02008394134407133
+2 575021 0.02008394134407133
+2 575961 0.02008394134407133
+2 576681 0.0253431595119756
+2 576853 0.0115183192561101
+2 576861 0.01356048850481938
+2 577069 0.01356048850481938
+2 578064 0.0126715797559878
+2 578166 0.0126715797559878
+2 578403 0.01681021057570177
+2 578474 0.01681021057570177
+2 578514 0.02034073275722907
+2 578619 0.02008394134407133
+2 579352 0.0126715797559878
+2 579500 0.0126715797559878
+2 579620 0.0126715797559878
+2 579681 0.01681021057570177
+2 580669 0.02521531586355265
+2 581483 0.02008394134407133
+2 581523 0.01681021057570177
+2 582560 0.0115183192561101
+2 582730 0.01523477868628074
+2 582828 0.01681021057570177
+2 583435 0.01356048850481938
+2 583463 0.01681021057570177
+2 583550 0.0126715797559878
+2 583732 0.01681021057570177
+2 583746 0.05591132644034441
+2 584338 0.01356048850481938
+2 584579 0.0126715797559878
+2 584706 0.01523477868628074
+2 584763 0.05591132644034441
+2 585083 0.02008394134407133
+2 585191 0.0126715797559878
+2 587249 0.01356048850481938
+2 587435 0.02285216802942112
+2 587884 0.0126715797559878
+2 587926 0.0126715797559878
+2 588449 0.01230195276051476
+2 589145 0.0126715797559878
+2 589339 0.0126715797559878
+2 590199 0.0115183192561101
+2 590800 0.02712097700963876
+2 591310 0.01356048850481938
+2 591592 0.0115183192561101
+2 591866 0.01845292914077214
+2 592222 0.0126715797559878
+2 592401 0.0126715797559878
+2 592829 0.01523477868628074
+2 592951 0.01356048850481938
+2 593195 0.01230195276051476
+2 593712 0.01356048850481938
+2 593729 0.01681021057570177
+2 593964 0.0126715797559878
+2 593995 0.01845292914077214
+2 594441 0.0115183192561101
+2 594598 0.01230195276051476
+2 594775 0.04627254300159831
+2 595190 0.0126715797559878
+2 595803 0.1133297457157785
+2 596548 0.01356048850481938
+2 596603 0.03167894938996951
+2 596952 0.01230195276051476
+2 597281 0.01356048850481938
+2 597895 0.01230195276051476
+2 597967 0.0126715797559878
+2 598600 0.0126715797559878
+2 598774 0.009445469646171378
+2 599911 0.01230195276051476
+2 600226 0.009445469646171378
+2 600953 0.01681021057570177
+2 600960 0.02034073275722907
+2 601956 0.0190073696339817
+2 602993 0.02303663851222019
+2 604022 0.01416820446925707
+2 605225 0.03305914376159982
+2 605390 0.02521531586355265
+2 605457 0.0253431595119756
+2 606350 0.0126715797559878
+2 606857 0.02008394134407133
+2 606892 0.0115183192561101
+2 607303 0.02034073275722907
+2 607497 0.02795566322017221
+2 607699 0.02008394134407133
+2 607869 0.01356048850481938
+2 608493 0.01768071385526828
+2 608773 0.0253431595119756
+2 608811 0.02008394134407133
+2 608932 0.0126715797559878
+2 609511 0.01356048850481938
+2 609997 0.0126715797559878
+2 611041 0.0126715797559878
+2 611811 0.01768071385526828
+2 611997 0.05183243665249544
+2 613071 0.02712097700963876
+2 613281 0.02008394134407133
+2 614260 0.02521531586355265
+2 614331 0.0126715797559878
+2 614844 0.02712097700963876
+2 615384 0.0126715797559878
+2 615760 0.02008394134407133
+2 616117 0.03690585828154429
+2 616136 0.01356048850481938
+2 616371 0.02008394134407133
+2 616663 0.02303663851222019
+2 616690 0.01681021057570177
+2 616733 0.02008394134407133
+2 617266 0.01681021057570177
+2 617395 0.01230195276051476
+2 618125 0.03536142771053655
+2 620045 0.01356048850481938
+2 620105 0.02008394134407133
+2 620879 0.02008394134407133
+2 620920 0.02008394134407133
+2 620922 0.01356048850481938
+2 621168 0.01356048850481938
+2 621490 0.01681021057570177
+2 622175 0.0253431595119756
+2 622446 0.01768071385526828
+2 622747 0.01230195276051476
+2 623266 0.02521531586355265
+2 623657 0.02008394134407133
+2 623888 0.02008394134407133
+2 623961 0.01356048850481938
+2 624069 0.0126715797559878
+2 624697 0.02008394134407133
+2 624972 0.01356048850481938
+2 625376 0.01681021057570177
+2 625667 0.01768071385526828
+2 626638 0.01681021057570177
+2 627157 0.01356048850481938
+2 627686 0.01356048850481938
+2 628067 0.05591132644034441
+2 628232 0.02460390552102952
+2 629035 0.02008394134407133
+2 629688 0.01681021057570177
+2 629740 0.0190073696339817
+2 630583 0.01356048850481938
+2 630633 0.01356048850481938
+2 631033 0.02008394134407133
+2 631437 0.02008394134407133
+2 632468 0.0115183192561101
+2 632711 0.01356048850481938
+2 633121 0.02008394134407133
+2 633177 0.02879579814027524
+2 633495 0.01230195276051476
+2 633773 0.02712097700963876
+2 635129 0.02008394134407133
+2 635811 0.02285216802942112
+2 635859 0.02521531586355265
+2 636145 0.01356048850481938
+2 636432 0.0126715797559878
+2 636455 0.0126715797559878
+2 636789 0.01681021057570177
+2 637051 0.0253431595119756
+2 637283 0.0115183192561101
+2 638325 0.01768071385526828
+2 638675 0.01523477868628074
+2 638720 0.0190073696339817
+2 638838 0.01523477868628074
+2 639033 0.02303663851222019
+2 639353 0.01356048850481938
+2 640317 0.01768071385526828
+2 640923 0.01681021057570177
+2 642137 0.02008394134407133
+2 642203 0.05591132644034441
+2 642649 0.02008394134407133
+2 643315 0.02008394134407133
+2 643634 0.01889093929234276
+2 643662 0.02521531586355265
+2 643772 0.0253431595119756
+2 644220 0.006169672400213108
+2 645114 0.0115183192561101
+2 645258 0.01356048850481938
+2 645301 0.01356048850481938
+2 645915 0.01727747888416514
+2 646777 0.02460390552102952
+2 646919 0.01681021057570177
+2 647848 0.01230195276051476
+2 648063 0.0115183192561101
+2 648903 0.02008394134407133
+2 650741 0.01768071385526828
+2 650936 0.01681021057570177
+2 651357 0.01681021057570177
+2 651789 0.02008394134407133
+2 652035 0.01681021057570177
+2 652362 0.01681021057570177
+2 652514 0.01523477868628074
+2 652849 0.02008394134407133
+2 653009 0.02008394134407133
+2 653537 0.02008394134407133
+2 654373 0.01681021057570177
+2 655093 0.02008394134407133
+2 655121 0.0126715797559878
+2 655240 0.01230195276051476
+2 655438 0.02521531586355265
+2 655446 0.01681021057570177
+2 655537 0.02014751034947173
+2 656149 0.0126715797559878
+2 657480 0.02521531586355265
+2 657631 0.02034073275722907
+2 657797 0.01681021057570177
+2 658436 0.0126715797559878
+2 659135 0.01356048850481938
+2 660651 0.01681021057570177
+2 661073 0.01416820446925707
+2 661573 0.006988915805043051
+2 662393 0.01356048850481938
+2 663774 0.01356048850481938
+2 663812 0.01889093929234276
+2 664406 0.01523477868628074
+2 665077 0.02008394134407133
+2 665243 0.01356048850481938
+2 666483 0.01356048850481938
+2 667147 0.01356048850481938
+2 667190 0.01356048850481938
+2 667328 0.01230195276051476
+2 667500 0.01356048850481938
+2 668297 0.03046955737256149
+2 668558 0.0126715797559878
+2 668789 0.01681021057570177
+2 669217 0.0126715797559878
+2 669258 0.01523477868628074
+2 669997 0.02008394134407133
+2 670037 0.01681021057570177
+2 670268 0.0190073696339817
+2 670693 0.01356048850481938
+2 670829 0.01727747888416514
+2 670954 0.0126715797559878
+2 671553 0.04533189828631139
+2 671951 0.0126715797559878
+2 672444 0.01768071385526828
+2 672756 0.01007375517473586
+2 672767 0.0126715797559878
+2 673094 0.0115183192561101
+2 673485 0.01356048850481938
+2 673507 0.0115183192561101
+2 673666 0.01356048850481938
+2 673671 0.02008394134407133
+2 674203 0.0126715797559878
+2 674363 0.02008394134407133
+2 675052 0.0126715797559878
+2 675407 0.02008394134407133
+2 675670 0.0253431595119756
+2 675672 0.01681021057570177
+2 675682 0.0115183192561101
+2 676661 0.0115183192561101
+2 677451 0.01230195276051476
+2 677507 0.02008394134407133
+2 677975 0.02008394134407133
+2 678219 0.0126715797559878
+2 678613 0.01845292914077214
+2 678900 0.01356048850481938
+2 679409 0.0126715797559878
+2 679429 0.0253431595119756
+2 679629 0.0126715797559878
+2 680149 0.01681021057570177
+2 680225 0.01356048850481938
+2 680718 0.02008394134407133
+2 681761 0.02008394134407133
+2 682127 0.01230195276051476
+2 682269 0.0115183192561101
+2 682363 0.01356048850481938
+2 683329 0.01681021057570177
+2 683453 0.01356048850481938
+2 683466 0.03390122126204846
+2 684088 0.01681021057570177
+2 684612 0.02008394134407133
+2 684704 0.01356048850481938
+2 685694 0.03046955737256149
+2 686139 0.02008394134407133
+2 686506 0.01230195276051476
+2 686920 0.01356048850481938
+2 687143 0.01768071385526828
+2 687588 0.02712097700963876
+2 687733 0.01681021057570177
+2 687757 0.0126715797559878
+2 688478 0.01681021057570177
+2 689428 0.01681021057570177
+2 689867 0.0126715797559878
+2 689912 0.0115183192561101
+2 690425 0.02285216802942112
+2 690643 0.02008394134407133
+2 690761 0.02879579814027524
+2 690938 0.0126715797559878
+2 691362 0.02521531586355265
+2 691725 0.01356048850481938
+2 691865 0.0115183192561101
+2 693099 0.0126715797559878
+2 693246 0.01681021057570177
+2 694095 0.02008394134407133
+2 694474 0.02521531586355265
+2 694626 0.0126715797559878
+2 695153 0.01356048850481938
+2 695422 0.02034073275722907
+2 695471 0.02008394134407133
+2 695589 0.01681021057570177
+2 695662 0.0126715797559878
+2 696386 0.02008394134407133
+2 696533 0.1039001661078852
+2 696943 0.01681021057570177
+2 697121 0.01523477868628074
+2 697205 0.03494457902521526
+2 697598 0.01356048850481938
+2 697943 0.02008394134407133
+2 697988 0.01681021057570177
+2 698191 0.01356048850481938
+2 698358 0.02712097700963876
+2 698921 0.01356048850481938
+2 699089 0.02008394134407133
+2 699173 0.02008394134407133
+2 699635 0.02712097700963876
+2 699773 0.01523477868628074
+2 700389 0.01681021057570177
+2 700571 0.02712097700963876
+2 700939 0.02008394134407133
+2 700954 0.01356048850481938
+2 701137 0.01356048850481938
+2 701293 0.01768071385526828
+2 701361 0.01681021057570177
+2 701887 0.02467868960085243
+2 703551 0.01768071385526828
+2 704029 0.02008394134407133
+2 704060 0.0115183192561101
+2 705096 0.0126715797559878
+2 705567 0.0115183192561101
+2 705609 0.02008394134407133
+2 705841 0.0126715797559878
+2 706216 0.02712097700963876
+2 706692 0.01681021057570177
+2 706892 0.01356048850481938
+2 706945 0.02008394134407133
+2 707489 0.01523477868628074
+2 707633 0.01681021057570177
+2 707730 0.02303663851222019
+2 708255 0.01356048850481938
+2 708714 0.02008394134407133
+2 708885 0.01681021057570177
+2 708916 0.05183243665249544
+2 709478 0.01681021057570177
+2 709550 0.03167894938996951
+2 710821 0.02521531586355265
+2 711418 0.02712097700963876
+2 711432 0.01230195276051476
+2 712019 0.01681021057570177
+2 712475 0.02008394134407133
+2 712872 0.01523477868628074
+2 713013 0.03536142771053655
+2 713042 0.0126715797559878
+2 713234 0.01356048850481938
+2 713368 0.02008394134407133
+2 713527 0.01681021057570177
+2 714059 0.0253431595119756
+2 714584 0.01416820446925707
+2 714829 0.01523477868628074
+2 714947 0.02008394134407133
+2 715513 0.03046955737256149
+2 715726 0.01681021057570177
+2 715932 0.02521531586355265
+2 715968 0.0126715797559878
+2 716121 0.01230195276051476
+2 716526 0.01681021057570177
+2 717596 0.01523477868628074
+2 717962 0.0126715797559878
+2 718098 0.01681021057570177
+2 718323 0.0126715797559878
+2 719242 0.01356048850481938
+2 719616 0.01356048850481938
+2 720262 0.01356048850481938
+2 720495 0.01681021057570177
+2 721031 0.01356048850481938
+2 721682 0.01356048850481938
+2 721829 0.01681021057570177
+2 721862 0.02712097700963876
+2 722102 0.02712097700963876
+2 722798 0.0115183192561101
+2 723160 0.0126715797559878
+2 723193 0.02008394134407133
+2 723875 0.02008394134407133
+2 724109 0.02285216802942112
+2 724301 0.02008394134407133
+2 724540 0.02712097700963876
+2 724681 0.02303663851222019
+2 724835 0.02008394134407133
+2 724837 0.0115183192561101
+2 725465 0.0115183192561101
+2 725922 0.01356048850481938
+2 725986 0.01356048850481938
+2 726091 0.0063357898779939
+2 726479 0.02008394134407133
+2 726847 0.02303663851222019
+2 727361 0.01681021057570177
+2 727502 0.0126715797559878
+2 727505 0.0115183192561101
+2 727581 0.02008394134407133
+2 729035 0.01230195276051476
+2 729291 0.01230195276051476
+2 729590 0.0126715797559878
+2 730055 0.01768071385526828
+2 730665 0.01511063276210379
+2 730797 0.02521531586355265
+2 732146 0.0115183192561101
+2 732291 0.0115183192561101
+2 733327 0.01845292914077214
+2 733791 0.0253431595119756
+2 734367 0.003084836200106554
+2 734643 0.02034073275722907
+2 734922 0.02008394134407133
+2 734942 0.02008394134407133
+2 735217 0.01356048850481938
+2 735537 0.02008394134407133
+2 735787 0.02008394134407133
+2 737126 0.02034073275722907
+2 737328 0.02008394134407133
+2 738711 0.0115183192561101
+2 738843 0.02008394134407133
+2 739036 0.01356048850481938
+2 739232 0.03390122126204846
+2 739643 0.02008394134407133
+2 740438 0.0115183192561101
+2 740483 0.01727747888416514
+2 741665 0.0126715797559878
+2 741749 0.01681021057570177
+2 742595 0.01681021057570177
+2 742865 0.01681021057570177
+2 743133 0.02521531586355265
+2 743915 0.01523477868628074
+2 744254 0.02008394134407133
+2 745026 0.01356048850481938
+2 745259 0.01768071385526828
+2 745311 0.04570433605884224
+2 745692 0.02008394134407133
+2 746645 0.01523477868628074
+2 746676 0.01356048850481938
+2 748040 0.0126715797559878
+2 748793 0.01356048850481938
+2 749436 0.01356048850481938
+2 749580 0.05591132644034441
+2 749615 0.01230195276051476
+2 749749 0.01768071385526828
+2 750183 0.0126715797559878
+2 750727 0.01768071385526828
+2 751108 0.02712097700963876
+2 751292 0.02285216802942112
+2 752119 0.02008394134407133
+2 752625 0.02008394134407133
+2 753182 0.01681021057570177
+2 753206 0.01681021057570177
+2 753259 0.02521531586355265
+2 753528 0.0115183192561101
+2 754611 0.02008394134407133
+2 754935 0.02008394134407133
+2 755213 0.02521531586355265
+2 756217 0.02460390552102952
+2 756487 0.02285216802942112
+2 756653 0.0126715797559878
+2 757147 0.01356048850481938
+2 757918 0.01356048850481938
+2 758209 0.01230195276051476
+2 758522 0.006780244252409691
+2 758529 0.0190073696339817
+2 758901 0.01681021057570177
+2 758989 0.01523477868628074
+2 759222 0.01681021057570177
+2 759434 0.01681021057570177
+2 760058 0.0126715797559878
+2 760340 0.01356048850481938
+2 760543 0.01230195276051476
+2 760837 0.005036877587367932
+2 761160 0.02008394134407133
+2 762340 0.01356048850481938
+2 762805 0.02521531586355265
+2 763733 0.0126715797559878
+2 763853 0.0115183192561101
+2 763947 0.0190073696339817
+2 764181 0.01230195276051476
+2 764197 0.02008394134407133
+2 764335 0.0253431595119756
+2 764717 0.01230195276051476
+2 764887 0.03536142771053655
+2 766235 0.0126715797559878
+2 766266 0.0115183192561101
+2 766277 0.02521531586355265
+2 767389 0.0126715797559878
+2 767812 0.02034073275722907
+2 768087 0.0115183192561101
+2 768251 0.01356048850481938
+2 768305 0.02008394134407133
+2 768634 0.0126715797559878
+2 768732 0.02712097700963876
+2 769351 0.02008394134407133
+2 769975 0.01356048850481938
+2 770167 0.0190073696339817
+2 770457 0.02285216802942112
+2 770630 0.01356048850481938
+2 770795 0.0190073696339817
+2 770938 0.0190073696339817
+2 771052 0.01356048850481938
+2 771563 0.01356048850481938
+2 772020 0.02008394134407133
+2 772899 0.01356048850481938
+2 773003 0.0253431595119756
+2 773411 0.0253431595119756
+2 773474 0.02521531586355265
+2 773571 0.01356048850481938
+2 773831 0.0126715797559878
+2 773847 0.0190073696339817
+2 774217 0.02008394134407133
+2 775031 0.0126715797559878
+2 775122 0.0253431595119756
+2 775934 0.01681021057570177
+2 775990 0.0126715797559878
+2 776178 0.01230195276051476
+2 777142 0.01230195276051476
+2 777823 0.0126715797559878
+2 777845 0.0126715797559878
+2 778024 0.01681021057570177
+2 778173 0.01356048850481938
+2 779020 0.0126715797559878
+2 779037 0.01681021057570177
+2 779283 0.02008394134407133
+2 779400 0.01356048850481938
+2 780131 0.02008394134407133
+2 780563 0.02008394134407133
+2 781231 0.0126715797559878
+2 782151 0.01230195276051476
+2 782275 0.02521531586355265
+2 782538 0.0126715797559878
+2 783132 0.0126715797559878
+2 783343 0.01356048850481938
+2 783423 0.01523477868628074
+2 783474 0.01356048850481938
+2 783828 0.0126715797559878
+2 783959 0.01768071385526828
+2 784168 0.02008394134407133
+2 784656 0.01681021057570177
+2 785845 0.006169672400213108
+2 785937 0.02521531586355265
+2 786742 0.0253431595119756
+2 786960 0.0126715797559878
+2 787175 0.0126715797559878
+2 787794 0.03273970431789155
+2 788165 0.01230195276051476
+2 789638 0.03022126552420759
+2 789963 0.02521531586355265
+2 790471 0.0115183192561101
+2 790981 0.01523477868628074
+2 791523 0.0126715797559878
+2 791718 0.0126715797559878
+2 792107 0.02008394134407133
+2 792543 0.01681021057570177
+2 792855 0.0126715797559878
+2 792961 0.01523477868628074
+2 794886 0.01681021057570177
+2 795595 0.02521531586355265
+2 795792 0.02712097700963876
+2 796596 0.0115183192561101
+2 796656 0.0253431595119756
+2 796955 0.02008394134407133
+2 797723 0.02008394134407133
+2 797939 0.01523477868628074
+2 798091 0.02008394134407133
+2 799963 0.02008394134407133
+2 800049 0.01850901720063932
+2 800887 0.01768071385526828
+2 801163 0.01681021057570177
+2 801470 0.01356048850481938
+2 801694 0.01356048850481938
+2 802231 0.01230195276051476
+2 802243 0.01356048850481938
+2 802265 0.02008394134407133
+2 802871 0.0126715797559878
+2 802987 0.02008394134407133
+2 803130 0.0115183192561101
+2 803501 0.01523477868628074
+2 803836 0.0126715797559878
+2 803898 0.02008394134407133
+2 804098 0.04920781104205905
+2 804970 0.0253431595119756
+2 806035 0.01356048850481938
+2 806093 0.02008394134407133
+2 806121 0.01356048850481938
+2 806535 0.02008394134407133
+2 807323 0.01681021057570177
+2 807327 0.01681021057570177
+2 807411 0.02518438793683965
+2 807431 0.01356048850481938
+2 807815 0.01523477868628074
+2 807967 0.02521531586355265
+2 808787 0.02008394134407133
+2 809627 0.02712097700963876
+2 811069 0.01681021057570177
+2 811460 0.0253431595119756
+2 812139 0.01230195276051476
+2 812268 0.01681021057570177
+2 812696 0.0115183192561101
+2 813585 0.01356048850481938
+2 813615 0.02008394134407133
+2 814437 0.0115183192561101
+2 814806 0.01681021057570177
+2 814899 0.0126715797559878
+2 815116 0.01230195276051476
+2 815974 0.0253431595119756
+2 816692 0.04935737920170487
+2 817051 0.01356048850481938
+2 818929 0.01356048850481938
+2 819641 0.0126715797559878
+2 819978 0.0126715797559878
+2 820195 0.0190073696339817
+2 820549 0.01681021057570177
+2 821841 0.01356048850481938
+2 822732 0.01681021057570177
+2 823077 0.02008394134407133
+2 823395 0.0126715797559878
+2 823746 0.01681021057570177
+2 823955 0.01681021057570177
+2 824812 0.01727747888416514
+2 825897 0.01681021057570177
+2 826889 0.0126715797559878
+2 827721 0.05036877587367931
+2 827857 0.01356048850481938
+2 828024 0.005036877587367932
+2 828318 0.0126715797559878
+2 828435 0.02008394134407133
+2 829527 0.01356048850481938
+2 830841 0.01523477868628074
+2 830913 0.02008394134407133
+2 831141 0.02008394134407133
+2 831546 0.02008394134407133
+2 831820 0.01681021057570177
+2 832857 0.01523477868628074
+2 833703 0.02008394134407133
+2 833906 0.01681021057570177
+2 835278 0.0115183192561101
+2 835345 0.0115183192561101
+2 835939 0.02460390552102952
+2 836135 0.01356048850481938
+2 838145 0.0126715797559878
+2 838336 0.02008394134407133
+2 838403 0.02712097700963876
+2 838788 0.01230195276051476
+2 838852 0.01356048850481938
+2 839462 0.0253431595119756
+2 839777 0.07687807385547357
+2 839803 0.01681021057570177
+2 840249 0.02521531586355265
+2 840443 0.03701803440127865
+2 840815 0.0126715797559878
+2 841190 0.02303663851222019
+2 841719 0.02712097700963876
+2 841729 0.01523477868628074
+2 842117 0.01681021057570177
+2 842623 0.004722734823085689
+2 842943 0.01356048850481938
+2 843133 0.01681021057570177
+2 843271 0.0126715797559878
+2 844547 0.01768071385526828
+2 844943 0.04920781104205905
+2 845228 0.01681021057570177
+2 845263 0.01356048850481938
+2 845355 0.01356048850481938
+2 845433 0.01356048850481938
+2 846017 0.02521531586355265
+2 846227 0.01681021057570177
+2 847021 0.01523477868628074
+2 848227 0.01681021057570177
+2 848316 0.01230195276051476
+2 848330 0.02008394134407133
+2 848706 0.03167894938996951
+2 848815 0.02008394134407133
+2 848856 0.01356048850481938
+2 849007 0.0126715797559878
+2 849063 0.04607327702444039
+2 849509 0.0126715797559878
+2 849602 0.0115183192561101
+2 849609 0.01768071385526828
+2 849636 0.02008394134407133
+2 849797 0.0126715797559878
+2 851071 0.04570433605884224
+2 851367 0.02008394134407133
+2 851822 0.0126715797559878
+2 852093 0.01523477868628074
+2 853866 0.0253431595119756
+2 854171 0.02008394134407133
+2 854960 0.006169672400213108
+2 855121 0.02008394134407133
+2 855291 0.01523477868628074
+2 855392 0.02285216802942112
+2 855770 0.01356048850481938
+2 856123 0.0126715797559878
+2 856212 0.02008394134407133
+2 856602 0.03084836200106554
+2 856603 0.02521531586355265
+2 856834 0.0190073696339817
+2 857015 0.01356048850481938
+2 857083 0.01681021057570177
+2 857189 0.02034073275722907
+2 857430 0.04935737920170487
+2 857517 0.0126715797559878
+2 857581 0.02008394134407133
+2 857643 0.02521531586355265
+2 857673 0.01681021057570177
+2 857805 0.006169672400213108
+2 858171 0.02008394134407133
+2 859034 0.0126715797559878
+2 859080 0.0126715797559878
+2 860098 0.0126715797559878
+2 861133 0.0126715797559878
+2 861178 0.02285216802942112
+2 863102 0.02034073275722907
+2 863194 0.01681021057570177
+2 863327 0.01356048850481938
+2 863371 0.01356048850481938
+2 863413 0.03536142771053655
+2 864181 0.01681021057570177
+2 864218 0.0126715797559878
+2 864383 0.01681021057570177
+2 865017 0.02008394134407133
+2 865057 0.02008394134407133
+2 866123 0.02460390552102952
+2 866409 0.01523477868628074
+2 866462 0.0115183192561101
+2 866719 0.0253431595119756
+2 867059 0.01356048850481938
+2 867366 0.0126715797559878
+2 868041 0.01681021057570177
+2 868877 0.02460390552102952
+2 869058 0.0115183192561101
+2 869609 0.0126715797559878
+2 870006 0.0253431595119756
+2 870945 0.02008394134407133
+2 871383 0.03536142771053655
+2 871666 0.02008394134407133
+2 871784 0.01768071385526828
+2 871979 0.0307548819012869
+2 872269 0.0126715797559878
+2 872950 0.02008394134407133
+2 873263 0.02285216802942112
+2 873685 0.01523477868628074
+2 873777 0.02008394134407133
+2 873932 0.01230195276051476
+2 875002 0.01356048850481938
+2 875441 0.07687807385547357
+2 875595 0.02521531586355265
+2 876454 0.0126715797559878
+2 876608 0.02008394134407133
+2 876647 0.03046955737256149
+2 879048 0.0115183192561101
+2 879723 0.02303663851222019
+2 879977 0.01356048850481938
+2 880406 0.0126715797559878
+2 880427 0.01681021057570177
+2 880919 0.02008394134407133
+2 880943 0.01681021057570177
+2 881902 0.02460390552102952
+2 882364 0.0126715797559878
+2 882386 0.01356048850481938
+2 884007 0.01681021057570177
+2 884303 0.02008394134407133
+2 884404 0.0126715797559878
+2 884453 0.02008394134407133
+2 886071 0.0126715797559878
+2 886206 0.02008394134407133
+2 887472 0.01681021057570177
+2 888384 0.02008394134407133
+2 889334 0.0126715797559878
+2 889464 0.0126715797559878
+2 890051 0.02008394134407133
+2 890133 0.0126715797559878
+2 890426 0.02712097700963876
+2 890577 0.01681021057570177
+2 892270 0.02521531586355265
+2 894002 0.03046955737256149
+2 894589 0.01356048850481938
+2 895068 0.0126715797559878
+2 896073 0.0126715797559878
+2 897352 0.01768071385526828
+2 897680 0.01356048850481938
+2 898259 0.01681021057570177
+2 901072 0.0126715797559878
+2 901243 0.01356048850481938
+2 901264 0.01356048850481938
+2 901464 0.01356048850481938
+2 901735 0.02008394134407133
+2 901873 0.01356048850481938
+2 902943 0.01681021057570177
+2 902983 0.02008394134407133
+2 903042 0.0126715797559878
+2 903639 0.0190073696339817
+2 903775 0.01845292914077214
+2 903869 0.01230195276051476
+2 905053 0.0126715797559878
+2 905317 0.01356048850481938
+2 906032 0.01681021057570177
+2 906255 0.02467868960085243
+2 908616 0.02712097700963876
+2 908795 0.0115183192561101
+2 909342 0.03390122126204846
+2 910551 0.01356048850481938
+2 911246 0.0126715797559878
+2 911251 0.01356048850481938
+2 911471 0.01681021057570177
+2 911559 0.02303663851222019
+2 911787 0.01681021057570177
+2 912375 0.02712097700963876
+2 912646 0.01356048850481938
+2 912692 0.0115183192561101
+2 912818 0.01356048850481938
+2 913412 0.01230195276051476
+2 913475 0.0126715797559878
+2 913653 0.02467868960085243
+2 913664 0.01681021057570177
+2 914236 0.01356048850481938
+2 914637 0.0126715797559878
+2 914707 0.02521531586355265
+2 914942 0.0380147392679634
+2 916268 0.01681021057570177
+2 916275 0.02008394134407133
+2 916412 0.0253431595119756
+2 916833 0.02008394134407133
+2 916838 0.02008394134407133
+2 916971 0.0115183192561101
+2 916981 0.02034073275722907
+2 923371 0.01768071385526828
+2 923707 0.02460390552102952
+2 923881 0.01356048850481938
+2 924308 0.02008394134407133
+2 924489 0.01681021057570177
+2 925190 0.01523477868628074
+2 926192 0.02008394134407133
+2 926250 0.0126715797559878
+2 927420 0.02008394134407133
+2 928368 0.0253431595119756
+2 928519 0.0126715797559878
+2 928781 0.0126715797559878
+2 929332 0.01681021057570177
+2 929479 0.1108113069220945
+2 929751 0.02008394134407133
+2 929906 0.01511063276210379
+2 930347 0.01681021057570177
+2 930897 0.01356048850481938
+2 931261 0.02034073275722907
+2 931304 0.0253431595119756
+2 931366 0.01230195276051476
+2 931867 0.0190073696339817
+2 932035 0.02521531586355265
+2 932119 0.02521531586355265
+2 932719 0.01768071385526828
+2 933173 0.01681021057570177
+2 934083 0.0253431595119756
+2 934821 0.0253431595119756
+2 936307 0.0126715797559878
+2 936497 0.02303663851222019
+2 936622 0.0126715797559878
+2 936975 0.01681021057570177
+2 937173 0.02460390552102952
+2 938709 0.0126715797559878
+2 939162 0.02521531586355265
+2 939489 0.02008394134407133
+2 939891 0.02521531586355265
+2 940067 0.01230195276051476
+2 940134 0.01681021057570177
+2 940579 0.02008394134407133
+2 940676 0.02460390552102952
+2 941134 0.0126715797559878
+2 941331 0.01007375517473586
+2 941477 0.02008394134407133
+2 941660 0.008405105287850885
+2 942152 0.0115183192561101
+2 942491 0.01768071385526828
+2 942492 0.01523477868628074
+2 942496 0.02712097700963876
+2 943077 0.01356048850481938
+2 943165 0.02014751034947173
+2 943202 0.0126715797559878
+2 943707 0.02008394134407133
+2 943733 0.01523477868628074
+2 943767 0.02008394134407133
+2 943987 0.0126715797559878
+2 944364 0.0253431595119756
+2 944695 0.0126715797559878
+2 944981 0.01356048850481938
+2 945042 0.0126715797559878
+2 945531 0.0126715797559878
+2 945541 0.1017995946035163
+2 945987 0.01230195276051476
+2 946067 0.0126715797559878
+2 946180 0.0190073696339817
+2 946314 0.0190073696339817
+2 946341 0.02008394134407133
+2 947899 0.02008394134407133
+2 948459 0.03536142771053655
+2 950350 0.0126715797559878
+2 950515 0.0126715797559878
+2 950976 0.0115183192561101
+2 951036 0.0126715797559878
+2 951392 0.0126715797559878
+2 951500 0.01356048850481938
+2 951694 0.02008394134407133
+2 951800 0.0115183192561101
+2 951939 0.02008394134407133
+2 952409 0.01230195276051476
+2 953647 0.02008394134407133
+2 954637 0.01768071385526828
+2 954808 0.03167894938996951
+2 955048 0.0253431595119756
+2 956139 0.02521531586355265
+2 956350 0.01356048850481938
+2 957055 0.01768071385526828
+2 957067 0.0115183192561101
+2 957143 0.02008394134407133
+2 957437 0.0190073696339817
+2 957502 0.01356048850481938
+2 957627 0.01845292914077214
+2 958137 0.02008394134407133
+2 958780 0.0126715797559878
+2 958911 0.01681021057570177
+2 959793 0.01768071385526828
+2 960107 0.02008394134407133
+2 960866 0.01356048850481938
+2 961822 0.01356048850481938
+2 961910 0.01356048850481938
+2 962331 0.02008394134407133
+2 963163 0.01230195276051476
+2 963743 0.02008394134407133
+2 963855 0.0115183192561101
+2 963998 0.02712097700963876
+2 964525 0.01356048850481938
+2 964582 0.02521531586355265
+2 964889 0.01681021057570177
+2 965802 0.0126715797559878
+2 966109 0.0190073696339817
+2 966255 0.02008394134407133
+2 966273 0.01523477868628074
+2 966737 0.02008394134407133
+2 967164 0.006169672400213108
+2 967313 0.002518438793683966
+2 967743 0.01356048850481938
+2 967868 0.02521531586355265
+2 967888 0.01681021057570177
+2 967983 0.02008394134407133
+2 968163 0.0190073696339817
+2 968483 0.02521531586355265
+2 969226 0.0126715797559878
+2 969841 0.01850901720063932
+2 970072 0.0253431595119756
+2 970274 0.0190073696339817
+2 971155 0.0126715797559878
+2 972013 0.01230195276051476
+2 972178 0.02521531586355265
+2 972485 0.01523477868628074
+2 973333 0.01356048850481938
+2 974699 0.02008394134407133
+2 974851 0.01230195276051476
+2 975220 0.01356048850481938
+2 975552 0.01681021057570177
+2 975811 0.02008394134407133
+2 976079 0.02008394134407133
+2 976275 0.0126715797559878
+2 976530 0.01356048850481938
+2 977200 0.02521531586355265
+2 978257 0.04920781104205905
+2 978511 0.02008394134407133
+2 978773 0.0253431595119756
+2 979369 0.01356048850481938
+2 979385 0.01356048850481938
+2 979478 0.02008394134407133
+2 980261 0.01681021057570177
+2 980319 0.0126715797559878
+2 980920 0.0126715797559878
+2 981883 0.01356048850481938
+2 982012 0.0126715797559878
+2 983321 0.0115183192561101
+2 983673 0.0115183192561101
+2 985065 0.0190073696339817
+2 985549 0.02460390552102952
+2 985571 0.02521531586355265
+2 985597 0.02712097700963876
+2 986341 0.02008394134407133
+2 986789 0.02008394134407133
+2 986791 0.02008394134407133
+2 987881 0.0190073696339817
+2 988091 0.02008394134407133
+2 988159 0.02008394134407133
+2 988449 0.01356048850481938
+2 988493 0.01356048850481938
+2 989163 0.02303663851222019
+2 989433 0.02460390552102952
+2 990804 0.0115183192561101
+2 991468 0.0063357898779939
+2 991475 0.02712097700963876
+2 991847 0.02008394134407133
+2 991935 0.01768071385526828
+2 991985 0.01681021057570177
+2 992490 0.01356048850481938
+2 993053 0.03167894938996951
+2 993510 0.02008394134407133
+2 993763 0.0126715797559878
+2 994106 0.0253431595119756
+2 994950 0.0115183192561101
+2 995605 0.01230195276051476
+2 995653 0.01768071385526828
+2 995751 0.02008394134407133
+2 996536 0.0115183192561101
+2 997281 0.02008394134407133
+2 997656 0.01681021057570177
+2 999223 0.02008394134407133
+2 1000099 0.0126715797559878
+2 1000335 0.01356048850481938
+2 1000999 0.01681021057570177
+2 1001147 0.02008394134407133
+2 1002607 0.01681021057570177
+2 1002835 0.02008394134407133
+2 1002921 0.01681021057570177
+2 1003113 0.02008394134407133
+2 1003223 0.03022126552420759
+2 1003403 0.01768071385526828
+2 1003576 0.0126715797559878
+2 1003884 0.02712097700963876
+2 1005765 0.01681021057570177
+2 1006311 0.01230195276051476
+2 1006420 0.02008394134407133
+2 1006560 0.0126715797559878
+2 1006620 0.0126715797559878
+2 1006793 0.02008394134407133
+2 1007607 0.01230195276051476
+2 1007775 0.01356048850481938
+2 1007912 0.0115183192561101
+2 1007977 0.02008394134407133
+2 1008068 0.02712097700963876
+2 1008679 0.0126715797559878
+2 1008831 0.0115183192561101
+2 1008899 0.0126715797559878
+2 1009994 0.01681021057570177
+2 1010769 0.02008394134407133
+2 1010791 0.01356048850481938
+2 1011301 0.0126715797559878
+2 1012185 0.02008394134407133
+2 1013871 0.02008394134407133
+2 1014853 0.01356048850481938
+2 1016179 0.01681021057570177
+2 1016289 0.01681021057570177
+2 1016369 0.006150976380257381
+2 1017114 0.0253431595119756
+2 1017173 0.01681021057570177
+2 1017602 0.02034073275722907
+2 1018165 0.02008394134407133
+2 1018174 0.01356048850481938
+2 1018883 0.02008394134407133
+2 1019196 0.0115183192561101
+2 1019688 0.02712097700963876
+2 1019929 0.0115183192561101
+2 1020006 0.02008394134407133
+2 1020555 0.0126715797559878
+2 1020677 0.01681021057570177
+2 1020740 0.03778187858468551
+2 1021827 0.02008394134407133
+2 1021884 0.0115183192561101
+2 1022182 0.005759159628055049
+2 1022749 0.0126715797559878
+2 1023852 0.01356048850481938
+2 1024122 0.01356048850481938
+2 1024664 0.01356048850481938
+2 1026711 0.01230195276051476
+2 1027300 0.01356048850481938
+2 1027631 0.02008394134407133
+2 1027652 0.01681021057570177
+2 1027973 0.0126715797559878
+2 1028155 0.01768071385526828
+2 1028295 0.0126715797559878
+2 1028315 0.03536142771053655
+2 1028638 0.01681021057570177
+2 1028738 0.02521531586355265
+2 1029602 0.02008394134407133
+2 1030059 0.0126715797559878
+2 1030226 0.01230195276051476
+2 1030554 0.01230195276051476
+2 1031121 0.0126715797559878
+2 1031815 0.02008394134407133
+2 1032173 0.01681021057570177
+2 1032791 0.01768071385526828
+2 1033089 0.01681021057570177
+2 1033256 0.0126715797559878
+2 1033699 0.01768071385526828
+2 1033833 0.0115183192561101
+2 1034350 0.0253431595119756
+2 1034416 0.0253431595119756
+2 1035161 0.01230195276051476
+2 1035177 0.01523477868628074
+2 1035802 0.01681021057570177
+2 1036243 0.01230195276051476
+2 1036844 0.02521531586355265
+2 1037044 0.04607327702444039
+2 1037251 0.01768071385526828
+2 1037326 0.02521531586355265
+2 1037360 0.02467868960085243
+2 1037916 0.02712097700963876
+2 1038731 0.0126715797559878
+2 1038768 0.01681021057570177
+2 1039039 0.01681021057570177
+2 1039166 0.02034073275722907
+2 1039328 0.01681021057570177
+2 1039896 0.01681021057570177
+2 1040201 0.004722734823085689
+2 1040273 0.02034073275722907
+2 1040325 0.02008394134407133
+2 1040381 0.0253431595119756
+2 1040913 0.02034073275722907
+2 1042343 0.02008394134407133
+2 1042627 0.01681021057570177
+2 1042774 0.01681021057570177
+2 1042815 0.01356048850481938
+2 1043231 0.01230195276051476
+2 1046133 0.01681021057570177
+2 1046509 0.01768071385526828
+2 1046561 0.0253431595119756
+2 1047335 0.0126715797559878
+2 1048455 0.02008394134407133
+3 344 0.02630862518991491
+3 711 0.01521563928250282
+3 797 0.02476226142040923
+3 1115 0.01650817428027282
+3 1420 0.01521563928250282
+3 1556 0.01315431259495746
+3 1936 0.01202206384610417
+3 2101 0.01215451805116063
+3 2180 0.01315431259495746
+3 2863 0.01215451805116063
+3 4053 0.0269129587725298
+3 4959 0.008970986257509934
+3 5205 0.01315431259495746
+3 5983 0.01315431259495746
+3 6392 0.01202206384610417
+3 6466 0.01315431259495746
+3 6578 0.01650817428027282
+3 6650 0.01973146889243619
+3 6873 0.02008196643586152
+3 7884 0.01215451805116063
+3 7923 0.01315431259495746
+3 8116 0.02008196643586152
+3 10078 0.03627649181358888
+3 10267 0.02008196643586152
+3 10483 0.01650817428027282
+3 10495 0.01927769282640831
+3 11483 0.01813824590679444
+3 11573 0.02008196643586152
+3 11819 0.01119516842341834
+3 12091 0.04934042441630464
+3 13181 0.01315431259495746
+3 13234 0.004819423206602076
+3 15162 0.01215451805116063
+3 15211 0.01813824590679444
+3 15221 0.02008196643586152
+3 15283 0.01650817428027282
+3 15761 0.01215451805116063
+3 17094 0.02630862518991491
+3 17430 0.01215451805116063
+3 18276 0.02008196643586152
+3 18950 0.01215451805116063
+3 18996 0.02008196643586152
+3 19280 0.01650817428027282
+3 19655 0.02008196643586152
+3 20498 0.01315431259495746
+3 20539 0.01813824590679444
+3 20975 0.04485493128754967
+3 21254 0.01215451805116063
+3 21296 0.01215451805116063
+3 22085 0.02008196643586152
+3 22178 0.0269129587725298
+3 22219 0.01650817428027282
+3 22365 0.02008196643586152
+3 22706 0.02430903610232127
+3 23712 0.01215451805116063
+3 23722 0.01215451805116063
+3 23832 0.02630862518991491
+3 25185 0.02008196643586152
+3 25560 0.01803309576915625
+3 25702 0.02476226142040923
+3 26089 0.02476226142040923
+3 26845 0.01202206384610417
+3 27175 0.01215451805116063
+3 27458 0.01315431259495746
+3 28880 0.01650817428027282
+3 28921 0.01202206384610417
+3 29313 0.04564691784750847
+3 29352 0.01521563928250282
+3 29735 0.01813824590679444
+3 30387 0.02008196643586152
+3 30453 0.01521563928250282
+3 31409 0.01650817428027282
+3 32045 0.01215451805116063
+3 32280 0.01215451805116063
+3 32700 0.01650817428027282
+3 32791 0.01315431259495746
+3 33076 0.02630862518991491
+3 33433 0.03627649181358888
+3 33439 0.01650817428027282
+3 33979 0.02282345892375423
+3 34041 0.02008196643586152
+3 34869 0.01650817428027282
+3 35441 0.04808825538441666
+3 35557 0.01650817428027282
+3 35828 0.01202206384610417
+3 35928 0.01521563928250282
+3 36192 0.01315431259495746
+3 36391 0.02008196643586152
+3 36463 0.01813824590679444
+3 36949 0.01215451805116063
+3 37006 0.01823177707674095
+3 37221 0.01315431259495746
+3 37278 0.01215451805116063
+3 37731 0.01813824590679444
+3 38236 0.02630862518991491
+3 38784 0.01315431259495746
+3 39491 0.02476226142040923
+3 39510 0.01315431259495746
+3 39762 0.02404412769220833
+3 40007 0.01195957756376111
+3 40090 0.01823177707674095
+3 40706 0.01215451805116063
+3 40920 0.004485493128754967
+3 40956 0.02430903610232127
+3 41204 0.02630862518991491
+3 41385 0.01650817428027282
+3 41559 0.02430903610232127
+3 41645 0.01813824590679444
+3 41800 0.06181681944178125
+3 42030 0.01650817428027282
+3 42374 0.02008196643586152
+3 42437 0.02008196643586152
+3 43077 0.02008196643586152
+3 43101 0.01521563928250282
+3 43280 0.01215451805116063
+3 43781 0.02409711603301038
+3 44107 0.01973146889243619
+3 44401 0.01650817428027282
+3 44951 0.01521563928250282
+3 45339 0.02008196643586152
+3 45548 0.01813824590679444
+3 46197 0.01215451805116063
+3 46264 0.01119516842341834
+3 46627 0.005979788781880555
+3 47204 0.01119516842341834
+3 47318 0.01119516842341834
+3 47689 0.01650817428027282
+3 48753 0.01315431259495746
+3 50670 0.01315431259495746
+3 50742 0.06055415723819205
+3 51089 0.02008196643586152
+3 52270 0.02476226142040923
+3 52454 0.02404412769220833
+3 53051 0.02008196643586152
+3 53188 0.01215451805116063
+3 53247 0.0167927526351275
+3 54215 0.01119516842341834
+3 54376 0.02630862518991491
+3 54924 0.01215451805116063
+3 55449 0.01973146889243619
+3 55827 0.01315431259495746
+3 56154 0.02239033684683667
+3 56572 0.01315431259495746
+3 56918 0.01215451805116063
+3 57320 0.02476226142040923
+3 57633 0.02404412769220833
+3 57841 0.01650817428027282
+3 57955 0.01215451805116063
+3 58055 0.01813824590679444
+3 58452 0.01215451805116063
+3 58964 0.03139845190128477
+3 59189 0.01315431259495746
+3 59839 0.01215451805116063
+3 60268 0.02430903610232127
+3 60978 0.02430903610232127
+3 61875 0.01215451805116063
+3 62239 0.01315431259495746
+3 62295 0.01215451805116063
+3 63305 0.02008196643586152
+3 64006 0.01927769282640831
+3 64473 0.01315431259495746
+3 66272 0.02239033684683667
+3 66314 0.01315431259495746
+3 68440 0.004485493128754967
+3 68543 0.01119516842341834
+3 68673 0.02430903610232127
+3 68823 0.02476226142040923
+3 68974 0.01650817428027282
+3 69047 0.01803309576915625
+3 69894 0.02476226142040923
+3 70435 0.01202206384610417
+3 70576 0.02476226142040923
+3 71207 0.01813824590679444
+3 71582 0.01215451805116063
+3 71748 0.01215451805116063
+3 71813 0.02430903610232127
+3 71957 0.02008196643586152
+3 72260 0.01315431259495746
+3 72652 0.01315431259495746
+3 72754 0.02430903610232127
+3 73923 0.01215451805116063
+3 74533 0.01215451805116063
+3 74573 0.02008196643586152
+3 74796 0.02430903610232127
+3 74947 0.02008196643586152
+3 75685 0.01521563928250282
+3 76640 0.02008196643586152
+3 77686 0.01215451805116063
+3 78532 0.01650817428027282
+3 79075 0.01973146889243619
+3 79445 0.02891653923961246
+3 79567 0.02008196643586152
+3 80087 0.01794197251501987
+3 80111 0.02008196643586152
+3 81033 0.02008196643586152
+3 81293 0.01521563928250282
+3 81722 0.03358550527025501
+3 82516 0.01521563928250282
+3 82791 0.01215451805116063
+3 83052 0.01650817428027282
+3 83437 0.01973146889243619
+3 84759 0.01813824590679444
+3 85339 0.01215451805116063
+3 86105 0.02430903610232127
+3 86128 0.01650817428027282
+3 86213 0.02008196643586152
+3 87353 0.02430903610232127
+3 87389 0.01315431259495746
+3 87631 0.02008196643586152
+3 88009 0.02008196643586152
+3 88145 0.02282345892375423
+3 88366 0.01650817428027282
+3 89687 0.01215451805116063
+3 89973 0.01650817428027282
+3 90183 0.01315431259495746
+3 90413 0.01215451805116063
+3 90693 0.02008196643586152
+3 91125 0.02630862518991491
+3 91883 0.01521563928250282
+3 92411 0.01650817428027282
+3 92986 0.02476226142040923
+3 93134 0.01215451805116063
+3 93463 0.02630862518991491
+3 93712 0.02430903610232127
+3 95929 0.01813824590679444
+3 96310 0.01119516842341834
+3 96745 0.02476226142040923
+3 96757 0.02630862518991491
+3 97508 0.01202206384610417
+3 97545 0.01215451805116063
+3 98377 0.02008196643586152
+3 98887 0.01215451805116063
+3 99007 0.01315431259495746
+3 99253 0.02430903610232127
+3 99312 0.02630862518991491
+3 99503 0.01650817428027282
+3 99549 0.01119516842341834
+3 99919 0.01215451805116063
+3 100142 0.01315431259495746
+3 101157 0.01521563928250282
+3 101208 0.01650817428027282
+3 101516 0.01650817428027282
+3 101942 0.01215451805116063
+3 102325 0.01973146889243619
+3 102726 0.01215451805116063
+3 103877 0.02008196643586152
+3 104149 0.01215451805116063
+3 104467 0.01650817428027282
+3 104772 0.01215451805116063
+3 105181 0.02239033684683667
+3 105558 0.02008196643586152
+3 105709 0.01650817428027282
+3 106814 0.01315431259495746
+3 109504 0.01315431259495746
+3 110259 0.0134564793862649
+3 110548 0.02008196643586152
+3 110562 0.01823177707674095
+3 110789 0.02476226142040923
+3 111321 0.02008196643586152
+3 112020 0.01215451805116063
+3 112083 0.01315431259495746
+3 112485 0.01215451805116063
+3 112622 0.02008196643586152
+3 112738 0.02008196643586152
+3 113322 0.01202206384610417
+3 113849 0.10763619807385
+3 114890 0.01215451805116063
+3 114962 0.01650817428027282
+3 115124 0.01215451805116063
+3 115236 0.02476226142040923
+3 115674 0.02008196643586152
+3 116396 0.02430903610232127
+3 116489 0.02630862518991491
+3 117089 0.02239033684683667
+3 117794 0.01215451805116063
+3 117854 0.04819423206602077
+3 119191 0.02630862518991491
+3 120423 0.01215451805116063
+3 120706 0.01215451805116063
+3 120867 0.01202206384610417
+3 121345 0.02630862518991491
+3 121543 0.02798792105854584
+3 122181 0.02008196643586152
+3 123532 0.02008196643586152
+3 123659 0.01315431259495746
+3 124216 0.02476226142040923
+3 124217 0.01315431259495746
+3 124644 0.02008196643586152
+3 125974 0.03627649181358888
+3 126489 0.01315431259495746
+3 126497 0.01650817428027282
+3 126521 0.01315431259495746
+3 126559 0.01315431259495746
+3 126866 0.02476226142040923
+3 127025 0.01650817428027282
+3 127491 0.01650817428027282
+3 127498 0.01202206384610417
+3 127623 0.01813824590679444
+3 128103 0.01813824590679444
+3 128137 0.02430903610232127
+3 128191 0.01315431259495746
+3 128820 0.01215451805116063
+3 128892 0.01650817428027282
+3 129391 0.01119516842341834
+3 129394 0.01650817428027282
+3 129911 0.07555389042884375
+3 130011 0.01813824590679444
+3 130711 0.02476226142040923
+3 132099 0.01813824590679444
+3 132381 0.01202206384610417
+3 134266 0.01215451805116063
+3 134341 0.01215451805116063
+3 134915 0.01813824590679444
+3 135267 0.03434267746765626
+3 135813 0.01202206384610417
+3 136064 0.02476226142040923
+3 136117 0.01650817428027282
+3 136358 0.01215451805116063
+3 137101 0.02282345892375423
+3 137507 0.02404412769220833
+3 137587 0.01119516842341834
+3 137826 0.01215451805116063
+3 139056 0.01215451805116063
+3 139139 0.01315431259495746
+3 139178 0.02008196643586152
+3 139371 0.01215451805116063
+3 139418 0.02008196643586152
+3 139565 0.02476226142040923
+3 141425 0.02239033684683667
+3 141468 0.02430903610232127
+3 141605 0.04337480885941869
+3 141807 0.01315431259495746
+3 141989 0.01215451805116063
+3 142641 0.02008196643586152
+3 143936 0.01650817428027282
+3 144163 0.02282345892375423
+3 144366 0.01215451805116063
+3 144742 0.02430903610232127
+3 146220 0.01215451805116063
+3 147311 0.02008196643586152
+3 147389 0.01973146889243619
+3 148113 0.02430903610232127
+3 148368 0.03038629512790158
+3 148628 0.01650817428027282
+3 148952 0.02008196643586152
+3 149850 0.02476226142040923
+3 150024 0.01315431259495746
+3 150643 0.01813824590679444
+3 151033 0.01315431259495746
+3 151321 0.01215451805116063
+3 151395 0.01650817428027282
+3 151642 0.01315431259495746
+3 151957 0.01521563928250282
+3 152258 0.01973146889243619
+3 152278 0.01215451805116063
+3 154442 0.02008196643586152
+3 154644 0.01315431259495746
+3 155716 0.01315431259495746
+3 156173 0.03434267746765626
+3 156265 0.01315431259495746
+3 156467 0.01202206384610417
+3 156548 0.02008196643586152
+3 156833 0.03587873269128333
+3 156855 0.01813824590679444
+3 157191 0.01119516842341834
+3 157374 0.02430903610232127
+3 157765 0.02630862518991491
+3 158098 0.01650817428027282
+3 158149 0.02008196643586152
+3 158180 0.01315431259495746
+3 158235 0.01215451805116063
+3 158517 0.01119516842341834
+3 158805 0.02630862518991491
+3 158855 0.03627649181358888
+3 159003 0.01813824590679444
+3 160242 0.01215451805116063
+3 160449 0.02430903610232127
+3 160871 0.01215451805116063
+3 161570 0.02630862518991491
+3 161822 0.01650817428027282
+3 161928 0.01521563928250282
+3 162563 0.01813824590679444
+3 162627 0.04478067369367334
+3 163143 0.02630862518991491
+3 163848 0.01650817428027282
+3 164274 0.01813824590679444
+3 166534 0.01202206384610417
+3 166673 0.01650817428027282
+3 166983 0.01202206384610417
+3 167285 0.01521563928250282
+3 167333 0.03627649181358888
+3 168043 0.01202206384610417
+3 169435 0.01315431259495746
+3 169919 0.0167927526351275
+3 169967 0.02430903610232127
+3 171204 0.01215451805116063
+3 172050 0.01315431259495746
+3 172251 0.01315431259495746
+3 172529 0.02430903610232127
+3 173141 0.02282345892375423
+3 173456 0.01803309576915625
+3 173803 0.02239033684683667
+3 173845 0.004485493128754967
+3 174185 0.01315431259495746
+3 175014 0.01315431259495746
+3 175082 0.01650817428027282
+3 175932 0.01215451805116063
+3 176213 0.01521563928250282
+3 176217 0.0364635541534819
+3 176305 0.02239033684683667
+3 176757 0.02630862518991491
+3 177200 0.01315431259495746
+3 177423 0.02630862518991491
+3 177446 0.008970986257509934
+3 177880 0.02476226142040923
+3 178021 0.01119516842341834
+3 178476 0.02630862518991491
+3 178762 0.01315431259495746
+3 178765 0.01119516842341834
+3 178778 0.01521563928250282
+3 178977 0.01315431259495746
+3 179455 0.01823177707674095
+3 180023 0.01521563928250282
+3 180057 0.01119516842341834
+3 180121 0.02430903610232127
+3 180885 0.01813824590679444
+3 181651 0.02476226142040923
+3 181786 0.01215451805116063
+3 182314 0.01315431259495746
+3 182583 0.01119516842341834
+3 182644 0.01315431259495746
+3 182645 0.01813824590679444
+3 183593 0.03038629512790158
+3 183719 0.01650817428027282
+3 184596 0.01315431259495746
+3 184704 0.01215451805116063
+3 184705 0.01650817428027282
+3 184767 0.01202206384610417
+3 184959 0.01315431259495746
+3 185254 0.01315431259495746
+3 186765 0.005979788781880555
+3 187208 0.01315431259495746
+3 187483 0.02476226142040923
+3 189199 0.01195957756376111
+3 190785 0.01315431259495746
+3 191080 0.02008196643586152
+3 191171 0.01119516842341834
+3 193165 0.02282345892375423
+3 194421 0.01650817428027282
+3 194739 0.02630862518991491
+3 195139 0.01650817428027282
+3 196214 0.01215451805116063
+3 196385 0.02008196643586152
+3 196654 0.01215451805116063
+3 196793 0.01650817428027282
+3 197385 0.02476226142040923
+3 197738 0.01119516842341834
+3 197975 0.01813824590679444
+3 198423 0.01650817428027282
+3 198453 0.02008196643586152
+3 198778 0.01315431259495746
+3 199593 0.01521563928250282
+3 200163 0.01215451805116063
+3 200659 0.02008196643586152
+3 200776 0.009638846413204153
+3 201027 0.01315431259495746
+3 201484 0.01315431259495746
+3 201972 0.02430903610232127
+3 202228 0.01927769282640831
+3 202405 0.01650817428027282
+3 202518 0.01315431259495746
+3 203362 0.01315431259495746
+3 203648 0.02008196643586152
+3 204376 0.01650817428027282
+3 204695 0.01315431259495746
+3 206024 0.01445826961980623
+3 207651 0.01119516842341834
+3 207751 0.01119516842341834
+3 207845 0.01215451805116063
+3 207923 0.01215451805116063
+3 209769 0.01215451805116063
+3 209785 0.01119516842341834
+3 209829 0.02476226142040923
+3 209871 0.02008196643586152
+3 211297 0.01650817428027282
+3 211496 0.01521563928250282
+3 212124 0.01650817428027282
+3 212823 0.02008196643586152
+3 213008 0.02008196643586152
+3 213108 0.02008196643586152
+3 213605 0.01119516842341834
+3 213972 0.01650817428027282
+3 214903 0.01315431259495746
+3 215247 0.01215451805116063
+3 215275 0.01650817428027282
+3 215831 0.03627649181358888
+3 215851 0.01813824590679444
+3 215869 0.02630862518991491
+3 217316 0.01650817428027282
+3 217437 0.01823177707674095
+3 217574 0.02008196643586152
+3 217645 0.01521563928250282
+3 218203 0.01202206384610417
+3 218424 0.02008196643586152
+3 218720 0.01973146889243619
+3 218786 0.02008196643586152
+3 218789 0.02008196643586152
+3 218869 0.01315431259495746
+3 219577 0.01119516842341834
+3 220466 0.01650817428027282
+3 220495 0.01202206384610417
+3 221696 0.02008196643586152
+3 222189 0.02008196643586152
+3 223409 0.02630862518991491
+3 223536 0.02430903610232127
+3 223999 0.01823177707674095
+3 224166 0.01215451805116063
+3 224300 0.01215451805116063
+3 224533 0.02239033684683667
+3 224559 0.01215451805116063
+3 224643 0.02430903610232127
+3 224751 0.02630862518991491
+3 224849 0.01521563928250282
+3 224863 0.01195957756376111
+3 224865 0.02008196643586152
+3 224869 0.02282345892375423
+3 225283 0.01823177707674095
+3 225470 0.02430903610232127
+3 228582 0.02430903610232127
+3 229125 0.01215451805116063
+3 229418 0.01202206384610417
+3 230746 0.01315431259495746
+3 230931 0.02630862518991491
+3 232712 0.01315431259495746
+3 232784 0.01315431259495746
+3 233197 0.02630862518991491
+3 233263 0.01215451805116063
+3 233290 0.02476226142040923
+3 233743 0.02008196643586152
+3 235047 0.01315431259495746
+3 235245 0.02008196643586152
+3 235550 0.01119516842341834
+3 235720 0.01315431259495746
+3 236656 0.01215451805116063
+3 237473 0.01315431259495746
+3 238171 0.01215451805116063
+3 238364 0.01315431259495746
+3 238922 0.01650817428027282
+3 239595 0.01215451805116063
+3 239596 0.01823177707674095
+3 240295 0.02008196643586152
+3 240526 0.01195957756376111
+3 241053 0.03288578148739364
+3 241364 0.0403694381587947
+3 241741 0.01823177707674095
+3 241838 0.02282345892375423
+3 242321 0.02008196643586152
+3 242664 0.01650817428027282
+3 242926 0.01521563928250282
+3 243024 0.04564691784750847
+3 244112 0.01650817428027282
+3 244199 0.01215451805116063
+3 244205 0.01195957756376111
+3 244368 0.01315431259495746
+3 244516 0.01315431259495746
+3 244707 0.01813824590679444
+3 244825 0.01315431259495746
+3 245190 0.01215451805116063
+3 245383 0.01215451805116063
+3 245474 0.01215451805116063
+3 245526 0.02008196643586152
+3 245636 0.03855538565281661
+3 246127 0.01215451805116063
+3 247111 0.01650817428027282
+3 247342 0.02008196643586152
+3 247445 0.02239033684683667
+3 247971 0.01315431259495746
+3 248167 0.01650817428027282
+3 249283 0.01215451805116063
+3 249333 0.02008196643586152
+3 249621 0.01119516842341834
+3 250040 0.02430903610232127
+3 251195 0.01215451805116063
+3 251484 0.01650817428027282
+3 251700 0.01202206384610417
+3 252527 0.01650817428027282
+3 252892 0.01315431259495746
+3 254917 0.02008196643586152
+3 254999 0.01315431259495746
+3 255397 0.01215451805116063
+3 255555 0.01521563928250282
+3 255652 0.02630862518991491
+3 255955 0.01315431259495746
+3 256309 0.02008196643586152
+3 256778 0.02476226142040923
+3 256843 0.01202206384610417
+3 257127 0.01650817428027282
+3 257185 0.01315431259495746
+3 257273 0.02008196643586152
+3 257301 0.03288578148739364
+3 257539 0.01195957756376111
+3 257762 0.01215451805116063
+3 258131 0.01650817428027282
+3 258506 0.01521563928250282
+3 258648 0.02008196643586152
+3 258789 0.01521563928250282
+3 259035 0.02008196643586152
+3 261723 0.01215451805116063
+3 262259 0.03627649181358888
+3 262715 0.02008196643586152
+3 263325 0.01315431259495746
+3 263399 0.01813824590679444
+3 263406 0.01215451805116063
+3 263783 0.01315431259495746
+3 263880 0.01215451805116063
+3 264321 0.01202206384610417
+3 264898 0.01315431259495746
+3 265472 0.01650817428027282
+3 266379 0.03043127856500565
+3 266788 0.01521563928250282
+3 266824 0.01215451805116063
+3 267317 0.02008196643586152
+3 267370 0.01650817428027282
+3 268387 0.04478067369367334
+3 268503 0.02008196643586152
+3 269030 0.02630862518991491
+3 269138 0.01650817428027282
+3 269325 0.02008196643586152
+3 269409 0.02239033684683667
+3 269645 0.01973146889243619
+3 269895 0.01315431259495746
+3 269952 0.01973146889243619
+3 270190 0.01650817428027282
+3 270299 0.02404412769220833
+3 271773 0.01650817428027282
+3 272335 0.01215451805116063
+3 272372 0.01215451805116063
+3 272708 0.02239033684683667
+3 272841 0.01315431259495746
+3 273036 0.01973146889243619
+3 273067 0.01119516842341834
+3 273555 0.09567662051008888
+3 274215 0.02008196643586152
+3 274243 0.01813824590679444
+3 274331 0.02008196643586152
+3 274505 0.02008196643586152
+3 274591 0.02282345892375423
+3 274746 0.06279690380256954
+3 275005 0.01202206384610417
+3 275114 0.01315431259495746
+3 275320 0.02476226142040923
+3 276179 0.01215451805116063
+3 276774 0.01315431259495746
+3 276973 0.01215451805116063
+3 277810 0.004819423206602076
+3 278494 0.01202206384610417
+3 278757 0.01973146889243619
+3 280121 0.01650817428027282
+3 280157 0.02008196643586152
+3 280286 0.01315431259495746
+3 280567 0.01215451805116063
+3 280934 0.01215451805116063
+3 281699 0.01215451805116063
+3 282367 0.01521563928250282
+3 282372 0.01315431259495746
+3 283380 0.01315431259495746
+3 283688 0.04578452046271973
+3 284035 0.02476226142040923
+3 284944 0.01202206384610417
+3 285203 0.01119516842341834
+3 285216 0.02008196643586152
+3 285400 0.02239033684683667
+3 285569 0.01315431259495746
+3 285819 0.01315431259495746
+3 286193 0.01813824590679444
+3 286203 0.01650817428027282
+3 286733 0.02630862518991491
+3 286939 0.01315431259495746
+3 287322 0.02476226142040923
+3 287742 0.01650817428027282
+3 287956 0.01650817428027282
+3 288395 0.03038629512790158
+3 288457 0.01215451805116063
+3 289100 0.02404412769220833
+3 289751 0.02008196643586152
+3 289845 0.02008196643586152
+3 290266 0.01973146889243619
+3 290325 0.01813824590679444
+3 290579 0.02239033684683667
+3 290753 0.02391915512752222
+3 290787 0.02008196643586152
+3 291001 0.01119516842341834
+3 291448 0.01315431259495746
+3 291649 0.01215451805116063
+3 291722 0.01315431259495746
+3 292426 0.01315431259495746
+3 292489 0.01202206384610417
+3 292587 0.03139845190128477
+3 292637 0.02476226142040923
+3 293500 0.01195957756376111
+3 293924 0.02630862518991491
+3 294219 0.01521563928250282
+3 295473 0.01215451805116063
+3 296163 0.01215451805116063
+3 296557 0.01215451805116063
+3 297150 0.01650817428027282
+3 298361 0.01521563928250282
+3 298488 0.01315431259495746
+3 299101 0.01650817428027282
+3 299218 0.01813824590679444
+3 300086 0.01215451805116063
+3 300386 0.01315431259495746
+3 301537 0.01119516842341834
+3 301591 0.004485493128754967
+3 301619 0.01973146889243619
+3 301769 0.02630862518991491
+3 301920 0.02008196643586152
+3 301993 0.02282345892375423
+3 302035 0.01315431259495746
+3 302840 0.02008196643586152
+3 303522 0.02630862518991491
+3 304002 0.01650817428027282
+3 304165 0.01215451805116063
+3 304325 0.01215451805116063
+3 304565 0.0167927526351275
+3 304759 0.01973146889243619
+3 304903 0.01650817428027282
+3 305046 0.02476226142040923
+3 305700 0.02630862518991491
+3 306435 0.02008196643586152
+3 306537 0.01650817428027282
+3 306675 0.01215451805116063
+3 306727 0.01521563928250282
+3 306923 0.01813824590679444
+3 307519 0.02476226142040923
+3 307582 0.02430903610232127
+3 307729 0.01215451805116063
+3 308371 0.01315431259495746
+3 309230 0.02476226142040923
+3 309491 0.01202206384610417
+3 309586 0.02430903610232127
+3 309591 0.02008196643586152
+3 309891 0.02008196643586152
+3 310504 0.01650817428027282
+3 310675 0.01215451805116063
+3 310753 0.01521563928250282
+3 311589 0.02008196643586152
+3 312091 0.02008196643586152
+3 313069 0.01650817428027282
+3 313613 0.01650817428027282
+3 313643 0.02008196643586152
+3 313979 0.01650817428027282
+3 314083 0.02008196643586152
+3 314668 0.02404412769220833
+3 315113 0.01119516842341834
+3 316383 0.01823177707674095
+3 318646 0.01521563928250282
+3 319051 0.01973146889243619
+3 319851 0.01650817428027282
+3 319954 0.01650817428027282
+3 319970 0.01315431259495746
+3 320045 0.02430903610232127
+3 320299 0.01973146889243619
+3 320330 0.01215451805116063
+3 320863 0.01315431259495746
+3 320955 0.01650817428027282
+3 321063 0.02008196643586152
+3 321091 0.01813824590679444
+3 321435 0.01119516842341834
+3 321631 0.01202206384610417
+3 321902 0.03434267746765626
+3 322107 0.01215451805116063
+3 322258 0.01650817428027282
+3 322633 0.02008196643586152
+3 322837 0.01521563928250282
+3 324030 0.01315431259495746
+3 324071 0.02430903610232127
+3 324977 0.01650817428027282
+3 325713 0.01521563928250282
+3 325932 0.02008196643586152
+3 326112 0.01215451805116063
+3 326378 0.01315431259495746
+3 326409 0.02476226142040923
+3 326658 0.02008196643586152
+3 328429 0.01813824590679444
+3 328437 0.01650817428027282
+3 328633 0.01315431259495746
+3 328875 0.01521563928250282
+3 328931 0.01315431259495746
+3 329691 0.02008196643586152
+3 329703 0.03038629512790158
+3 329721 0.01215451805116063
+3 331789 0.01119516842341834
+3 331953 0.01650817428027282
+3 332199 0.02630862518991491
+3 332258 0.01650817428027282
+3 332265 0.01650817428027282
+3 332667 0.01195957756376111
+3 332935 0.01521563928250282
+3 333116 0.01315431259495746
+3 333921 0.01215451805116063
+3 334063 0.01215451805116063
+3 334148 0.01202206384610417
+3 334154 0.02630862518991491
+3 334293 0.01202206384610417
+3 335102 0.01215451805116063
+3 335271 0.02430903610232127
+3 335979 0.01202206384610417
+3 337095 0.01315431259495746
+3 337185 0.02008196643586152
+3 337735 0.01215451805116063
+3 338006 0.02630862518991491
+3 338206 0.03627649181358888
+3 338504 0.02476226142040923
+3 339078 0.02476226142040923
+3 339127 0.01315431259495746
+3 340304 0.01315431259495746
+3 340566 0.01650817428027282
+3 341255 0.01215451805116063
+3 341878 0.01119516842341834
+3 342384 0.01119516842341834
+3 342440 0.01202206384610417
+3 343508 0.01315431259495746
+3 343735 0.02008196643586152
+3 345093 0.02430903610232127
+3 345199 0.01315431259495746
+3 345568 0.01650817428027282
+3 345633 0.02008196643586152
+3 345684 0.01650817428027282
+3 346795 0.082422425922375
+3 348217 0.02008196643586152
+3 348620 0.02476226142040923
+3 349276 0.01215451805116063
+3 349281 0.01202206384610417
+3 349435 0.02430903610232127
+3 349538 0.01315431259495746
+3 349888 0.01315431259495746
+3 350035 0.01803309576915625
+3 350103 0.01202206384610417
+3 350535 0.01315431259495746
+3 350800 0.0538259175450596
+3 351070 0.01521563928250282
+3 351615 0.01521563928250282
+3 352137 0.02476226142040923
+3 353320 0.01650817428027282
+3 354291 0.02430903610232127
+3 354428 0.01215451805116063
+3 354489 0.01813824590679444
+3 354881 0.01521563928250282
+3 354925 0.01215451805116063
+3 356044 0.01215451805116063
+3 356759 0.01650817428027282
+3 356922 0.01650817428027282
+3 357007 0.01215451805116063
+3 357162 0.02630862518991491
+3 357854 0.02430903610232127
+3 358920 0.03043127856500565
+3 359248 0.01215451805116063
+3 359443 0.02008196643586152
+3 359812 0.02008196643586152
+3 360005 0.01215451805116063
+3 360982 0.01119516842341834
+3 361049 0.02239033684683667
+3 361083 0.02630862518991491
+3 361267 0.01215451805116063
+3 361458 0.01521563928250282
+3 361555 0.01215451805116063
+3 361829 0.0412112129611875
+3 362042 0.01315431259495746
+3 362225 0.01215451805116063
+3 362467 0.02008196643586152
+3 362857 0.1031663419613642
+3 363555 0.01315431259495746
+3 363605 0.01315431259495746
+3 363657 0.02630862518991491
+3 364616 0.01202206384610417
+3 364949 0.01119516842341834
+3 365021 0.01315431259495746
+3 365207 0.01215451805116063
+3 366022 0.01315431259495746
+3 366889 0.01521563928250282
+3 367875 0.01813824590679444
+3 367907 0.01315431259495746
+3 368014 0.02430903610232127
+3 368725 0.01315431259495746
+3 368734 0.02430903610232127
+3 369010 0.02630862518991491
+3 369621 0.01650817428027282
+3 370047 0.01813824590679444
+3 371306 0.01202206384610417
+3 372124 0.02476226142040923
+3 372364 0.02476226142040923
+3 372511 0.02008196643586152
+3 372649 0.01650817428027282
+3 373096 0.01650817428027282
+3 373230 0.01315431259495746
+3 374161 0.02008196643586152
+3 374313 0.01650817428027282
+3 374371 0.03005515961526042
+3 374551 0.0403694381587947
+3 374753 0.01650817428027282
+3 375487 0.004819423206602076
+3 376527 0.01215451805116063
+3 376529 0.01650817428027282
+3 377688 0.01315431259495746
+3 378133 0.01315431259495746
+3 378740 0.01650817428027282
+3 378835 0.01315431259495746
+3 380125 0.02430903610232127
+3 380335 0.02430903610232127
+3 380731 0.01315431259495746
+3 381027 0.01813824590679444
+3 381059 0.02630862518991491
+3 381314 0.02008196643586152
+3 381898 0.02430903610232127
+3 381910 0.01215451805116063
+3 382438 0.01315431259495746
+3 382796 0.02008196643586152
+3 382814 0.02476226142040923
+3 383056 0.01650817428027282
+3 383220 0.01315431259495746
+3 383382 0.01650817428027282
+3 383717 0.02404412769220833
+3 384309 0.01315431259495746
+3 384855 0.02008196643586152
+3 385144 0.01315431259495746
+3 385204 0.02430903610232127
+3 385715 0.01119516842341834
+3 385781 0.02008196643586152
+3 386025 0.01215451805116063
+3 386345 0.01315431259495746
+3 387388 0.01650817428027282
+3 387974 0.02476226142040923
+3 388326 0.01215451805116063
+3 388461 0.01813824590679444
+3 388496 0.01315431259495746
+3 389229 0.02630862518991491
+3 389623 0.004819423206602076
+3 389801 0.0167927526351275
+3 390320 0.02630862518991491
+3 390694 0.02008196643586152
+3 390711 0.02430903610232127
+3 390811 0.01315431259495746
+3 390942 0.02476226142040923
+3 391054 0.005979788781880555
+3 391640 0.008970986257509934
+3 391750 0.01650817428027282
+3 391751 0.02430903610232127
+3 392560 0.01650817428027282
+3 393395 0.02630862518991491
+3 393845 0.02476226142040923
+3 394516 0.02430903610232127
+3 395286 0.02239033684683667
+3 395513 0.02008196643586152
+3 395557 0.01215451805116063
+3 396089 0.02476226142040923
+3 396173 0.01650817428027282
+3 396734 0.01202206384610417
+3 396794 0.01315431259495746
+3 397149 0.01315431259495746
+3 397220 0.02282345892375423
+3 397506 0.01521563928250282
+3 398135 0.01315431259495746
+3 398214 0.01315431259495746
+3 399196 0.01215451805116063
+3 399853 0.01650817428027282
+3 399959 0.01202206384610417
+3 400231 0.01813824590679444
+3 400945 0.01650817428027282
+3 401071 0.02008196643586152
+3 402051 0.02409711603301038
+3 402865 0.01813824590679444
+3 402913 0.02008196643586152
+3 402965 0.01315431259495746
+3 403661 0.01215451805116063
+3 403884 0.01215451805116063
+3 404390 0.01119516842341834
+3 404918 0.01215451805116063
+3 405475 0.02630862518991491
+3 405988 0.01215451805116063
+3 406087 0.01813824590679444
+3 406402 0.01521563928250282
+3 407191 0.02008196643586152
+3 408237 0.01315431259495746
+3 409163 0.02630862518991491
+3 409251 0.01202206384610417
+3 409413 0.008970986257509934
+3 409699 0.02008196643586152
+3 409703 0.02430903610232127
+3 410006 0.02008196643586152
+3 410369 0.02476226142040923
+3 410826 0.02630862518991491
+3 412205 0.01119516842341834
+3 412401 0.02008196643586152
+3 412451 0.01215451805116063
+3 412969 0.01202206384610417
+3 413067 0.02630862518991491
+3 413673 0.01315431259495746
+3 413831 0.02282345892375423
+3 414453 0.01650817428027282
+3 415899 0.01650817428027282
+3 416280 0.01202206384610417
+3 416539 0.02630862518991491
+3 417019 0.01119516842341834
+3 417055 0.01315431259495746
+3 417415 0.01215451805116063
+3 417651 0.02008196643586152
+3 417672 0.01650817428027282
+3 418318 0.01215451805116063
+3 419563 0.03627649181358888
+3 419676 0.01215451805116063
+3 420441 0.02008196643586152
+3 420765 0.01315431259495746
+3 421087 0.01215451805116063
+3 422853 0.01521563928250282
+3 423978 0.01650817428027282
+3 424026 0.01823177707674095
+3 424081 0.01521563928250282
+3 424094 0.01521563928250282
+3 424534 0.02008196643586152
+3 424685 0.02430903610232127
+3 424843 0.01119516842341834
+3 425184 0.01119516842341834
+3 425368 0.01315431259495746
+3 425561 0.01215451805116063
+3 425891 0.01650817428027282
+3 426111 0.01813824590679444
+3 426215 0.01202206384610417
+3 426273 0.01650817428027282
+3 427270 0.01202206384610417
+3 428185 0.01315431259495746
+3 428813 0.02476226142040923
+3 429857 0.02008196643586152
+3 430331 0.02008196643586152
+3 430417 0.02008196643586152
+3 431304 0.01315431259495746
+3 431508 0.01119516842341834
+3 432790 0.01973146889243619
+3 432875 0.01215451805116063
+3 433703 0.01813824590679444
+3 435229 0.01315431259495746
+3 435351 0.02008196643586152
+3 436594 0.01823177707674095
+3 436785 0.02008196643586152
+3 437219 0.02008196643586152
+3 437322 0.01315431259495746
+3 438918 0.004819423206602076
+3 440291 0.01813824590679444
+3 441395 0.01650817428027282
+3 441552 0.01215451805116063
+3 441779 0.02242746564377483
+3 442775 0.02008196643586152
+3 443700 0.01215451805116063
+3 445221 0.02008196643586152
+3 445546 0.01215451805116063
+3 445733 0.01119516842341834
+3 445954 0.01215451805116063
+3 447055 0.02008196643586152
+3 447747 0.01813824590679444
+3 448509 0.01215451805116063
+3 448632 0.01315431259495746
+3 448815 0.03038629512790158
+3 449029 0.01119516842341834
+3 449121 0.01650817428027282
+3 449596 0.01650817428027282
+3 450383 0.01315431259495746
+3 450520 0.02476226142040923
+3 451355 0.01215451805116063
+3 451370 0.03038629512790158
+3 451666 0.01650817428027282
+3 451732 0.01650817428027282
+3 452294 0.01650817428027282
+3 452651 0.02008196643586152
+3 453366 0.01315431259495746
+3 453412 0.02008196643586152
+3 453817 0.01215451805116063
+3 454642 0.02430903610232127
+3 455135 0.01650817428027282
+3 455552 0.01650817428027282
+3 455623 0.01315431259495746
+3 456078 0.01650817428027282
+3 456114 0.01315431259495746
+3 456355 0.0364635541534819
+3 456482 0.02008196643586152
+3 456945 0.02008196643586152
+3 456962 0.01445826961980623
+3 457305 0.02008196643586152
+3 457315 0.01813824590679444
+3 457479 0.02404412769220833
+3 457697 0.02476226142040923
+3 457795 0.01813824590679444
+3 457815 0.01813824590679444
+3 458297 0.01315431259495746
+3 458416 0.02630862518991491
+3 458576 0.01215451805116063
+3 458695 0.01650817428027282
+3 458798 0.01215451805116063
+3 458904 0.01215451805116063
+3 459153 0.01119516842341834
+3 459526 0.01315431259495746
+3 460286 0.03038629512790158
+3 461015 0.02008196643586152
+3 461528 0.02630862518991491
+3 461794 0.01315431259495746
+3 462154 0.01315431259495746
+3 462975 0.01215451805116063
+3 464561 0.01650817428027282
+3 464765 0.01650817428027282
+3 464974 0.02630862518991491
+3 465643 0.02008196643586152
+3 465683 0.01215451805116063
+3 465706 0.01521563928250282
+3 466134 0.02008196643586152
+3 466143 0.03038629512790158
+3 466236 0.02008196643586152
+3 466689 0.02430903610232127
+3 467462 0.01215451805116063
+3 467993 0.01650817428027282
+3 468025 0.01521563928250282
+3 468191 0.01650817428027282
+3 468461 0.01215451805116063
+3 468741 0.01650817428027282
+3 469445 0.02008196643586152
+3 469937 0.01215451805116063
+3 469959 0.01813824590679444
+3 470605 0.01521563928250282
+3 470800 0.01215451805116063
+3 471169 0.02404412769220833
+3 471521 0.01215451805116063
+3 471572 0.01119516842341834
+3 473270 0.02430903610232127
+3 473734 0.01315431259495746
+3 473999 0.02430903610232127
+3 474382 0.02430903610232127
+3 474687 0.01973146889243619
+3 474784 0.01813824590679444
+3 475117 0.01650817428027282
+3 475365 0.01215451805116063
+3 475970 0.04808825538441666
+3 476213 0.01215451805116063
+3 477443 0.01794197251501987
+3 477764 0.01650817428027282
+3 478472 0.02476226142040923
+3 479073 0.02008196643586152
+3 479139 0.01119516842341834
+3 479633 0.01315431259495746
+3 480260 0.02404412769220833
+3 480288 0.01650817428027282
+3 481113 0.01973146889243619
+3 481474 0.01315431259495746
+3 482345 0.01315431259495746
+3 482567 0.01202206384610417
+3 482986 0.02008196643586152
+3 483701 0.01215451805116063
+3 484341 0.02008196643586152
+3 485083 0.02008196643586152
+3 485540 0.01215451805116063
+3 487611 0.01315431259495746
+3 487653 0.02008196643586152
+3 489267 0.01215451805116063
+3 489724 0.02008196643586152
+3 490247 0.02430903610232127
+3 490733 0.01315431259495746
+3 491013 0.01521563928250282
+3 491206 0.02008196643586152
+3 491337 0.02008196643586152
+3 491452 0.01813824590679444
+3 491594 0.02430903610232127
+3 491641 0.01650817428027282
+3 491735 0.01813824590679444
+3 493106 0.008970986257509934
+3 493421 0.01315431259495746
+3 493657 0.01521563928250282
+3 493901 0.02404412769220833
+3 494309 0.02008196643586152
+3 494937 0.02008196643586152
+3 496345 0.01119516842341834
+3 497931 0.01315431259495746
+3 498175 0.01315431259495746
+3 498366 0.01315431259495746
+3 498773 0.01650817428027282
+3 499200 0.01202206384610417
+3 499358 0.01650817428027282
+3 499457 0.01315431259495746
+3 499829 0.01215451805116063
+3 500381 0.02239033684683667
+3 500666 0.01315431259495746
+3 500950 0.01215451805116063
+3 501449 0.01823177707674095
+3 501976 0.02430903610232127
+3 502084 0.02008196643586152
+3 502271 0.01650817428027282
+3 502355 0.01803309576915625
+3 502591 0.01823177707674095
+3 502617 0.01215451805116063
+3 502841 0.01650817428027282
+3 502898 0.01650817428027282
+3 502907 0.01215451805116063
+3 503136 0.02008196643586152
+3 503867 0.01521563928250282
+3 504382 0.01650817428027282
+3 504555 0.01315431259495746
+3 504748 0.01315431259495746
+3 506286 0.02430903610232127
+3 506479 0.01521563928250282
+3 507451 0.01650817428027282
+3 507537 0.02404412769220833
+3 507692 0.05301365527262285
+3 508029 0.01650817428027282
+3 508266 0.01973146889243619
+3 508659 0.01650817428027282
+3 508787 0.01215451805116063
+3 508811 0.01119516842341834
+3 509919 0.01315431259495746
+3 510712 0.01119516842341834
+3 511703 0.02430903610232127
+3 512365 0.03627649181358888
+3 512453 0.02008196643586152
+3 513717 0.01202206384610417
+3 514175 0.01202206384610417
+3 514393 0.02008196643586152
+3 515063 0.01215451805116063
+3 515491 0.01315431259495746
+3 516634 0.04185852147316389
+3 517159 0.01650817428027282
+3 517337 0.02008196643586152
+3 517781 0.01521563928250282
+3 518162 0.02430903610232127
+3 518271 0.01215451805116063
+3 518346 0.01813824590679444
+3 518705 0.02008196643586152
+3 519139 0.01521563928250282
+3 519173 0.01650817428027282
+3 519679 0.02430903610232127
+3 520184 0.01650817428027282
+3 520268 0.02008196643586152
+3 521989 0.01650817428027282
+3 523212 0.01823177707674095
+3 523271 0.02282345892375423
+3 523541 0.01813824590679444
+3 523687 0.01215451805116063
+3 523735 0.01315431259495746
+3 523947 0.01202206384610417
+3 525583 0.02008196643586152
+3 525851 0.01215451805116063
+3 525908 0.01215451805116063
+3 526088 0.01215451805116063
+3 526721 0.01315431259495746
+3 526946 0.01521563928250282
+3 527327 0.01650817428027282
+3 527398 0.01521563928250282
+3 527639 0.02008196643586152
+3 528214 0.02476226142040923
+3 528332 0.01315431259495746
+3 528573 0.01315431259495746
+3 528624 0.01315431259495746
+3 529029 0.01650817428027282
+3 529053 0.01202206384610417
+3 531389 0.02630862518991491
+3 531908 0.0134564793862649
+3 531983 0.01215451805116063
+3 532033 0.01215451805116063
+3 532164 0.02282345892375423
+3 532361 0.01215451805116063
+3 532980 0.01202206384610417
+3 533265 0.004485493128754967
+3 534715 0.02430903610232127
+3 534866 0.02430903610232127
+3 534939 0.01813824590679444
+3 535273 0.01650817428027282
+3 535303 0.01215451805116063
+3 535786 0.02430903610232127
+3 536468 0.02430903610232127
+3 536889 0.01315431259495746
+3 537221 0.02630862518991491
+3 537511 0.01803309576915625
+3 537520 0.01650817428027282
+3 537663 0.01315431259495746
+3 537705 0.01650817428027282
+3 537849 0.01973146889243619
+3 537992 0.02008196643586152
+3 539527 0.01215451805116063
+3 539771 0.01315431259495746
+3 540465 0.02630862518991491
+3 540474 0.01202206384610417
+3 540528 0.02630862518991491
+3 541994 0.01315431259495746
+3 542176 0.02008196643586152
+3 542532 0.03288578148739364
+3 543158 0.01215451805116063
+3 543333 0.0134564793862649
+3 544109 0.01813824590679444
+3 544228 0.01315431259495746
+3 544477 0.02476226142040923
+3 544717 0.01119516842341834
+3 544877 0.01315431259495746
+3 545201 0.01119516842341834
+3 546555 0.01215451805116063
+3 546620 0.01215451805116063
+3 548140 0.01650817428027282
+3 548733 0.01521563928250282
+3 549329 0.02008196643586152
+3 550139 0.01202206384610417
+3 550397 0.01823177707674095
+3 550646 0.01650817428027282
+3 551032 0.01315431259495746
+3 551222 0.01650817428027282
+3 551305 0.02008196643586152
+3 551355 0.02008196643586152
+3 551592 0.01813824590679444
+3 551619 0.01650817428027282
+3 551710 0.02008196643586152
+3 551867 0.01119516842341834
+3 552035 0.01813824590679444
+3 552314 0.01202206384610417
+3 552644 0.01650817428027282
+3 552991 0.02630862518991491
+3 553087 0.01215451805116063
+3 554171 0.005979788781880555
+3 554273 0.01202206384610417
+3 554286 0.01315431259495746
+3 554848 0.02989894390940278
+3 555212 0.01119516842341834
+3 555579 0.01650817428027282
+3 555640 0.01315431259495746
+3 555843 0.01315431259495746
+3 555941 0.01650817428027282
+3 556469 0.01927769282640831
+3 556516 0.01215451805116063
+3 556689 0.02008196643586152
+3 556895 0.01650817428027282
+3 557017 0.02008196643586152
+3 557217 0.02008196643586152
+3 558654 0.01650817428027282
+3 558783 0.01215451805116063
+3 559219 0.01650817428027282
+3 559355 0.02008196643586152
+3 559604 0.02476226142040923
+3 559651 0.01215451805116063
+3 560127 0.01315431259495746
+3 560324 0.01315431259495746
+3 560395 0.01119516842341834
+3 560989 0.01215451805116063
+3 561463 0.01650817428027282
+3 562454 0.01215451805116063
+3 562649 0.02008196643586152
+3 562846 0.03038629512790158
+3 562987 0.02008196643586152
+3 563710 0.01973146889243619
+3 563718 0.01315431259495746
+3 564899 0.02008196643586152
+3 565145 0.02476226142040923
+3 565204 0.02008196643586152
+3 567100 0.02430903610232127
+3 567769 0.02008196643586152
+3 567843 0.01650817428027282
+3 567941 0.01521563928250282
+3 568071 0.01650817428027282
+3 568123 0.01650817428027282
+3 568217 0.02008196643586152
+3 569519 0.01215451805116063
+3 570041 0.01650817428027282
+3 570063 0.01521563928250282
+3 570304 0.01650817428027282
+3 570952 0.03038629512790158
+3 571152 0.04564691784750847
+3 571450 0.01973146889243619
+3 571843 0.009638846413204153
+3 572024 0.02008196643586152
+3 572514 0.01315431259495746
+3 573185 0.01650817428027282
+3 573974 0.01650817428027282
+3 574381 0.02008196643586152
+3 575021 0.02008196643586152
+3 575961 0.02008196643586152
+3 576681 0.02430903610232127
+3 576853 0.01119516842341834
+3 576861 0.01315431259495746
+3 577069 0.01315431259495746
+3 578039 0.01973146889243619
+3 578064 0.01215451805116063
+3 578166 0.01215451805116063
+3 578403 0.01650817428027282
+3 578474 0.01650817428027282
+3 578514 0.01973146889243619
+3 578619 0.02008196643586152
+3 579352 0.01215451805116063
+3 579500 0.01215451805116063
+3 579620 0.01215451805116063
+3 579681 0.01650817428027282
+3 579768 0.01315431259495746
+3 580669 0.02476226142040923
+3 581435 0.01215451805116063
+3 582560 0.01119516842341834
+3 582730 0.01521563928250282
+3 582828 0.01650817428027282
+3 583463 0.01650817428027282
+3 583550 0.01215451805116063
+3 583611 0.02008196643586152
+3 583732 0.01650817428027282
+3 583746 0.04807974845471875
+3 584579 0.01215451805116063
+3 584706 0.01521563928250282
+3 584763 0.04807974845471875
+3 585083 0.02008196643586152
+3 585191 0.01215451805116063
+3 587435 0.02282345892375423
+3 587884 0.01215451805116063
+3 588449 0.01202206384610417
+3 589334 0.02008196643586152
+3 589339 0.01215451805116063
+3 590108 0.02430903610232127
+3 590199 0.01119516842341834
+3 590800 0.02630862518991491
+3 591310 0.01315431259495746
+3 591592 0.01119516842341834
+3 591866 0.0360661915383125
+3 592222 0.01215451805116063
+3 592829 0.01521563928250282
+3 592865 0.02008196643586152
+3 592951 0.01315431259495746
+3 593712 0.01315431259495746
+3 593729 0.01650817428027282
+3 593964 0.01215451805116063
+3 593995 0.01803309576915625
+3 594441 0.01119516842341834
+3 594598 0.01202206384610417
+3 594775 0.053818099036925
+3 595190 0.01215451805116063
+3 595373 0.01215451805116063
+3 595803 0.1084370221485467
+3 596032 0.01315431259495746
+3 596548 0.01315431259495746
+3 596603 0.03038629512790158
+3 596952 0.01202206384610417
+3 597895 0.01202206384610417
+3 597967 0.01215451805116063
+3 598774 0.008970986257509934
+3 600226 0.01794197251501987
+3 600792 0.01215451805116063
+3 600953 0.01650817428027282
+3 600960 0.01973146889243619
+3 601680 0.01973146889243619
+3 601956 0.01823177707674095
+3 602178 0.01315431259495746
+3 602993 0.02239033684683667
+3 604022 0.0134564793862649
+3 605225 0.03139845190128477
+3 605390 0.02476226142040923
+3 605457 0.02430903610232127
+3 606350 0.01215451805116063
+3 606892 0.01119516842341834
+3 607497 0.03434267746765626
+3 607699 0.02008196643586152
+3 607869 0.01315431259495746
+3 608493 0.01813824590679444
+3 608773 0.02430903610232127
+3 608811 0.02008196643586152
+3 608932 0.01215451805116063
+3 609181 0.01215451805116063
+3 609511 0.01315431259495746
+3 610634 0.01650817428027282
+3 611811 0.01813824590679444
+3 611997 0.05037825790538251
+3 613071 0.02630862518991491
+3 613124 0.01202206384610417
+3 613281 0.02008196643586152
+3 614260 0.02476226142040923
+3 614331 0.01215451805116063
+3 614844 0.02630862518991491
+3 615384 0.01215451805116063
+3 615760 0.02008196643586152
+3 616117 0.0360661915383125
+3 616136 0.01315431259495746
+3 616663 0.02239033684683667
+3 616733 0.02008196643586152
+3 617266 0.01650817428027282
+3 617395 0.01202206384610417
+3 618125 0.03627649181358888
+3 620045 0.01315431259495746
+3 620105 0.02008196643586152
+3 620879 0.02008196643586152
+3 620920 0.02008196643586152
+3 620922 0.01315431259495746
+3 621490 0.01650817428027282
+3 622175 0.02430903610232127
+3 622446 0.01813824590679444
+3 622747 0.01202206384610417
+3 622774 0.01650817428027282
+3 623266 0.02476226142040923
+3 623640 0.01650817428027282
+3 623657 0.02008196643586152
+3 623888 0.02008196643586152
+3 623961 0.01315431259495746
+3 624069 0.01215451805116063
+3 624386 0.01315431259495746
+3 624697 0.02008196643586152
+3 624972 0.01315431259495746
+3 625376 0.01650817428027282
+3 625532 0.01202206384610417
+3 625667 0.01813824590679444
+3 625769 0.01521563928250282
+3 626638 0.01650817428027282
+3 626791 0.02008196643586152
+3 627157 0.01315431259495746
+3 627686 0.01315431259495746
+3 628067 0.04807974845471875
+3 628232 0.02404412769220833
+3 629035 0.02008196643586152
+3 629688 0.01650817428027282
+3 629740 0.01823177707674095
+3 630633 0.01315431259495746
+3 631033 0.02008196643586152
+3 631437 0.02008196643586152
+3 632711 0.01315431259495746
+3 633121 0.02008196643586152
+3 633177 0.0167927526351275
+3 633495 0.01202206384610417
+3 633773 0.02630862518991491
+3 635129 0.02008196643586152
+3 635811 0.02282345892375423
+3 635859 0.02476226142040923
+3 636432 0.01215451805116063
+3 636455 0.01215451805116063
+3 636789 0.01650817428027282
+3 636869 0.02008196643586152
+3 637283 0.01119516842341834
+3 638103 0.01650817428027282
+3 638133 0.02008196643586152
+3 638838 0.01521563928250282
+3 639033 0.02239033684683667
+3 639348 0.01813824590679444
+3 639353 0.01315431259495746
+3 640317 0.01813824590679444
+3 640525 0.02430903610232127
+3 640923 0.01650817428027282
+3 641623 0.01650817428027282
+3 642137 0.02008196643586152
+3 642203 0.06181681944178125
+3 642649 0.02008196643586152
+3 642952 0.01650817428027282
+3 643315 0.02008196643586152
+3 643634 0.0134564793862649
+3 643662 0.02476226142040923
+3 643772 0.02430903610232127
+3 644220 0.005979788781880555
+3 645114 0.01119516842341834
+3 645258 0.01315431259495746
+3 645301 0.01315431259495746
+3 645345 0.01215451805116063
+3 645347 0.02476226142040923
+3 645915 0.0167927526351275
+3 646777 0.02404412769220833
+3 647092 0.01215451805116063
+3 647848 0.01202206384610417
+3 648063 0.01119516842341834
+3 648903 0.02008196643586152
+3 650741 0.01813824590679444
+3 650936 0.01650817428027282
+3 651357 0.01650817428027282
+3 651520 0.01215451805116063
+3 652035 0.01650817428027282
+3 652362 0.01650817428027282
+3 652514 0.01521563928250282
+3 653009 0.02008196643586152
+3 653537 0.02008196643586152
+3 654373 0.01650817428027282
+3 655093 0.02008196643586152
+3 655240 0.01202206384610417
+3 655438 0.02476226142040923
+3 655446 0.01650817428027282
+3 655537 0.01445826961980623
+3 655929 0.02008196643586152
+3 656149 0.01215451805116063
+3 656972 0.01973146889243619
+3 657480 0.02476226142040923
+3 657631 0.01973146889243619
+3 657797 0.01650817428027282
+3 659057 0.0167927526351275
+3 659135 0.01315431259495746
+3 659879 0.01215451805116063
+3 660651 0.01650817428027282
+3 661073 0.01794197251501987
+3 661759 0.02008196643586152
+3 662393 0.01315431259495746
+3 663717 0.01315431259495746
+3 663774 0.01315431259495746
+3 663812 0.02242746564377483
+3 664406 0.01521563928250282
+3 665243 0.01315431259495746
+3 665736 0.02430903610232127
+3 667147 0.01315431259495746
+3 667328 0.01202206384610417
+3 667500 0.01315431259495746
+3 668297 0.03043127856500565
+3 668558 0.01215451805116063
+3 668629 0.01315431259495746
+3 668789 0.01650817428027282
+3 669217 0.01215451805116063
+3 669258 0.01521563928250282
+3 669540 0.01973146889243619
+3 670037 0.01650817428027282
+3 670268 0.01823177707674095
+3 670633 0.01315431259495746
+3 670693 0.01315431259495746
+3 670829 0.0167927526351275
+3 670954 0.01215451805116063
+3 671553 0.04337480885941869
+3 671951 0.01215451805116063
+3 672756 0.01445826961980623
+3 672767 0.01215451805116063
+3 673507 0.01119516842341834
+3 673666 0.01315431259495746
+3 673671 0.02008196643586152
+3 674203 0.01215451805116063
+3 674363 0.02008196643586152
+3 675052 0.01215451805116063
+3 675670 0.02430903610232127
+3 675672 0.01650817428027282
+3 675682 0.01119516842341834
+3 675721 0.01823177707674095
+3 675808 0.005979788781880555
+3 676661 0.01119516842341834
+3 676881 0.01650817428027282
+3 677507 0.02008196643586152
+3 677812 0.01315431259495746
+3 677975 0.02008196643586152
+3 678219 0.01215451805116063
+3 678613 0.01803309576915625
+3 678900 0.01315431259495746
+3 679409 0.01215451805116063
+3 679429 0.02430903610232127
+3 680149 0.01650817428027282
+3 680225 0.01315431259495746
+3 681130 0.01202206384610417
+3 681761 0.02008196643586152
+3 681967 0.01215451805116063
+3 682127 0.01202206384610417
+3 682269 0.01119516842341834
+3 682363 0.01315431259495746
+3 683232 0.01650817428027282
+3 683329 0.01650817428027282
+3 683466 0.03288578148739364
+3 683612 0.01650817428027282
+3 684316 0.01973146889243619
+3 684612 0.02008196643586152
+3 684704 0.01315431259495746
+3 684793 0.02008196643586152
+3 685694 0.03043127856500565
+3 686139 0.02008196643586152
+3 686506 0.01202206384610417
+3 686920 0.01315431259495746
+3 687143 0.01813824590679444
+3 687588 0.02630862518991491
+3 687733 0.01650817428027282
+3 688081 0.01973146889243619
+3 688478 0.01650817428027282
+3 689428 0.01650817428027282
+3 689867 0.01215451805116063
+3 689891 0.02476226142040923
+3 689912 0.01119516842341834
+3 690425 0.02282345892375423
+3 690643 0.02008196643586152
+3 690761 0.02798792105854584
+3 691362 0.02476226142040923
+3 691725 0.01315431259495746
+3 691865 0.01119516842341834
+3 691995 0.02008196643586152
+3 693099 0.01215451805116063
+3 693219 0.01315431259495746
+3 693232 0.01973146889243619
+3 693246 0.01650817428027282
+3 694474 0.02476226142040923
+3 694626 0.01215451805116063
+3 694675 0.02008196643586152
+3 695153 0.01315431259495746
+3 695422 0.01973146889243619
+3 695471 0.02008196643586152
+3 695539 0.01202206384610417
+3 695589 0.01650817428027282
+3 695979 0.01215451805116063
+3 696533 0.1054090885257417
+3 696943 0.01650817428027282
+3 697121 0.01521563928250282
+3 697205 0.0412112129611875
+3 697560 0.01315431259495746
+3 697598 0.01315431259495746
+3 697920 0.02430903610232127
+3 697943 0.02008196643586152
+3 697988 0.01650817428027282
+3 698358 0.02630862518991491
+3 699080 0.02476226142040923
+3 699089 0.02008196643586152
+3 699173 0.02008196643586152
+3 699635 0.02630862518991491
+3 699773 0.01521563928250282
+3 700389 0.01650817428027282
+3 700492 0.01215451805116063
+3 700593 0.01315431259495746
+3 700939 0.02008196643586152
+3 700954 0.01315431259495746
+3 701137 0.01315431259495746
+3 701293 0.01813824590679444
+3 701887 0.02989894390940278
+3 703551 0.01813824590679444
+3 704029 0.02008196643586152
+3 704060 0.01119516842341834
+3 705567 0.01119516842341834
+3 705609 0.02008196643586152
+3 705885 0.01215451805116063
+3 706216 0.02630862518991491
+3 706892 0.01315431259495746
+3 706945 0.02008196643586152
+3 707328 0.01973146889243619
+3 707489 0.01521563928250282
+3 707633 0.01650817428027282
+3 707730 0.02239033684683667
+3 708885 0.01650817428027282
+3 708916 0.05037825790538251
+3 709181 0.02430903610232127
+3 709478 0.01650817428027282
+3 709550 0.03038629512790158
+3 710821 0.02476226142040923
+3 710948 0.01650817428027282
+3 711418 0.02630862518991491
+3 712019 0.01650817428027282
+3 712475 0.02008196643586152
+3 712872 0.01521563928250282
+3 713013 0.03627649181358888
+3 713042 0.01215451805116063
+3 713081 0.01215451805116063
+3 713234 0.01315431259495746
+3 713527 0.01650817428027282
+3 713803 0.01650817428027282
+3 714059 0.02430903610232127
+3 714584 0.0134564793862649
+3 714797 0.01650817428027282
+3 714829 0.01521563928250282
+3 714947 0.02008196643586152
+3 715513 0.01521563928250282
+3 715726 0.01650817428027282
+3 715932 0.02476226142040923
+3 715968 0.01215451805116063
+3 716121 0.01202206384610417
+3 716526 0.01650817428027282
+3 717962 0.01215451805116063
+3 718098 0.01650817428027282
+3 718323 0.01215451805116063
+3 719242 0.01315431259495746
+3 719243 0.01215451805116063
+3 720262 0.01315431259495746
+3 720346 0.01315431259495746
+3 721031 0.01315431259495746
+3 721682 0.01315431259495746
+3 721829 0.01650817428027282
+3 721862 0.02630862518991491
+3 722102 0.02630862518991491
+3 722798 0.01119516842341834
+3 723036 0.01215451805116063
+3 723160 0.01215451805116063
+3 723193 0.02008196643586152
+3 724109 0.02282345892375423
+3 724152 0.01650817428027282
+3 724540 0.02630862518991491
+3 724681 0.02239033684683667
+3 725465 0.01119516842341834
+3 725922 0.01315431259495746
+3 726479 0.02008196643586152
+3 726847 0.02239033684683667
+3 727361 0.01650817428027282
+3 727502 0.01215451805116063
+3 727505 0.01119516842341834
+3 727581 0.02008196643586152
+3 729291 0.01202206384610417
+3 729590 0.01215451805116063
+3 730055 0.01813824590679444
+3 730665 0.009638846413204153
+3 730797 0.02476226142040923
+3 731312 0.02430903610232127
+3 732291 0.01119516842341834
+3 732534 0.01823177707674095
+3 733327 0.01803309576915625
+3 734395 0.01973146889243619
+3 734922 0.02008196643586152
+3 734942 0.02008196643586152
+3 735217 0.01315431259495746
+3 735537 0.02008196643586152
+3 735787 0.02008196643586152
+3 735844 0.02008196643586152
+3 736082 0.02430903610232127
+3 737126 0.01973146889243619
+3 737328 0.02008196643586152
+3 737638 0.01315431259495746
+3 738711 0.01119516842341834
+3 738843 0.02008196643586152
+3 739036 0.01315431259495746
+3 739232 0.03288578148739364
+3 739643 0.02008196643586152
+3 740438 0.01119516842341834
+3 740483 0.0167927526351275
+3 741212 0.01823177707674095
+3 741749 0.01650817428027282
+3 742595 0.01650817428027282
+3 742865 0.01650817428027282
+3 743133 0.02476226142040923
+3 743915 0.01521563928250282
+3 744254 0.02008196643586152
+3 744649 0.02008196643586152
+3 745259 0.01813824590679444
+3 745311 0.04564691784750847
+3 746194 0.01315431259495746
+3 746645 0.01521563928250282
+3 746958 0.01803309576915625
+3 747497 0.01650817428027282
+3 748040 0.01215451805116063
+3 748793 0.01315431259495746
+3 749436 0.01315431259495746
+3 749580 0.04807974845471875
+3 749615 0.01202206384610417
+3 749749 0.01813824590679444
+3 750183 0.01215451805116063
+3 750727 0.01813824590679444
+3 751108 0.02630862518991491
+3 751292 0.02282345892375423
+3 752119 0.02008196643586152
+3 752625 0.02008196643586152
+3 753206 0.01650817428027282
+3 753528 0.01119516842341834
+3 754935 0.02008196643586152
+3 755213 0.02476226142040923
+3 756217 0.02404412769220833
+3 756487 0.02282345892375423
+3 756653 0.01215451805116063
+3 757147 0.01315431259495746
+3 757918 0.01315431259495746
+3 758209 0.01202206384610417
+3 758529 0.01823177707674095
+3 758901 0.01650817428027282
+3 758950 0.01215451805116063
+3 758989 0.01521563928250282
+3 759434 0.01650817428027282
+3 760058 0.01215451805116063
+3 760340 0.01315431259495746
+3 760543 0.01202206384610417
+3 761160 0.02008196643586152
+3 762340 0.01315431259495746
+3 762805 0.02476226142040923
+3 763733 0.01215451805116063
+3 764181 0.01202206384610417
+3 764335 0.02430903610232127
+3 764717 0.01202206384610417
+3 764887 0.03627649181358888
+3 765813 0.01215451805116063
+3 766235 0.01215451805116063
+3 766266 0.01119516842341834
+3 766277 0.02476226142040923
+3 767389 0.01215451805116063
+3 767812 0.01973146889243619
+3 768087 0.01119516842341834
+3 768251 0.01315431259495746
+3 768305 0.02008196643586152
+3 768634 0.01215451805116063
+3 768732 0.02630862518991491
+3 769351 0.02008196643586152
+3 769423 0.01215451805116063
+3 770167 0.01823177707674095
+3 770457 0.02282345892375423
+3 770651 0.02008196643586152
+3 770795 0.01823177707674095
+3 770938 0.01823177707674095
+3 771052 0.01315431259495746
+3 772899 0.01315431259495746
+3 773411 0.02430903610232127
+3 773474 0.02476226142040923
+3 773571 0.01315431259495746
+3 773831 0.01215451805116063
+3 774217 0.02008196643586152
+3 775122 0.02430903610232127
+3 775934 0.01650817428027282
+3 775990 0.01215451805116063
+3 776178 0.01202206384610417
+3 777142 0.01202206384610417
+3 777423 0.02008196643586152
+3 777823 0.01215451805116063
+3 778024 0.01650817428027282
+3 779020 0.01215451805116063
+3 779400 0.01315431259495746
+3 780069 0.01823177707674095
+3 780131 0.02008196643586152
+3 781097 0.01119516842341834
+3 782275 0.02476226142040923
+3 782538 0.01215451805116063
+3 783132 0.01215451805116063
+3 783343 0.01315431259495746
+3 783474 0.01315431259495746
+3 783959 0.01813824590679444
+3 784168 0.02008196643586152
+3 784538 0.02239033684683667
+3 784656 0.01650817428027282
+3 784699 0.02008196643586152
+3 785937 0.02476226142040923
+3 786960 0.01215451805116063
+3 787794 0.0313262508429135
+3 788165 0.01202206384610417
+3 788859 0.01202206384610417
+3 789638 0.03373596244621454
+3 789963 0.02476226142040923
+3 790471 0.01119516842341834
+3 790872 0.01315431259495746
+3 790981 0.01521563928250282
+3 791523 0.01215451805116063
+3 792107 0.02008196643586152
+3 792543 0.01650817428027282
+3 792961 0.01521563928250282
+3 793291 0.01315431259495746
+3 795595 0.02476226142040923
+3 795792 0.02630862518991491
+3 796596 0.01119516842341834
+3 796656 0.02430903610232127
+3 796955 0.02008196643586152
+3 797723 0.02008196643586152
+3 798091 0.02008196643586152
+3 800049 0.01793936634564167
+3 800887 0.01813824590679444
+3 801070 0.01215451805116063
+3 801163 0.01650817428027282
+3 801470 0.01315431259495746
+3 801694 0.01315431259495746
+3 802871 0.01215451805116063
+3 802987 0.02008196643586152
+3 803130 0.01119516842341834
+3 803150 0.02430903610232127
+3 803501 0.01521563928250282
+3 803836 0.01215451805116063
+3 803898 0.02008196643586152
+3 803924 0.01315431259495746
+3 804098 0.04808825538441666
+3 804350 0.01650817428027282
+3 804396 0.01823177707674095
+3 804970 0.02430903610232127
+3 806035 0.01315431259495746
+3 806093 0.02008196643586152
+3 806121 0.01315431259495746
+3 807323 0.01650817428027282
+3 807327 0.01650817428027282
+3 807411 0.02409711603301038
+3 807431 0.01315431259495746
+3 807533 0.02239033684683667
+3 807815 0.01521563928250282
+3 807967 0.02476226142040923
+3 809627 0.02630862518991491
+3 810985 0.01650817428027282
+3 811460 0.02430903610232127
+3 812139 0.01202206384610417
+3 812268 0.01650817428027282
+3 812696 0.01119516842341834
+3 813585 0.01315431259495746
+3 813615 0.02008196643586152
+3 814437 0.01119516842341834
+3 814806 0.01650817428027282
+3 814899 0.01215451805116063
+3 815116 0.01202206384610417
+3 815974 0.02430903610232127
+3 816692 0.04185852147316389
+3 817051 0.01315431259495746
+3 818929 0.01315431259495746
+3 819434 0.01521563928250282
+3 819978 0.01215451805116063
+3 820549 0.01650817428027282
+3 821513 0.01521563928250282
+3 821841 0.01315431259495746
+3 822037 0.01650817428027282
+3 822280 0.02476226142040923
+3 822732 0.01650817428027282
+3 823077 0.02008196643586152
+3 823746 0.01650817428027282
+3 823955 0.01650817428027282
+3 824812 0.03358550527025501
+3 825897 0.01650817428027282
+3 825936 0.01650817428027282
+3 826121 0.02008196643586152
+3 826889 0.01215451805116063
+3 827550 0.01650817428027282
+3 827721 0.05783307847922492
+3 827857 0.01315431259495746
+3 828024 0.01927769282640831
+3 828318 0.01215451805116063
+3 829527 0.01315431259495746
+3 830273 0.01315431259495746
+3 830841 0.01521563928250282
+3 830913 0.02008196643586152
+3 831141 0.02008196643586152
+3 831419 0.02008196643586152
+3 831820 0.01650817428027282
+3 832741 0.01119516842341834
+3 833703 0.02008196643586152
+3 833906 0.01650817428027282
+3 834626 0.01650817428027282
+3 835278 0.01119516842341834
+3 835345 0.01119516842341834
+3 835939 0.02404412769220833
+3 838145 0.01215451805116063
+3 838336 0.02008196643586152
+3 838403 0.02630862518991491
+3 838788 0.01202206384610417
+3 839462 0.02430903610232127
+3 839777 0.082422425922375
+3 840023 0.02008196643586152
+3 840443 0.04484841586410417
+3 840815 0.01215451805116063
+3 841190 0.02239033684683667
+3 841441 0.02008196643586152
+3 841719 0.02630862518991491
+3 841729 0.01521563928250282
+3 842117 0.01650817428027282
+3 842623 0.004485493128754967
+3 843133 0.01650817428027282
+3 843271 0.01215451805116063
+3 843580 0.02008196643586152
+3 843981 0.01215451805116063
+3 844547 0.01813824590679444
+3 844943 0.04808825538441666
+3 845228 0.01650817428027282
+3 845263 0.01315431259495746
+3 845355 0.01315431259495746
+3 845433 0.01315431259495746
+3 846017 0.02476226142040923
+3 846227 0.01650817428027282
+3 847021 0.01521563928250282
+3 847387 0.02008196643586152
+3 848316 0.01202206384610417
+3 848330 0.02008196643586152
+3 848565 0.01215451805116063
+3 848706 0.03038629512790158
+3 848815 0.02008196643586152
+3 848856 0.01315431259495746
+3 849063 0.04478067369367334
+3 849509 0.01215451805116063
+3 849602 0.01119516842341834
+3 849609 0.01813824590679444
+3 849797 0.01215451805116063
+3 851071 0.04564691784750847
+3 851822 0.01215451805116063
+3 852093 0.01521563928250282
+3 853056 0.01315431259495746
+3 853866 0.02430903610232127
+3 854171 0.02008196643586152
+3 854276 0.01315431259495746
+3 854960 0.01793936634564167
+3 855121 0.02008196643586152
+3 855392 0.02282345892375423
+3 855720 0.02008196643586152
+3 855770 0.01315431259495746
+3 855980 0.01650817428027282
+3 856212 0.02008196643586152
+3 856586 0.01973146889243619
+3 856602 0.02989894390940278
+3 856603 0.02476226142040923
+3 856834 0.01823177707674095
+3 857015 0.01315431259495746
+3 857083 0.01650817428027282
+3 857189 0.01973146889243619
+3 857253 0.01521563928250282
+3 857430 0.053818099036925
+3 857517 0.01215451805116063
+3 857581 0.02008196643586152
+3 857643 0.02476226142040923
+3 857673 0.01650817428027282
+3 857805 0.005979788781880555
+3 858148 0.01119516842341834
+3 858171 0.02008196643586152
+3 859034 0.01215451805116063
+3 859080 0.01215451805116063
+3 859737 0.01823177707674095
+3 860357 0.02008196643586152
+3 861133 0.01215451805116063
+3 861178 0.02282345892375423
+3 862367 0.01202206384610417
+3 863327 0.01315431259495746
+3 863371 0.01315431259495746
+3 863413 0.03627649181358888
+3 864181 0.01650817428027282
+3 864383 0.01650817428027282
+3 865017 0.02008196643586152
+3 865057 0.02008196643586152
+3 865514 0.01215451805116063
+3 866123 0.01202206384610417
+3 866409 0.01521563928250282
+3 866462 0.01119516842341834
+3 866719 0.02430903610232127
+3 867366 0.01215451805116063
+3 868041 0.01650817428027282
+3 868877 0.01202206384610417
+3 869058 0.01119516842341834
+3 869609 0.01215451805116063
+3 870006 0.02430903610232127
+3 870945 0.02008196643586152
+3 871079 0.01650817428027282
+3 871383 0.01813824590679444
+3 871396 0.01215451805116063
+3 871784 0.01813824590679444
+3 871979 0.03005515961526042
+3 872135 0.01202206384610417
+3 872269 0.01215451805116063
+3 872950 0.02008196643586152
+3 873263 0.02282345892375423
+3 873471 0.01973146889243619
+3 873685 0.01521563928250282
+3 873932 0.01202206384610417
+3 875002 0.01315431259495746
+3 875441 0.07555389042884375
+3 875595 0.02476226142040923
+3 875898 0.01973146889243619
+3 876454 0.01215451805116063
+3 876608 0.02008196643586152
+3 876647 0.01521563928250282
+3 877104 0.01215451805116063
+3 877876 0.01215451805116063
+3 879048 0.01119516842341834
+3 879723 0.02239033684683667
+3 880406 0.01215451805116063
+3 880943 0.01650817428027282
+3 881902 0.02404412769220833
+3 882364 0.01215451805116063
+3 882386 0.01315431259495746
+3 883891 0.01315431259495746
+3 884007 0.01650817428027282
+3 884301 0.01315431259495746
+3 884303 0.02008196643586152
+3 884404 0.01215451805116063
+3 884406 0.01650817428027282
+3 884453 0.02008196643586152
+3 884677 0.0167927526351275
+3 885188 0.01215451805116063
+3 886206 0.02008196643586152
+3 887472 0.01650817428027282
+3 888384 0.02008196643586152
+3 889334 0.01215451805116063
+3 889464 0.01215451805116063
+3 890051 0.02008196643586152
+3 890315 0.01315431259495746
+3 890426 0.02630862518991491
+3 890577 0.01650817428027282
+3 890762 0.01215451805116063
+3 892003 0.02404412769220833
+3 892161 0.01215451805116063
+3 892270 0.02476226142040923
+3 893230 0.01215451805116063
+3 894002 0.03043127856500565
+3 894068 0.01215451805116063
+3 894425 0.02008196643586152
+3 894705 0.01823177707674095
+3 895068 0.01215451805116063
+3 896073 0.01215451805116063
+3 896663 0.02430903610232127
+3 896697 0.02008196643586152
+3 897352 0.01813824590679444
+3 897680 0.01315431259495746
+3 898259 0.01650817428027282
+3 898317 0.01315431259495746
+3 898682 0.02008196643586152
+3 901072 0.01215451805116063
+3 901243 0.01315431259495746
+3 901264 0.01315431259495746
+3 901464 0.01315431259495746
+3 901735 0.02008196643586152
+3 901873 0.01315431259495746
+3 902983 0.02008196643586152
+3 903042 0.01215451805116063
+3 903639 0.01823177707674095
+3 903775 0.01803309576915625
+3 903869 0.01202206384610417
+3 905317 0.01315431259495746
+3 906255 0.01793936634564167
+3 908616 0.02630862518991491
+3 908667 0.01973146889243619
+3 909093 0.02430903610232127
+3 909342 0.03288578148739364
+3 909925 0.01315431259495746
+3 910551 0.01315431259495746
+3 911246 0.01215451805116063
+3 911251 0.01315431259495746
+3 911471 0.01650817428027282
+3 911559 0.02798792105854584
+3 912375 0.02630862518991491
+3 912692 0.01119516842341834
+3 912818 0.01315431259495746
+3 913412 0.01202206384610417
+3 913653 0.02391915512752222
+3 914190 0.01315431259495746
+3 914236 0.01315431259495746
+3 914637 0.01215451805116063
+3 914707 0.02476226142040923
+3 914767 0.01650817428027282
+3 914942 0.0364635541534819
+3 916268 0.01650817428027282
+3 916275 0.02008196643586152
+3 916412 0.02430903610232127
+3 916833 0.02008196643586152
+3 916838 0.02008196643586152
+3 916971 0.01119516842341834
+3 918612 0.01119516842341834
+3 921027 0.02430903610232127
+3 922137 0.01315431259495746
+3 923371 0.01813824590679444
+3 923707 0.02404412769220833
+3 924308 0.02008196643586152
+3 924489 0.01650817428027282
+3 925190 0.01521563928250282
+3 926178 0.01650817428027282
+3 926192 0.02008196643586152
+3 926250 0.01215451805116063
+3 927420 0.02008196643586152
+3 928368 0.02430903610232127
+3 929327 0.01202206384610417
+3 929479 0.1132564453551488
+3 929751 0.02008196643586152
+3 929906 0.01445826961980623
+3 930347 0.01650817428027282
+3 930866 0.02008196643586152
+3 930897 0.01315431259495746
+3 931304 0.02430903610232127
+3 931366 0.01202206384610417
+3 932026 0.02630862518991491
+3 932035 0.02476226142040923
+3 932119 0.02476226142040923
+3 932719 0.01813824590679444
+3 933067 0.01119516842341834
+3 934083 0.02430903610232127
+3 934821 0.02430903610232127
+3 936042 0.01650817428027282
+3 936497 0.02239033684683667
+3 936622 0.01215451805116063
+3 936975 0.01650817428027282
+3 937173 0.02404412769220833
+3 938709 0.01215451805116063
+3 939162 0.02476226142040923
+3 939489 0.02008196643586152
+3 939846 0.02008196643586152
+3 939891 0.02476226142040923
+3 940067 0.01202206384610417
+3 940134 0.01650817428027282
+3 940274 0.01650817428027282
+3 940579 0.02008196643586152
+3 940676 0.02404412769220833
+3 941134 0.01215451805116063
+3 941331 0.009638846413204153
+3 941477 0.02008196643586152
+3 942127 0.01973146889243619
+3 942152 0.01119516842341834
+3 942492 0.01521563928250282
+3 942496 0.02630862518991491
+3 943077 0.01315431259495746
+3 943165 0.01927769282640831
+3 943202 0.01215451805116063
+3 943707 0.02008196643586152
+3 943733 0.01521563928250282
+3 943767 0.02008196643586152
+3 943987 0.01215451805116063
+3 944364 0.02430903610232127
+3 944695 0.01215451805116063
+3 945531 0.01215451805116063
+3 945541 0.09866651490102916
+3 945987 0.01202206384610417
+3 946067 0.01215451805116063
+3 946180 0.01823177707674095
+3 946341 0.02008196643586152
+3 947899 0.02008196643586152
+3 948459 0.01813824590679444
+3 950350 0.01215451805116063
+3 950515 0.01215451805116063
+3 950864 0.01215451805116063
+3 950976 0.01119516842341834
+3 951036 0.01215451805116063
+3 951392 0.01215451805116063
+3 951500 0.01315431259495746
+3 951694 0.02008196643586152
+3 951800 0.01119516842341834
+3 951939 0.02008196643586152
+3 953647 0.02008196643586152
+3 954637 0.01813824590679444
+3 954808 0.03038629512790158
+3 955048 0.02430903610232127
+3 956139 0.02476226142040923
+3 956350 0.01315431259495746
+3 956356 0.01202206384610417
+3 956997 0.01315431259495746
+3 957055 0.01813824590679444
+3 957067 0.01119516842341834
+3 957098 0.01973146889243619
+3 957143 0.02008196643586152
+3 957437 0.01823177707674095
+3 957502 0.01315431259495746
+3 957627 0.01803309576915625
+3 958137 0.02008196643586152
+3 958171 0.01315431259495746
+3 958780 0.01215451805116063
+3 958911 0.01650817428027282
+3 959102 0.01215451805116063
+3 959356 0.01650817428027282
+3 959793 0.01813824590679444
+3 959815 0.01215451805116063
+3 960107 0.02008196643586152
+3 961822 0.01315431259495746
+3 961910 0.01315431259495746
+3 963163 0.01202206384610417
+3 963743 0.02008196643586152
+3 963855 0.01119516842341834
+3 963998 0.02630862518991491
+3 964258 0.02008196643586152
+3 964421 0.02008196643586152
+3 964525 0.01315431259495746
+3 964582 0.02476226142040923
+3 964889 0.01650817428027282
+3 965480 0.02630862518991491
+3 965716 0.01215451805116063
+3 965802 0.01215451805116063
+3 966255 0.02008196643586152
+3 966273 0.01521563928250282
+3 966385 0.01650817428027282
+3 966683 0.02008196643586152
+3 967164 0.005979788781880555
+3 967265 0.01119516842341834
+3 967743 0.01315431259495746
+3 967868 0.02476226142040923
+3 967888 0.01650817428027282
+3 967983 0.02008196643586152
+3 968014 0.01215451805116063
+3 968163 0.01823177707674095
+3 968483 0.02476226142040923
+3 969028 0.01973146889243619
+3 969226 0.01215451805116063
+3 969841 0.01195957756376111
+3 970072 0.02430903610232127
+3 970274 0.01823177707674095
+3 971047 0.01650817428027282
+3 971155 0.01215451805116063
+3 972013 0.01202206384610417
+3 972178 0.02476226142040923
+3 972485 0.01521563928250282
+3 973333 0.01315431259495746
+3 973783 0.01315431259495746
+3 974699 0.02008196643586152
+3 974851 0.01202206384610417
+3 975220 0.01315431259495746
+3 975811 0.02008196643586152
+3 975881 0.01215451805116063
+3 976079 0.02008196643586152
+3 976275 0.01215451805116063
+3 976530 0.01315431259495746
+3 976949 0.02008196643586152
+3 977200 0.02476226142040923
+3 977595 0.01650817428027282
+3 978257 0.04808825538441666
+3 978511 0.02008196643586152
+3 978773 0.02430903610232127
+3 979369 0.01315431259495746
+3 979478 0.02008196643586152
+3 979904 0.0167927526351275
+3 980261 0.01650817428027282
+3 980319 0.01215451805116063
+3 980920 0.01215451805116063
+3 981883 0.01315431259495746
+3 982012 0.01215451805116063
+3 982150 0.01215451805116063
+3 983321 0.01119516842341834
+3 983673 0.01119516842341834
+3 985065 0.01823177707674095
+3 985549 0.02404412769220833
+3 985571 0.02476226142040923
+3 985597 0.02630862518991491
+3 986341 0.02008196643586152
+3 986791 0.02008196643586152
+3 987881 0.01823177707674095
+3 988122 0.01119516842341834
+3 988159 0.02008196643586152
+3 988493 0.01315431259495746
+3 988911 0.02008196643586152
+3 989086 0.02239033684683667
+3 989163 0.02239033684683667
+3 989433 0.02404412769220833
+3 989808 0.01315431259495746
+3 990675 0.02008196643586152
+3 990804 0.01119516842341834
+3 991475 0.02630862518991491
+3 991847 0.02008196643586152
+3 991935 0.01813824590679444
+3 991985 0.01650817428027282
+3 992490 0.01315431259495746
+3 993053 0.03038629512790158
+3 993510 0.02008196643586152
+3 994106 0.02430903610232127
+3 994950 0.01119516842341834
+3 995085 0.01973146889243619
+3 995605 0.01202206384610417
+3 995653 0.01813824590679444
+3 995751 0.02008196643586152
+3 996536 0.01119516842341834
+3 997281 0.02008196643586152
+3 997656 0.01650817428027282
+3 997868 0.01315431259495746
+3 999223 0.02008196643586152
+3 1000099 0.01215451805116063
+3 1000335 0.01315431259495746
+3 1000999 0.01650817428027282
+3 1001147 0.02008196643586152
+3 1002607 0.01650817428027282
+3 1002750 0.01315431259495746
+3 1002835 0.02008196643586152
+3 1003113 0.02008196643586152
+3 1003223 0.03373596244621454
+3 1003403 0.01813824590679444
+3 1003884 0.02630862518991491
+3 1004928 0.01315431259495746
+3 1006311 0.01202206384610417
+3 1006420 0.02008196643586152
+3 1006560 0.01215451805116063
+3 1006620 0.01215451805116063
+3 1006710 0.02476226142040923
+3 1007404 0.01315431259495746
+3 1007775 0.01315431259495746
+3 1007912 0.01119516842341834
+3 1008068 0.02630862518991491
+3 1008679 0.01215451805116063
+3 1008831 0.01119516842341834
+3 1008899 0.01215451805116063
+3 1009041 0.02008196643586152
+3 1009994 0.01650817428027282
+3 1010369 0.01823177707674095
+3 1010438 0.01215451805116063
+3 1010769 0.02008196643586152
+3 1011301 0.01215451805116063
+3 1012185 0.02008196643586152
+3 1013015 0.02630862518991491
+3 1013016 0.01315431259495746
+3 1013871 0.02008196643586152
+3 1014853 0.01315431259495746
+3 1014914 0.01650817428027282
+3 1016179 0.01650817428027282
+3 1016289 0.01650817428027282
+3 1017114 0.02430903610232127
+3 1017173 0.01650817428027282
+3 1017484 0.01803309576915625
+3 1017602 0.01973146889243619
+3 1018174 0.01315431259495746
+3 1018883 0.02008196643586152
+3 1019278 0.01650817428027282
+3 1019929 0.01119516842341834
+3 1020006 0.02008196643586152
+3 1020555 0.01215451805116063
+3 1020677 0.01650817428027282
+3 1020740 0.0403694381587947
+3 1021827 0.02008196643586152
+3 1021884 0.01119516842341834
+3 1023852 0.01315431259495746
+3 1025861 0.01813824590679444
+3 1026711 0.01202206384610417
+3 1027300 0.01315431259495746
+3 1027631 0.02008196643586152
+3 1027973 0.01215451805116063
+3 1028295 0.01215451805116063
+3 1028315 0.01813824590679444
+3 1028638 0.01650817428027282
+3 1028738 0.02476226142040923
+3 1029602 0.02008196643586152
+3 1030059 0.01215451805116063
+3 1030226 0.01202206384610417
+3 1030554 0.01202206384610417
+3 1031121 0.01215451805116063
+3 1031815 0.02008196643586152
+3 1032047 0.02008196643586152
+3 1032173 0.01650817428027282
+3 1032791 0.01813824590679444
+3 1033256 0.01215451805116063
+3 1033581 0.01650817428027282
+3 1033699 0.01813824590679444
+3 1033833 0.01119516842341834
+3 1034054 0.01650817428027282
+3 1034350 0.02430903610232127
+3 1034416 0.02430903610232127
+3 1035161 0.01202206384610417
+3 1035312 0.01315431259495746
+3 1036096 0.01973146889243619
+3 1036844 0.02476226142040923
+3 1037044 0.04478067369367334
+3 1037251 0.01813824590679444
+3 1037326 0.02476226142040923
+3 1037360 0.02391915512752222
+3 1037916 0.02630862518991491
+3 1038315 0.01315431259495746
+3 1038731 0.01215451805116063
+3 1038768 0.01650817428027282
+3 1039039 0.01650817428027282
+3 1039166 0.01973146889243619
+3 1039328 0.01650817428027282
+3 1039629 0.02630862518991491
+3 1039896 0.01650817428027282
+3 1040201 0.004485493128754967
+3 1040273 0.01973146889243619
+3 1040325 0.02008196643586152
+3 1040381 0.02430903610232127
+3 1040479 0.01803309576915625
+3 1040913 0.01973146889243619
+3 1042343 0.02008196643586152
+3 1042627 0.01650817428027282
+3 1042774 0.01650817428027282
+3 1042815 0.01315431259495746
+3 1043231 0.01202206384610417
+3 1043931 0.02008196643586152
+3 1046133 0.01650817428027282
+3 1046509 0.01813824590679444
+3 1046561 0.02430903610232127
+3 1047335 0.01215451805116063
+3 1048455 0.02008196643586152
+4 344 0.02837632374130612
+4 711 0.0151656036122675
+4 797 0.02573096828667612
+4 1115 0.01715397885778408
+4 1556 0.01418816187065306
+4 1733 0.02573096828667612
+4 1936 0.01275459788430996
+4 2101 0.01364951393205028
+4 2180 0.01418816187065306
+4 2808 0.01418816187065306
+4 3320 0.01418816187065306
+4 4053 0.0264358624887623
+4 4959 0.00528717249775246
+4 5205 0.01418816187065306
+4 5983 0.01418816187065306
+4 7884 0.01364951393205028
+4 8055 0.01364951393205028
+4 8116 0.02008530766406564
+4 8731 0.01364951393205028
+4 9798 0.02573096828667612
+4 10078 0.03297694465079107
+4 10267 0.02008530766406564
+4 10495 0.02186611337945473
+4 11483 0.01648847232539554
+4 11573 0.02008530766406564
+4 12091 0.03965379373314344
+4 13181 0.01418816187065306
+4 13234 0.005466528344863682
+4 13997 0.01364951393205028
+4 14910 0.01418816187065306
+4 15211 0.01648847232539554
+4 15221 0.02008530766406564
+4 15233 0.02729902786410057
+4 15283 0.01715397885778408
+4 15351 0.01364951393205028
+4 15795 0.01715397885778408
+4 15916 0.01715397885778408
+4 17094 0.02837632374130612
+4 17227 0.03297694465079107
+4 17831 0.01275459788430996
+4 18305 0.02047427089807543
+4 19280 0.01715397885778408
+4 20498 0.01418816187065306
+4 20625 0.02008530766406564
+4 20975 0.04229737998201968
+4 21254 0.01364951393205028
+4 21296 0.01364951393205028
+4 22178 0.01057434499550492
+4 22219 0.01715397885778408
+4 22706 0.02729902786410057
+4 23541 0.01364951393205028
+4 23712 0.01364951393205028
+4 23832 0.02837632374130612
+4 24619 0.02008530766406564
+4 25185 0.02008530766406564
+4 25364 0.02128224280597959
+4 26089 0.02573096828667612
+4 26273 0.01715397885778408
+4 26845 0.01275459788430996
+4 26849 0.01715397885778408
+4 27313 0.01715397885778408
+4 28880 0.01715397885778408
+4 28921 0.01275459788430996
+4 29352 0.0151656036122675
+4 29368 0.01217453668277288
+4 29735 0.01648847232539554
+4 30387 0.02008530766406564
+4 30453 0.0151656036122675
+4 30862 0.02008530766406564
+4 30952 0.01715397885778408
+4 31409 0.01715397885778408
+4 32700 0.01715397885778408
+4 33117 0.02837632374130612
+4 33433 0.03297694465079107
+4 33439 0.01715397885778408
+4 33979 0.02274840541840125
+4 34024 0.01715397885778408
+4 34041 0.02008530766406564
+4 34475 0.01418816187065306
+4 34749 0.01418816187065306
+4 34869 0.01715397885778408
+4 35441 0.05101839153723984
+4 35828 0.01275459788430996
+4 35928 0.0151656036122675
+4 36089 0.02573096828667612
+4 36192 0.01418816187065306
+4 36233 0.01364951393205028
+4 36318 0.006824756966025142
+4 36391 0.02008530766406564
+4 36463 0.01648847232539554
+4 36949 0.01364951393205028
+4 37221 0.01418816187065306
+4 37278 0.01364951393205028
+4 37584 0.01418816187065306
+4 37607 0.01418816187065306
+4 37731 0.01648847232539554
+4 38236 0.02837632374130612
+4 38451 0.02008530766406564
+4 38933 0.01364951393205028
+4 39762 0.02550919576861992
+4 40007 0.01299725962753113
+4 40706 0.01364951393205028
+4 41204 0.02837632374130612
+4 41385 0.01715397885778408
+4 41559 0.02729902786410057
+4 41645 0.01648847232539554
+4 41657 0.02008530766406564
+4 41800 0.07016854597045903
+4 42030 0.01715397885778408
+4 42437 0.02008530766406564
+4 43077 0.02008530766406564
+4 43280 0.01364951393205028
+4 43781 0.02733264172431841
+4 44401 0.01715397885778408
+4 44457 0.01217453668277288
+4 45548 0.01648847232539554
+4 46197 0.01364951393205028
+4 46264 0.01217453668277288
+4 46627 0.006498629813765564
+4 46854 0.006824756966025142
+4 47318 0.01217453668277288
+4 47689 0.01715397885778408
+4 48505 0.02729902786410057
+4 48753 0.01418816187065306
+4 48859 0.01275459788430996
+4 49689 0.01364951393205028
+4 50281 0.01715397885778408
+4 50701 0.01715397885778408
+4 50742 0.0634460699730295
+4 50840 0.01715397885778408
+4 51948 0.01364951393205028
+4 52454 0.02550919576861992
+4 53051 0.02008530766406564
+4 53247 0.05478541507247794
+4 54376 0.02837632374130612
+4 54744 0.01715397885778408
+4 54924 0.01364951393205028
+4 55827 0.01418816187065306
+4 56036 0.01715397885778408
+4 56154 0.02434907336554575
+4 56572 0.01418816187065306
+4 56737 0.02008530766406564
+4 56909 0.01715397885778408
+4 56918 0.01364951393205028
+4 57320 0.02573096828667612
+4 57633 0.02550919576861992
+4 57655 0.01715397885778408
+4 57663 0.01715397885778408
+4 57955 0.01364951393205028
+4 57997 0.0151656036122675
+4 58055 0.03297694465079107
+4 58964 0.03701020748426721
+4 59189 0.01418816187065306
+4 59891 0.02837632374130612
+4 60226 0.01715397885778408
+4 60437 0.01715397885778408
+4 60978 0.02729902786410057
+4 61875 0.01364951393205028
+4 62111 0.01275459788430996
+4 62239 0.01418816187065306
+4 62295 0.01364951393205028
+4 64006 0.02733264172431841
+4 64016 0.01715397885778408
+4 64473 0.01418816187065306
+4 64573 0.030331207224535
+4 65109 0.02008530766406564
+4 65911 0.01364951393205028
+4 66314 0.01418816187065306
+4 67945 0.01364951393205028
+4 67965 0.01364951393205028
+4 68409 0.01715397885778408
+4 68440 0.00528717249775246
+4 68543 0.01217453668277288
+4 68673 0.02729902786410057
+4 68974 0.01715397885778408
+4 69894 0.02573096828667612
+4 70435 0.01275459788430996
+4 70576 0.02573096828667612
+4 71207 0.01648847232539554
+4 71748 0.01364951393205028
+4 71957 0.02008530766406564
+4 72260 0.01418816187065306
+4 72652 0.01418816187065306
+4 72754 0.02729902786410057
+4 73182 0.02047427089807543
+4 73289 0.01364951393205028
+4 74533 0.01364951393205028
+4 74573 0.02008530766406564
+4 74796 0.02729902786410057
+4 74947 0.02008530766406564
+4 75685 0.0151656036122675
+4 76640 0.02008530766406564
+4 77686 0.01364951393205028
+4 78325 0.01364951393205028
+4 78871 0.01648847232539554
+4 79445 0.02186611337945473
+4 79567 0.02008530766406564
+4 79606 0.01418816187065306
+4 79920 0.01418816187065306
+4 80087 0.01586151749325737
+4 80111 0.02008530766406564
+4 81293 0.0151656036122675
+4 81725 0.01364951393205028
+4 83437 0.02128224280597959
+4 84189 0.01715397885778408
+4 84759 0.01648847232539554
+4 86213 0.02008530766406564
+4 86749 0.01418816187065306
+4 86773 0.01715397885778408
+4 87353 0.02729902786410057
+4 87631 0.02008530766406564
+4 87942 0.00709408093532653
+4 88009 0.02008530766406564
+4 88145 0.02274840541840125
+4 89687 0.01364951393205028
+4 90183 0.01418816187065306
+4 90435 0.01715397885778408
+4 91883 0.030331207224535
+4 92411 0.01715397885778408
+4 92804 0.01715397885778408
+4 92986 0.02573096828667612
+4 93712 0.02729902786410057
+4 94511 0.01364951393205028
+4 95951 0.01364951393205028
+4 96061 0.02008530766406564
+4 96310 0.01217453668277288
+4 96315 0.01418816187065306
+4 96745 0.02573096828667612
+4 96757 0.02837632374130612
+4 97508 0.01275459788430996
+4 97545 0.01364951393205028
+4 98377 0.02008530766406564
+4 99007 0.01418816187065306
+4 99253 0.02729902786410057
+4 99503 0.01715397885778408
+4 99549 0.01217453668277288
+4 99619 0.01418816187065306
+4 100142 0.01418816187065306
+4 101157 0.0151656036122675
+4 101208 0.01715397885778408
+4 101522 0.01364951393205028
+4 101749 0.02008530766406564
+4 102726 0.01364951393205028
+4 103877 0.02008530766406564
+4 104149 0.01364951393205028
+4 104467 0.01715397885778408
+4 104772 0.01364951393205028
+4 105709 0.01715397885778408
+4 106814 0.01418816187065306
+4 109504 0.01418816187065306
+4 110259 0.02114868999100984
+4 110562 0.02047427089807543
+4 110789 0.02573096828667612
+4 111321 0.02008530766406564
+4 112020 0.01364951393205028
+4 112485 0.01364951393205028
+4 112738 0.02008530766406564
+4 112983 0.01715397885778408
+4 113209 0.01364951393205028
+4 113322 0.01275459788430996
+4 113403 0.01715397885778408
+4 113849 0.09747944720648347
+4 114869 0.01715397885778408
+4 114962 0.01715397885778408
+4 115631 0.02047427089807543
+4 115674 0.02008530766406564
+4 116489 0.02837632374130612
+4 116553 0.02008530766406564
+4 117089 0.0486981467310915
+4 117543 0.02008530766406564
+4 117794 0.01364951393205028
+4 117854 0.05466528344863682
+4 119191 0.02837632374130612
+4 119538 0.006824756966025142
+4 120867 0.01275459788430996
+4 121345 0.02837632374130612
+4 121357 0.02008530766406564
+4 121543 0.03043634170693219
+4 121581 0.01217453668277288
+4 122181 0.02008530766406564
+4 122374 0.01364951393205028
+4 122660 0.01418816187065306
+4 123081 0.01418816187065306
+4 123532 0.02008530766406564
+4 123659 0.01418816187065306
+4 124217 0.01418816187065306
+4 125934 0.01715397885778408
+4 125974 0.01648847232539554
+4 126521 0.01418816187065306
+4 126866 0.02573096828667612
+4 127319 0.01217453668277288
+4 127491 0.01715397885778408
+4 127498 0.01275459788430996
+4 127623 0.01648847232539554
+4 128103 0.01648847232539554
+4 128137 0.02729902786410057
+4 128191 0.01418816187065306
+4 128892 0.01715397885778408
+4 129385 0.01418816187065306
+4 129394 0.01715397885778408
+4 129911 0.06315169137341313
+4 130011 0.01648847232539554
+4 131386 0.01715397885778408
+4 132099 0.01648847232539554
+4 132381 0.01275459788430996
+4 132671 0.02008530766406564
+4 132968 0.01715397885778408
+4 134266 0.01364951393205028
+4 134915 0.01648847232539554
+4 135267 0.04911798217932131
+4 135813 0.01275459788430996
+4 136064 0.02573096828667612
+4 136117 0.01715397885778408
+4 136890 0.01217453668277288
+4 137101 0.02274840541840125
+4 137587 0.01217453668277288
+4 137769 0.01418816187065306
+4 139002 0.01364951393205028
+4 139056 0.01364951393205028
+4 139139 0.01418816187065306
+4 139178 0.02008530766406564
+4 139371 0.01364951393205028
+4 139418 0.02008530766406564
+4 139565 0.02573096828667612
+4 140468 0.01364951393205028
+4 140965 0.02128224280597959
+4 141160 0.01364951393205028
+4 141425 0.02434907336554575
+4 141605 0.04099896258647761
+4 141807 0.01418816187065306
+4 141989 0.01364951393205028
+4 142641 0.02008530766406564
+4 143936 0.01715397885778408
+4 144093 0.01364951393205028
+4 144163 0.02274840541840125
+4 144395 0.01418816187065306
+4 144641 0.02008530766406564
+4 146455 0.01418816187065306
+4 147389 0.02128224280597959
+4 148113 0.02729902786410057
+4 148368 0.03412378483012571
+4 148952 0.02008530766406564
+4 149011 0.01364951393205028
+4 149382 0.01364951393205028
+4 149709 0.01418816187065306
+4 149734 0.01364951393205028
+4 150024 0.01418816187065306
+4 150479 0.02128224280597959
+4 150643 0.01648847232539554
+4 151033 0.01418816187065306
+4 151395 0.01715397885778408
+4 151567 0.01364951393205028
+4 151642 0.01418816187065306
+4 151683 0.00264358624887623
+4 151957 0.0151656036122675
+4 152258 0.02128224280597959
+4 152590 0.005466528344863682
+4 153133 0.01715397885778408
+4 154442 0.02008530766406564
+4 154635 0.01418816187065306
+4 154644 0.01418816187065306
+4 155716 0.01418816187065306
+4 156173 0.02806741838818361
+4 156467 0.01275459788430996
+4 156548 0.02008530766406564
+4 156833 0.03249314906882782
+4 156855 0.01648847232539554
+4 157191 0.01217453668277288
+4 157374 0.02729902786410057
+4 157905 0.01364951393205028
+4 158098 0.01715397885778408
+4 158180 0.01418816187065306
+4 158235 0.01364951393205028
+4 158517 0.01217453668277288
+4 158805 0.02837632374130612
+4 158855 0.03297694465079107
+4 159003 0.01648847232539554
+4 160189 0.01418816187065306
+4 160449 0.02729902786410057
+4 160643 0.01418816187065306
+4 160749 0.01418816187065306
+4 160871 0.01364951393205028
+4 161570 0.02837632374130612
+4 162627 0.0486981467310915
+4 163143 0.02837632374130612
+4 163848 0.01715397885778408
+4 164029 0.01418816187065306
+4 166534 0.01275459788430996
+4 166673 0.01715397885778408
+4 166962 0.01715397885778408
+4 167285 0.030331207224535
+4 167333 0.01648847232539554
+4 168043 0.01275459788430996
+4 169293 0.01715397885778408
+4 169435 0.01418816187065306
+4 169919 0.01826180502415931
+4 171204 0.01364951393205028
+4 171889 0.02008530766406564
+4 172251 0.01418816187065306
+4 172659 0.01715397885778408
+4 173141 0.02274840541840125
+4 173803 0.02434907336554575
+4 173845 0.01586151749325737
+4 175014 0.01418816187065306
+4 175082 0.01715397885778408
+4 175617 0.01418816187065306
+4 176213 0.0151656036122675
+4 176305 0.01217453668277288
+4 176609 0.01217453668277288
+4 176757 0.02837632374130612
+4 177200 0.01418816187065306
+4 177423 0.02837632374130612
+4 177446 0.01057434499550492
+4 177880 0.02573096828667612
+4 178021 0.01217453668277288
+4 178476 0.02837632374130612
+4 178762 0.01418816187065306
+4 178778 0.0151656036122675
+4 178977 0.01418816187065306
+4 179834 0.01715397885778408
+4 180023 0.0151656036122675
+4 180121 0.02729902786410057
+4 180885 0.01648847232539554
+4 181553 0.01275459788430996
+4 181786 0.01364951393205028
+4 182314 0.01418816187065306
+4 182332 0.01715397885778408
+4 182583 0.01217453668277288
+4 183308 0.01364951393205028
+4 183719 0.01715397885778408
+4 183903 0.01418816187065306
+4 184596 0.01418816187065306
+4 184704 0.01364951393205028
+4 184705 0.01715397885778408
+4 184767 0.01275459788430996
+4 184959 0.01418816187065306
+4 185138 0.01418816187065306
+4 186104 0.02008530766406564
+4 186553 0.01418816187065306
+4 186765 0.006498629813765564
+4 186949 0.02008530766406564
+4 187483 0.02573096828667612
+4 189199 0.01299725962753113
+4 190785 0.01418816187065306
+4 191163 0.01715397885778408
+4 191171 0.01217453668277288
+4 191972 0.01364951393205028
+4 192347 0.01715397885778408
+4 195139 0.01715397885778408
+4 195161 0.01715397885778408
+4 195197 0.01364951393205028
+4 195691 0.02837632374130612
+4 195722 0.01418816187065306
+4 196385 0.02008530766406564
+4 196654 0.01364951393205028
+4 196793 0.01715397885778408
+4 197975 0.01648847232539554
+4 198423 0.01715397885778408
+4 198453 0.02008530766406564
+4 199593 0.0151656036122675
+4 200163 0.01364951393205028
+4 200659 0.02008530766406564
+4 200739 0.006087268341386438
+4 200776 0.005466528344863682
+4 201027 0.01418816187065306
+4 201088 0.01364951393205028
+4 201565 0.01715397885778408
+4 201972 0.02729902786410057
+4 202228 0.005466528344863682
+4 202405 0.01715397885778408
+4 203362 0.01418816187065306
+4 203476 0.01715397885778408
+4 203699 0.01364951393205028
+4 204376 0.01715397885778408
+4 205541 0.01364951393205028
+4 206024 0.01639958503459105
+4 206468 0.01364951393205028
+4 206552 0.00637729894215498
+4 207643 0.01217453668277288
+4 207651 0.01217453668277288
+4 207658 0.01364951393205028
+4 207660 0.01364951393205028
+4 207720 0.01364951393205028
+4 207845 0.01364951393205028
+4 207923 0.01364951393205028
+4 209871 0.02008530766406564
+4 211496 0.0151656036122675
+4 213008 0.02008530766406564
+4 214240 0.02008530766406564
+4 215247 0.01364951393205028
+4 215275 0.01715397885778408
+4 215831 0.03297694465079107
+4 217316 0.01715397885778408
+4 217437 0.02047427089807543
+4 217574 0.02008530766406564
+4 217645 0.0151656036122675
+4 218203 0.01275459788430996
+4 218720 0.02128224280597959
+4 218789 0.02008530766406564
+4 218869 0.01418816187065306
+4 218883 0.01715397885778408
+4 219547 0.03297694465079107
+4 219577 0.01217453668277288
+4 220495 0.01275459788430996
+4 221596 0.01715397885778408
+4 221696 0.02008530766406564
+4 221873 0.01364951393205028
+4 224158 0.01715397885778408
+4 224533 0.02434907336554575
+4 224643 0.02729902786410057
+4 224704 0.01418816187065306
+4 224751 0.02837632374130612
+4 224863 0.01299725962753113
+4 224869 0.02274840541840125
+4 225283 0.02047427089807543
+4 225470 0.02729902786410057
+4 226059 0.01715397885778408
+4 227757 0.0151656036122675
+4 228582 0.02729902786410057
+4 229418 0.01275459788430996
+4 230536 0.01715397885778408
+4 230931 0.02837632374130612
+4 232712 0.01418816187065306
+4 232784 0.01418816187065306
+4 233263 0.01364951393205028
+4 233290 0.02573096828667612
+4 233743 0.02008530766406564
+4 234679 0.02008530766406564
+4 235047 0.01418816187065306
+4 237473 0.01418816187065306
+4 238038 0.01418816187065306
+4 238364 0.01418816187065306
+4 239595 0.01364951393205028
+4 240295 0.02008530766406564
+4 240526 0.006498629813765564
+4 241001 0.02008530766406564
+4 241053 0.03547040467663266
+4 241364 0.03172303498651475
+4 241741 0.02047427089807543
+4 241838 0.02274840541840125
+4 242321 0.02008530766406564
+4 242664 0.01715397885778408
+4 242744 0.02008530766406564
+4 242822 0.00709408093532653
+4 242926 0.0151656036122675
+4 243024 0.04549681083680249
+4 243221 0.01364951393205028
+4 244199 0.01364951393205028
+4 244205 0.01299725962753113
+4 244368 0.01418816187065306
+4 244707 0.01648847232539554
+4 244825 0.01418816187065306
+4 245214 0.02729902786410057
+4 245474 0.01364951393205028
+4 245526 0.02008530766406564
+4 245636 0.03279917006918209
+4 246127 0.01364951393205028
+4 246223 0.02008530766406564
+4 246943 0.01418816187065306
+4 247111 0.01715397885778408
+4 247342 0.02008530766406564
+4 247629 0.02008530766406564
+4 247971 0.01418816187065306
+4 248167 0.01715397885778408
+4 248179 0.02128224280597959
+4 248297 0.02008530766406564
+4 249333 0.02008530766406564
+4 249621 0.03652361004831862
+4 250040 0.02729902786410057
+4 251251 0.01418816187065306
+4 251484 0.01715397885778408
+4 251700 0.01275459788430996
+4 252431 0.01715397885778408
+4 252434 0.01364951393205028
+4 252637 0.01364951393205028
+4 254999 0.01418816187065306
+4 255555 0.0151656036122675
+4 255652 0.02837632374130612
+4 256309 0.02008530766406564
+4 256713 0.01715397885778408
+4 256778 0.02573096828667612
+4 256843 0.01275459788430996
+4 257127 0.01715397885778408
+4 257185 0.01418816187065306
+4 257273 0.02008530766406564
+4 257301 0.03547040467663266
+4 257539 0.01949588944129669
+4 258131 0.01715397885778408
+4 259035 0.02008530766406564
+4 259545 0.02008530766406564
+4 260259 0.02008530766406564
+4 261723 0.01364951393205028
+4 262547 0.01418816187065306
+4 262715 0.02008530766406564
+4 263325 0.01418816187065306
+4 263399 0.01648847232539554
+4 263406 0.01364951393205028
+4 263783 0.01418816187065306
+4 263808 0.01715397885778408
+4 263880 0.01364951393205028
+4 264321 0.01275459788430996
+4 266063 0.02729902786410057
+4 266379 0.030331207224535
+4 266788 0.0151656036122675
+4 268387 0.0486981467310915
+4 269030 0.02837632374130612
+4 269035 0.02008530766406564
+4 269138 0.01715397885778408
+4 269253 0.02008530766406564
+4 269264 0.00709408093532653
+4 269325 0.02008530766406564
+4 269409 0.02434907336554575
+4 269645 0.02128224280597959
+4 269895 0.01418816187065306
+4 270299 0.02550919576861992
+4 270530 0.01715397885778408
+4 271773 0.01715397885778408
+4 271879 0.01418816187065306
+4 272372 0.01364951393205028
+4 272501 0.02008530766406564
+4 272708 0.02434907336554575
+4 273067 0.01217453668277288
+4 273555 0.09098081739271789
+4 273739 0.0151656036122675
+4 274215 0.02008530766406564
+4 274243 0.01648847232539554
+4 274261 0.01715397885778408
+4 274301 0.01217453668277288
+4 274331 0.02008530766406564
+4 274505 0.02008530766406564
+4 274591 0.02274840541840125
+4 274746 0.0713768287196582
+4 275005 0.01275459788430996
+4 275947 0.02008530766406564
+4 276179 0.01364951393205028
+4 276774 0.01418816187065306
+4 276973 0.01364951393205028
+4 277729 0.02008530766406564
+4 278494 0.01275459788430996
+4 279457 0.01418816187065306
+4 279800 0.00709408093532653
+4 280157 0.02008530766406564
+4 280286 0.01418816187065306
+4 280567 0.01364951393205028
+4 281451 0.02128224280597959
+4 281699 0.01364951393205028
+4 282367 0.0151656036122675
+4 282635 0.01418816187065306
+4 283023 0.01715397885778408
+4 283688 0.05739854762106866
+4 285400 0.02434907336554575
+4 285569 0.01418816187065306
+4 285819 0.01418816187065306
+4 286193 0.04946541697618662
+4 286517 0.01364951393205028
+4 286733 0.02837632374130612
+4 286939 0.01418816187065306
+4 287322 0.02573096828667612
+4 287690 0.01418816187065306
+4 287742 0.01715397885778408
+4 288457 0.01364951393205028
+4 289100 0.02550919576861992
+4 289188 0.01418816187065306
+4 289751 0.02008530766406564
+4 289845 0.02008530766406564
+4 290266 0.02128224280597959
+4 290325 0.01648847232539554
+4 290579 0.02434907336554575
+4 290753 0.05198903851012451
+4 291001 0.02434907336554575
+4 291044 0.01418816187065306
+4 291062 0.01418816187065306
+4 291722 0.01418816187065306
+4 292489 0.01275459788430996
+4 292587 0.04229737998201968
+4 292630 0.02008530766406564
+4 292637 0.02573096828667612
+4 293924 0.02837632374130612
+4 294219 0.0151656036122675
+4 295473 0.01364951393205028
+4 296163 0.01364951393205028
+4 297583 0.01364951393205028
+4 298055 0.01715397885778408
+4 298361 0.030331207224535
+4 298488 0.01418816187065306
+4 298857 0.02008530766406564
+4 298958 0.02008530766406564
+4 300073 0.01418816187065306
+4 300086 0.01364951393205028
+4 300314 0.01364951393205028
+4 301537 0.01217453668277288
+4 301591 0.00528717249775246
+4 301619 0.02128224280597959
+4 301920 0.02008530766406564
+4 302035 0.01418816187065306
+4 302840 0.02008530766406564
+4 303522 0.02837632374130612
+4 304565 0.01826180502415931
+4 304903 0.01715397885778408
+4 305046 0.02573096828667612
+4 305700 0.02837632374130612
+4 306128 0.02128224280597959
+4 306375 0.02008530766406564
+4 306435 0.02008530766406564
+4 306537 0.01715397885778408
+4 306638 0.01364951393205028
+4 306675 0.01364951393205028
+4 306727 0.0151656036122675
+4 306923 0.01648847232539554
+4 307519 0.02573096828667612
+4 307582 0.02729902786410057
+4 307729 0.01364951393205028
+4 308371 0.01418816187065306
+4 309389 0.01217453668277288
+4 309491 0.01275459788430996
+4 309586 0.02729902786410057
+4 309891 0.02008530766406564
+4 310753 0.0151656036122675
+4 310855 0.01275459788430996
+4 311589 0.02008530766406564
+4 313069 0.01715397885778408
+4 313613 0.01715397885778408
+4 313643 0.02008530766406564
+4 313953 0.01364951393205028
+4 314149 0.02047427089807543
+4 314242 0.01364951393205028
+4 314671 0.01418816187065306
+4 315113 0.01217453668277288
+4 316383 0.02047427089807543
+4 317135 0.02008530766406564
+4 318078 0.01364951393205028
+4 319851 0.01715397885778408
+4 320045 0.02729902786410057
+4 320299 0.02128224280597959
+4 320330 0.01364951393205028
+4 320888 0.006824756966025142
+4 320955 0.01715397885778408
+4 321063 0.02008530766406564
+4 321091 0.01648847232539554
+4 321435 0.01217453668277288
+4 321631 0.01275459788430996
+4 321902 0.04911798217932131
+4 322258 0.01715397885778408
+4 322633 0.02008530766406564
+4 322837 0.0151656036122675
+4 324030 0.01418816187065306
+4 324085 0.02008530766406564
+4 325932 0.02008530766406564
+4 326378 0.01418816187065306
+4 326658 0.02008530766406564
+4 326903 0.01275459788430996
+4 328437 0.01715397885778408
+4 328547 0.01418816187065306
+4 328633 0.01418816187065306
+4 328897 0.02008530766406564
+4 328931 0.01418816187065306
+4 329007 0.01715397885778408
+4 329691 0.02008530766406564
+4 329703 0.03412378483012571
+4 331109 0.01418816187065306
+4 331953 0.01715397885778408
+4 332157 0.01364951393205028
+4 332199 0.02837632374130612
+4 332265 0.01715397885778408
+4 332443 0.02008530766406564
+4 332667 0.01949588944129669
+4 332773 0.02008530766406564
+4 332935 0.0151656036122675
+4 333921 0.01364951393205028
+4 334063 0.01364951393205028
+4 334148 0.01275459788430996
+4 334154 0.02837632374130612
+4 334293 0.01275459788430996
+4 334467 0.02008530766406564
+4 334695 0.01715397885778408
+4 335979 0.01275459788430996
+4 336200 0.006498629813765564
+4 337095 0.01418816187065306
+4 337185 0.02008530766406564
+4 337735 0.01364951393205028
+4 338006 0.02837632374130612
+4 338015 0.01364951393205028
+4 338206 0.01648847232539554
+4 339078 0.02573096828667612
+4 339283 0.02008530766406564
+4 340304 0.01418816187065306
+4 341255 0.01364951393205028
+4 341742 0.01364951393205028
+4 342053 0.01217453668277288
+4 343013 0.02008530766406564
+4 343508 0.01418816187065306
+4 343735 0.02008530766406564
+4 345199 0.01418816187065306
+4 345633 0.02008530766406564
+4 345684 0.01715397885778408
+4 345929 0.01418816187065306
+4 346155 0.01418816187065306
+4 346795 0.07016854597045903
+4 348217 0.02008530766406564
+4 348577 0.02008530766406564
+4 348620 0.02573096828667612
+4 349045 0.01715397885778408
+4 349276 0.01364951393205028
+4 349281 0.01275459788430996
+4 349435 0.02729902786410057
+4 349538 0.01418816187065306
+4 349888 0.01418816187065306
+4 350035 0.03826379365292988
+4 350489 0.01364951393205028
+4 350535 0.01418816187065306
+4 350800 0.06080248372415328
+4 351070 0.0151656036122675
+4 351615 0.0151656036122675
+4 352137 0.02573096828667612
+4 352484 0.01418816187065306
+4 354251 0.01418816187065306
+4 354291 0.02729902786410057
+4 354303 0.01715397885778408
+4 354428 0.01364951393205028
+4 354489 0.01648847232539554
+4 354881 0.0151656036122675
+4 354925 0.01364951393205028
+4 356044 0.01364951393205028
+4 356741 0.01418816187065306
+4 356922 0.01715397885778408
+4 357007 0.01364951393205028
+4 357667 0.01418816187065306
+4 357854 0.02729902786410057
+4 358469 0.02008530766406564
+4 358920 0.0151656036122675
+4 359248 0.01364951393205028
+4 359812 0.02008530766406564
+4 360005 0.01364951393205028
+4 360838 0.01364951393205028
+4 360982 0.01217453668277288
+4 361049 0.01826180502415931
+4 361083 0.02837632374130612
+4 361267 0.01364951393205028
+4 361458 0.0151656036122675
+4 361555 0.01364951393205028
+4 361829 0.02806741838818361
+4 362042 0.01418816187065306
+4 362225 0.01364951393205028
+4 362467 0.02008530766406564
+4 362857 0.09516910495954427
+4 363605 0.01418816187065306
+4 364616 0.01275459788430996
+4 364949 0.01217453668277288
+4 365021 0.01418816187065306
+4 365207 0.01364951393205028
+4 365617 0.02729902786410057
+4 365654 0.01418816187065306
+4 366889 0.0151656036122675
+4 366965 0.02434907336554575
+4 367288 0.01418816187065306
+4 368725 0.01418816187065306
+4 369010 0.02837632374130612
+4 369621 0.01715397885778408
+4 370016 0.01418816187065306
+4 370047 0.01648847232539554
+4 370715 0.02047427089807543
+4 371306 0.01275459788430996
+4 371979 0.01715397885778408
+4 372124 0.02573096828667612
+4 372364 0.02573096828667612
+4 372511 0.02008530766406564
+4 372649 0.01715397885778408
+4 373096 0.01715397885778408
+4 373911 0.02047427089807543
+4 374313 0.01715397885778408
+4 374357 0.02047427089807543
+4 374371 0.0318864947107749
+4 374551 0.03965379373314344
+4 374753 0.01715397885778408
+4 375102 0.01715397885778408
+4 375473 0.01715397885778408
+4 375487 0.01639958503459105
+4 377039 0.01418816187065306
+4 377587 0.01715397885778408
+4 378138 0.00528717249775246
+4 378740 0.01715397885778408
+4 380125 0.02729902786410057
+4 380335 0.02729902786410057
+4 380731 0.01418816187065306
+4 381027 0.01648847232539554
+4 381059 0.02837632374130612
+4 381314 0.02008530766406564
+4 381898 0.02729902786410057
+4 381910 0.01364951393205028
+4 382345 0.02008530766406564
+4 382438 0.01418816187065306
+4 383056 0.01715397885778408
+4 383220 0.01418816187065306
+4 383382 0.01715397885778408
+4 383425 0.01715397885778408
+4 383717 0.02550919576861992
+4 384509 0.01275459788430996
+4 384855 0.02008530766406564
+4 385204 0.02729902786410057
+4 385715 0.01217453668277288
+4 385781 0.02008530766406564
+4 387388 0.01715397885778408
+4 387974 0.02573096828667612
+4 388189 0.01364951393205028
+4 389237 0.01217453668277288
+4 389801 0.01826180502415931
+4 390075 0.02008530766406564
+4 390320 0.02837632374130612
+4 390942 0.02573096828667612
+4 391054 0.006498629813765564
+4 391640 0.01586151749325737
+4 391751 0.02729902786410057
+4 393135 0.01364951393205028
+4 393395 0.02837632374130612
+4 394376 0.01418816187065306
+4 394516 0.02729902786410057
+4 395286 0.02434907336554575
+4 396089 0.02573096828667612
+4 396173 0.01715397885778408
+4 396734 0.01275459788430996
+4 396794 0.01418816187065306
+4 398135 0.01418816187065306
+4 399959 0.01275459788430996
+4 400049 0.01418816187065306
+4 400231 0.03297694465079107
+4 401071 0.02008530766406564
+4 402051 0.02733264172431841
+4 402865 0.01648847232539554
+4 402965 0.01418816187065306
+4 403500 0.01418816187065306
+4 403661 0.01364951393205028
+4 404835 0.02573096828667612
+4 405774 0.01418816187065306
+4 405988 0.01364951393205028
+4 406087 0.01648847232539554
+4 409251 0.01275459788430996
+4 409413 0.01057434499550492
+4 409629 0.02573096828667612
+4 409699 0.02008530766406564
+4 409703 0.02729902786410057
+4 410369 0.02573096828667612
+4 410796 0.01364951393205028
+4 410826 0.02837632374130612
+4 412190 0.01364951393205028
+4 412205 0.01217453668277288
+4 412451 0.01364951393205028
+4 412969 0.01275459788430996
+4 413067 0.02837632374130612
+4 413831 0.02274840541840125
+4 414251 0.01217453668277288
+4 416521 0.01418816187065306
+4 417055 0.01418816187065306
+4 417415 0.01364951393205028
+4 417651 0.02008530766406564
+4 419050 0.02729902786410057
+4 420441 0.02008530766406564
+4 421087 0.01364951393205028
+4 422853 0.0151656036122675
+4 423978 0.01715397885778408
+4 424081 0.0151656036122675
+4 424356 0.01364951393205028
+4 424534 0.02008530766406564
+4 424685 0.02729902786410057
+4 424843 0.01217453668277288
+4 425077 0.02008530766406564
+4 425184 0.01217453668277288
+4 425561 0.01364951393205028
+4 426215 0.01275459788430996
+4 426273 0.01715397885778408
+4 428107 0.02008530766406564
+4 428185 0.01418816187065306
+4 429857 0.02008530766406564
+4 432044 0.01364951393205028
+4 433703 0.01648847232539554
+4 433859 0.02008530766406564
+4 434511 0.02008530766406564
+4 435351 0.02008530766406564
+4 436785 0.02008530766406564
+4 436807 0.01418816187065306
+4 436909 0.01364951393205028
+4 437219 0.02008530766406564
+4 437322 0.01418816187065306
+4 437511 0.02008530766406564
+4 439498 0.007582801806133749
+4 440133 0.02008530766406564
+4 440291 0.03297694465079107
+4 440895 0.01364951393205028
+4 441552 0.01364951393205028
+4 441779 0.02114868999100984
+4 442488 0.01418816187065306
+4 443926 0.01418816187065306
+4 444629 0.01275459788430996
+4 445221 0.02008530766406564
+4 445546 0.01364951393205028
+4 445733 0.01217453668277288
+4 445954 0.01364951393205028
+4 446053 0.01715397885778408
+4 447055 0.02008530766406564
+4 447186 0.02729902786410057
+4 447747 0.01648847232539554
+4 448632 0.01418816187065306
+4 449029 0.01217453668277288
+4 449357 0.01715397885778408
+4 450383 0.01418816187065306
+4 450520 0.02573096828667612
+4 451666 0.01715397885778408
+4 452294 0.01715397885778408
+4 453366 0.01418816187065306
+4 454642 0.02729902786410057
+4 455552 0.01715397885778408
+4 455623 0.01418816187065306
+4 456078 0.01715397885778408
+4 456962 0.01093305668972736
+4 457315 0.03297694465079107
+4 457479 0.02550919576861992
+4 457697 0.02573096828667612
+4 457815 0.01648847232539554
+4 457845 0.02008530766406564
+4 458416 0.02837632374130612
+4 458576 0.01364951393205028
+4 459153 0.01217453668277288
+4 459526 0.01418816187065306
+4 461015 0.02008530766406564
+4 461058 0.01715397885778408
+4 461528 0.02837632374130612
+4 461703 0.01715397885778408
+4 461794 0.01418816187065306
+4 462975 0.01364951393205028
+4 463141 0.01418816187065306
+4 464561 0.01715397885778408
+4 464765 0.01715397885778408
+4 465011 0.01364951393205028
+4 465683 0.01364951393205028
+4 466236 0.02008530766406564
+4 466689 0.02729902786410057
+4 467404 0.01715397885778408
+4 467462 0.01364951393205028
+4 467625 0.02047427089807543
+4 467993 0.01715397885778408
+4 468025 0.0151656036122675
+4 468741 0.01715397885778408
+4 469937 0.01364951393205028
+4 470605 0.0151656036122675
+4 471169 0.02550919576861992
+4 471521 0.01364951393205028
+4 471572 0.01217453668277288
+4 473270 0.02729902786410057
+4 473734 0.01418816187065306
+4 473947 0.01715397885778408
+4 473999 0.02729902786410057
+4 474349 0.0151656036122675
+4 474687 0.02128224280597959
+4 474726 0.01418816187065306
+4 474784 0.01648847232539554
+4 475057 0.01418816187065306
+4 475095 0.02008530766406564
+4 475117 0.01715397885778408
+4 475690 0.02729902786410057
+4 475768 0.006824756966025142
+4 475970 0.05101839153723984
+4 476213 0.01364951393205028
+4 477443 0.02114868999100984
+4 478160 0.02128224280597959
+4 478472 0.02573096828667612
+4 478911 0.01364951393205028
+4 479073 0.02008530766406564
+4 479139 0.01217453668277288
+4 479633 0.01418816187065306
+4 479889 0.01715397885778408
+4 480288 0.01715397885778408
+4 481113 0.02128224280597959
+4 481243 0.01715397885778408
+4 481474 0.01418816187065306
+4 481579 0.01364951393205028
+4 482333 0.01715397885778408
+4 482345 0.01418816187065306
+4 482567 0.03826379365292988
+4 482986 0.02008530766406564
+4 483676 0.01418816187065306
+4 483701 0.01364951393205028
+4 484341 0.02008530766406564
+4 485083 0.02008530766406564
+4 485540 0.01364951393205028
+4 486092 0.01715397885778408
+4 487201 0.02008530766406564
+4 487611 0.01418816187065306
+4 487653 0.02008530766406564
+4 489724 0.02008530766406564
+4 490247 0.02729902786410057
+4 491013 0.0151656036122675
+4 491641 0.01715397885778408
+4 493106 0.00528717249775246
+4 493421 0.01418816187065306
+4 493657 0.0151656036122675
+4 493901 0.02550919576861992
+4 494309 0.02008530766406564
+4 494937 0.02008530766406564
+4 496345 0.01217453668277288
+4 496754 0.00709408093532653
+4 498175 0.01418816187065306
+4 499009 0.02008530766406564
+4 499200 0.01275459788430996
+4 499358 0.01715397885778408
+4 500265 0.01715397885778408
+4 500381 0.02434907336554575
+4 500666 0.01418816187065306
+4 501421 0.007016854597045903
+4 501976 0.02729902786410057
+4 502084 0.02008530766406564
+4 502210 0.01715397885778408
+4 502271 0.01715397885778408
+4 502355 0.01913189682646494
+4 502591 0.02047427089807543
+4 502841 0.01715397885778408
+4 502907 0.01364951393205028
+4 503476 0.02008530766406564
+4 503867 0.0151656036122675
+4 504373 0.01715397885778408
+4 504382 0.01715397885778408
+4 504555 0.01418816187065306
+4 504613 0.01364951393205028
+4 504825 0.01715397885778408
+4 506286 0.02729902786410057
+4 506479 0.0151656036122675
+4 507207 0.02008530766406564
+4 507451 0.01715397885778408
+4 507537 0.02550919576861992
+4 507692 0.06013181179350049
+4 508659 0.01715397885778408
+4 508787 0.01364951393205028
+4 508811 0.01217453668277288
+4 509375 0.01364951393205028
+4 509919 0.01418816187065306
+4 512268 0.01364951393205028
+4 512365 0.03297694465079107
+4 512746 0.00857698942889204
+4 512909 0.01364951393205028
+4 514175 0.01275459788430996
+4 514393 0.02008530766406564
+4 516634 0.05848766832389008
+4 517337 0.02008530766406564
+4 517781 0.0151656036122675
+4 518346 0.01648847232539554
+4 518705 0.02008530766406564
+4 519139 0.04549681083680249
+4 519173 0.01715397885778408
+4 519679 0.02729902786410057
+4 520268 0.02008530766406564
+4 520636 0.01364951393205028
+4 521989 0.01715397885778408
+4 522736 0.01418816187065306
+4 523212 0.02047427089807543
+4 523271 0.02274840541840125
+4 523541 0.01648847232539554
+4 523651 0.02008530766406564
+4 523687 0.01364951393205028
+4 523735 0.01418816187065306
+4 523947 0.02550919576861992
+4 525576 0.01715397885778408
+4 525583 0.02008530766406564
+4 525851 0.01364951393205028
+4 525908 0.01364951393205028
+4 526642 0.01364951393205028
+4 526721 0.01418816187065306
+4 526946 0.0151656036122675
+4 527398 0.0151656036122675
+4 528214 0.02573096828667612
+4 528332 0.01418816187065306
+4 528573 0.01418816187065306
+4 528624 0.01418816187065306
+4 529053 0.01275459788430996
+4 531001 0.01418816187065306
+4 531803 0.01715397885778408
+4 531904 0.02573096828667612
+4 531908 0.01586151749325737
+4 531983 0.01364951393205028
+4 532070 0.01418816187065306
+4 533265 0.00528717249775246
+4 534866 0.02729902786410057
+4 535273 0.01715397885778408
+4 535303 0.01364951393205028
+4 535746 0.01715397885778408
+4 535786 0.02729902786410057
+4 535967 0.01715397885778408
+4 536468 0.02729902786410057
+4 537135 0.01217453668277288
+4 537139 0.01364951393205028
+4 537221 0.02837632374130612
+4 537511 0.01913189682646494
+4 537663 0.01418816187065306
+4 537849 0.02128224280597959
+4 537992 0.02008530766406564
+4 538111 0.01418816187065306
+4 539074 0.02573096828667612
+4 539527 0.01364951393205028
+4 539771 0.01418816187065306
+4 540465 0.02837632374130612
+4 540474 0.01275459788430996
+4 540528 0.02837632374130612
+4 540901 0.02128224280597959
+4 541108 0.01715397885778408
+4 541710 0.02008530766406564
+4 541994 0.01418816187065306
+4 542085 0.01418816187065306
+4 542153 0.01275459788430996
+4 542532 0.03547040467663266
+4 543333 0.01586151749325737
+4 544681 0.0151656036122675
+4 544877 0.01418816187065306
+4 545201 0.01217453668277288
+4 545429 0.02573096828667612
+4 546223 0.01418816187065306
+4 546555 0.01364951393205028
+4 546620 0.01364951393205028
+4 547095 0.01418816187065306
+4 547617 0.01715397885778408
+4 547879 0.02008530766406564
+4 548140 0.01715397885778408
+4 548321 0.02008530766406564
+4 548733 0.0151656036122675
+4 548845 0.01715397885778408
+4 549329 0.02008530766406564
+4 550081 0.01364951393205028
+4 550139 0.01275459788430996
+4 550397 0.02047427089807543
+4 550477 0.01648847232539554
+4 550646 0.01715397885778408
+4 551619 0.01715397885778408
+4 551710 0.02008530766406564
+4 551867 0.01217453668277288
+4 552035 0.03297694465079107
+4 552314 0.01275459788430996
+4 552599 0.01715397885778408
+4 552644 0.01715397885778408
+4 552942 0.01364951393205028
+4 552991 0.02837632374130612
+4 553834 0.02008530766406564
+4 554171 0.006498629813765564
+4 554273 0.01275459788430996
+4 554848 0.04549040869635895
+4 555579 0.01715397885778408
+4 555640 0.01418816187065306
+4 555843 0.01418816187065306
+4 555941 0.01715397885778408
+4 556469 0.02186611337945473
+4 556689 0.02008530766406564
+4 556895 0.01715397885778408
+4 557381 0.01648847232539554
+4 558783 0.01364951393205028
+4 559219 0.01715397885778408
+4 559602 0.01364951393205028
+4 559604 0.02573096828667612
+4 560395 0.01217453668277288
+4 560837 0.01418816187065306
+4 561463 0.01715397885778408
+4 561843 0.01715397885778408
+4 561953 0.01418816187065306
+4 562649 0.02008530766406564
+4 564899 0.02008530766406564
+4 565145 0.02573096828667612
+4 566760 0.01418816187065306
+4 567100 0.02729902786410057
+4 567641 0.01418816187065306
+4 567941 0.0151656036122675
+4 568123 0.01715397885778408
+4 568621 0.01418816187065306
+4 569285 0.02434907336554575
+4 569519 0.01364951393205028
+4 569793 0.01715397885778408
+4 570041 0.01715397885778408
+4 570063 0.0151656036122675
+4 570304 0.01715397885778408
+4 570831 0.02008530766406564
+4 570952 0.03412378483012571
+4 571152 0.02274840541840125
+4 571334 0.01418816187065306
+4 571843 0.01093305668972736
+4 572024 0.02008530766406564
+4 574381 0.02008530766406564
+4 574999 0.01275459788430996
+4 575021 0.02008530766406564
+4 575961 0.02008530766406564
+4 576681 0.02729902786410057
+4 576853 0.01217453668277288
+4 576861 0.01418816187065306
+4 577069 0.01418816187065306
+4 577338 0.01418816187065306
+4 578166 0.01364951393205028
+4 578474 0.01715397885778408
+4 578619 0.02008530766406564
+4 578875 0.01364951393205028
+4 579500 0.01364951393205028
+4 579620 0.01364951393205028
+4 579681 0.01715397885778408
+4 580669 0.02573096828667612
+4 581523 0.01715397885778408
+4 582093 0.01217453668277288
+4 582560 0.01217453668277288
+4 582730 0.0151656036122675
+4 582828 0.01715397885778408
+4 583435 0.01418816187065306
+4 583463 0.01715397885778408
+4 583732 0.01715397885778408
+4 583746 0.05613483677636722
+4 584338 0.01418816187065306
+4 584579 0.01364951393205028
+4 584763 0.05613483677636722
+4 585083 0.02008530766406564
+4 585191 0.01364951393205028
+4 586329 0.02008530766406564
+4 587249 0.01418816187065306
+4 587435 0.02274840541840125
+4 588449 0.01275459788430996
+4 589339 0.01364951393205028
+4 590199 0.01217453668277288
+4 590800 0.02837632374130612
+4 590929 0.02008530766406564
+4 591310 0.01418816187065306
+4 591415 0.01715397885778408
+4 591866 0.01913189682646494
+4 592222 0.01364951393205028
+4 592401 0.01364951393205028
+4 592829 0.0151656036122675
+4 592903 0.01364951393205028
+4 592951 0.01418816187065306
+4 593712 0.01418816187065306
+4 593964 0.01364951393205028
+4 593995 0.01913189682646494
+4 594441 0.01217453668277288
+4 594598 0.01275459788430996
+4 594775 0.03899177888259339
+4 595075 0.01275459788430996
+4 595190 0.01364951393205028
+4 595803 0.1011307743799781
+4 596548 0.01418816187065306
+4 596952 0.01275459788430996
+4 597895 0.01275459788430996
+4 597917 0.01715397885778408
+4 597967 0.01364951393205028
+4 598563 0.02837632374130612
+4 598600 0.01364951393205028
+4 598774 0.01057434499550492
+4 599081 0.01715397885778408
+4 599911 0.02550919576861992
+4 600226 0.01057434499550492
+4 600953 0.01715397885778408
+4 600989 0.01715397885778408
+4 601956 0.02047427089807543
+4 602993 0.02434907336554575
+4 604022 0.01586151749325737
+4 605225 0.03701020748426721
+4 605390 0.02573096828667612
+4 605457 0.02729902786410057
+4 606277 0.01364951393205028
+4 606350 0.01364951393205028
+4 606857 0.02008530766406564
+4 607303 0.02128224280597959
+4 607497 0.02806741838818361
+4 607699 0.02008530766406564
+4 607869 0.01418816187065306
+4 608048 0.02008530766406564
+4 608773 0.02729902786410057
+4 608811 0.02008530766406564
+4 609511 0.01418816187065306
+4 609985 0.01715397885778408
+4 609997 0.01364951393205028
+4 610885 0.02008530766406564
+4 611041 0.01364951393205028
+4 611811 0.01648847232539554
+4 611862 0.01364951393205028
+4 613071 0.02837632374130612
+4 613281 0.02008530766406564
+4 614260 0.02573096828667612
+4 614772 0.01217453668277288
+4 614844 0.02837632374130612
+4 615384 0.01364951393205028
+4 616117 0.03826379365292988
+4 616136 0.01418816187065306
+4 616371 0.02008530766406564
+4 616663 0.02434907336554575
+4 616997 0.01364951393205028
+4 617266 0.01715397885778408
+4 617395 0.01275459788430996
+4 618125 0.03297694465079107
+4 618773 0.02729902786410057
+4 620045 0.01418816187065306
+4 620105 0.02008530766406564
+4 620879 0.02008530766406564
+4 620920 0.02008530766406564
+4 620922 0.01418816187065306
+4 621135 0.01418816187065306
+4 621490 0.01715397885778408
+4 622175 0.01418816187065306
+4 622446 0.01648847232539554
+4 622747 0.01275459788430996
+4 623063 0.02008530766406564
+4 623266 0.02573096828667612
+4 623888 0.02008530766406564
+4 624069 0.01364951393205028
+4 624697 0.02008530766406564
+4 624972 0.01418816187065306
+4 625376 0.01715397885778408
+4 625667 0.01648847232539554
+4 626081 0.02008530766406564
+4 626638 0.01715397885778408
+4 627157 0.01418816187065306
+4 627631 0.02008530766406564
+4 627635 0.01715397885778408
+4 627686 0.01418816187065306
+4 627841 0.01418816187065306
+4 627927 0.01418816187065306
+4 628067 0.06315169137341313
+4 628232 0.02550919576861992
+4 629035 0.02008530766406564
+4 629688 0.01715397885778408
+4 629740 0.02047427089807543
+4 630633 0.01418816187065306
+4 631033 0.02008530766406564
+4 631125 0.01418816187065306
+4 631189 0.01715397885778408
+4 631437 0.02008530766406564
+4 631969 0.01418816187065306
+4 632373 0.01715397885778408
+4 632711 0.01418816187065306
+4 633177 0.02434907336554575
+4 633605 0.01418816187065306
+4 635129 0.02008530766406564
+4 635811 0.02274840541840125
+4 636432 0.01364951393205028
+4 636455 0.01364951393205028
+4 637283 0.01217453668277288
+4 637813 0.01364951393205028
+4 638325 0.01648847232539554
+4 638675 0.0151656036122675
+4 638720 0.02047427089807543
+4 638838 0.0151656036122675
+4 639033 0.02434907336554575
+4 639353 0.01418816187065306
+4 640317 0.01648847232539554
+4 641686 0.01275459788430996
+4 642137 0.02008530766406564
+4 642203 0.07016854597045903
+4 642575 0.02008530766406564
+4 642649 0.02008530766406564
+4 643315 0.02008530766406564
+4 643634 0.01586151749325737
+4 643662 0.02573096828667612
+4 643772 0.02729902786410057
+4 644220 0.006498629813765564
+4 645114 0.01217453668277288
+4 645301 0.01418816187065306
+4 645915 0.01826180502415931
+4 646777 0.02550919576861992
+4 648063 0.01217453668277288
+4 648903 0.02008530766406564
+4 650741 0.01648847232539554
+4 650936 0.01715397885778408
+4 651357 0.01715397885778408
+4 651789 0.02008530766406564
+4 651855 0.02008530766406564
+4 651996 0.02128224280597959
+4 652362 0.01715397885778408
+4 652514 0.0151656036122675
+4 652849 0.02008530766406564
+4 653009 0.02008530766406564
+4 653537 0.02008530766406564
+4 655093 0.02008530766406564
+4 655121 0.01364951393205028
+4 655240 0.01275459788430996
+4 655438 0.02573096828667612
+4 655446 0.01715397885778408
+4 655537 0.03279917006918209
+4 656149 0.01364951393205028
+4 657480 0.02573096828667612
+4 657631 0.02128224280597959
+4 657797 0.01715397885778408
+4 658436 0.01364951393205028
+4 658442 0.01418816187065306
+4 660651 0.01715397885778408
+4 661073 0.01057434499550492
+4 661573 0.007016854597045903
+4 662565 0.01715397885778408
+4 663774 0.01418816187065306
+4 663812 0.01057434499550492
+4 665077 0.02008530766406564
+4 665243 0.01418816187065306
+4 666483 0.01418816187065306
+4 667328 0.01275459788430996
+4 667457 0.01364951393205028
+4 667500 0.01418816187065306
+4 668297 0.030331207224535
+4 668558 0.01364951393205028
+4 669243 0.01364951393205028
+4 669258 0.0151656036122675
+4 669273 0.02008530766406564
+4 670037 0.01715397885778408
+4 670268 0.02047427089807543
+4 670693 0.01418816187065306
+4 670829 0.01826180502415931
+4 671553 0.04919875510377313
+4 672444 0.01648847232539554
+4 672756 0.01093305668972736
+4 672767 0.01364951393205028
+4 673507 0.01217453668277288
+4 673666 0.01418816187065306
+4 673671 0.02008530766406564
+4 673732 0.01364951393205028
+4 674203 0.01364951393205028
+4 674363 0.02008530766406564
+4 675052 0.01364951393205028
+4 675407 0.02008530766406564
+4 675670 0.02729902786410057
+4 675672 0.01715397885778408
+4 675682 0.01217453668277288
+4 675794 0.01364951393205028
+4 676661 0.01217453668277288
+4 677451 0.01275459788430996
+4 677507 0.02008530766406564
+4 677975 0.02008530766406564
+4 678219 0.01364951393205028
+4 678900 0.01418816187065306
+4 678999 0.02008530766406564
+4 679409 0.01364951393205028
+4 679429 0.02729902786410057
+4 680132 0.02837632374130612
+4 680149 0.01715397885778408
+4 680225 0.01418816187065306
+4 681763 0.01217453668277288
+4 682127 0.01275459788430996
+4 682269 0.01217453668277288
+4 682303 0.02008530766406564
+4 683329 0.01715397885778408
+4 683453 0.01418816187065306
+4 683466 0.03547040467663266
+4 684612 0.02008530766406564
+4 684704 0.01418816187065306
+4 686139 0.02008530766406564
+4 686506 0.01275459788430996
+4 686920 0.01418816187065306
+4 687057 0.01418816187065306
+4 687143 0.01648847232539554
+4 687588 0.02837632374130612
+4 687593 0.01418816187065306
+4 687733 0.01715397885778408
+4 687757 0.01364951393205028
+4 690425 0.02274840541840125
+4 690593 0.01364951393205028
+4 690643 0.02008530766406564
+4 690761 0.02434907336554575
+4 690938 0.01364951393205028
+4 691362 0.02573096828667612
+4 691725 0.01418816187065306
+4 691865 0.01217453668277288
+4 693099 0.01364951393205028
+4 693246 0.01715397885778408
+4 694474 0.02573096828667612
+4 694626 0.01364951393205028
+4 695153 0.01418816187065306
+4 695422 0.02128224280597959
+4 695471 0.02008530766406564
+4 695589 0.01715397885778408
+4 695893 0.01715397885778408
+4 696087 0.02047427089807543
+4 696200 0.01418816187065306
+4 696533 0.1057434499550492
+4 696943 0.01715397885778408
+4 697121 0.0151656036122675
+4 697205 0.02806741838818361
+4 697943 0.02008530766406564
+4 697988 0.01715397885778408
+4 698358 0.02837632374130612
+4 699173 0.02008530766406564
+4 699635 0.02837632374130612
+4 699773 0.030331207224535
+4 700325 0.01217453668277288
+4 700571 0.02837632374130612
+4 700859 0.01418816187065306
+4 700939 0.02008530766406564
+4 700954 0.01418816187065306
+4 700963 0.01715397885778408
+4 701293 0.01648847232539554
+4 701689 0.01715397885778408
+4 701887 0.02599451925506226
+4 702222 0.01715397885778408
+4 703551 0.01648847232539554
+4 703750 0.01715397885778408
+4 704029 0.02008530766406564
+4 704060 0.01217453668277288
+4 704658 0.01418816187065306
+4 705567 0.01217453668277288
+4 705609 0.02008530766406564
+4 705841 0.01364951393205028
+4 706216 0.02837632374130612
+4 706569 0.02008530766406564
+4 706892 0.01418816187065306
+4 706945 0.02008530766406564
+4 707025 0.01364951393205028
+4 707307 0.01418816187065306
+4 707489 0.0151656036122675
+4 707633 0.01715397885778408
+4 707730 0.02434907336554575
+4 708400 0.01715397885778408
+4 708407 0.01418816187065306
+4 708636 0.02837632374130612
+4 708714 0.02008530766406564
+4 708885 0.01715397885778408
+4 708916 0.05478541507247794
+4 709478 0.01715397885778408
+4 709550 0.03412378483012571
+4 709947 0.01364951393205028
+4 710821 0.02573096828667612
+4 711025 0.01418816187065306
+4 711106 0.01715397885778408
+4 711418 0.02837632374130612
+4 711432 0.01275459788430996
+4 712019 0.01715397885778408
+4 712475 0.02008530766406564
+4 712835 0.02008530766406564
+4 712872 0.0151656036122675
+4 713013 0.01648847232539554
+4 713234 0.01418816187065306
+4 713527 0.01715397885778408
+4 714059 0.02729902786410057
+4 714584 0.00528717249775246
+4 715513 0.04549681083680249
+4 715726 0.01715397885778408
+4 715865 0.02008530766406564
+4 715932 0.02573096828667612
+4 715968 0.01364951393205028
+4 716121 0.01275459788430996
+4 716526 0.01715397885778408
+4 717596 0.0151656036122675
+4 717962 0.01364951393205028
+4 718098 0.01715397885778408
+4 720262 0.01418816187065306
+4 720453 0.02008530766406564
+4 720495 0.01715397885778408
+4 721031 0.01418816187065306
+4 721682 0.01418816187065306
+4 721829 0.01715397885778408
+4 721862 0.02837632374130612
+4 722102 0.02837632374130612
+4 723193 0.02008530766406564
+4 723620 0.01418816187065306
+4 724109 0.02274840541840125
+4 724782 0.01364951393205028
+4 724835 0.02008530766406564
+4 724837 0.01217453668277288
+4 725465 0.01217453668277288
+4 725922 0.01418816187065306
+4 726847 0.02434907336554575
+4 727325 0.01418816187065306
+4 727505 0.01217453668277288
+4 727581 0.02008530766406564
+4 729035 0.01275459788430996
+4 729291 0.01275459788430996
+4 729399 0.0151656036122675
+4 729590 0.01364951393205028
+4 729700 0.006824756966025142
+4 730055 0.01648847232539554
+4 730334 0.01364951393205028
+4 730665 0.01639958503459105
+4 730797 0.02573096828667612
+4 731955 0.02573096828667612
+4 732291 0.01217453668277288
+4 733327 0.01913189682646494
+4 734367 0.003249314906882782
+4 734922 0.02008530766406564
+4 734942 0.02008530766406564
+4 735156 0.02008530766406564
+4 735217 0.01418816187065306
+4 735537 0.02008530766406564
+4 735787 0.02008530766406564
+4 737126 0.02128224280597959
+4 737319 0.02008530766406564
+4 737328 0.02008530766406564
+4 737771 0.02008530766406564
+4 738711 0.01217453668277288
+4 739232 0.03547040467663266
+4 739643 0.02008530766406564
+4 740153 0.01364951393205028
+4 740483 0.01826180502415931
+4 742331 0.02008530766406564
+4 742595 0.01715397885778408
+4 742865 0.01715397885778408
+4 743133 0.02573096828667612
+4 743915 0.0151656036122675
+4 744254 0.02008530766406564
+4 745259 0.01648847232539554
+4 745311 0.04549681083680249
+4 745692 0.02008530766406564
+4 746645 0.0151656036122675
+4 746676 0.01418816187065306
+4 747728 0.01364951393205028
+4 748040 0.01364951393205028
+4 748793 0.01418816187065306
+4 749436 0.01418816187065306
+4 749580 0.06315169137341313
+4 749615 0.01275459788430996
+4 749749 0.01648847232539554
+4 750183 0.01364951393205028
+4 750727 0.01648847232539554
+4 751292 0.02274840541840125
+4 752119 0.02008530766406564
+4 752155 0.02008530766406564
+4 752625 0.02008530766406564
+4 753206 0.01715397885778408
+4 753528 0.01217453668277288
+4 753656 0.01715397885778408
+4 754573 0.02837632374130612
+4 754935 0.02008530766406564
+4 756217 0.02550919576861992
+4 756487 0.02274840541840125
+4 756653 0.01364951393205028
+4 756915 0.01418816187065306
+4 757918 0.01418816187065306
+4 758209 0.01275459788430996
+4 758429 0.0151656036122675
+4 758522 0.00709408093532653
+4 758529 0.02047427089807543
+4 758989 0.0151656036122675
+4 759036 0.01418816187065306
+4 759434 0.01715397885778408
+4 759876 0.01364951393205028
+4 760340 0.01418816187065306
+4 760543 0.01275459788430996
+4 760837 0.01639958503459105
+4 761160 0.02008530766406564
+4 762340 0.01418816187065306
+4 762805 0.02573096828667612
+4 762819 0.02008530766406564
+4 763733 0.01364951393205028
+4 763947 0.02047427089807543
+4 764181 0.01275459788430996
+4 764197 0.02008530766406564
+4 764717 0.01275459788430996
+4 764850 0.02837632374130612
+4 764887 0.03297694465079107
+4 765016 0.02047427089807543
+4 766266 0.01217453668277288
+4 767389 0.01364951393205028
+4 767812 0.02128224280597959
+4 768087 0.01217453668277288
+4 768251 0.01418816187065306
+4 768305 0.02008530766406564
+4 768732 0.02837632374130612
+4 769351 0.02008530766406564
+4 770167 0.02047427089807543
+4 770457 0.02274840541840125
+4 770795 0.02047427089807543
+4 770938 0.02047427089807543
+4 771052 0.01418816187065306
+4 772020 0.02008530766406564
+4 772079 0.02008530766406564
+4 772814 0.01364951393205028
+4 772899 0.01418816187065306
+4 773411 0.02729902786410057
+4 773474 0.02573096828667612
+4 773831 0.01364951393205028
+4 773847 0.02047427089807543
+4 774217 0.02008530766406564
+4 774656 0.01715397885778408
+4 775031 0.01364951393205028
+4 775990 0.01364951393205028
+4 776178 0.01275459788430996
+4 777142 0.01275459788430996
+4 777741 0.01715397885778408
+4 777823 0.01364951393205028
+4 777845 0.01364951393205028
+4 778024 0.01715397885778408
+4 778173 0.01418816187065306
+4 778310 0.01715397885778408
+4 778375 0.02008530766406564
+4 779400 0.01418816187065306
+4 780041 0.01715397885778408
+4 780131 0.02008530766406564
+4 780563 0.02008530766406564
+4 782151 0.02550919576861992
+4 782275 0.02573096828667612
+4 783027 0.01418816187065306
+4 783132 0.01364951393205028
+4 783229 0.01364951393205028
+4 783343 0.01418816187065306
+4 783423 0.0151656036122675
+4 783474 0.01418816187065306
+4 783959 0.01648847232539554
+4 784656 0.01715397885778408
+4 784801 0.01217453668277288
+4 785845 0.01299725962753113
+4 785937 0.02573096828667612
+4 786780 0.00857698942889204
+4 787794 0.03826569841404577
+4 788055 0.01418816187065306
+4 788165 0.01275459788430996
+4 789193 0.01418816187065306
+4 789638 0.02186611337945473
+4 790327 0.0151656036122675
+4 790471 0.01217453668277288
+4 790981 0.0151656036122675
+4 791523 0.01364951393205028
+4 792107 0.02008530766406564
+4 792543 0.01715397885778408
+4 792961 0.0151656036122675
+4 794073 0.02008530766406564
+4 794886 0.01715397885778408
+4 794899 0.01364951393205028
+4 795595 0.02573096828667612
+4 797723 0.02008530766406564
+4 797939 0.0151656036122675
+4 797940 0.01364951393205028
+4 798005 0.02008530766406564
+4 798091 0.02008530766406564
+4 800049 0.006498629813765564
+4 800587 0.02047427089807543
+4 800887 0.01648847232539554
+4 801567 0.01364951393205028
+4 801694 0.01418816187065306
+4 802231 0.02550919576861992
+4 802871 0.01364951393205028
+4 802987 0.02008530766406564
+4 803130 0.01217453668277288
+4 803501 0.0151656036122675
+4 803836 0.01364951393205028
+4 803898 0.02008530766406564
+4 804098 0.02550919576861992
+4 804280 0.01364951393205028
+4 804970 0.02729902786410057
+4 806035 0.01418816187065306
+4 806121 0.01418816187065306
+4 807323 0.01715397885778408
+4 807327 0.01715397885778408
+4 807411 0.02186611337945473
+4 807945 0.0151656036122675
+4 807967 0.02573096828667612
+4 809627 0.02837632374130612
+4 812268 0.01715397885778408
+4 812696 0.01217453668277288
+4 813585 0.01418816187065306
+4 813615 0.02008530766406564
+4 814437 0.01217453668277288
+4 814735 0.01715397885778408
+4 814806 0.01715397885778408
+4 814899 0.01364951393205028
+4 815505 0.01715397885778408
+4 815974 0.02729902786410057
+4 816599 0.01715397885778408
+4 816692 0.05198903851012451
+4 817051 0.01418816187065306
+4 818929 0.01418816187065306
+4 818973 0.01364951393205028
+4 819641 0.01364951393205028
+4 819978 0.01364951393205028
+4 820195 0.02047427089807543
+4 821841 0.01418816187065306
+4 822732 0.01715397885778408
+4 823077 0.02008530766406564
+4 823427 0.01364951393205028
+4 823685 0.01418816187065306
+4 823746 0.01715397885778408
+4 823955 0.01715397885778408
+4 824361 0.01418816187065306
+4 824812 0.01826180502415931
+4 825171 0.01418816187065306
+4 825897 0.01715397885778408
+4 826889 0.01364951393205028
+4 827721 0.04373222675890946
+4 827857 0.01418816187065306
+4 828024 0.005466528344863682
+4 828318 0.01364951393205028
+4 829527 0.01418816187065306
+4 829919 0.01364951393205028
+4 830301 0.01715397885778408
+4 830841 0.0151656036122675
+4 830863 0.02008530766406564
+4 830913 0.02008530766406564
+4 830981 0.01418816187065306
+4 831546 0.02008530766406564
+4 831820 0.01715397885778408
+4 832325 0.02008530766406564
+4 832857 0.030331207224535
+4 832986 0.01418816187065306
+4 833552 0.01418816187065306
+4 833703 0.02008530766406564
+4 833935 0.02008530766406564
+4 835278 0.01217453668277288
+4 835345 0.01217453668277288
+4 835939 0.02550919576861992
+4 838145 0.01364951393205028
+4 838336 0.02008530766406564
+4 838403 0.02837632374130612
+4 838788 0.01275459788430996
+4 839462 0.02729902786410057
+4 839777 0.07016854597045903
+4 839803 0.01715397885778408
+4 840249 0.02573096828667612
+4 840443 0.03899177888259339
+4 840815 0.01364951393205028
+4 840994 0.02729902786410057
+4 841719 0.02837632374130612
+4 841729 0.0151656036122675
+4 842117 0.01715397885778408
+4 842623 0.00528717249775246
+4 842627 0.01217453668277288
+4 842931 0.02008530766406564
+4 842943 0.01418816187065306
+4 843133 0.01715397885778408
+4 843271 0.01364951393205028
+4 844547 0.01648847232539554
+4 844781 0.02008530766406564
+4 845228 0.01715397885778408
+4 845355 0.01418816187065306
+4 845433 0.01418816187065306
+4 846017 0.02573096828667612
+4 846227 0.01715397885778408
+4 847021 0.0151656036122675
+4 847931 0.02008530766406564
+4 848227 0.01715397885778408
+4 848316 0.01275459788430996
+4 848330 0.02008530766406564
+4 848815 0.02008530766406564
+4 848856 0.01418816187065306
+4 849063 0.0486981467310915
+4 849509 0.01364951393205028
+4 849602 0.01217453668277288
+4 849609 0.01648847232539554
+4 849611 0.01364951393205028
+4 849797 0.01364951393205028
+4 851071 0.04549681083680249
+4 851719 0.02837632374130612
+4 851822 0.01364951393205028
+4 852093 0.0151656036122675
+4 853214 0.006824756966025142
+4 853866 0.02729902786410057
+4 853948 0.01418816187065306
+4 853993 0.01217453668277288
+4 854081 0.01715397885778408
+4 854171 0.02008530766406564
+4 854960 0.006498629813765564
+4 855392 0.02274840541840125
+4 855770 0.01418816187065306
+4 856212 0.02008530766406564
+4 856337 0.01275459788430996
+4 856602 0.02599451925506226
+4 856711 0.01648847232539554
+4 856834 0.02047427089807543
+4 857015 0.01418816187065306
+4 857083 0.01715397885778408
+4 857189 0.02128224280597959
+4 857430 0.06498629813765565
+4 857517 0.01364951393205028
+4 857581 0.02008530766406564
+4 857643 0.02573096828667612
+4 857673 0.01715397885778408
+4 857688 0.01418816187065306
+4 857805 0.006498629813765564
+4 858171 0.02008530766406564
+4 859027 0.01715397885778408
+4 859080 0.01364951393205028
+4 860258 0.01364951393205028
+4 861133 0.01364951393205028
+4 861178 0.02274840541840125
+4 861630 0.01418816187065306
+4 863194 0.01715397885778408
+4 863327 0.01418816187065306
+4 863371 0.01418816187065306
+4 863413 0.03297694465079107
+4 864135 0.02008530766406564
+4 864181 0.01715397885778408
+4 864195 0.01715397885778408
+4 864218 0.01364951393205028
+4 864383 0.01715397885778408
+4 865017 0.02008530766406564
+4 865057 0.02008530766406564
+4 865241 0.02008530766406564
+4 865319 0.02008530766406564
+4 866123 0.02550919576861992
+4 866409 0.0151656036122675
+4 866462 0.01217453668277288
+4 867366 0.01364951393205028
+4 868041 0.01715397885778408
+4 868877 0.03826379365292988
+4 869609 0.01364951393205028
+4 869834 0.01364951393205028
+4 870006 0.02729902786410057
+4 870374 0.02008530766406564
+4 871383 0.04946541697618662
+4 871666 0.02008530766406564
+4 871784 0.01648847232539554
+4 871979 0.0318864947107749
+4 872950 0.02008530766406564
+4 873263 0.02274840541840125
+4 873685 0.030331207224535
+4 873777 0.02008530766406564
+4 873932 0.01275459788430996
+4 874471 0.01275459788430996
+4 875002 0.01418816187065306
+4 875441 0.06315169137341313
+4 875521 0.02729902786410057
+4 875595 0.02573096828667612
+4 876454 0.01364951393205028
+4 876608 0.02008530766406564
+4 876647 0.030331207224535
+4 879048 0.01217453668277288
+4 879316 0.01364951393205028
+4 879723 0.02434907336554575
+4 879977 0.01418816187065306
+4 880406 0.01364951393205028
+4 880427 0.01715397885778408
+4 880919 0.02008530766406564
+4 880943 0.01715397885778408
+4 881541 0.01418816187065306
+4 882364 0.01364951393205028
+4 882386 0.01418816187065306
+4 884303 0.02008530766406564
+4 884404 0.01364951393205028
+4 886071 0.01364951393205028
+4 886206 0.02008530766406564
+4 887472 0.01715397885778408
+4 888241 0.01364951393205028
+4 888384 0.02008530766406564
+4 888493 0.01418816187065306
+4 889464 0.01364951393205028
+4 890051 0.02008530766406564
+4 890426 0.02837632374130612
+4 890577 0.01715397885778408
+4 892270 0.02573096828667612
+4 894589 0.01418816187065306
+4 896073 0.01364951393205028
+4 898059 0.01715397885778408
+4 898259 0.01715397885778408
+4 899515 0.02008530766406564
+4 899643 0.01648847232539554
+4 900403 0.01418816187065306
+4 901072 0.01364951393205028
+4 901243 0.01418816187065306
+4 901264 0.01418816187065306
+4 901873 0.01418816187065306
+4 902373 0.02008530766406564
+4 902983 0.02008530766406564
+4 903042 0.01364951393205028
+4 903639 0.02047427089807543
+4 903775 0.01913189682646494
+4 903869 0.01275459788430996
+4 905317 0.01418816187065306
+4 906032 0.01715397885778408
+4 906255 0.02599451925506226
+4 908616 0.02837632374130612
+4 908795 0.01217453668277288
+4 909342 0.03547040467663266
+4 910551 0.01418816187065306
+4 911251 0.01418816187065306
+4 911471 0.01715397885778408
+4 911581 0.01418816187065306
+4 911945 0.006824756966025142
+4 912375 0.02837632374130612
+4 912646 0.01418816187065306
+4 912692 0.01217453668277288
+4 912818 0.01418816187065306
+4 913451 0.02008530766406564
+4 913653 0.02599451925506226
+4 914131 0.01418816187065306
+4 914236 0.01418816187065306
+4 914637 0.01364951393205028
+4 915249 0.01364951393205028
+4 915825 0.01418816187065306
+4 916268 0.01715397885778408
+4 916275 0.02008530766406564
+4 916412 0.02729902786410057
+4 916838 0.02008530766406564
+4 916971 0.01217453668277288
+4 919266 0.01418816187065306
+4 923371 0.01648847232539554
+4 923707 0.02550919576861992
+4 924308 0.02008530766406564
+4 924489 0.01715397885778408
+4 924493 0.01364951393205028
+4 925190 0.0151656036122675
+4 926192 0.02008530766406564
+4 926250 0.01364951393205028
+4 927420 0.02008530766406564
+4 928368 0.02729902786410057
+4 928519 0.01364951393205028
+4 928613 0.02008530766406564
+4 928781 0.01364951393205028
+4 928839 0.02008530766406564
+4 929033 0.02008530766406564
+4 929479 0.1093305668972736
+4 929751 0.02008530766406564
+4 930347 0.01715397885778408
+4 930897 0.01418816187065306
+4 931261 0.02128224280597959
+4 931304 0.02729902786410057
+4 931366 0.01275459788430996
+4 932119 0.02573096828667612
+4 932719 0.03297694465079107
+4 933173 0.01715397885778408
+4 933335 0.02008530766406564
+4 934821 0.02729902786410057
+4 935168 0.02008530766406564
+4 936307 0.01364951393205028
+4 936497 0.01826180502415931
+4 936622 0.01364951393205028
+4 936975 0.01715397885778408
+4 937173 0.02550919576861992
+4 937285 0.01364951393205028
+4 937288 0.01364951393205028
+4 938684 0.01364951393205028
+4 938709 0.01364951393205028
+4 939162 0.02573096828667612
+4 939891 0.02573096828667612
+4 940067 0.01275459788430996
+4 940134 0.01715397885778408
+4 940168 0.01715397885778408
+4 940579 0.02008530766406564
+4 940676 0.02550919576861992
+4 941134 0.01364951393205028
+4 941331 0.01639958503459105
+4 941477 0.02008530766406564
+4 941660 0.00857698942889204
+4 942152 0.01217453668277288
+4 942491 0.03297694465079107
+4 942496 0.02837632374130612
+4 943077 0.01418816187065306
+4 943165 0.02733264172431841
+4 943481 0.0151656036122675
+4 943707 0.02008530766406564
+4 943733 0.0151656036122675
+4 943767 0.02008530766406564
+4 943987 0.01364951393205028
+4 944052 0.02008530766406564
+4 944364 0.02729902786410057
+4 944695 0.01364951393205028
+4 945531 0.01364951393205028
+4 945541 0.08773150248583511
+4 946067 0.01364951393205028
+4 946180 0.02047427089807543
+4 948301 0.02573096828667612
+4 948459 0.04946541697618662
+4 948550 0.01715397885778408
+4 949467 0.02008530766406564
+4 949858 0.01418816187065306
+4 950976 0.01217453668277288
+4 951036 0.01364951393205028
+4 951392 0.01364951393205028
+4 951500 0.01418816187065306
+4 951694 0.02008530766406564
+4 951800 0.01217453668277288
+4 951939 0.02008530766406564
+4 952409 0.01275459788430996
+4 952789 0.01715397885778408
+4 953399 0.01715397885778408
+4 953647 0.02008530766406564
+4 954637 0.01648847232539554
+4 954808 0.03412378483012571
+4 955048 0.02729902786410057
+4 956139 0.02573096828667612
+4 956350 0.01418816187065306
+4 957055 0.01648847232539554
+4 957067 0.01217453668277288
+4 957143 0.02008530766406564
+4 957437 0.02047427089807543
+4 957502 0.01418816187065306
+4 958137 0.02008530766406564
+4 958780 0.01364951393205028
+4 958911 0.01715397885778408
+4 959793 0.01648847232539554
+4 960107 0.02008530766406564
+4 960271 0.01364951393205028
+4 961910 0.01418816187065306
+4 963743 0.02008530766406564
+4 963855 0.01217453668277288
+4 963998 0.02837632374130612
+4 964525 0.01418816187065306
+4 964582 0.02573096828667612
+4 964889 0.01715397885778408
+4 965802 0.01364951393205028
+4 966109 0.02047427089807543
+4 966255 0.02008530766406564
+4 966273 0.0151656036122675
+4 967133 0.01364951393205028
+4 967164 0.006498629813765564
+4 967313 0.002733264172431841
+4 967743 0.01418816187065306
+4 967868 0.02573096828667612
+4 967888 0.01715397885778408
+4 967983 0.02008530766406564
+4 968163 0.02047427089807543
+4 968483 0.02573096828667612
+4 969226 0.01364951393205028
+4 969841 0.01949588944129669
+4 970072 0.02729902786410057
+4 970265 0.01364951393205028
+4 970274 0.02047427089807543
+4 971015 0.01715397885778408
+4 971155 0.01364951393205028
+4 972013 0.01275459788430996
+4 972178 0.02573096828667612
+4 972485 0.0151656036122675
+4 973099 0.01418816187065306
+4 973333 0.01418816187065306
+4 974072 0.01364951393205028
+4 974851 0.01275459788430996
+4 975811 0.02008530766406564
+4 976079 0.02008530766406564
+4 976275 0.01364951393205028
+4 976530 0.01418816187065306
+4 977200 0.02573096828667612
+4 977905 0.01217453668277288
+4 978257 0.05101839153723984
+4 978511 0.02008530766406564
+4 978773 0.02729902786410057
+4 979369 0.01418816187065306
+4 979478 0.02008530766406564
+4 979847 0.01715397885778408
+4 980261 0.01715397885778408
+4 980319 0.01364951393205028
+4 980920 0.01364951393205028
+4 981883 0.01418816187065306
+4 982012 0.01364951393205028
+4 983673 0.01217453668277288
+4 984683 0.02008530766406564
+4 985065 0.02047427089807543
+4 985549 0.02550919576861992
+4 985571 0.02573096828667612
+4 986341 0.02008530766406564
+4 986791 0.02008530766406564
+4 987519 0.02729902786410057
+4 987881 0.02047427089807543
+4 988091 0.02008530766406564
+4 989163 0.02434907336554575
+4 989433 0.02550919576861992
+4 990804 0.01217453668277288
+4 991468 0.006824756966025142
+4 991475 0.02837632374130612
+4 991935 0.01648847232539554
+4 991985 0.01715397885778408
+4 992490 0.01418816187065306
+4 993053 0.03412378483012571
+4 993510 0.02008530766406564
+4 994106 0.02729902786410057
+4 994950 0.01217453668277288
+4 995605 0.01275459788430996
+4 995653 0.01648847232539554
+4 995751 0.02008530766406564
+4 996536 0.01217453668277288
+4 997796 0.02729902786410057
+4 997962 0.02008530766406564
+4 997977 0.02008530766406564
+4 998855 0.01418816187065306
+4 999264 0.01364951393205028
+4 1000099 0.01364951393205028
+4 1000335 0.01418816187065306
+4 1000999 0.01715397885778408
+4 1001147 0.02008530766406564
+4 1001734 0.01715397885778408
+4 1002607 0.01715397885778408
+4 1002835 0.02008530766406564
+4 1003113 0.02008530766406564
+4 1003223 0.03279917006918209
+4 1003403 0.01648847232539554
+4 1003884 0.02837632374130612
+4 1005765 0.01715397885778408
+4 1006311 0.01275459788430996
+4 1006420 0.02008530766406564
+4 1006560 0.01364951393205028
+4 1006793 0.02008530766406564
+4 1007602 0.01418816187065306
+4 1007775 0.01418816187065306
+4 1007912 0.01217453668277288
+4 1007977 0.02008530766406564
+4 1008679 0.01364951393205028
+4 1008831 0.01217453668277288
+4 1008899 0.01364951393205028
+4 1009994 0.01715397885778408
+4 1010769 0.02008530766406564
+4 1010791 0.01418816187065306
+4 1011301 0.01364951393205028
+4 1011321 0.02729902786410057
+4 1012185 0.02008530766406564
+4 1012987 0.02008530766406564
+4 1013009 0.01418816187065306
+4 1014667 0.01418816187065306
+4 1014853 0.01418816187065306
+4 1015484 0.01418816187065306
+4 1016179 0.01715397885778408
+4 1016289 0.01715397885778408
+4 1016369 0.00637729894215498
+4 1017173 0.01715397885778408
+4 1017602 0.02128224280597959
+4 1018165 0.02008530766406564
+4 1018883 0.02008530766406564
+4 1019196 0.01217453668277288
+4 1019328 0.01364951393205028
+4 1019929 0.01217453668277288
+4 1020006 0.02008530766406564
+4 1020555 0.01364951393205028
+4 1020677 0.01715397885778408
+4 1020740 0.03965379373314344
+4 1021827 0.02008530766406564
+4 1021884 0.01217453668277288
+4 1022182 0.006087268341386438
+4 1023273 0.01275459788430996
+4 1026711 0.01275459788430996
+4 1026790 0.01364951393205028
+4 1027300 0.01418816187065306
+4 1027631 0.02008530766406564
+4 1027652 0.01715397885778408
+4 1027973 0.01364951393205028
+4 1028155 0.03297694465079107
+4 1028295 0.01364951393205028
+4 1028315 0.04946541697618662
+4 1028638 0.01715397885778408
+4 1028912 0.01364951393205028
+4 1029870 0.02573096828667612
+4 1030059 0.01364951393205028
+4 1030226 0.01275459788430996
+4 1031121 0.01364951393205028
+4 1032791 0.01648847232539554
+4 1033089 0.01715397885778408
+4 1033256 0.01364951393205028
+4 1033699 0.01648847232539554
+4 1033833 0.01217453668277288
+4 1034350 0.02729902786410057
+4 1034513 0.02008530766406564
+4 1035161 0.01275459788430996
+4 1035177 0.030331207224535
+4 1036844 0.02573096828667612
+4 1037044 0.02434907336554575
+4 1037226 0.02008530766406564
+4 1037251 0.01648847232539554
+4 1037326 0.02573096828667612
+4 1037360 0.01299725962753113
+4 1037916 0.02837632374130612
+4 1038731 0.01364951393205028
+4 1039281 0.02008530766406564
+4 1039328 0.01715397885778408
+4 1039896 0.01715397885778408
+4 1040201 0.01057434499550492
+4 1040273 0.02128224280597959
+4 1040325 0.02008530766406564
+4 1040381 0.02729902786410057
+4 1040891 0.01648847232539554
+4 1040913 0.02128224280597959
+4 1041230 0.01364951393205028
+4 1042343 0.02008530766406564
+4 1042547 0.0151656036122675
+4 1042627 0.01715397885778408
+4 1042774 0.01715397885778408
+4 1042815 0.01418816187065306
+4 1043231 0.01275459788430996
+4 1043781 0.01364951393205028
+4 1044112 0.01364951393205028
+4 1046133 0.01715397885778408
+4 1046509 0.01648847232539554
+4 1046561 0.02729902786410057
+4 1046703 0.01715397885778408
+4 1047335 0.01364951393205028
+4 1047547 0.01217453668277288
+4 1048455 0.02008530766406564
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/y.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/y.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,39 @@
+0	0	0.0	1.0	2.0	0	0	-2.76903910779	-0.777269253713	2.08028572913
+2	2	0.0	0.0	1.0	1	1	-1.46032791667	0.555654963057	-1.54234795893
+1	1	0.0	1.0	0.0	1	1	1.72939677275	-1.3402943146	-7.95375106924
+0	0	1.0	0.0	0.0	0	0	-3.15016545997	0.19568758864	1.40593056786
+2	2	0.0	0.0	1.0	1	1	1.21845859294	-0.677633363546	-6.62421395692
+0	0	1.0	0.0	0.0	0	0	-3.25263252854	-0.908498631085	2.74671790479
+2	2	0.0	0.0	1.0	1	1	1.38291089706	-0.924165117418	-6.87449092795
+0	0	1.0	0.0	0.0	0	0	-1.7423603376	-0.326034812837	-1.12743832183
+1	2	0.0	1.0	0.0	1	1	-1.88141734237	0.0471879612496	-0.990485600884
+1	2	0.0	0.9	0.1	1	1	-1.32547081613	-0.193430743286	-1.66958283068
+1	1	0.0	1.0	0.0	1	1	-2.7799666645	0.485621555351	1.21494093967
+2	2	0.0	0.2	0.8	1	1	-1.60125339649	-0.493901618129	-1.20213785254
+1	2	0.0	1.0	0.0	1	1	-1.86658623206	0.162709340336	-0.691875382528
+1	1	0.0	1.0	0.0	1	1	-1.82214550549	-0.130278514956	-0.836834994045
+1	2	0.0	0.9	0.1	1	1	-1.910728736	-0.0978509403157	-0.469743754594
+1	2	0.0	1.0	0.0	1	1	1.1191441248	-0.350015230403	-6.43122655533
+0	0	1.0	0.0	0.0	0	0	-1.80789829975	-0.267725170783	-0.533251833633
+1	1	0.0	0.9	0.1	1	1	-1.82704375852	0.186802710054	-0.367392242502
+1	1	0.0	0.9	0.1	1	1	1.05683832083	-0.491476736579	-6.10526049159
+0	0	1.0	0.0	0.0	0	0	1.58740583243	-1.32084852823	-7.47140590741
+0	0	1.0	0.0	0.0	0	0	-2.47802529094	-0.500673021108	1.37455405057
+2	2	0.0	0.3	0.7	1	1	-1.85517293032	-0.363363308535	-0.177124010926
+1	1	0.0	0.8	0.2	1	1	0.84169544958	-0.533176028466	-5.7625592501
+0	0	1.0	0.0	0.0	0	0	0.971871089969	-0.336154264594	-5.74291415928
+0	0	1.0	0.0	0.0	0	0	-2.18006328471	-0.33580204472	0.261632810716
+2	2	0.0	0.2	0.8	1	1	1.62753221054	-1.0437871236	-7.15189570944
+0	0	1.0	0.0	0.0	0	0	0.982418549211	-1.02370887933	-6.10073429813
+0	0	1.0	0.0	0.0	0	0	-1.51375235626	-0.156051081077	-1.37297970696
+1	1	0.0	1.0	0.0	1	1	-1.05517039337	0.171153321655	-1.66261211523
+1	1	0.0	1.0	0.0	1	1	1.05117238483	-0.819727602718	-6.16276877471
+0	0	1.0	0.0	0.0	0	0	-2.60008493281	-0.303483971372	0.937773514338
+2	2	0.0	0.0	1.0	1	1	-1.89873152969	-0.370955554274	0.0400346749524
+1	1	0.0	0.8	0.2	1	1	1.30185976049	-0.750494764082	-6.91956219185
+0	0	1.0	0.0	0.0	0	0	-2.20545858405	-0.462493064934	0.374957060793
+2	2	0.0	0.3	0.7	1	1	-2.97088391755	-0.384323906096	1.93410852068
+2	2	0.0	0.0	1.0	1	1	-1.52001848153	-0.275207915229	-0.625142611926
+1	1	0.0	1.0	0.0	1	1	1.32168915538	-0.986903615337	-7.22461895473
+0	0	1.0	0.0	0.0	0	0	-2.42938278814	0.0312031758068	0.740031884365
+1	2	0.0	0.0	1.0	1	1	-1.52001848153	-0.370955554274	0.937773514338
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/y_score.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/y_score.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,75 @@
+0.04521016253284027
+-0.0017878318955413253
+-0.3380009790698638
+-0.15416229901482092
+-0.008989122568787922
+0.3775746361984437
+-0.20342288788672414
+0.21787658306027935
+-0.5322523189136876
+-0.6361907868807346
+-0.036875765955103335
+-0.24857077769453662
+-0.5305978020035378
+-0.5288479779433272
+-0.22579627342382325
+0.4905346629557697
+-0.12238193946346121
+-0.42773421293023084
+0.16878080982659216
+0.051637548704625946
+0.023623352380110763
+-0.3553978552068183
+-0.4597636722184091
+-0.36924223816393
+-0.539585171546133
+-0.4138055622986405
+-0.25401950905817183
+0.35124248378117207
+-0.5767911246317095
+-0.4452974937020068
+0.13456824841567622
+-0.08366761511503285
+-0.5855411774730717
+0.4493951821813167
+-0.0008118901312900162
+-0.375188782981553
+-0.052180286682808386
+-0.3624923116131733
+-0.3212899940903371
+-0.6326134385656439
+-0.5951558341213625
+-0.026698968757988106
+-0.6389295278289815
+-0.4665622957151918
+0.24683878631472084
+0.06670297201702563
+-0.09995075976356604
+-0.0026791784207790825
+-0.26843502542172126
+-0.23167967546053814
+-0.5500853075669638
+-0.07278578744420061
+-0.1908269856404199
+-0.10431209677312014
+-0.40541232698507823
+-1.3031302463301446
+-0.10509162333664135
+-0.06155868232417461
+-0.4347097510343062
+-0.8391150198454305
+-0.5372307413404114
+-0.46030478301666744
+-0.11618205513493052
+-0.021278188504645024
+-0.16029035414173087
+-0.35975375227600914
+-0.4814892536194141
+-0.1385760560857231
+0.3409736022465082
+-0.5355178831501075
+0.22534151535735567
+0.07294052191693523
+-0.3386178239054628
+0.15540977852505278
+0.07383896651967975
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/y_true.tabular
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/y_true.tabular	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,75 @@
+0
+1
+0
+0
+1
+1
+1
+1
+0
+0
+0
+0
+0
+0
+0
+1
+0
+1
+1
+0
+0
+0
+0
+0
+0
+0
+0
+1
+0
+0
+1
+1
+0
+1
+0
+0
+1
+0
+0
+0
+0
+0
+0
+0
+1
+1
+1
+0
+1
+0
+0
+1
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+0
+1
+0
+0
+0
+1
+1
+0
+1
+0
+0
+0
+1
diff -r 000000000000 -r 3b6ee54eb7e2 test-data/zero_one_loss.txt
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/test-data/zero_one_loss.txt	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,2 @@
+zero_one_loss : 
+0.15384615384615385
diff -r 000000000000 -r 3b6ee54eb7e2 to_categorical.py
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/to_categorical.py	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,52 @@
+import argparse
+import json
+import warnings
+
+import numpy as np
+import pandas as pd
+from keras.utils import to_categorical
+
+
+def main(inputs, infile, outfile, num_classes=None):
+    """
+    Parameter
+    ---------
+    input : str
+        File path to galaxy tool parameter
+
+    infile : str
+        File paths of input vector
+
+    outfile : str
+        File path to output matrix
+
+    num_classes : str
+        Total number of classes. If None, this would be inferred as the (largest number in y) + 1
+
+    """
+    warnings.simplefilter("ignore")
+
+    with open(inputs, "r") as param_handler:
+        params = json.load(param_handler)
+
+    input_header = params["header0"]
+    header = "infer" if input_header else None
+
+    input_vector = pd.read_csv(infile, sep="\t", header=header)
+
+    output_matrix = to_categorical(input_vector, num_classes=num_classes)
+
+    np.savetxt(outfile, output_matrix, fmt="%d", delimiter="\t")
+
+
+if __name__ == "__main__":
+    aparser = argparse.ArgumentParser()
+    aparser.add_argument("-i", "--inputs", dest="inputs", required=True)
+    aparser.add_argument("-y", "--infile", dest="infile")
+    aparser.add_argument(
+        "-n", "--num_classes", dest="num_classes", type=int, default=None
+    )
+    aparser.add_argument("-o", "--outfile", dest="outfile")
+    args = aparser.parse_args()
+
+    main(args.inputs, args.infile, args.outfile, args.num_classes)
diff -r 000000000000 -r 3b6ee54eb7e2 train_test_eval.py
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/train_test_eval.py	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,477 @@
+import argparse
+import json
+import os
+import pickle
+import warnings
+from itertools import chain
+
+import joblib
+import numpy as np
+import pandas as pd
+from galaxy_ml.model_validations import train_test_split
+from galaxy_ml.utils import (get_module, get_scoring, load_model,
+                             read_columns, SafeEval, try_get_attr)
+from scipy.io import mmread
+from sklearn import pipeline
+from sklearn.metrics.scorer import _check_multimetric_scoring
+from sklearn.model_selection import _search, _validation
+from sklearn.model_selection._validation import _score
+from sklearn.utils import indexable, safe_indexing
+
+_fit_and_score = try_get_attr("galaxy_ml.model_validations", "_fit_and_score")
+setattr(_search, "_fit_and_score", _fit_and_score)
+setattr(_validation, "_fit_and_score", _fit_and_score)
+
+N_JOBS = int(os.environ.get("GALAXY_SLOTS", 1))
+CACHE_DIR = os.path.join(os.getcwd(), "cached")
+del os
+NON_SEARCHABLE = ("n_jobs", "pre_dispatch", "memory", "_path", "nthread", "callbacks")
+ALLOWED_CALLBACKS = (
+    "EarlyStopping",
+    "TerminateOnNaN",
+    "ReduceLROnPlateau",
+    "CSVLogger",
+    "None",
+)
+
+
+def _eval_swap_params(params_builder):
+    swap_params = {}
+
+    for p in params_builder["param_set"]:
+        swap_value = p["sp_value"].strip()
+        if swap_value == "":
+            continue
+
+        param_name = p["sp_name"]
+        if param_name.lower().endswith(NON_SEARCHABLE):
+            warnings.warn(
+                "Warning: `%s` is not eligible for search and was "
+                "omitted!" % param_name
+            )
+            continue
+
+        if not swap_value.startswith(":"):
+            safe_eval = SafeEval(load_scipy=True, load_numpy=True)
+            ev = safe_eval(swap_value)
+        else:
+            # Have `:` before search list, asks for estimator evaluatio
+            safe_eval_es = SafeEval(load_estimators=True)
+            swap_value = swap_value[1:].strip()
+            # TODO maybe add regular express check
+            ev = safe_eval_es(swap_value)
+
+        swap_params[param_name] = ev
+
+    return swap_params
+
+
+def train_test_split_none(*arrays, **kwargs):
+    """extend train_test_split to take None arrays
+    and support split by group names.
+    """
+    nones = []
+    new_arrays = []
+    for idx, arr in enumerate(arrays):
+        if arr is None:
+            nones.append(idx)
+        else:
+            new_arrays.append(arr)
+
+    if kwargs["shuffle"] == "None":
+        kwargs["shuffle"] = None
+
+    group_names = kwargs.pop("group_names", None)
+
+    if group_names is not None and group_names.strip():
+        group_names = [name.strip() for name in group_names.split(",")]
+        new_arrays = indexable(*new_arrays)
+        groups = kwargs["labels"]
+        n_samples = new_arrays[0].shape[0]
+        index_arr = np.arange(n_samples)
+        test = index_arr[np.isin(groups, group_names)]
+        train = index_arr[~np.isin(groups, group_names)]
+        rval = list(
+            chain.from_iterable(
+                (safe_indexing(a, train), safe_indexing(a, test)) for a in new_arrays
+            )
+        )
+    else:
+        rval = train_test_split(*new_arrays, **kwargs)
+
+    for pos in nones:
+        rval[pos * 2: 2] = [None, None]
+
+    return rval
+
+
+def main(
+    inputs,
+    infile_estimator,
+    infile1,
+    infile2,
+    outfile_result,
+    outfile_object=None,
+    outfile_weights=None,
+    groups=None,
+    ref_seq=None,
+    intervals=None,
+    targets=None,
+    fasta_path=None,
+):
+    """
+    Parameter
+    ---------
+    inputs : str
+        File path to galaxy tool parameter
+
+    infile_estimator : str
+        File path to estimator
+
+    infile1 : str
+        File path to dataset containing features
+
+    infile2 : str
+        File path to dataset containing target values
+
+    outfile_result : str
+        File path to save the results, either cv_results or test result
+
+    outfile_object : str, optional
+        File path to save searchCV object
+
+    outfile_weights : str, optional
+        File path to save deep learning model weights
+
+    groups : str
+        File path to dataset containing groups labels
+
+    ref_seq : str
+        File path to dataset containing genome sequence file
+
+    intervals : str
+        File path to dataset containing interval file
+
+    targets : str
+        File path to dataset compressed target bed file
+
+    fasta_path : str
+        File path to dataset containing fasta file
+    """
+    warnings.simplefilter("ignore")
+
+    with open(inputs, "r") as param_handler:
+        params = json.load(param_handler)
+
+    #  load estimator
+    with open(infile_estimator, "rb") as estimator_handler:
+        estimator = load_model(estimator_handler)
+
+    # swap hyperparameter
+    swapping = params["experiment_schemes"]["hyperparams_swapping"]
+    swap_params = _eval_swap_params(swapping)
+    estimator.set_params(**swap_params)
+
+    estimator_params = estimator.get_params()
+
+    # store read dataframe object
+    loaded_df = {}
+
+    input_type = params["input_options"]["selected_input"]
+    # tabular input
+    if input_type == "tabular":
+        header = "infer" if params["input_options"]["header1"] else None
+        column_option = params["input_options"]["column_selector_options_1"][
+            "selected_column_selector_option"
+        ]
+        if column_option in [
+            "by_index_number",
+            "all_but_by_index_number",
+            "by_header_name",
+            "all_but_by_header_name",
+        ]:
+            c = params["input_options"]["column_selector_options_1"]["col1"]
+        else:
+            c = None
+
+        df_key = infile1 + repr(header)
+        df = pd.read_csv(infile1, sep="\t", header=header, parse_dates=True)
+        loaded_df[df_key] = df
+
+        X = read_columns(df, c=c, c_option=column_option).astype(float)
+    # sparse input
+    elif input_type == "sparse":
+        X = mmread(open(infile1, "r"))
+
+    # fasta_file input
+    elif input_type == "seq_fasta":
+        pyfaidx = get_module("pyfaidx")
+        sequences = pyfaidx.Fasta(fasta_path)
+        n_seqs = len(sequences.keys())
+        X = np.arange(n_seqs)[:, np.newaxis]
+        for param in estimator_params.keys():
+            if param.endswith("fasta_path"):
+                estimator.set_params(**{param: fasta_path})
+                break
+        else:
+            raise ValueError(
+                "The selected estimator doesn't support "
+                "fasta file input! Please consider using "
+                "KerasGBatchClassifier with "
+                "FastaDNABatchGenerator/FastaProteinBatchGenerator "
+                "or having GenomeOneHotEncoder/ProteinOneHotEncoder "
+                "in pipeline!"
+            )
+
+    elif input_type == "refseq_and_interval":
+        path_params = {
+            "data_batch_generator__ref_genome_path": ref_seq,
+            "data_batch_generator__intervals_path": intervals,
+            "data_batch_generator__target_path": targets,
+        }
+        estimator.set_params(**path_params)
+        n_intervals = sum(1 for line in open(intervals))
+        X = np.arange(n_intervals)[:, np.newaxis]
+
+    # Get target y
+    header = "infer" if params["input_options"]["header2"] else None
+    column_option = params["input_options"]["column_selector_options_2"][
+        "selected_column_selector_option2"
+    ]
+    if column_option in [
+        "by_index_number",
+        "all_but_by_index_number",
+        "by_header_name",
+        "all_but_by_header_name",
+    ]:
+        c = params["input_options"]["column_selector_options_2"]["col2"]
+    else:
+        c = None
+
+    df_key = infile2 + repr(header)
+    if df_key in loaded_df:
+        infile2 = loaded_df[df_key]
+    else:
+        infile2 = pd.read_csv(infile2, sep="\t", header=header, parse_dates=True)
+        loaded_df[df_key] = infile2
+
+    y = read_columns(
+        infile2, c=c, c_option=column_option, sep="\t", header=header, parse_dates=True
+    )
+    if len(y.shape) == 2 and y.shape[1] == 1:
+        y = y.ravel()
+    if input_type == "refseq_and_interval":
+        estimator.set_params(data_batch_generator__features=y.ravel().tolist())
+        y = None
+    # end y
+
+    # load groups
+    if groups:
+        groups_selector = (
+            params["experiment_schemes"]["test_split"]["split_algos"]
+        ).pop("groups_selector")
+
+        header = "infer" if groups_selector["header_g"] else None
+        column_option = groups_selector["column_selector_options_g"][
+            "selected_column_selector_option_g"
+        ]
+        if column_option in [
+            "by_index_number",
+            "all_but_by_index_number",
+            "by_header_name",
+            "all_but_by_header_name",
+        ]:
+            c = groups_selector["column_selector_options_g"]["col_g"]
+        else:
+            c = None
+
+        df_key = groups + repr(header)
+        if df_key in loaded_df:
+            groups = loaded_df[df_key]
+
+        groups = read_columns(
+            groups,
+            c=c,
+            c_option=column_option,
+            sep="\t",
+            header=header,
+            parse_dates=True,
+        )
+        groups = groups.ravel()
+
+    # del loaded_df
+    del loaded_df
+
+    # handle memory
+    memory = joblib.Memory(location=CACHE_DIR, verbose=0)
+    # cache iraps_core fits could increase search speed significantly
+    if estimator.__class__.__name__ == "IRAPSClassifier":
+        estimator.set_params(memory=memory)
+    else:
+        # For iraps buried in pipeline
+        new_params = {}
+        for p, v in estimator_params.items():
+            if p.endswith("memory"):
+                # for case of `__irapsclassifier__memory`
+                if len(p) > 8 and p[:-8].endswith("irapsclassifier"):
+                    # cache iraps_core fits could increase search
+                    # speed significantly
+                    new_params[p] = memory
+                # security reason, we don't want memory being
+                # modified unexpectedly
+                elif v:
+                    new_params[p] = None
+            # handle n_jobs
+            elif p.endswith("n_jobs"):
+                # For now, 1 CPU is suggested for iprasclassifier
+                if len(p) > 8 and p[:-8].endswith("irapsclassifier"):
+                    new_params[p] = 1
+                else:
+                    new_params[p] = N_JOBS
+            # for security reason, types of callback are limited
+            elif p.endswith("callbacks"):
+                for cb in v:
+                    cb_type = cb["callback_selection"]["callback_type"]
+                    if cb_type not in ALLOWED_CALLBACKS:
+                        raise ValueError("Prohibited callback type: %s!" % cb_type)
+
+        estimator.set_params(**new_params)
+
+    # handle scorer, convert to scorer dict
+    # Check if scoring is specified
+    scoring = params["experiment_schemes"]["metrics"].get("scoring", None)
+    if scoring is not None:
+        # get_scoring() expects secondary_scoring to be a comma separated string (not a list)
+        # Check if secondary_scoring is specified
+        secondary_scoring = scoring.get("secondary_scoring", None)
+        if secondary_scoring is not None:
+            # If secondary_scoring is specified, convert the list into comman separated string
+            scoring["secondary_scoring"] = ",".join(scoring["secondary_scoring"])
+    scorer = get_scoring(scoring)
+    scorer, _ = _check_multimetric_scoring(estimator, scoring=scorer)
+
+    # handle test (first) split
+    test_split_options = params["experiment_schemes"]["test_split"]["split_algos"]
+
+    if test_split_options["shuffle"] == "group":
+        test_split_options["labels"] = groups
+    if test_split_options["shuffle"] == "stratified":
+        if y is not None:
+            test_split_options["labels"] = y
+        else:
+            raise ValueError(
+                "Stratified shuffle split is not " "applicable on empty target values!"
+            )
+
+    (
+        X_train,
+        X_test,
+        y_train,
+        y_test,
+        groups_train,
+        _groups_test,
+    ) = train_test_split_none(X, y, groups, **test_split_options)
+
+    exp_scheme = params["experiment_schemes"]["selected_exp_scheme"]
+
+    # handle validation (second) split
+    if exp_scheme == "train_val_test":
+        val_split_options = params["experiment_schemes"]["val_split"]["split_algos"]
+
+        if val_split_options["shuffle"] == "group":
+            val_split_options["labels"] = groups_train
+        if val_split_options["shuffle"] == "stratified":
+            if y_train is not None:
+                val_split_options["labels"] = y_train
+            else:
+                raise ValueError(
+                    "Stratified shuffle split is not "
+                    "applicable on empty target values!"
+                )
+
+        (
+            X_train,
+            X_val,
+            y_train,
+            y_val,
+            groups_train,
+            _groups_val,
+        ) = train_test_split_none(X_train, y_train, groups_train, **val_split_options)
+
+    # train and eval
+    if hasattr(estimator, "validation_data"):
+        if exp_scheme == "train_val_test":
+            estimator.fit(X_train, y_train, validation_data=(X_val, y_val))
+        else:
+            estimator.fit(X_train, y_train, validation_data=(X_test, y_test))
+    else:
+        estimator.fit(X_train, y_train)
+
+    if hasattr(estimator, "evaluate"):
+        scores = estimator.evaluate(
+            X_test, y_test=y_test, scorer=scorer, is_multimetric=True
+        )
+    else:
+        scores = _score(estimator, X_test, y_test, scorer, is_multimetric=True)
+    # handle output
+    for name, score in scores.items():
+        scores[name] = [score]
+    df = pd.DataFrame(scores)
+    df = df[sorted(df.columns)]
+    df.to_csv(path_or_buf=outfile_result, sep="\t", header=True, index=False)
+
+    memory.clear(warn=False)
+
+    if outfile_object:
+        main_est = estimator
+        if isinstance(estimator, pipeline.Pipeline):
+            main_est = estimator.steps[-1][-1]
+
+        if hasattr(main_est, "model_") and hasattr(main_est, "save_weights"):
+            if outfile_weights:
+                main_est.save_weights(outfile_weights)
+            if getattr(main_est, "model_", None):
+                del main_est.model_
+            if getattr(main_est, "fit_params", None):
+                del main_est.fit_params
+            if getattr(main_est, "model_class_", None):
+                del main_est.model_class_
+            if getattr(main_est, "validation_data", None):
+                del main_est.validation_data
+            if getattr(main_est, "data_generator_", None):
+                del main_est.data_generator_
+
+        with open(outfile_object, "wb") as output_handler:
+            pickle.dump(estimator, output_handler, pickle.HIGHEST_PROTOCOL)
+
+
+if __name__ == "__main__":
+    aparser = argparse.ArgumentParser()
+    aparser.add_argument("-i", "--inputs", dest="inputs", required=True)
+    aparser.add_argument("-e", "--estimator", dest="infile_estimator")
+    aparser.add_argument("-X", "--infile1", dest="infile1")
+    aparser.add_argument("-y", "--infile2", dest="infile2")
+    aparser.add_argument("-O", "--outfile_result", dest="outfile_result")
+    aparser.add_argument("-o", "--outfile_object", dest="outfile_object")
+    aparser.add_argument("-w", "--outfile_weights", dest="outfile_weights")
+    aparser.add_argument("-g", "--groups", dest="groups")
+    aparser.add_argument("-r", "--ref_seq", dest="ref_seq")
+    aparser.add_argument("-b", "--intervals", dest="intervals")
+    aparser.add_argument("-t", "--targets", dest="targets")
+    aparser.add_argument("-f", "--fasta_path", dest="fasta_path")
+    args = aparser.parse_args()
+
+    main(
+        args.inputs,
+        args.infile_estimator,
+        args.infile1,
+        args.infile2,
+        args.outfile_result,
+        outfile_object=args.outfile_object,
+        outfile_weights=args.outfile_weights,
+        groups=args.groups,
+        ref_seq=args.ref_seq,
+        intervals=args.intervals,
+        targets=args.targets,
+        fasta_path=args.fasta_path,
+    )
diff -r 000000000000 -r 3b6ee54eb7e2 train_test_split.py
--- /dev/null	Thu Jan 01 00:00:00 1970 +0000
+++ b/train_test_split.py	Sat May 01 00:57:35 2021 +0000
@@ -0,0 +1,177 @@
+import argparse
+import json
+import warnings
+
+import pandas as pd
+from galaxy_ml.model_validations import train_test_split
+from galaxy_ml.utils import get_cv, read_columns
+
+
+def _get_single_cv_split(params, array, infile_labels=None, infile_groups=None):
+    """output (train, test) subset from a cv splitter
+
+    Parameters
+    ----------
+    params : dict
+        Galaxy tool inputs
+    array : pandas DataFrame object
+        The target dataset to split
+    infile_labels : str
+        File path to dataset containing target values
+    infile_groups : str
+        File path to dataset containing group values
+    """
+    y = None
+    groups = None
+
+    nth_split = params["mode_selection"]["nth_split"]
+
+    # read groups
+    if infile_groups:
+        header = (
+            "infer"
+            if (params["mode_selection"]["cv_selector"]["groups_selector"]["header_g"])
+            else None
+        )
+        column_option = params["mode_selection"]["cv_selector"]["groups_selector"][
+            "column_selector_options_g"
+        ]["selected_column_selector_option_g"]
+        if column_option in [
+            "by_index_number",
+            "all_but_by_index_number",
+            "by_header_name",
+            "all_but_by_header_name",
+        ]:
+            c = params["mode_selection"]["cv_selector"]["groups_selector"][
+                "column_selector_options_g"
+            ]["col_g"]
+        else:
+            c = None
+
+        groups = read_columns(
+            infile_groups,
+            c=c,
+            c_option=column_option,
+            sep="\t",
+            header=header,
+            parse_dates=True,
+        )
+        groups = groups.ravel()
+
+        params["mode_selection"]["cv_selector"]["groups_selector"] = groups
+
+    # read labels
+    if infile_labels:
+        target_input = params["mode_selection"]["cv_selector"].pop("target_input")
+        header = "infer" if target_input["header1"] else None
+        col_index = target_input["col"][0] - 1
+        df = pd.read_csv(infile_labels, sep="\t", header=header, parse_dates=True)
+        y = df.iloc[:, col_index].values
+
+    # construct the cv splitter object
+    splitter, groups = get_cv(params["mode_selection"]["cv_selector"])
+
+    total_n_splits = splitter.get_n_splits(array.values, y=y, groups=groups)
+    if nth_split > total_n_splits:
+        raise ValueError(
+            "Total number of splits is {}, but got `nth_split` "
+            "= {}".format(total_n_splits, nth_split)
+        )
+
+    i = 1
+    for train_index, test_index in splitter.split(array.values, y=y, groups=groups):
+        # suppose nth_split >= 1
+        if i == nth_split:
+            break
+        else:
+            i += 1
+
+    train = array.iloc[train_index, :]
+    test = array.iloc[test_index, :]
+
+    return train, test
+
+
+def main(
+    inputs,
+    infile_array,
+    outfile_train,
+    outfile_test,
+    infile_labels=None,
+    infile_groups=None,
+):
+    """
+    Parameter
+    ---------
+    inputs : str
+        File path to galaxy tool parameter
+
+    infile_array : str
+        File paths of input arrays separated by comma
+
+    infile_labels : str
+        File path to dataset containing labels
+
+    infile_groups : str
+        File path to dataset containing groups
+
+    outfile_train : str
+        File path to dataset containing train split
+
+    outfile_test : str
+        File path to dataset containing test split
+    """
+    warnings.simplefilter("ignore")
+
+    with open(inputs, "r") as param_handler:
+        params = json.load(param_handler)
+
+    input_header = params["header0"]
+    header = "infer" if input_header else None
+    array = pd.read_csv(infile_array, sep="\t", header=header, parse_dates=True)
+
+    # train test split
+    if params["mode_selection"]["selected_mode"] == "train_test_split":
+        options = params["mode_selection"]["options"]
+        shuffle_selection = options.pop("shuffle_selection")
+        options["shuffle"] = shuffle_selection["shuffle"]
+        if infile_labels:
+            header = "infer" if shuffle_selection["header1"] else None
+            col_index = shuffle_selection["col"][0] - 1
+            df = pd.read_csv(infile_labels, sep="\t", header=header, parse_dates=True)
+            labels = df.iloc[:, col_index].values
+            options["labels"] = labels
+
+        train, test = train_test_split(array, **options)
+
+    # cv splitter
+    else:
+        train, test = _get_single_cv_split(
+            params, array, infile_labels=infile_labels, infile_groups=infile_groups
+        )
+
+    print("Input shape: %s" % repr(array.shape))
+    print("Train shape: %s" % repr(train.shape))
+    print("Test shape: %s" % repr(test.shape))
+    train.to_csv(outfile_train, sep="\t", header=input_header, index=False)
+    test.to_csv(outfile_test, sep="\t", header=input_header, index=False)
+
+
+if __name__ == "__main__":
+    aparser = argparse.ArgumentParser()
+    aparser.add_argument("-i", "--inputs", dest="inputs", required=True)
+    aparser.add_argument("-X", "--infile_array", dest="infile_array")
+    aparser.add_argument("-y", "--infile_labels", dest="infile_labels")
+    aparser.add_argument("-g", "--infile_groups", dest="infile_groups")
+    aparser.add_argument("-o", "--outfile_train", dest="outfile_train")
+    aparser.add_argument("-t", "--outfile_test", dest="outfile_test")
+    args = aparser.parse_args()
+
+    main(
+        args.inputs,
+        args.infile_array,
+        args.outfile_train,
+        args.outfile_test,
+        args.infile_labels,
+        args.infile_groups,
+    )